{ "cells": [ { "cell_type": "markdown", "metadata": { "slideshow": { "slide_type": "slide" } }, "source": [ "***\n", "***\n", "# 基于机器学习的情感分析\n", "***\n", "***\n", "\n", "王成军\n", "\n", "wangchengjun@nju.edu.cn\n", "\n", "计算传播网 http://computational-communication.com" ] }, { "cell_type": "markdown", "metadata": { "slideshow": { "slide_type": "slide" } }, "source": [ "情感分析(sentiment analysis)和意见挖掘(opinion mining)虽然相关,但是从社会科学的角度而言,二者截然不同。这里主要是讲情感分析(sentiment or emotion),而非意见挖掘(opinion, 后者通过机器学习效果更可信)。\n" ] }, { "cell_type": "markdown", "metadata": { "slideshow": { "slide_type": "subslide" } }, "source": [ "![](./img/emotion.jpg)" ] }, { "cell_type": "markdown", "metadata": { "slideshow": { "slide_type": "slide" } }, "source": [ "# classify emotion\n", "Different types of emotion: anger, disgust, fear, joy, sadness, and surprise. The classification can be performed using different algorithms: e.g., naive Bayes classifier trained on Carlo Strapparava and Alessandro Valitutti’s emotions lexicon.\n", "\n", "# classify polarity\n", "\n", "To classify some text as positive or negative. In this case, the classification can be done by using a naive Bayes algorithm trained on Janyce Wiebe’s subjectivity lexicon." ] }, { "cell_type": "markdown", "metadata": { "slideshow": { "slide_type": "slide" } }, "source": [ "![](./img/sentiment.png)" ] }, { "cell_type": "markdown", "metadata": { "slideshow": { "slide_type": "slide" } }, "source": [ "# Preparing the data" ] }, { "cell_type": "markdown", "metadata": { "slideshow": { "slide_type": "subslide" } }, "source": [ "# NLTK\n", "Anaconda自带的(默认安装的)第三方包。http://www.nltk.org/\n", "\n", "> NLTK is a leading platform for building Python programs to work with human language data. It provides easy-to-use interfaces to over 50 corpora and lexical resources such as WordNet, along with a suite of text processing libraries for classification, tokenization, stemming, tagging, parsing, and semantic reasoning, wrappers for industrial-strength NLP libraries, and an active discussion forum." ] }, { "cell_type": "code", "execution_count": 1, "metadata": { "collapsed": true, "slideshow": { "slide_type": "subslide" } }, "outputs": [], "source": [ "import nltk\n", "\n", "pos_tweets = [('I love this car', 'positive'),\n", " ('This view is amazing', 'positive'),\n", " ('I feel great this morning', 'positive'),\n", " ('I am so excited about the concert', 'positive'),\n", " ('He is my best friend', 'positive')]\n", "\n", "neg_tweets = [('I do not like this car', 'negative'),\n", " ('This view is horrible', 'negative'),\n", " ('I feel tired this morning', 'negative'),\n", " ('I am not looking forward to the concert', 'negative'),\n", " ('He is my enemy', 'negative')]" ] }, { "cell_type": "code", "execution_count": 2, "metadata": { "collapsed": false, "slideshow": { "slide_type": "subslide" } }, "outputs": [ { "data": { "text/plain": [ "[(['love', 'this', 'car'], 'positive'),\n", " (['this', 'view', 'amazing'], 'positive')]" ] }, "execution_count": 2, "metadata": {}, "output_type": "execute_result" } ], "source": [ "tweets = []\n", "for (words, sentiment) in pos_tweets + neg_tweets:\n", " words_filtered = [e.lower() for e in words.split() if len(e) >= 3]\n", " tweets.append((words_filtered, sentiment))\n", "tweets[:2]" ] }, { "cell_type": "code", "execution_count": 3, "metadata": { "collapsed": true, "slideshow": { "slide_type": "subslide" } }, "outputs": [], "source": [ "test_tweets = [\n", " (['feel', 'happy', 'this', 'morning'], 'positive'),\n", " (['larry', 'friend'], 'positive'),\n", " (['not', 'like', 'that', 'man'], 'negative'),\n", " (['house', 'not', 'great'], 'negative'),\n", " (['your', 'song', 'annoying'], 'negative')]" ] }, { "cell_type": "markdown", "metadata": { "slideshow": { "slide_type": "slide" } }, "source": [ "# Extracting Features\n", "Then we need to get the unique word list as the features for classification.\n" ] }, { "cell_type": "code", "execution_count": 5, "metadata": { "collapsed": false, "slideshow": { "slide_type": "subslide" } }, "outputs": [ { "data": { "text/plain": [ "'forward great like love concert tired this car about morning looking feel amazing friend horrible not the enemy excited best view'" ] }, "execution_count": 5, "metadata": {}, "output_type": "execute_result" } ], "source": [ "# get the word lists of tweets\n", "def get_words_in_tweets(tweets):\n", " all_words = []\n", " for (words, sentiment) in tweets:\n", " all_words.extend(words)\n", " return all_words\n", "\n", "# get the unique word from the word list\t\n", "def get_word_features(wordlist):\n", " wordlist = nltk.FreqDist(wordlist)\n", " word_features = wordlist.keys()\n", " return word_features\n", "\n", "word_features = get_word_features(get_words_in_tweets(tweets))\n", "' '.join(word_features)" ] }, { "cell_type": "markdown", "metadata": { "slideshow": { "slide_type": "subslide" } }, "source": [ "To create a classifier, we need to decide what features are relevant. To do that, we first need a feature extractor." ] }, { "cell_type": "code", "execution_count": 6, "metadata": { "collapsed": true, "slideshow": { "slide_type": "subslide" } }, "outputs": [], "source": [ "def extract_features(document):\n", " document_words = set(document)\n", " features = {}\n", " for word in word_features:\n", " features['contains(%s)' % word] = (word in document_words)\n", " return features" ] }, { "cell_type": "code", "execution_count": 7, "metadata": { "collapsed": true, "slideshow": { "slide_type": "slide" } }, "outputs": [], "source": [ "training_set = nltk.classify.util.apply_features(extract_features, tweets)\n", "classifier = nltk.NaiveBayesClassifier.train(training_set)" ] }, { "cell_type": "code", "execution_count": 9, "metadata": { "collapsed": true, "slideshow": { "slide_type": "subslide" } }, "outputs": [], "source": [ "# You may want to know how to define the ‘train’ method in NLTK here:\n", "def train(labeled_featuresets, estimator=nltk.probability.ELEProbDist):\n", " # Create the P(label) distribution\n", " label_probdist = estimator(label_freqdist)\n", " # Create the P(fval|label, fname) distribution\n", " feature_probdist = {}\n", " model = NaiveBayesClassifier(label_probdist, feature_probdist)\n", " return model" ] }, { "cell_type": "code", "execution_count": 11, "metadata": { "collapsed": false, "slideshow": { "slide_type": "slide" } }, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "positive\n" ] } ], "source": [ "tweet_positive = 'Larry is my friend'\n", "print classifier.classify(extract_features(tweet_positive.split()))" ] }, { "cell_type": "code", "execution_count": 12, "metadata": { "collapsed": false, "slideshow": { "slide_type": "fragment" } }, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "negative\n" ] } ], "source": [ "tweet_negative = 'Larry is not my friend'\n", "print classifier.classify(extract_features(tweet_negative.split()))" ] }, { "cell_type": "code", "execution_count": 13, "metadata": { "collapsed": false, "slideshow": { "slide_type": "subslide" } }, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "positive\n" ] } ], "source": [ "# Don’t be too positive, let’s try another example:\n", "tweet_negative2 = 'Your song is annoying'\n", "print classifier.classify(extract_features(tweet_negative2.split()))" ] }, { "cell_type": "code", "execution_count": 15, "metadata": { "collapsed": false, "slideshow": { "slide_type": "slide" } }, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "Total accuracy: 80.000000% (4/20).\n" ] } ], "source": [ "def classify_tweet(tweet):\n", " return classifier.classify(extract_features(tweet)) \n", " # nltk.word_tokenize(tweet)\n", "\n", "total = accuracy = float(len(test_tweets))\n", "\n", "for tweet in test_tweets:\n", " if classify_tweet(tweet[0]) != tweet[1]:\n", " accuracy -= 1\n", "\n", "print('Total accuracy: %f%% (%d/20).' % (accuracy / total * 100, accuracy))" ] }, { "cell_type": "markdown", "metadata": { "slideshow": { "slide_type": "slide" } }, "source": [ "# 使用sklearn的分类器" ] }, { "cell_type": "code", "execution_count": 18, "metadata": { "collapsed": false, "slideshow": { "slide_type": "subslide" } }, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "ClassifierBasedPOSTagger\n", "ClassifierBasedTagger\n", "ClassifierI\n", "ConditionalExponentialClassifier\n", "DecisionTreeClassifier\n", "MaxentClassifier\n", "MultiClassifierI\n", "NaiveBayesClassifier\n", "PositiveNaiveBayesClassifier\n", "SklearnClassifier\n", "WekaClassifier\n" ] } ], "source": [ "# nltk有哪些分类器呢?\n", "nltk_classifiers = dir(nltk)\n", "for i in nltk_classifiers:\n", " if 'Classifier' in i:\n", " print i" ] }, { "cell_type": "code", "execution_count": 22, "metadata": { "collapsed": false, "slideshow": { "slide_type": "subslide" } }, "outputs": [], "source": [ "from sklearn.svm import LinearSVC\n", "from nltk.classify.scikitlearn import SklearnClassifier\n", "classif = SklearnClassifier(LinearSVC())\n", "svm_classifier = classif.train(training_set)" ] }, { "cell_type": "code", "execution_count": 23, "metadata": { "collapsed": false, "slideshow": { "slide_type": "subslide" } }, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "negative\n" ] } ], "source": [ "# Don’t be too positive, let’s try another example:\n", "tweet_negative2 = 'Your song is annoying'\n", "print svm_classifier.classify(extract_features(tweet_negative2.split()))" ] }, { "cell_type": "markdown", "metadata": { "slideshow": { "slide_type": "slide" } }, "source": [ "# 作业1:\n", "\n", "使用另外一种sklearn的分类器来对tweet_negative2进行情感分析\n", "\n", "# 作业2:\n", "\n", "使用https://github.com/victorneo/Twitter-Sentimental-Analysis 所提供的推特数据进行情感分析,可以使用其代码 https://github.com/victorneo/Twitter-Sentimental-Analysis/blob/master/classification.py\n", "\n", "![](./img/homework.jpg)" ] }, { "cell_type": "markdown", "metadata": { "slideshow": { "slide_type": "slide" } }, "source": [ "# 推荐阅读:\n", "\n", "movies reviews情感分析 http://nbviewer.jupyter.org/github/rasbt/python-machine-learning-book/blob/master/code/ch08/ch08.ipynb\n", "\n", "Sentiment analysis with machine learning in R http://chengjun.github.io/en/2014/04/sentiment-analysis-with-machine-learning-in-R/\n", "\n", "使用R包sentiment进行情感分析 https://site.douban.com/146782/widget/notes/15462869/note/344846192/\n", "\n", "中文的手机评论的情感分析 https://github.com/computational-class/Review-Helpfulness-Prediction\n", "\n", "基于词典的中文情感倾向分析 https://site.douban.com/146782/widget/notes/15462869/note/355625387/" ] }, { "cell_type": "markdown", "metadata": { "slideshow": { "slide_type": "slide" } }, "source": [ "# Sentiment Analysis using TextBlob" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "# 安装textblob\n", "https://github.com/sloria/TextBlob\n", " \n", "> pip install -U textblob\n", "\n", "> python -m textblob.download_corpora" ] }, { "cell_type": "code", "execution_count": null, "metadata": { "collapsed": true, "slideshow": { "slide_type": "subslide" } }, "outputs": [], "source": [ "from textblob import TextBlob\n", "\n", "text = '''\n", "The titular threat of The Blob has always struck me as the ultimate movie\n", "monster: an insatiably hungry, amoeba-like mass able to penetrate\n", "virtually any safeguard, capable of--as a doomed doctor chillingly\n", "describes it--\"assimilating flesh on contact.\n", "Snide comparisons to gelatin be damned, it's a concept with the most\n", "devastating of potential consequences, not unlike the grey goo scenario\n", "proposed by technological theorists fearful of\n", "artificial intelligence run rampant.\n", "'''\n", "\n", "blob = TextBlob(text)\n", "blob.tags # [('The', 'DT'), ('titular', 'JJ'),\n", " # ('threat', 'NN'), ('of', 'IN'), ...]\n", "\n", "blob.noun_phrases # WordList(['titular threat', 'blob',\n", " # 'ultimate movie monster',\n", " # 'amoeba-like mass', ...])\n", "\n", "for sentence in blob.sentences:\n", " print(sentence.sentiment.polarity)\n", "# 0.060\n", "# -0.341\n", "\n", "blob.translate(to=\"es\") # 'La amenaza titular de The Blob...'" ] }, { "cell_type": "markdown", "metadata": { "slideshow": { "slide_type": "slide" } }, "source": [ "# Sentiment Analysis Using GraphLab" ] }, { "cell_type": "markdown", "metadata": { "slideshow": { "slide_type": "fragment" } }, "source": [ "In this notebook, I will explain how to develop sentiment analysis classifiers that are based on a bag-of-words model. \n", "Then, I will demonstrate how these classifiers can be utilized to solve Kaggle's \"When Bag of Words Meets Bags of Popcorn\" challenge." ] }, { "cell_type": "markdown", "metadata": { "slideshow": { "slide_type": "slide" } }, "source": [ "## Code Recipe: Creating Sentiment Classifier " ] }, { "cell_type": "markdown", "metadata": { "slideshow": { "slide_type": "fragment" } }, "source": [ "Using GraphLab it is very easy and straight foward to create a sentiment classifier based on bag-of-words model. Given a dataset stored as a CSV file, you can construct your sentiment classifier using the following code: " ] }, { "cell_type": "code", "execution_count": null, "metadata": { "collapsed": false, "slideshow": { "slide_type": "fragment" } }, "outputs": [], "source": [ "import graphlab as gl\n", "train_data = gl.SFrame.read_csv(traindata_path,header=True, \n", " delimiter='\\t',quote_char='\"', \n", " column_type_hints = {'id':str, \n", " 'sentiment' : int, \n", " 'review':str } )\n", "train_data['1grams features'] = gl.text_analytics.count_ngrams(\n", " train_data['review'],1)\n", "train_data['2grams features'] = gl.text_analytics.count_ngrams(\n", " train_data['review'],2)\n", "cls = gl.classifier.create(train_data, target='sentiment', \n", " features=['1grams features','2grams features'])" ] }, { "cell_type": "markdown", "metadata": { "slideshow": { "slide_type": "fragment" } }, "source": [ "In the rest of this notebook, we will explain this code recipe in details, by demonstrating how this recipe can used to create IMDB movie reviews sentiment classifier." ] }, { "cell_type": "markdown", "metadata": { "slideshow": { "slide_type": "slide" } }, "source": [ "## Set up" ] }, { "cell_type": "markdown", "metadata": { "slideshow": { "slide_type": "fragment" } }, "source": [ "Before we begin constructing the classifiers, we need to import some Python libraries: graphlab (gl), and IPython display utilities. We also set IPython notebook and GraphLab Canvas to produce plots directly in this notebook." ] }, { "cell_type": "code", "execution_count": 3, "metadata": { "collapsed": false, "slideshow": { "slide_type": "fragment" } }, "outputs": [], "source": [ "import graphlab as gl\n", "from IPython.display import display\n", "from IPython.display import Image\n", "\n", "gl.canvas.set_target('ipynb')" ] }, { "cell_type": "markdown", "metadata": { "slideshow": { "slide_type": "slide" } }, "source": [ "## IMDB movies reviews Dataset \n", "\n", "> # Bag of Words Meets Bags of Popcorn\n", "\n" ] }, { "cell_type": "markdown", "metadata": { "slideshow": { "slide_type": "fragment" } }, "source": [ "Throughout this notebook, I will use Kaggle's IMDB movies reviews datasets that is available to download from the following link: https://www.kaggle.com/c/word2vec-nlp-tutorial/data. I downloaded labeledTrainData.tsv and testData.tsv files, and unzipped them to the following local files.\n", "\n", "### DeepLearningMovies\n", "\n", "Kaggle's competition for using Google's word2vec package for sentiment analysis\n", "\n", "https://github.com/wendykan/DeepLearningMovies" ] }, { "cell_type": "code", "execution_count": 8, "metadata": { "collapsed": false, "slideshow": { "slide_type": "slide" } }, "outputs": [], "source": [ "traindata_path = \"/Users/chengjun/bigdata/kaggle_popcorn_data/labeledTrainData.tsv\"\n", "testdata_path = \"/Users/chengjun/bigdata/kaggle_popcorn_data/testData.tsv\"" ] }, { "cell_type": "markdown", "metadata": { "slideshow": { "slide_type": "fragment" } }, "source": [ "## Loading Data" ] }, { "cell_type": "markdown", "metadata": { "slideshow": { "slide_type": "fragment" } }, "source": [ "We will load the data with IMDB movie reviews to an SFrame using SFrame.read_csv function." ] }, { "cell_type": "code", "execution_count": 6, "metadata": { "collapsed": false, "slideshow": { "slide_type": "slide" } }, "outputs": [ { "data": { "text/html": [ "
Finished parsing file /Users/chengjun/bigdata/kaggle_popcorn_data/labeledTrainData.tsv
" ], "text/plain": [ "Finished parsing file /Users/chengjun/bigdata/kaggle_popcorn_data/labeledTrainData.tsv" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
Parsing completed. Parsed 100 lines in 0.361192 secs.
" ], "text/plain": [ "Parsing completed. Parsed 100 lines in 0.361192 secs." ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
Finished parsing file /Users/chengjun/bigdata/kaggle_popcorn_data/labeledTrainData.tsv
" ], "text/plain": [ "Finished parsing file /Users/chengjun/bigdata/kaggle_popcorn_data/labeledTrainData.tsv" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
Parsing completed. Parsed 25000 lines in 0.694849 secs.
" ], "text/plain": [ "Parsing completed. Parsed 25000 lines in 0.694849 secs." ] }, "metadata": {}, "output_type": "display_data" } ], "source": [ "movies_reviews_data = gl.SFrame.read_csv(traindata_path,header=True, delimiter='\\t',quote_char='\"', \n", " column_type_hints = {'id':str, 'sentiment' : str, 'review':str } )" ] }, { "cell_type": "markdown", "metadata": { "slideshow": { "slide_type": "fragment" } }, "source": [ "By using the SFrame show function, we can visualize the data and notice that the train dataset consists of 12,500 positive and 12,500 negative, and overall 24,932 unique reviews." ] }, { "cell_type": "code", "execution_count": 7, "metadata": { "collapsed": false, "slideshow": { "slide_type": "slide" } }, "outputs": [ { "data": { "application/javascript": [ "$(\"head\").append($(\"\").attr({\n", " rel: \"stylesheet\",\n", " type: \"text/css\",\n", " href: \"//cdnjs.cloudflare.com/ajax/libs/font-awesome/4.1.0/css/font-awesome.min.css\"\n", "}));\n", "$(\"head\").append($(\"\").attr({\n", " rel: \"stylesheet\",\n", " type: \"text/css\",\n", " href: \"//dato.com/files/canvas/1.8.5/css/canvas.css\"\n", "}));\n", "\n", " (function(){\n", "\n", " var e = null;\n", " if (typeof element == 'undefined') {\n", " var scripts = document.getElementsByTagName('script');\n", " var thisScriptTag = scripts[scripts.length-1];\n", " var parentDiv = thisScriptTag.parentNode;\n", " e = document.createElement('div');\n", " parentDiv.appendChild(e);\n", " } else {\n", " e = element[0];\n", " }\n", "\n", " if (typeof requirejs !== 'undefined') {\n", " // disable load timeout; ipython_app.js is large and can take a while to load.\n", " requirejs.config({waitSeconds: 0});\n", " }\n", "\n", " require(['//dato.com/files/canvas/1.8.5/js/ipython_app.js'], function(IPythonApp){\n", " var app = new IPythonApp();\n", " app.attachView('sframe','Summary', {\"ipython\": true, \"sketch\": {\"review\": {\"complete\": true, \"numeric\": false, \"num_unique\": 24932, \"num_undefined\": 0, \"progress\": 1.0, \"frequent_items\": {\"> you are warned this is a spoiler! > This movie is so bad that i doubt i can write enough lines. great direction the shots were well thought out. the actors were very good particularly Richard pryor tho i would have liked to have seen more of him. Madeline Kahn and john houseman were classic. Dudley More god bless him could have done better. John Ritter again i would have liked to see more of him. In my opinion this failure is due totally to writer failure. Maybe the producer could have pulled the plug once he saw what he was creating. Its just too bad that so much money went into this boiler,when with a little change here and there would in my opinion fixed it.They must have paid the writers standard rates. To produce one chuckle.\": {\"frequency\": 1, \"value\": \"> you are warned ...\"}, \"This is a great film - esp when compared with the sometimes wearisome earnestness of today's politically-minded filmmakers. A film that can so easily combine sex, gender relations, politics and art is a rarity these days. While the bouyant optimism of the 1960's can't be regained, I think we can at least learn a lesson from the film's breezy energy and charm. I don't know what those who label the film \\\"boring\\\" were watching - there's so much packed into it that it never remains the same film for more that 15 min at a time.\": {\"frequency\": 1, \"value\": \"This is a great ...\"}, \"this was a fantastic episode. i saw a clip from it on YouTube, and i vowed that should it ever show on TV, i would glue myself to the set in order to watch. i wound up watching it with a friend of mine, who happens to be gay, and the two of us cried at the end. this was a truly well-written, heartfelt episode of the forbidden love between two cops who, i felt, really were (in Coop's words) \\\"the Lucky Ones\\\". it is episodes like this one that really make Cold Case one of the most captivating and much-loved works of television magic on CBS. i anxiously await more episodes, and a re-run of \\\"Forever Blue\\\" because i will always watch it again and again.\": {\"frequency\": 1, \"value\": \"this was a ...\"}, \"This is easily one of the worst 5 movies I've ever seen. It's not scary or any of the other things suggested in the plot outline. This movie is agonizingly slow and I was bored for almost all 98 minutes. While the acting is mediocre at best, the biggest problem is the script, which is poorly written, slow and plodding with no real direction. Occasionally an eerie mood is set only to be broken by some useless line or event. I'm not surprised that the entire cast was sick and throwing up between shots, they did after all have to try and digest a terrible script. As a huge fan of good horror movies, I'm always irritated that something this bad gets made. Save yourself 98 minutes you'll never get back.\": {\"frequency\": 1, \"value\": \"This is easily one ...\"}, \"The Angry Red Planet (Quickie Review)

Like \\\"The Man From Planet X,\\\" this is a bizarre science fiction tale culled from an era where fantasy and science fiction were still damn near the same thing. Meaning, we have some highly laughable special effects and rampant pseudo-science masquerading as science fiction. And yes, it's another \\\"classic\\\" released in a high quality transfer with a crisp picture and sharp sound--by Midnite Movies.

So, the main reason to watch this film? Oh, it's definitely the whole time our space crew is on Mars. (What, you thought \\\"Angry Red Planet\\\" referred to Neptune?) Prior to that is some rather poor quality space crew boarding a space ship, inside of which they smoke and toss around sexist chauvinistic banter aimed at the \\\"puny female\\\" member of the crew. It'd be somewhat offensive by today's standards if it weren't so damn funny. But Mars is the real reason we're watching this thing. The film is generally black and white, but Mars, well Mars is screaming bloody red. It's filmed in this bizarre red plasticy sheen giving the angry red planet quite an interesting look of overexposed redness. It's really quite a sight\\ufffd\\ufffdas are the (ha ha) aliens viewers are to witness. The best being the \\\"ratbatspidercrab.\\\" You think that's a joke? That's what they call it in the movie! It's a gigantic chimera (small puppet) of a thing combining traits of rats, bats, spiders, and crabs. It bounds along all puppety and scares the sh*t out of our \\\"heroic crew.\\\" There are other weird, and poorly imagined, aliens to be seen, but that one takes the cake. Eventually, after their harrowing experience on Mars, the sexist crew boards their \\\"ship\\\" and returns to whatever planet it was they came from.

This ain't for everyone. Science Fiction film buffs & curiosity seekers, and some general film buffs. Fans of Mystery Science Theater 3000 will have a field day with this one (if they never got to it on the show).

2/10 Modern score, 6/10 Nostalgia score, 4/10 overall.

(www.ResidentHazard.com)\": {\"frequency\": 1, \"value\": \"The Angry Red ...\"}, \"It is considered fashion to highlight every social evil as a result of patriarchy and male dominance, however moronic this illogical 'logic' may be. However within the story and theme of the film, there is no grey area and the woman who should be called the film's antagonist, is the ''villain of the story''. Under no circumstances can what she did be justified. Sexuality of women is just hype in this case and has nothing to do with the actuality. It is betrayal of the ultimate sort. The man ended up spending his resources and time in the wasteful raising of another man's offspring. To top it all, the most feeble of arguments raised by the 3 'liberated' female characters in the climax is pathetic. A woman's sexual needs are no excuse for her to commit adultery and continually betray her husband and worse, there are no other children. So in essence his life has been wasted. In some societies where justice still prevails, such situations result in the execution of the unjust.\": {\"frequency\": 1, \"value\": \"It is considered ...\"}, \"The synopsis for this movie does a great job at explaining what to expect. It's a very good thriller. Well shot. Tough to believe it was Bill Paxton's directorial debut, though some shots do look EXACTLY like a storyboard version.

Still, there are a few shots that really look good and show some real imagination on the part of Paxton.

It's a solid story with some great twists at the end, several of them, all believable, all fun, and best of all, obscured well enough to make them true twists.

The child actors in the movie do a great, too. I'm usually wary of movies with kids in starring roles because all too often they come off as Nickelodeon rejects, but both these kids do a good job.

This movie is not gory. It's not very scary. But it IS very, very creepy.\": {\"frequency\": 1, \"value\": \"The synopsis for ...\"}, \"I don't really post comments, but wanted to make sure to warn people off this film. It's an unfinished student film with no redeeming features whatsoever. On a technical level, it's completely amateur - constant unintentional jump edits within scenes, dubbing wildly off, etc. The plot is completely clich\\ufffd\\ufffdd, the structure is laughable, and the acting is embarrassing. I don't want to be too harsh: I've made my share of student films, and they were all awful, but there's no reason for this film to be out in the world where innocent fans will have to see it.

Safe assumption that - much like the cast - positive comments are filmmakers, friends, and family.\": {\"frequency\": 1, \"value\": \"I don't really ...\"}, \"This overrated, short-lived series (a measly two seasons) is about as experimental and unique as a truck driver going to a strip bar. I am not quite sure what they mean by \\\"ground-breaking\\\" and \\\"original\\\" when they fawn all over Lynch and his silly little TV opus. What exactly is their criteria of what is original? Sure, compared to the \\\"Bill Cosby Show\\\" or \\\"Hill Street Blues\\\" it's original. Definitely. Next to \\\"Law & Order\\\" TP spews originality left and right.

Fans of TP often say that the show was canceled because too many viewers weren't smart enough, open enough for the show's supposed \\\"weirdness\\\", its alleged wild ingenuity, or whatever. As a fan of weirdness myself, I have to correct that misconception. There is nothing too off-the-wall about TP; it is a merely watchable, rather silly whodunit that goes around in circles, spinning webs in every corner but (or because of it) ultimately going nowhere. The supposed weirdness is always forced; the characters don't behave in a strange way as much as they behave in an IDIOTIC way half the time. There's a difference...

Whenever I watch the \\\"weird dream\\\" sequence in \\\"Living In Oblivion\\\" in which the dwarf criticizes the director (Buscemi) for succumbing to the tired old let's-use-a-midget-in-a-dream-scene clich\\ufffd\\ufffd, I think of Lynch. You want weird? \\\"Eraserhead\\\" is weird - in fact, it's beyond weird, it's basically abstract. You want a unique TV show? Watch \\\"The Prisoner\\\". You want a strange-looking cast? Felini's and Leone's films offer that. TP looks like an overly coiffed TV crime drama in which all the young people look like fashion models. The cast gives TP a plastic look. Kens & Barbies en masse.

In fact, one of the producers of TP said that Lynch was looking for \\\"unique faces\\\" for the series. Unique faces? Like Lara Flynn Boyle's? Sheryll Fenn's? Like those effeminate-faced \\\"hunks\\\" straight out of men's catalogs (or gay magazines)? Don't get me wrong; there is nothing wrong with getting an attractive cast, especially with beauties like Fenn (the way Madonna would look if she were 1000 times prettier), but then don't go around saying you're making a \\\"weird show with weird-looking people\\\". And I have never understood Lynch's misguided fascination with Kyle MacLachlan (I should get a medal for bothering to spell his name right). He is not unlikable, but lacks charisma, seeming a little too bland and polished. His character's laughable \\\"eccentricities\\\" were not at all interesting, merely one of Lynch's many attempts to force the weirdness, trying hard to live up to his reputation - him having completely lost his edge but that time. Everything Lynch made post-\\\"Elephant Man\\\" was very much sub-par compared to his first two movies. What followed were often mediocre efforts that relied on Lynch's relatively small but fanatical fan base to keep him in the public eye by interpreting meanings into his badly put-together stories that don't hold any water on closer scrutiny. In other words, Lynch is every intellectual-wannabe's darling.

So Laura Palmer was killed by her Dad...? He was obsessed by the devil or some such nonsense. That's the best this \\\"great mind\\\" could come up with... You've got B-movie horror films that end with more originality.

Lynch is neither bright nor hard-working enough to come up with a terrific story.

Go to http://rateyourmusic.com/~Fedor8, and check out my \\\"TV & Cinema: 150 Worst Cases Of Nepotism\\\" list.\": {\"frequency\": 1, \"value\": \"This overrated, ...\"}, \"i saw switching goals ..twice....and always the same feeling...you see the Olsen twins make same movie....they like play different sports and then fall in love to boys..OK now about the movie....first off all such little boys and girls don't play on such big goals...2.football does not play on time outs...3.if the game is at its end the referee gives some overtime (a minute or more)...and the finish is so foreseen....i think that this movie is bad because of the lack of football knowledgement....if it were done by European producers it would be better..and also the mane actors aren't the wright choice...they suffer from lack of authentic..OK they played some seasons in full house but that doesn't make them big stars....you have got to show your talent....and that is what is missing in the Olsen twins\": {\"frequency\": 1, \"value\": \"i saw switching ...\"}, \"First be warned that I saw this movie on TV and with dubbed English - which may have entirely spoiled the atmosphere. However, I'll rate what I saw and hope that will steer people away from that version. I found this movie excruciatingly dull. All the movie's atmosphere is lost with dubbing leaving the slow frustration of a stalker movie. I'm sorry, but the worst movie sin in my book is to be slow except when the movie about philosophy. I didn't see any deep philosophical meaning in this movie. Maybe I missed something, but I have to tell it like I see it. I rated it a \\\"1\\\". What can I say, U.S. oriented tastes, maybe.\": {\"frequency\": 1, \"value\": \"First be warned ...\"}, \"Massacre is a film directed by Andrea Bianchi (Burial Ground) and produced by legendary Italian horror director Lucio Fulci. Now with this mix of great talent you would think this movie would have been a true gore fest. This could not be further from that. Massacre falls right on its face as being one of the most boring slasher films I have seen come out of Italian cinema. I was actually struggling to stay awake during the film and I have never had that problem with Italian horror films.

Massacre starts out with a hooker being slaughtered on the side of the road with an ax. This scene was used in Fulci's Nightmare Concert. This isn't a bad scene and it raises your expectations of the movie as being an ax wielding slaughter. Unfortuanitly, the next hour of the movie is SO boring. The movie goes on to a set of a horror film being filmed and there is a lot of character development during all these scenes but the characters in the movie are so dull and badly acted your interest starts to leak away. The last 30 minutes of the movie aren't so bad but still could have been much better. The gore in the movie was pathetic and since Fulci used most of the gore scenes in Nightmare Concert there was nothing new here. The end of the movie did leave a nice twist but there was still to much unanswered and the continuity falls right through the floor.

This wasn't a very good film but for a true Italian horror freak (like myself) this movie is a must have since it is very rare. 4/10 stars\": {\"frequency\": 1, \"value\": \"Massacre is a film ...\"}, \"This is the true story of how three British soldiers escaped from the German Prisoner Of War (POW) camp, Stalag Luft III, during the Second World War. This is the same POW camp that was the scene for the Great Escape which resulted in the murder of 50 re-captured officers by the Gestapo (and later was made into a very successful movie of the same name).

While the other POWs in Stalag Luft III are busy working on their three massive tunnels (known as Tom, Dick & Harry), two enterprising British prisoners came up with the idea to build a wooden vaulting horse which could be placed near the compound wire fence, shortening the distance they would have to tunnel from this starting point to freedom. The idea to build their version of the Trojan Horse came to them while they were discussing 'classic' attempts for escape and observing some POWs playing leap-frog in the compound.

Initially containing one, and later with two POWs hidden inside, the wooden horse could be carried out into the compound and placed in almost the same position, near the fence, on a daily basis. While volunteer POWS vaulted over the horse, the escapees were busy inside the horse digging a tunnel from under the vaulting horse while positioned near the wire, under the wire, and into the woods.

The story also details the dangers that two of the three escaping POWs faced while traveling through Germany and occupied Europe after they emerged from the tunnel. All three POWs who tried to escape actually hit home runs (escaped successfully to their home base.). The Wooden Horse gives a very accurate and true feeling of the tension and events of a POW breakout. The movie was shot on the actual locations along the route the two POWs traveled in their escape. Made with far less a budget than The Great Escape, The Wooden Horse is more realistic if not more exciting than The Great Escape and never fails to keep you from the edge of your seat rooting for the POWs to make good their escape.

The story line is crisp and the acting rings true and is taut enough to keep the tension up all the way through the movie. The Wooden Horse is based on the book of the same name by one of the escapees, Eric Williams, and is, by far, the best POW escape story ever made into a movie. Some of the actual POWs were used in the movie to reprise their existence as prisoners in Stalag Luft III. I give this movie a well deserved ten.\": {\"frequency\": 1, \"value\": \"This is the true ...\"}, \"Note to all mad scientists everywhere: if you're going to turn your son into a genetically mutated monster, you need to give him a scarier name than \\\"Paul.\\\" I don't care if he's a frightening hammerhead shark with a mouthful of dagger-sharp teeth and the ability to ambush people in the water as well as on dry land. Give the kid a more worthy name like, \\\"Thor,\\\" \\\"Rock,\\\" or \\\"Tiburon.\\\" Because even if he eats me up I will probably just sit there laughing, \\\"Ha! Get a load of this!!! Paul the Monster is ripping me to shreds!!!!!\\\" That's the worst part about this movie is, this shark-thing is referred to as \\\"Paul\\\" throughout the entire flick. It makes what could have been a decent, scary horror movie just seem silly. Not that there aren't other campy and contrived parts of \\\"Hammerhead: Shark Frenzy.\\\" The scientists spend the entire movie wandering along this island, and all of a sudden one of the girls starts itching madly from walking in the lush forest, and just HAS to pour water on her feet to relive the itching, which of course allows \\\"Paul\\\" to come out of the water and kill her. The one thing SciFI Channel did right in this movie was let the hottie live. But that's a small silver lining in an otherwise disappointing movie.\": {\"frequency\": 1, \"value\": \"Note to all mad ...\"}, \"Odd slasher movie from Producer Charles Band. In the days of Full Moon's greatest success Band said that he would never make \\\"real killer films\\\" because he felt that little puppets and big monsters added a fantasy element that made the films better - people killing each other is thus real and less fun. A nice philosophy and a true shame that Band, having destroyed the Full Moon studio through possible shoddy business dealings became so desperate for home cinema profits that he started making exactly what the likes of Blockbuster wanted and therefore sacrificed creativity and originality. The team behind this one also worked on 'Delta Delta Die!' and 'Birth Rite' - both equally bland by Full Moon standards. Debbie Rochon is on usual top form here as a newbie to a gang of dudes and dudettes who decide to make up a story about a 'murder club'. She - as one would obviously - does all she can to join and then panic sets in because it was not a true story and silly Ms Rochon believed it and now everybody will have to run around getting covered in blood and maybe killing each other or maybe not. The choice is there's and with regard to this movie its yours...not recommended but not entirely bad either.\": {\"frequency\": 1, \"value\": \"Odd slasher movie ...\"}, \"Normally, I am a pretty generous critic, but in the case of this film I have to say it was incredibly bad. I am stunned by how positive most reviews seem to be.

There were some gorgeous shots, but it's too bad they were wasted on this sinkhole of a movie. It might have worked if \\\"Daggers\\\" was purely an action flick and not a romance, but unfortunately the film is built around an empty love triangle. There is no chemistry between either of the couples, whatever exists between Mei and her men seems to be more lust than love, and for the most part the dialogue is just silly. This may be just a problem with translation, but the frequent usage of the word \\\"flirt\\\" in particular reminded me of 8th grade, not head-over-heels, together forever, worth-dying-for love; I also felt we were beat over the head with the wind metaphor. The audience is given very little about the characters to really care about, and therefore very little emotional investment in the movie as a whole. I was wishing for a remote control to fast forward, I was slumped in my seat ready to snore, but mostly I just cringed a lot.

*******spoiler*****

Now, the icing on the cake. Or rather, adding insult to injury. The ending was truly one of the most horrible, laughable ones I have ever seen. The boys are having their stag fight and screaming and yelling and hacking at each other. Oh, and then it starts to snow. Randomly. Oh, and then Mei (dagger embedded in heart) suddenly pops up out of the weeds. Then she throws a dagger that seems to take about 5 minutes to reach it's destination, even slowing conveniently midscreen to hit a tiny blood droplet. Wow, cool.

Well, then Mei dies finally I guess because she threw the dagger that was lodged in her chest and bled to death. Jin sings, sobs, holds her body close, screen goes blank. I, and the people surrounding me, are chuckling. Not a good sign.

Visually stunning, but ultimately a failure.\": {\"frequency\": 1, \"value\": \"Normally, I am a ...\"}, \"Let's face it: the final season (#8) was one of the worst seasons in any show I've ever enjoyed (mostly, I've never found dry spells to last a whole season). But if you judge this show by the last season, of course it's going to come across as inferior. That is an entirely unfair assessment-- because \\\"That '70s Show\\\" was, in its day, a brilliant and hilarious sitcom about a bygone era and how the people who lived there weren't so different than we are here in modern times.

All right... ignoring Season 8.

Topher Grace stars as Eric Forman, a horny geek of a teenager with a perpetual love of Donna (Laura Prepon), the feminist girl next door. Playing their friends, Danny Masterson (Hyde), Mila Kunis (Jackie), Wilmer Valderrama (Fez) and even Ashton Kutcher (Kelso) give fantastic performances in (almost) every episode. The best one is probably Fez, a foreign exchange student who is as mentally promiscuous as they get. What country is he from? Try to figure it out! For another dimension of entertainment, Debra Jo Rupp and Kurtwood Smith are phenomenal as Eric's parents. Rupp, as Kitty, is both formidable and sweet, sort of like Mrs. Brady meets Marie Barone, while Smith's Red exists mainly to scare the pogees out of everyone. Don Stark and Tanya Roberts play very well opposite each other as Donna's parents, the chauvinistic but likable Bob and the airheaded Midge. Tommy Chong has occasional appearances as Leo, a stoner who acts as a father figure to Hyde.

Apart from the anachronistic errors that pop up quite frequently and the over-the-top lessons that sometimes come (and that deplorable final season), \\\"'70s\\\" is a terrific show with amazing writing, spot-on direction, and a feel-good vibe pulsing through every episode. They're all alright.\": {\"frequency\": 1, \"value\": \"Let's face it: the ...\"}, \"Everybody's got bills to pay, and that includes Christopher Walken.

In Vietnam, a group a soldiers discover that the war is over and are heading back home when they spot a bunch of POWs, including Christopher Walken. Following a Mad Max 3 (!) Thunderdome fight, and a short massacre later. Walken and some Colombian guy split a dollar bill promising something or other.

Cut to the present (1991), and Colombian guy is leading a revolution against El Presidente. He's successful at first, but after El Presidente threatens to crush folks with a tank, he's forced to surrender and is shot in the head on live television. This is shown in full gory detail as a news flash on American telly, which leads Walken to assemble the old squad (even though he wasn't actually part of that squad to begin with), in order to invade Colombia and gun down thousands of people.

McBain is a monumentally stupid film, but for all that it's also a good laugh, and action packed too. This is one of those movies where logic is given a wide berth - how else could Walken shoot a fighter pilot in the head from another plane without suffering from decompression, or even breaking a window? Also, it seems that these guys can gun down scores of drug dealers in New York without the police bothering.

There's plenty of b-movie madness to chew on here, from Michael Ironside's diabolical acting in the Vietnam sequence, to the heroic but entirely pointless death of one of the heroes, to the side splitting confrontation between Walken and El Presidente, and let's not forget the impassioned speech by the sister of the rebel leader, being watched on television in America (nearly brought a brown tear to my nether-eye, that bit).

It's out there for a quid. Buy it if you have a sense of humour. See how many times you can spot the camera crew too.\": {\"frequency\": 1, \"value\": \"Everybody's got ...\"}, \"Radio was not a 24 hour 7days a week happening when I grew up in the 1930s England, so Children's Hour was a treat for me when we had batteries and an accumulator to spare for the power. The few programmes I heard therefore made a great impression on my young mind, and the 3 that I recall still are \\\"Toytown\\\", one about all the animals at the Zoo, and --- Grey Owl, talking about the animals he knew, which he called his \\\"brothers\\\". It was only in recently that I learnt that Grey Owl wasn't a genuine \\\"Indian\\\", but the tribute paid by the Sioux Chief makes great sense to me \\\"A man becomes what he dreams\\\". Would that we could all dream as world changing and beneficial as Archie Grey Owl Belaney. Would that a new Grey Owl could influence world leaders to clean up the environment.\": {\"frequency\": 1, \"value\": \"Radio was not a 24 ...\"}, \"The kids I took to this movie loved it (four children, ages 9 to 12 years; they would have given it 10 stars). Emma Roberts was adorable in the title role. (Expect to see more of this next-generation Roberts in the future.) After being over exposed to the likes of Britney Spears, Lindsay Lohan, and Paris Hilton, it was refreshing to see a girl who didn't look like she worked the streets. Also enjoyed seeing a supporting cast that included Tate Donovan, Rachel Leigh Cook, Barry Bostwick, and Monica Parker (with a cameo by Bruce Willis). Final takeaway: Cute film.

(Note: I did not read the book series, so my comments are based on the merits of the film alone.)\": {\"frequency\": 1, \"value\": \"The kids I took to ...\"}, \"I just want to say that this production is very one sided, breaks the impartiality needed if you want to be taken seriously.

There are no credits of the persons they interviewed, so you cant have an idea if they are worthy of being heard.

Tells the story from just one point of view. To do this is very dangerous, because the next generations learns the bad idea, and thats why wars keep coming. I know this is not the only reason about wars, but doesn't help either.

you can watch this documentary, but read in the internet a lot, before. Balcans are complex as human history is.\": {\"frequency\": 1, \"value\": \"I just want to say ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"Considering the ...\"}, \"I think that movie can`t be a Scott`s film. That is impossible. Do you remember Blade Runner? And Alien? Two greats movies versus a one. I hope didn\\ufffd\\ufffdt see ever it. good bye!!\": {\"frequency\": 1, \"value\": \"I think that movie ...\"}, \"The lovely Danish actress Sonja Richter steals this film from under the noses of everyone, no small feat considering the terrific performances surrounding her.

Richter plays Anna, an out-of-work, independent-minded, somewhat neurotic (and perhaps suicidal) actress who lands a desperation job looking after a wheelchair-bound, muted, aged father named Walentin (the great Danish actor Frits Helmuth, who died at 77 shortly after this film was made).

SPOILER ALERT

Walentin refuses to respond to anyone --until he confronts the gifted Anna, whose whimsical and mischievous manner brings the poor old battered devil back from a self-imposed death sentence.

Writer/director/actor Eric Clausen has made a strong film about the difficulty a ponderous businessman son (Jorgen, played by Clausen) has loving a father who has never accepted him. The film sags toward the end, but Clausen has some important things to say about euthanasia, the nature and value of loving and caring, and how one person, the irrepressible Anna, can alter the course of a human life. Highly recommended. Sonja Richter's performance is alone worth the price of admission.\": {\"frequency\": 1, \"value\": \"The lovely Danish ...\"}, \"this was one of the worst movies I've ever seen. I'm still not sure if it was serious, or just a satire. One of those movies that uses every stupid who dunnit clich\\ufffd\\ufffd they can think of. Arrrrgh.

Don Johnson was pretty good in it actually. But otherwise it sucked. It was over 10 years ago that I saw it, but it still hurts and won't stop lingering in my brain.

The last line in the movie really sums up how stupid it is. I won't ruin it for you, should you want to tempt fate by viewing this movie. But I garantee you a *nghya* moment at the end, with a few in between. If you have nothing better to do, and you like to point and laugh, then maybe it might be worth your while. Additionally, if you're forced to go on a date with someone you really don't like, suggest watching this movie together, and they'll probably leave you alone after they see it. That's a fair price to pay, I guess.\": {\"frequency\": 1, \"value\": \"this was one of ...\"}, \"I've watched this movie twice now on DVD, and both times it didn't fail to impress me with its unique impartial attitude. It seems more like a depiction of reality than most other Hollywood fare, especially on a topic that is still hotly discussed. Even though it sticks closely with the southern viewpoint, it doesn't fail to question it, and in the end the only sentence passed is that the war is lost, not matter what, and cruelty is a common denominator.

What really makes this movie outstanding is the refusal to over-dramatize. Nowadays truly good movies (in a nutshell) are few and far apart, with mainstream fare being enjoyable (if you don't have high expectations), but terribly commercially spirited. I think this movie comes off as a truly good movie (without being a masterpiece), because it sticks to itself, and gives the viewer a chance to watch and analyze it, instead of wanting to bombard him with effect and emotion to blot out his intelligence. This movie is cool, observant, and generally light-handed in its judgement, which is GOOD.

The story has its flaws, especially Jewel's Character comes off doubtfully, but then again the situation at the time was so chaotic, that for a young widow it might have been only logical to somehow get back into a normal life, even by liberally taking each next guy. Still she doesn't come off as weak, in fact I think she's one of the stronger characters, she's always in control of the relationships, with the men just tagging. And I take it very gratefully that she's not a weeping widow. I believe in the 19th century death of a loved one was something a lot more normal than now. You could die so easily of even minor illnesses and injuries, so the prospect of of someone dying, while surely causing grief, didn't traumatise people like it does now. People didn't seem to build shrines about their lost ones like they do now, and I like that attitude.

My recommendation is for intelligent people to watch this movie, if they are in the mood for something different than the usual hollywood fare. Don't watch if if you want non-stop action or heart-renting emotion.\": {\"frequency\": 1, \"value\": \"I've watched this ...\"}, \"When I heard the plot for this movie I simply had to see it, I mean whole cities being wiped out by killer tomatoes! Sadly the title is about as funny as it gets.

Led by Detective Dick Mason, a special team of military and scientists (including Greg Colburn who never takes his SCUBA outfit off and Lt. Finletter who is never pictured without his parachute trailing behind) 'Attack Of The Killer Tomatoes' is a parody of B-Movies, in particular Japanese horror of the 1950's. The film begins with a standard sized tomato being discovered by a women washing up in her kitchen before we find ourselves in a middle of a crime scene as the tomato has supposedly murdered this lady, and let me tell you it doesn't get any saner as the film progresses! To be fair there are a couple of funny moments, for instance anytime the Japanese scientist Dr Nokitofa speaks his voice is dubbed over in an American accent, or when disguise expert Sam Smith infiltrates the tomatoes 'hey, can somebody please pass the ketchup?'. Equally this film was probably a lot funnier in 1978 with the whole so bad its good concept. Unfortunately for 'Attack Of The Killer Tomatoes' spoof films such as the 'Airplane' and 'Naked Gun' series have been released and done this kind of comedy a lot better since.

The acting is atrocious; there is zero continuity in the editing and it just feels genuinely slow and lacking energy. For a parody film to work you need a lot of things happening at once, one gag after the over. The singing in the film seems pointless and the adverts for the furniture store that flash across the screen are damn right bizarre, even for this film. Ultimately, however, you can see why this film is a cult one; I can't see many people being indifferent to it. Unfortunately terrible would be the way I would sum this up.\": {\"frequency\": 1, \"value\": \"When I heard the ...\"}, \"Man, was I disappointed.

1) Adam Arkin is more whiny than Ross Geller from 'Friends'

2) A great cast is wasted (Kenneth Mars, Alan Arkin, Ed McMahon, Pat Morita, Louis Nye) with this amateurish script.

3) The movie suffers from horrible pacing. It jumps around through in a jumbled, confusing manner.

4) The story doesn't even make sense. Why does he want to break the football streak? What about the stupid violin music? None of it is explained.

5) It's not even funny. It's like a bunch of accountants trying to do improv, saying \\\"Lookit me! Lookit me I'm being funny!\\\" This was a bad attempt at making another \\\"Love At First Bite\\\".

I like Larry Cohen movies, but man he failed here. I couldn't wait for the credits to roll. Horribly disappointed.\": {\"frequency\": 1, \"value\": \"Man, was I ...\"}, \"We do not come across movies on brother-sister relationship in Indian cinema, or any other language or medium. This relationship has several aspects which have not been exploited in movies or novels. Typically, a sister is depicted as a pile-on who can be used for ransom in the climax. This movie treats the subject in an entirely different light.

It is inspired by George Eliot's novel \\\"The Mill on the Floss\\\". The brother is very prosaic, all-good, the blue-eyed boy who is a conventionally good son and a favorite with his mother. The sister is romantic, wild and defiant of the unwritten rules of the society. In spite of this, the love of the brother-sister is the winner.

This movie is about the love of the two siblings who are separated in childhood and revival of the same feeling when they meet years later. It is also the quest of the subdued brother to reunite with his sister who has chosen to be wild to defy the world.

Although the movie and the novel are set about 3 centuries apart in two distant countries, yet the sentiments are the same and still hold true.\": {\"frequency\": 1, \"value\": \"We do not come ...\"}, \"A really very bad movie, with a very few good moments or qualities.

It starts off with pregnant Linda Blair, who runs down a hallways to flee what might be monsters or people with pitchforks, I'm not sure. She jumps through a window and wakes up, and we see she is very pregnant. The degree to which she is pregnant varies widely throughout the movie.

She and an annoying and possibly retarded little boy who I thought was her son travel to an abandoned hotel on an island. Italian horror directors find the most irritating little boys to put in their movies! On the island already are David Hasselhoff and his German-speaking virgin girlfriend (you know how Germans are said to love Hasselhoff...). He's taking photographs, and she's translating an esoteric German book about witches, I think.

Also traveling to the island are an older couple who have purchased it, and a real estate agent, and a woman I thought was their daughter. Evidently she was an architect, and Linda Blair and the boy are the older couple's children. I guess they all traveled to the island together, but it really seemed like Linda and the boy were apart from the rest of them (maybe they were filmed separately).

The hotel seems neat, certainly from the exteriors, but it isn't used to any great effect. An old woman in bad makeup and a black cloak keeps appearing to the boy and chants something in German sometimes, which he eventually records on his Sesame Street tape recorder.

People start getting killed, either in their dreams, or sucked into hell or something. Some of these gore scenes are OK, but not enough to recommend the movie. Though the copy I watched stated it is uncut on the box cover, the death of one character whose veins explode really seems to have been cut. Much of the scene is showing another character's reaction shots, since we're not seeing anything ourselves. The creepiest scene is one in which a man or demon with a really messy-looking wound of a mouth rapes someone. He looked particularly nasty. There's a laughably and painfully bad scene in which Linda Blair is possessed. I wish if a horror movie is going to cast her, they would do something original with her role, and let her leave Exorcist behind her (except for the yearly horror conventions).

In the weird, largely Italian, tradition of claiming to be a sequel to something it is unrelated to, this is also AKA La Casa 4 and Ghosthouse 2. That is, it is supposedly a sequel to Casa 3 - Ghosthouse, La (1988) - it's not (that's also a better movie than this one). La Casa 1 and two were The Evil Dead (1981) and Evil Dead II (1987) - again unrelated to Witchery and La Casa 3 (and much better than those). There's also a Casa 5, La (1990) AKA House 5, which seems to want to be a sequel to the fake La Casa series and the series House: House (1986) House II: The Second Story (1987), The Horror Show (1989) AKA House III, and House IV (1992). How's The Horror Show fit in there? It doesn't really, it claimed to be a sequel, thus requiring the real series entry to renumber itself to cause less (or more?) confusion. Oddly, The Horror Show is also AKA Horror House, and La Casa 5 is also AKA Horror House 2. Does your head hurt yet?\": {\"frequency\": 1, \"value\": \"A really very bad ...\"}, \"Dr. Hackenstein begins at the turn of last century, '1909 The dawn of modern medical science' to be exact. Dr. Eliot Hackenstein (David Muir) is in the early stages of his rejuvenation of living tissue experiments, Dr. Hackenstein manages to bring a skinned rat back to life which confirms he has succeeded in bringing the dead back to life... It's now 'Three years later' & Dean Slesinger (Micheal Ensign) is round the Doc's house for dinner. As Dean Slesinger & Dr. Hackenstein eat they talk about Hackenstien's experiments which Dean Slesinger has always been opposed to, Dr. Hackenstein shows Dean Slesinger his laboratory in his attic where he keeps the severed head of his wife Sheila (Sylvia Lee Baker) who died in an unfortunate 'accident' & can telepathically talk to him (Christy Botkin provides Sheila's voice apparently). Dr. Hackenstein also show's Dean Slesinger a skinned chicken running around in a cage & explains that with the process he has developed he will bring Sheila back to life. The Dean has some sort of seizure & apparently dies. Meanwhile sisters Wendy (Bambi Darro as Dyanne DiRossario) & Leslie Trilling (Catherine Davis Cox) plus their Brother Alex (John Alexis) & their cousin Melanie Victor (Stacey Travis) are driving along near Hackenstein's house when they crash, they seek shelter & assistance & arrive upon Hackenstein's doorstep. Dr. Hackenstein invites the four stranded travellers to stay for the night. Later on Dr. Hackenstein is visited by two grave-robbers, Xavier (Logan Ramsey) & Ruby Rhodes (Ann Ramsey) who deliver a male body when Hackenstein actually needs female parts for Sheila. Dr. Hackenstein being the genius that he is decides not to waste the opportunity of having three young beautiful specimens available & starts to 'borrow' the bits 'n' pieces he needs to complete Sheila...

Written & directed by Richard Clark I was pleasantly surprised by Dr. Hackenstein, I'll state right now that it ain't brilliant by any stretch of the imagination but for what it was I actually quite liked it. It moves at a reasonable pace even if it does tend to drag a little bit during it's middle as things settle down. The script tries to mix slapstick humour like a scene when Dr. Hackenstein is trying to restrain Melanie & she tries to gain the attention of his deaf housekeeper Yolanda Simpson (Catherine Cahn) by kicking out & Hackenstein keeping Melanie behind Yolanda's back who is seemingly oblivious to what's happening, with a touch of gore but I'd say Dr. Hackenstein is more of a comedy than horror in conception & feel throughout. There are some tacky puns & sexual innuendo as well which are always good for a laugh, Dr. Hackenstein to Wendy \\\"would you like to see my instruments\\\" as an example. I also thought the scene when Mrs Trilling (Phyllis Diller) reports her missing daughter's to the bemused detective Olin (William Schreiner) was a pretty amusing sequence going round in circle's talking about why he isn't looking for them even though he has only just been told, why the cell doesn't have a prisoner in it & that if he didn't find the cousin not to worry about it. None of it's flat laugh-out-loud but I must admit I found myself smiling on occasion & found the film as whole to be quietly amusing. There isn't a lot of on screen gore, a few severed limbs, Sheila's decapitated head, some medical stitching & those skinned animals which are definitely fake by the way. I liked the characters in Dr. Hackenstein too, which was surprise in itself. The acting isn't brilliant but to give everyone credit they put some effort into it, lots of exaggerated facial movements & some serious overacting means it's never dull, oh & the three birds in Dr. Hackenstein are fit if you know what I mean. Technically the film is OK as well, once again it ain't going to win any Oscars but I have to give the filmmakers at least some credit for trying to pull off a turn of the century period setting. It doesn't always work, the clothes are at odds with each other at times, the girls look like their from Victorian England while the guys look like their from a western. The house looks as if all the filmmakers did was remove any modern object from the room & stick a few candles in there! It comes across as a little bit on the cheap side but it really isn't a bad looking film at all considering. Could have done without the comedy music though. Overall I ended up enjoying Dr. Hackenstein much more than I thought I would, although that in itself isn't a recommendation. It's certainly is not the best comedy horror film ever made & it certainly is not the worst either. A watchable enough piece of harmless fun.\": {\"frequency\": 1, \"value\": \"Dr. Hackenstein ...\"}, \"Ahh, the dull t.v. shows and pilots that were slammed together in the 70's to make equally dull t.v. movies! Some examples would be Riding With Death(the most hysterically cheesy of the lot), Stranded in Space(confusing and uninteresting), San Francisco International(horribly dull and unbelievably confusing), and this turgid bit of Quinn Martin glamor.

Shot in Hawaii(although you wouldn't know it from the outside shots), it's apparently a failed pilot for a lame spy show. The real problem is that you don;'t like most of the characters, including the drab main character Diamond Head, who seemed half asleep for the entire movie; his boss 'Aunt Mary', who had a really weird delivery of his lines and shellacked white hair as well as the a tan that looked like it had been stuccoed on; Diamnd Head's girlfriend/fellow agent(hell, I can't even remember her name) a skinny, wooden woman with a flat way of speaking that is just not sexy or interesting; and the singing sidekick Zulu(again, i can't remember his character's name)who wasn't bad in small doses. The most interesting person in the whole production was Ian McShane, who sucked as a bad guy but still proved his acting chops. Alothugh the make-up jobs this so-called 'chameleon' used to disguise himself were just laughable. I have absolutely no idea what he was doing or what he was trying to steal from the lab that caused him to dress as a South American Dictator cum American General. Nor do I care. The plot simply wasn't interesting enough to hold your attention for even ten minutes at a time, let alone the hour and a half or so it goes on. Just call this one - Hawaii Five No!\": {\"frequency\": 1, \"value\": \"Ahh, the dull t.v. ...\"}, \"The 1990's begun to have day time talk shows sprout up left and right. Every network had one, and they all lacked one thing Originality. Ricky Lake was just another show to entertain the obese trailer park mother with a Marlboro cigarette hanging out of her mouth while breast feeding one of her dozens of toothless, illiterate children. The English language and other cornerstones of mankind where ruined by this shows existence. Titltes ranging from Girl you a Pigeon Head and so on. How could anyone want to watch this pure and utter garbage? Has our society really became nothing more than a bunch of hill billy's and dead beat fathers? The people who appear on this show were Trash. The people who watched this show were Trash. Anyone that wishes to see this show re aired or put onto DVD is TRASH. People wonder why Americans are becoming huge piles of lard and too fat to even get jobs, its having shows like this tell them Its OK to be 500lbs overweight, and have 12 year old girls act like prostitutes. Having such trash on TV has ruined morals.\": {\"frequency\": 1, \"value\": \"The 1990's begun ...\"}, \"I was talked into watching this movie by a friend who blubbered on about what a cute story this was.

Yuck.

I want my two hours back, as I could have done SO many more productive things with my time...like, for instance, twiddling my thumbs. I see nothing redeeming about this film at all, save for the eye-candy aspect of it...

3/10 (and that's being generous)\": {\"frequency\": 1, \"value\": \"I was talked into ...\"}, \"Although the word megalmania is used a lot to describe Gene Kelly, and sometimes his dancing is way too stiff, you have to admit the guy knows how to put on a show. In American In Paris, he choreographs some outstanding numbers, some which stall the plot, but are nonetheless amazing to look at. (Check out Gene Kelly's \\\"Getting Out Of Bed Routine\\\" for starters)

Gene Kelly stars as a GI who is based out of Paris, he stayed there to paint, soon he is a rich woman's gigolo, but he really LOVES SOMEONE ELSE! Hoary story sure, but the musical numbers save the show here! I really loved Georges Gu\\ufffd\\ufffd\\ufffd\\ufffdtary's voice work in this one. His 'Stairway to Paradise' and his duet with Le Gene on 'S Wonderful' is 's marvelous'. Oscar Levant and Leslie Caron I can take or leave. All in all, a pretty good, but not dynamite movie.\": {\"frequency\": 1, \"value\": \"Although the word ...\"}, \"As a big fan of David Mamet's films and plays, especially his first film House of Games that also starred Joe Mantegna, I was expecting great things from this film. Instead, I found myself annoyed by the film's superficiality and lack of credibility. Racial slurs are thrown about without any feeling or meaning behind them, in the hopes of setting up a racial tension that for me never materialized. Identity is totally reevaluated and men become \\\"heroes\\\" for no apparent reason. Because of his oaths taken as a cop, the lead character adamantly refuses to perform one relatively small action that would harm no one and could possibly save lives, and yet performs another action which is very violent and VERY illegal, but then still refuses the minor action. In addition, a highly unbelievable subplot involving a man who has killed his family is introduced just for the sake of a plot point that was all but advertised with skywriting, and the cop's reaction to that occurrence stretch credulity way beyond all reasonable limits. Needless to say, after expecting another exciting thriller from David Mamet, I was extremely disappointed to say the least. 3 out of 10.\": {\"frequency\": 1, \"value\": \"As a big fan of ...\"}, \"What to say about this movie. Well it is about a bunch of good students who have some bad drugs and turn into delinquent students that sell more of the bad drugs to people. Two of those people have adverse effects as one turns into a toxic avenger type and his girlfriend throws up some creature that grows in the school's basement. That is about all there is to it and they stretch it out for 84 minutes. This movie is pretty bad and should be locked away forever. Though that is not fair, some people like Troma's movies and they can watch it if they want. Troma movies for me though, are the worst movies there are out there. I just watched this one out of morbid curiosity.\": {\"frequency\": 1, \"value\": \"What to say about ...\"}, \"This has to be one of the most sincere and touching boy-meets-girl movies ever made. While \\\"Rebel Without a Cause\\\" and \\\"Say Anything\\\" deliver nice portrayals, this movies strips down useless subplots and Hollywood divergences. This movie focuses purely on watching the budding of a beautiful romance. You never doubt for a second that the film will lead towards the romantic pairing of these two people. You almost immediately sense the synergy and the chemistry between Jesse and Celine, and it is simply pure joy to watch them find it. This movie is mostly all dialogue -based. But, every conversation between these too is greatly intriguing. What makes this pairing so romantic is how real it is. How in all that conversation, while often having no real bearing on anything critical, you can sense the nuances as these two become more fond and trusting of each other. This is exactly they way you would dream that you meet that special someone. And what makes it so true is that it is not even too fantastic to believe. This could be what would happen if you had been confident enough to strike up a conversation with that person you noticed somewhere random. And what puts the icing on this film is the magnificent backdrop of Vienna in which this film takes place. It just adds to the feeling of romantic nirvana that the film suggests. And no matter how many times I watch this film, I don't think I will ever tire of that.\": {\"frequency\": 1, \"value\": \"This has to be one ...\"}, \"When I saw that this movie was being shown on TV, I was really looking forward to it. I grew up in the 1980's and like everyone else who has grown up in that era, have seen every 80's teen and summer camp movie out there. So I couldn't wait to see this movie that totally spoofs that film genre. What a disappointment!! The movie was nothing but a bunch of really bad jokes and gags over and over, with hardly any plot and no substance. And the filmmakers attempts at dark humor totally failed-some of these so-called jokes didn't come across as anything but downright cruel and offensive. The only good things about this film were the wardrobe, music, and acting. It was nice to go on a nostalgia trip and see all of the summer clothing styles from the 80's, and the same goes for the music. And the acting was top-notch throughout: almost all of Hollywood's best comedians were present. Too bad they didn't have better material to work with.\": {\"frequency\": 1, \"value\": \"When I saw that ...\"}, \"When i finally had the opportunity to watch Zombie 3(Zombie Flesheaters 2 in Europe)on an import Region 2 Japanese dvd,i was blown away by just how entertaining this zombie epic is.The transfer is just about immaculate,as good as it's ever going to look unless Anchor Bay gets a hold of it.The gore truly stands out like it should and you can really appreciate the excellent makeup and gore fx.The sound is also terrific.It's only 2 channel dolby but if you have a receiver with Dolby Prologic 2,you can really appreciate the cheesy music(actually a very good score),and the effective although cheap sound effects.It never sounded so good,and the excellent transfer adds to the overall enjoyment.

I never realized just how much blood flows in this film,it's extremely brutal with exploding head shots,exploding puss filled mega pimples,a cleaver to a zombies throat,a woman's burned off extremities(how come it did'nt burn the guy also),intestinal munching,zombie babies and so much more i lost track.

This is no doubt for hardcore Zombie action fans,especially of the Italian kind.There is some excellent set pieces and cinematography to be found,i think people don't give it enough credit,if you see a clean print,and not some horrendous pirate copy,it's a whole other experience entirely.

This film never lets up for a second,and i realize it's inconsistent plotwise,the dubbing is horrible,the acting is stiff,and it's sense of irreverence is celebrated in grand fashion,but that's part of it's charm.

To me this is one of the best horror films ever made,you can't make a film this bad,so good,on purpose.It's accidental genius of the highest order.If they played it for laughs it would have been a disaster,but they played it straight as an arrow and the result is a terrific cult classic that thumbs it's nose at any and all traditional moviemaking standards.

Tons of action sequences,exotic locales,excellent set design,good,sometimes great cinematography,wonderfully cheesy acting,and inconsistent but still interesting plot,great makeup effects,beautiful women who can kick butt,excellent music,and sometimes hilarious,sometimes creepy,but always entertaining zombies.How can you go wrong with this film,it has it all,a cult classic that stands the test of time.\": {\"frequency\": 1, \"value\": \"When i finally had ...\"}, \"America. A land of freedom, of hope and of dreams. This is the nation that, since its independence, has striven to bring democracy, prosperity, and peace to the entire world, for the good of all mankind. There are times, however, when one cannot help but wish that the American's would just stay on their side of the Atlantic.

This 'movie' (and I use that word with some reservations) evokes these feelings with an intense purity. This vision of hell follows the adventures of Calvin, a freakish jewel thief who was created by attaching the severed head of Marlon Wayan onto the body of a two foot-high dwarf. After inadvertently dropping a large diamond into the handbag of Vanessa, a career-woman who is reluctant to have children, Calvin realises that in order to recover the diamond he must ingratiate himself with her. So, as any normal man would, Calvin dresses himself up as a 2 year-old and parks himself upon the poor woman's doorstep, where he is discovered by Darryl, the broody husband of Vanessa.

Darryl incongruously falls for Calvin's disguise despite the fact that the 'baby' has a full set of teeth, stubble, a tattoo, a knife-scar, and the sex-drive of a 16-year-old. Even more absurdly, Vanessa doesn't see past Calvin's baby-wear either and actually attempts to breastfeed the diminutive pervert. This wretched assault upon the soul of mankind attempts, and fails, to find humour in rape, scatology, sexual assault, and paedophilia, however, in a dishonest attempt to transform itself into a piece of 'family-entertainment' the Wayan brothers stir in a sickening amount of sentiment and flawed morality.

The brothers dim attempt a Freudian rehabilitation of their thieving rapist by revealing that he \\\"had a bad father\\\". Repeatedly hitting Darryl in the crotch enables Calvin to develop the loving father-son relationship that both he and Darryl have always wished for. As if this wasn't ridiculous enough, Calvin's attempts to sexually assault Vanessa somehow convince her that it is selfish for a woman to indulge herself with a successful career, and that instead she should spend her life playing the role of the housebound little-woman, who spends her time alternatively squeezing out babies and cooking for her husband.

In this movie the Wayan brothers have mixed their crass and twisted form of humour together with the clich\\ufffd\\ufffdd sentimentality that has infected much of Hollywood's recent body of work. Additionally, they are endemic of the current generation of black comedians who are responsible for transforming African-American humour into a poor and wretched shadow of itself that over-indulges in fart-jokes and crude sexual gags. By rights these two should be legally barred from picking up anything even remotely resembling a camera ever again.

Unfortunately the current artistic and moral bankruptcy of American cinema means that by this time next month they will undoubtedly have filmed two sequels and be making millions of dollars from tacky merchandising deals.\": {\"frequency\": 1, \"value\": \"America. A land of ...\"}, \"I'm going to say first off that I have given this film a 3 out of 10 after some thought. I was going to give it a straight out 1 but it got a couple extra points for the body count. But that would be about it. Let me explain. I paid literally \\ufffd\\ufffd1 for this DVD in a supermarket because I tend to have a lot of faith in bargain horror flicks, B-movies especially. But if this film was aiming for B status as I suspect it was for a number of reasons (which I'll touch on in a sec) then it failed magnificently. Not only did it shoot for B and miss, it landed somewhere around F. This film had so many opportunities to be good and it pretty much failed on all accounts. I say above that it's likely this film was aiming for B status and it seems to try and achieve this by trying to blend humour with horror, which can either be very good or very bad. For example, later Freddy films (Dream Warriors onwards) are all about Freddy's style and nose-thumbing, which works out great! But this film completely bombed in that respect because the times where they tried to inject humour were mostly just stupid. I will admit though that towards the beginning of the film the humour was good. In fact, for about half an hour I liked this film and was prepared to congratulate myself on another good find. BUT what really killed this film for me was the inappropriate kills. For instance, when 'Satan' smashes the cat against the board and writes 'boo' with it's blood using its body as a brush. Or when 'Satan' slams the door into the helpless disabled elderly woman. Now I'm not usually too against senseless kills in films-hey, thats the point, right? But in those two cases I just found it grossly offensive and unnecessary to anything in the film-plot especially. For me, the film went downwards from then on. One major bad point about this film is that I hated every character in it. The kid, Dougie was just ridiculously annoying!!! I'm at a loss to explain how he could possibly write off all those bodies and people being killed in front of his eyes as a trick! I mean, come on!!! I completely understand that to be in a horror film a character does have to be somewhat stupid, like running upstairs when you should blatantly be running out of the house screaming for help, but this kid took the biscuit! I wanted to kill him myself by the end of it! It was completely unbelievable and if I had to hear him say 'duh!' one more time I was going to bang my head against a wall-because thats what watching this film felt like. Why didn't i just turn the film off? Mainly because I honestly believe an ending can sometimes redeem a film. But I was wrong in this case. The ending did NOT redeem this film, it further irritated the hell out of me and was inadequate to the plot line. I get it already! The killer is always going to come back dressed as someone else, be welcomed into the house by the stupid kid and go on a killing spree again because no one suspects him in that costume! I GET IT! This film made me physically angry because it was so stupid! And if by some foul mistake you do end up watching this film, watch out for the intestines. Frankly, if that guy actually did have intestines that looked like that, I'd be surprised he wasn't already dead, let alone until someones rips them out and ties them to a chair.

In fact, I'll even go so far as to say that the only character I liked at all in this film was actually the killer. Purely because when his 'comedy routine' worked, it did work. All in all, the plot line of this film dragged anything that might have been good down. Why was the killer killing? I don't know. I can live without knowing who he actually was, thats fairly typical, but without some kind of motive - hell i don't know, i'd settle for him having a bad Halloween as a kid! -it just seems more than senseless, just stupid. Stupid stupid stupid stupid stupid. In fact, i hated this film so much that i specifically registered with IMDb just so i could comment on it. Save your money, save your sanity. Stay away from it!\": {\"frequency\": 1, \"value\": \"I'm going to say ...\"}, \"It must have been several years after it was released, so don't know why it was at the movies. But as a kid I enjoyed it. I just found a VHS tape of Superman and the Mole Men at the flea market and decided to watch it again (it's been a lot of years). I wasn't expecting much, now knowing how the B movies were made at that time. But I was pleasantly surprised to find the movie very watchable and the acting by all outstanding. Usual acting in these type movies leaves a lot to be desired. Surprisingly, the writing wasn't bad either. Forget the fact that Superman went from sequence to sequence and could have kicked all their butts in the beginning, because then the story would have ended, right?! OK, the mole men costumes were hokey and not very scary (they didn't even scare me as a kid). However, making allowances for the probable low budget for background and costumes, it was a job well done by all. I recognized the sheriff right away as The Old Ranger from Death Valley Days and plenty of supporting roles in TV westerns. J. Farrell MacDonald played old Pop and was always a great supporting actor in more movies than I can count. Walter Reed and Jeff Corey were familiar faces as well from other movies. Did you recognize the old doctor as the captain of the ship that went to get King Kong? Did you recognize the little girl rolling the ball to the mole men as Lisbeth Searcy in Old Yeller? Some of the mole men were famous too. Jerry Maren has played Mayor McCheese for McDonalds, Little Oscar Mayer, was the Munchkin that handed Dorothy the lollipop, was on a Seifeld episode and a wealth of other work. Billy Curtis played an unforgettable part with Clint Eastwood in High Plains Drifter, was one of the friends met by the star in Incredible Shrinking Man, he had a part in a movie I just luckily grabbed at a flea market titled My Gal Sal with Rita Hayworth, Wizard of Oz and plenty of other parts - great actor. John Brambury was also a Munchkin. Phillis Coates, who played Lois Lane in this movie, was without question wonderful in the part and George Reeves as Superman/Clark Kent WAS Superman. He did a great job of playing the strong man. Bottom line to all I've said is that this movie is worth watching because of the cast and writing in dealing with a pretty flimsy idea for a movie. But it was the 50's and anything was possible from intruders from outer space to mole men from inner space. It is definitely worth seeing, there isn't a bad actor in the group. Whomever put the cast together was very, very fortunate to get so many gifted actors into a B type film. Some already had a wealth of experience and some were about to obtain a wealth of experience - but all were gifted. So if you get a chance to see the film, forget the dopey costumes and just enjoy the excitement and acting. Is it a bird? Is it a plane? No, just a good, old fashioned movie to enjoy!\": {\"frequency\": 1, \"value\": \"It must have been ...\"}, \"it's all very simple. Jake goes to prison, and spends five years with the con and the chess masters. they get compassionate about his history of loss and failure, and utterly misery that he lives on because of his belief in his mastery of small tricks and control of the rules of small crooks. they decide to give Jake the ultimate freedom: from his innermost fears, from what he believes to be himself. for that, they take him on a trip where he got to let go all the fear, all the pride, all the hope - to be reborn as true master of his will.

it's a clever movie about the journey of illumination, about the infinite gambles and games that we do with and within ourselves. 10/10, no doubt.\": {\"frequency\": 1, \"value\": \"it's all very ...\"}, \"The saddest thing about this film is that only 8 people cared to leave a review of it and NO-ONE felt it worthwhile leaving a comment on the message boards.

Made the same year as Philadelphia...the Tom Hanks Oscar-winner... this is the film that people REALLY should have seen and given awards to. There is more humanity, life, love, tenderness and beauty in these two people than in just about any other gay film I have seen... and it is all true.

In order for this to be printed I need to leave a few more lines of text: suffice it to say that anyone who REALLY wants to know what it was like to be gay in the 60's and 70's, and to understand just what AIDS was like before the modern drug \\\"cocktails\\\" allowed people to breathe a little easier... this is the film to see.

Oh, and I will add a personal comment about AIDS. Despite everything, there actually has been a silver lining to all the horror. When AIDS first arrived, it was called the \\\"gay cancer\\\", and governments preferred to \\\"let them die\\\" rather than spend a red cent on research to help save a bunch of fags. Then it became clear that AIDS would also be a heterosexual disease. But the government wasn't ready for that; So when straight people began getting ill too, the only organizations and associations that were available to them were those which had been set up by gays themselves (examples: The Names Project: the quilt memorializing all those who died of AIDS; Act Up etc) The result is that people who probably would never have come in contact with gays in their ordinary lives suddenly found themselves counting on them and needing them, because no other organizations existed. This close contact, in my estimation, is what finally broke down the barriers of prejudice and allowed the straight world to finally accept gays as equals. When AIDS first came on the scene, many of us thought that the straight world would use it as a way to come down even harder on us... and that probably would have been true if straights didn't suddenly become ill too; nevertheless, the strides that have been made in gay liberation - to the point that, as I write this, there are at least 5 countries in the world that accept gay marriage - these gains would probably have taken a lot longer without AIDS to bring us together. It is sad to think that all those people - both straight and gay - had to die before our common humanity became more obvious - but if what I am writing here is true, and I think it is - then there is a bit of comfort to be taken in realizing that all those people did not die in vain.\": {\"frequency\": 1, \"value\": \"The saddest thing ...\"}, \"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 . . .\": {\"frequency\": 1, \"value\": \"I researched this ...\"}, \"Believe me, I wanted to like \\\"Spirit\\\". The idiotic comments people made at the time of its release about how quaint it was to see old-fashioned, hand-drawn animation again, as if the last pencil-animated cartoon had been released twenty years ago, and the even more idiotic comments about how computers had now made the old techniques obsolete, had got my blood up ... but then, the insulting, flavourless banality I had to endure in the first ten minutes of \\\"Spirit\\\" got my blood up even more.

The character designs are generic, the animation (partly as a result) merely competent, the art direction as a whole so utterly, boringly lacklustre that you wonder how it could have come about (we know, from \\\"The Prince of Egypt\\\" and \\\"The Road to El-Dorado\\\", that there are talented artists at Dreamworks), and the sophisticated use of CGI is in every single instance ill-judged. (Why do they bother?) There's not a single thing worth LOOKING at. In an animated cartoon, this is fatal.

But it gets worse...

The horses can't talk, but they're far more anthropomorphised and unconvincing than the deer in \\\"Bambi\\\", which can. And it seems that, in a way, the horses CAN talk. Spirit himself delivers the prologue (sounding for all the world like a 21st-Century actor picked out of a shopping mall in California), and from then on his laid-back, decidedly unhorselike narration is scarcely absent from the soundtrack, although it never once tells us anything that we didn't already know, or expresses a feeling which the artwork, poor though it is, wasn't capable of expressing twice as well. That prologue, by the way: (a) contains information which Spirit, we later discover, had know way of knowing; (b) expresses ideas which Spirit would lack the power to express even if he COULD talk; (c) includes new age rubbish like, \\\"This story may not be true, but it's what I remember\\\"; and (d) will give countless children (the production is pitched, I presume, at six-year-olds) the impression that horses are native to North America, which is sort of true, in that the common ancestor of domestic horses, zebras etc. WAS native to North America - but all horse species on the continent had gone extinct long before the first humans arrived, and the mustangs of Spirit's herd (which allegedly \\\"belong here like the buffalo grass\\\") were descended from horses introduced by Europeans.

So the prologue rather annoyed me.

As often as Spirit talks, Bryan Adams sings, sounding as usual as though he's got a bad throat infection - and it's not THAT he sings or even HOW he sings, it's WHAT he sings: maudlin narrative ballads which contribute even less, if possible, than Spirit's spoken narrative, and which sound as though they all have exactly the same tune (although I was paying close attention, and was able to discern that they probably didn't). If only Bryan Adams and the guy-pretending-to-be-a-horse could have SHUT UP for a minute or two, the movie might have been allowed to take its true form: mediocre and derivative, rather than jaw-droppingly bad.\": {\"frequency\": 1, \"value\": \"Believe me, I ...\"}, \"This is a great film!! The first time I saw it I thought it was absorbing from start to finish and I still do now. I may not have seen the play, but even if I had it wouldn't stop me thinking that the film is just as good.\": {\"frequency\": 1, \"value\": \"This is a great ...\"}, \"This is how I feel about the show.

I started watching the show in reruns in 2001.

I enjoy the show but it had too many faults.

I HATE THE MICHELLE & JOEY CHARACTERS!

Stealing story lines from old TV shows. They even stole from \\\"The Partirdge Family.\\\" Then in 1 episode \\\"The Partridge Family\\\" was mentioned.

Actors playing different roles in different episodes. MTV Martha Quinn the most notable doing this, especially when she played herself in 1 episode.

The Michelle character COULD NOT take a joke but then they had this little kid act out \\\"revenge\\\" to her sisters for a joke by them on her.

Story lines that came & went in 1 episode. Joey getting the TV show with Frankie & Annette, never heard from it again after that. Danny all of a sudden playing the guitar. 1 episode he is coaching soccer, 1 episode he is coaching softball/baseball. 1 game & you are out huh Danny?

Jesse & Joey keep getting jobs REALLY QUICKLY with no experience. Only in a TV show.

I did like the D.J. & Stephanie characters. Wish Jodie Sweetin could have learned from Candace Cameron Bure & had a clean NON drug adult life.\": {\"frequency\": 1, \"value\": \"This is how I feel ...\"}, \"Not only is this movie a great film for basic cinematography (screenplay, acting, setting, etc.) but also for it's realism. This movie could take place in any farm or rural setting. It makes no difference if the movie takes place in Louisiana or if it would take place in Kansas. The story and the messages it includes would remain the same. This movie shows family values and connections for an older audience, while at the same time it shows youthful behavior for the younger viewers. Everyone who watches this will walk away with something having touched them personally, I know I did. The ending hits way too close to home for me not to burst into tears every time I watch it. The ending stresses the importance of farm safety, and everyone who has ever worked on a farm needs to see this film. Not paying attention and carelessness gets you into dangerous situations.

\": {\"frequency\": 1, \"value\": \"Not only is this ...\"}, \"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. ;)\": {\"frequency\": 1, \"value\": \"If you haven't ...\"}, \"

In anticipation of Ang Lee's new movie \\\"Crouching Tiger, Hidden Dragon,\\\" I saw this at blockbuster and figured I'd give it a try. A civil war movie is not the typical movie I watch. Luckily though, I had a good feeling about this director. This movie was wonderfully written. The dialogue is in the old southern style, yet doesn't sound cornily out of place and outdated. The spectacular acting helped that aspect of the movie. Toby Maguire was awesome. I thought he was good (but nothing special) in Pleasantville, but here he shines. I have always thought of Skeet Ulrich as a good actor (but nothing special), but here he is excellent as well. The big shocker for me was Jewel. She was amazingly good. Jeffrey Wright, who I had never heard of before, is also excellent in this movie. It seems to me that great acting and great writing and directing go hand in hand. A movie with bad writing makes the actors look bad and visa versa. This movie had the perfect combination. The actors look brilliant and the character development is spectacular. This movie keeps you wishing and hoping good things for some and bad things for others. It lets you really get to know the characters, which are all very dynamic and interesting. The plot is complex, and keeps you on the edge of your seat, guessing, and ready for anything at any time. Literally dozens of times I was sure someone was going to get killed on silent parts in the movie that were \\\"too quiet\\\" (brilliant directing). This was also a beautifully shot movie. The scenery was not breath taking (It's in Missouri and Kansas for goodness sakez) but there was clearly much attention put into picking great nature settings. Has that rough and rugged feel, but keeps an elegance, which is very pleasant on the eyes. The movie was deep. It told a story and in doing so made you think. It had layers underneath that exterior civil war story. Specifically, it focused on two characters that were not quite sure what they were fighting for. There were many more deep issues dealt with in this movie, too many to pick out. It was like a beautifully written short story, filled with symbolism and artistic extras that leaves you thinking during and after the story is done. If you like great acting, writing, lots of action, and some of the best directing ever, see this movie! Take a chance on it.\": {\"frequency\": 1, \"value\": \"

In ...\"}, \"In a year of pretentious muck like \\\"Synecdoche, New York\\\" a film born out of Charlie Kaufman's own self-indulgence, comes a film that is similarly hard to watch but about three times as important. \\\"Frownland\\\" is a labor of love by the crew, the actors and the filmmaker, shot over years by friends. It traces a man who cannot communicate through his thoroughly authentic, REAL Brooklyn world. The people that you see are a step beyond even the stylization of the \\\"mumblecore\\\" movement. They are real people, painfully trapped in their own self-contained neuroses, unwilling to change, unable. The real world to them is their own set of delusions and because this is a film about people who are so profoundly out of touch, it is very difficult to watch. It is 16mm film-making without proper light, money or any of the other factors that would make a film \\\"slick\\\", but its honesty can not be understated, a fact that would cause a room full of people to dismiss it and for Richard Linklater to give it an award as he did at SXSW. This does remind of films like \\\"Naked\\\" or the best of the \\\"mumblecore\\\". It is a film that is not for everyone, but one that challenges you to watch and grows on you the longer you think about it.\": {\"frequency\": 1, \"value\": \"In a year of ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"A recent post here ...\"}, \"There is a uk edition to this show which is rather less extravagant than the US version. The person concerned will get a new kitchen or perhaps bedroom and bathroom and is wonderfully grateful for what they have got. The US version of this show is everything that reality TV shouldn't be. Instead of making a few improvements to a house which the occupants could not afford or do themselves the entire house gets rebuilt. I do not know if this show is trying to show what a lousy welfare system exists in the US or if you beg hard enough you will receive. The rather vulgar product placement that takes place, particularly by Sears, is also uncalled for. Rsther than turning one family in a deprived area into potential millionaires, it would be far better to help the community as a whole where instead of spending the hundreds of thousands of dollars on one home, build something for the whole community ..... perhaps a place where diy and power tools can be borrowed and returned along with building materials so that everyone can benefit should they want to. Giving it all to one person can cause enormous resentment among the rest of the local community who still live in the same run down houses.\": {\"frequency\": 1, \"value\": \"There is a uk ...\"}, \"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.\": {\"frequency\": 3, \"value\": \"This show comes up ...\"}, \"I have not seen this movie! At least not in its entirety. I have seen a few haunting clips which have left me gagging to see it all. One sequence remains in my memory to this day. A (very convincing looking) spacecraft is orbiting the dark side of the moon. The pilot releases a flash device in order to photograph the hidden surface below him. The moon flashes into visability . . . . and for a few seconds there it is. Parallel lines, squares, Could it be .. then the light fades and the brief glimse of ...what... has gone and it is time for the spacecraft to return to Earth. Wonderful. I have seen some other clips too but would LOVE to obtain the full movie.\": {\"frequency\": 1, \"value\": \"I have not seen ...\"}, \"Corean cinema can be quite surprising for an occidental audience, because of the multiplicity of the tones and genres you can find in the same movie. In a Coreen drama such as this \\\"Secret Sunshine\\\", you'll also find some comical parts, thriller scenes and romantic times. \\\"There's not only tragedy in life, there's also tragic-comedy\\\" says at one point of the movie the character interpreted by Song Kang-ho, summing up the mixture of the picture. But don't get me wrong, this heterogeneity of the genres the movie deals with, adds veracity to the experience this rich movie offers to its spectators. That doesn't mean that it lacks unity : on the contrary, it's rare to see such a dense and profound portrait of a woman in pain.

Shin-ae, who's in quest for a quiet life with her son in the native town of her late husband, really gives, by all the different faces of suffering she's going through, unity to this movie. It's realistic part is erased by the psychological descriptions of all the phases the poor mother is going through. Denial, lost, anger, faith, pert of reality : the movie fallows all the steps the character crosses, and looks like a psychological catalog of all the suffering phases a woman can experience.

The only thing is to accept what may look like a conceptual experience (the woman wears the mask of tragedy, the man represents the comical interludes) and to let the artifices of the movie touch you. I must say that some parts of the movie really did move me (especialy in the beginning), particularly those concerning the unability of Chang Joan to truly help the one he loves, but also that the accumulation of suffering emotionally tired me towards the end. Nevertheless, some cinematographic ideas are really breathtaking and surprising (the scene where a body is discovered in a large shot is for instance amazing). This kind of scenes makes \\\"Secret Sunshine\\\" the melo equivalent of \\\"The Host\\\" for horror movies or \\\"Memories of murder\\\" for thrillers. These movies are indeed surprising, most original, aesthetically incredible, and manage to give another dimension to the genres they deal with. The only thing that \\\"Secret Sunshine\\\" forgets, as \\\"The host\\\" forgot to be scary, is to make its audience cry : bad point for a melodrama, but good point for a good film.\": {\"frequency\": 1, \"value\": \"Corean cinema can ...\"}, \"The Road Rovers was a great show about canine superheroes chosen by the Master to fight crime around the world. The show was hilarious to say the least. Simple and complex jokes that could appeal to all ages. Running jokes throughout the series that could spawn a drinking game. The action was mesmerizing, and cleverly set up. The characters were very original, each with a very different personality. But what made me enjoy the show the most was the depth of the characters. Each of them have struggles and emotional difficulties that are never expressed, but implied in subtext. Hopefully, one day, there'll be some way to watch the Rovers in action again.\": {\"frequency\": 1, \"value\": \"The Road Rovers ...\"}, \"CCCC is the first good film in Bollywood of 2001. When I first saw the trailer of the film I thought It would be a nice family movie. I was right. Salman Khan has given is strongest performance ever. My family weren't too keen on him but after seeing this film my family are very impressed with him. Rani and Preity are wonderful. The film is going to be a huge hit because of the three main stars.

It's about Raj (Salman Khan) and Priya meeting and falling in love. They get married and go to Switzerland for their honeymoon. When they come back Raj and Priya find out that Priya is pregnant. Raj's family are full of joy when they find out especially Raj's dada (Amrish Puri). Raj and his family are playing cricket one day and Priya has an accident which causes Priya to have a miscarriage. Raj has a very close family friend who is a doctor, Balraj Chopra (Prem Chopra). He tells Raj and Priya that she can no longer have anymore kids. Raj and Priya keep this quiet from the family. Raj and Priya decide to go for surrogacy. Surrogacy to them is that they will find a girl and Raj and that girl will have a baby together and then hand the baby over to Raj and Priya. Raj finds a girl. Her name is Madhubala (Preity Zinta). She is a dancer and a prostitute. Raj tells her the situation and bribes her with money and she agrees. Raj changes Madhubala completley. Raj tells Priya that he has found a girl. Madhubala and Priya meet and become friends. They go to Switzerland to do this so no one finds out. Priya spends the night in a church and Raj and Madhubala are all alone and they spend the night together. The doctor confirms that Madhubala is pregnant and they are all happy. Raj tells his family that Priya is pregnant. They are happy again. Madhubala comes to love Raj and she wants him. What happens next? Watch CCCC to find out.

The one thing I didn't like about the film is their idea of surrogacy. They should have done it the proper way in the film but it didn't ruin the film. It was still excellent.

The songs of the film are great. My favourites are \\\"Chori Chori Chupke Chupke\\\", Dekhne Walon Ne\\\", \\\"Deewana Hai Yeh Mann\\\" and \\\"Mehndi\\\". The song \\\"Mehndi\\\" is very colourful. In that song it shows the ghod bharai taking place and it is very colourful. The film deserves 10/10!\": {\"frequency\": 1, \"value\": \"CCCC is the first ...\"}, \"The premise of the story is simple: An old man living alone in the woods accidentally stumble upon a murder of a small child, and tries to convince the police that the murder has occurred. Though very little dialog is provided throughout the film, the visual narrative told by the camera's eye alone made the film quite engaging. The setting of the gray woods conveys a feeling of loneliness, which complements the quietness of the characters themselves. We can also sense helplessness in the old man's inability to convince the police of the murder, which parallels the silenced child's inability to tell her own story.

True horror lies in feelings of hopelessness, helplessness, and irrationality. This film successfully addresses these elements by visuals alone, rather than relying on cheap sound effects or blood and gore that other bad horror films use when the narrative is weak.

Cleverly, the story unfolds at a slow pace to build up tension for a few creepy and startling moments. The ending is also unexpected and believable. Reminiscent of Japanese horror films, such as \\\"The Ring,\\\" and \\\"Dark Water,\\\" or English horror films, such as \\\"Lady in Black,\\\" and \\\"The Innocents,\\\" this film provides viewers the experience of true atmosphere horror. I recommend anyone who enjoys a good chilling to the bone scare to give this film a try.

By the way, if you haven't seen the films I just mentioned above, you might want to give them a try as well.\": {\"frequency\": 1, \"value\": \"The premise of the ...\"}, \"Joan Fontaine here is entirely convincing as an amoral beauty who is entirely incapable of feeling love for anyone but herself. Her husband (Richard Ney) has lost all his money through a combination of his foolhardiness and her extravagance, and they are reduced to living in a tiny room, with little or no prospects. They continue to put on the most amazing clothes and go out and socialize as if nothing were wrong. He is a charming, feckless, but wholly amiable fellow. However, Fontaine decides he has to go, as he has outlived his usefulness. So she resolves to poison him when she realizes he does not want to divorce her, so that she can move on. She has meanwhile had a lover (Patric Knowles) whom she decides to drop because he is not rich either. She meets the aging Herbert Marshall, who has a yacht with all the trimmings and more money than even Fontaine could figure out how to spend. She targets him and decides he will do nicely. He is all too eager to be eaten up by the young beauty. He certainly isn't very exciting, and has about as much sex appeal as yesterday's omelette. But Fontaine is one of those gals who has eyes only for money, and the man standing between her and it is transparent, so that she doesn't even notice or care what he looks like, she looks through him and sees what she really wants and goes for it. She proceeds to poison her husband, and dispatches him very neatly and satisfactorily, so that everything is going well. But as always happens in the movies, and sometimes even in life, some unexpected things begin to go wrong, and the tension rises appreciably, so that Fontaine begins to sweat. Fontaine is particularly good at looking wicked and terrified, and as the net begins to close in on her, her rising sense of desperation is palpable and has us on the edges of our seats. Hysteria and fear take over from cool calculation and cunning. But she finds a fall guy for her crime in the person of her cast off lover, who is an innocent victim of her scheme to set him up. He is condemned to death for murder, because the husband's death by poison came to light unexpectedly. But Sir Cedric Hardwicke, playing a grimly determined Scotland yard inspector, thinks there may be something amiss, and begins to doubt the story and suspect Fontaine. He closes in on her, and some of the scenes as this happens are inspired portrayals of the wildest panic. But will the innocent man's life be saved before he is executed? Will Fontaine worm her way out of this one? Will Herbert Marshall protect her to safeguard his infatuation? This film is expertly directed by Sam Wood, and the film is a really superb suspense thriller which I suppose qualifies very well for the description of a superior film noir.\": {\"frequency\": 1, \"value\": \"Joan Fontaine here ...\"}, \"Well, you'd better if you plan on sitting through this amateurish, bland, and pokey flick about a middle-aged widowed mom who has a little more in common with her young adult or old teen daughter than she would like. Set in Tunis, mom piddles around the flat, gets antsy, and decides, albeit reluctantly (she just can't help herself), to don the costume and dance in a local cabaret. Meanwhile her daughter is taking dancing lessons. The common denominator is a Tunisian band drummer. This film is so full of filler I watched the DVD at x2 and read the subtitles, fast forwarding through much of the very ordinary dancing and loooong shots of walking (they walk everywhere) and more walking and just plain dawdling at x4 just to get though this boring, uneventful, low budget flick which some how garnered some pretty good critical plaudits. Go figure. (C-)\": {\"frequency\": 1, \"value\": \"Well, you'd better ...\"}, \"I went into Deathtrap expecting a well orchestrated and intriguing thriller; and while that's something like what this film is; I also can't help but think that it's just a poor man's Sleuth. The classic 1972 film is obviously an inspiration for this film; not particularly in terms of the plot, but certainly it's the case with the execution. The casting of Michael Caine in the central role just confirms it. The film is based on a play by Ira Levin (who previously wrote Rosemary's Baby and The Stepford Wives) and focuses on Sidney Bruhl; a playwright whose best days are behind him. After his latest play bombs, Sidney finds himself at a low; and this is not helped when a play named Deathtrap; written by an amateur he taught, arrives on his doorstep. Deathtrap is a guaranteed commercial success, and Sidney soon begins hatching a plot of his own; which involves inviting round the amateur scribe, killing him, and then passing Deathtrap off as his own work.

Despite all of its clever twists and turns; Deathtrap falls down on one primary element, and that's the characters. The film fails to provide a single likable character, and it's very hard to care about the story when you're not rooting for any of the players. This is not helped by the acting. Michael Caine puts in a good and entertaining performance as you would expect, but nobody else does themselves proud. Christopher Reeve is awkward in his role, while Dyan Cannon somehow manages to make the only possibly likable character detestable with a frankly irritating performance. It's lucky then that the story is good; and it is just about good enough to save the film. The plot features plenty of twists and turns; some work better than others, but there's always enough going on to ensure that the film stays interesting. Director Sidney Lumet deserves some credit too as the style of the film is another huge plus. The central location is interesting in its own right, and the cinematography fits the film well. Overall, I have to admit that I did enjoy this film; but it could have been much, much better.\": {\"frequency\": 1, \"value\": \"I went into ...\"}, \"My wife and I have watched this movie twice. Both of us used to be in the Military. Besides being funny as hell, it offers a very realistic view of life in the Navy from the perspective of A Navy enlisted man, and tells it \\\"like it really is\\\". We're adding this movie to our permanent collection !\": {\"frequency\": 1, \"value\": \"My wife and I have ...\"}, \"After having red the overwhelming reviews this film got in my country, I but wanted to see it. But - what a disappointment! To see a bunch of one-dimensional characters in a plot that lacks of originality is not worth the money and the time to spend. I sometimes wonder about the filmcritics in switzerland.\": {\"frequency\": 1, \"value\": \"After having red ...\"}, \"This movie was horrible. I swear they didn't even write a script they just kinda winged it through out the whole movie. Ice-T was annoying as hell. *SPOILERS Phht more like reasons not to watch it* They sit down and eat breakfast for 20 minutes. he coulda been long gone. The ground was hard it would of been close to impossible to to track him with out dogs. And when ICE-T is on that Hill and uses that Spaz-15 Assault SHOTGUN like its a sniper rifle (and then cuts down a tree with eight shells?? It would take 1000's of shells to cut down a tree that size.) Shotguns and hand guns are considered to be inaccurate at 100yards. And they even saw the reflection. What reflected the light?? I didn't see a scope on that thing. Also when he got shot in the gut and kept going, that was retarded he would of bled to death right there. PlusThe ending where he stuffs a rock or a cigarette in the guys barrel. It wouldn't blow up and kill him. The bullet would still fire kill Ice T but mess up the barrel.\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"Just about everything in this movie is wrong, wrong, wrong. Take Mike Myers, for example. He's reached the point where you realize that his shtick hasn't changed since his SNL days, over ten years ago. He's doing the same cutesy stream-of-consciousness jokes and the same voices. His Cat is painfully unfunny. He tries way to hard. He's some weird Type A comedian, not the cool cat he's supposed to be. The rest of the movie is just as bad. The sets are unbelievably ugly --- and clearly a waste of millions of dollars. (Cardboard cut-outs for the background buildings would have made more sense than constructing an entire neighborhood and main street.) Alec Balwin tries to do a funny Great Santini impression, but he ends up looking and sounding incoherent. There's even an innapropriate cheesecake moment with faux celebrity Paris Hilton --- that sticks in the mind simply because this is supposed to be a Dr. Seuss story. Avoid this movie at all costs, folks. It's not even an interesting train wreck. (I hope they'll make Horton Hears a Who with Robin Williams. Then we'll have the bad-Seuss movie-starring-spasitc- comedian trilogy.)\": {\"frequency\": 1, \"value\": \"Just about ...\"}, \"Reading through all these positive reviews I find myself baffled. How is it that so many enjoyed what I consider to be a woefully bad adaptation of my second favourite Jane Austen novel? There are many problems with the film, already mentioned in a few reviews; simply put it is a hammed-up, over-acted, chintzy mess from opening credits to butchered ending.

While many characters are mis-cast and neither Ewan McGregor nor Toni Collette puts in a performance that is worthy of them, the worst by far is Paltrow. I have very much enjoyed her performance in some roles, but here she is abominable - she is self-conscious, nasal, slouching and entirely disconnected from her characters and those around her. An extremely disappointing effort - though even a perfect Emma could not have saved this film.\": {\"frequency\": 1, \"value\": \"Reading through ...\"}, \"Brainless film about a good looking but brainless couple who decide to live their dream and take people on diving tours. The pair almost instantly make the wrong choice of customers and get mixed up with some people seeking to recover the items that we see falling to the ocean floor during the opening credits sequence. Great looking direct to video movie could have been so much better if it wasn't so interested in primarily looking good. Performances are serviceable and the plot is actually not bad, or would have been had the director and producers not redirected the plot into making sure we see lots of shapely people in bathing suits (or in what I'm guessing the reason for the \\\"unrated\\\" moniker a few fleeting bare breasts). The film never generates any tension nor rises above the level of a forgettable TV movie. If you get roped in to seeing this you won't pluck your eyes out since the eye candy is pleasant but we really need to stop producers from making films that are excuses to have a paid vacation.\": {\"frequency\": 1, \"value\": \"Brainless film ...\"}, \"I can hardly believe that this inert, turgid and badly staged film is by a filmmaker whose other works I've quite enjoyed. The experience of enduring THE LADY AND THE DUKE (and no other word but \\\"enduring\\\" will do), left me in a vile mood, a condition relieved only by reading the IMDb user comment by ali-112. For not only has Rohmer attempted (with success) to make us see the world through the genre art of 18th century France but, as ali has pointed out, has shown (at the cost of alienating his audience) the effects of both class consciousness and the revolution it inspired through the eyes of a dislikably elitist woman of her times. The director has accomplished something undeniably difficult, but I question whether it was worth the effort it took for him to do so -- or for us to watch the dull results of his labor.\": {\"frequency\": 1, \"value\": \"I can hardly ...\"}, \"The pioneering Technicolor Cinematography (Winner of Special Technical Achievement Oscar) is indeed enchanting. Add an endless variety of glamorous costumes and a romantic cinema dream team like Marlene Dietrich and Charles Boyer, and you've got a rather pleasant \\\"picture\\\".

Unfortunately the contrived plot as well as the over-blown acting leave much to be desired. Still, there have not been any more breathtaking Technicolor films before this one (1936), and very few since then, that can top this breathtaking visual experience of stunning colors. Cinema fans who have enjoyed the glorious color cinematography in \\\"Robin Hood\\\" (1938), \\\"Jesse James\\\" (1939) and \\\"Gone With The Wind\\\" (1939), will not be disappointed in the fantastic work done here. \\\"The Garden Of Allah\\\" will always be synonymous with brilliant color cinematography.\": {\"frequency\": 1, \"value\": \"The pioneering ...\"}, \"This movie is one among the very few Indian movies, that would never fade away with the passage of time, nor would its spell binding appeal ever diminish, even as the Indian cinema transforms into the abyss of artificially styled pop culture while drill oriented extras take to enhancing the P.T. styled film songs.

The cinematography speaks of the excellent skills of Josef Werching that accentuate the monumental and cinema scope effect of the film in its entirety.

Gone are the days of great cinema, when every scene had to be clipped many times and retakes taken before finalizing it, while meticulous attention was paid in crafting and editing the scenes. Some of its poignant scenes are filled with sublime emotional intensity, like the instance, when Meena Kumari refuses to say \\\"YES\\\" as an approval for Nikah (Marriage Bond) and climbs down the hill while running berserk in traumatized frenzy. At the moment, Raj Kumar follows her, and a strong gale of wind blew away the veil of Kumari and onto the legs of Kumar........

Kamal Amrohi shall always be remembered with golden words in the annals of Indian Cinema's history for endeavoring to complete this movie in a record setting 12 years. He had to manage filming of some of the vital songs without Meena's close ups, because Meena Kumari, the lady in the lead role was terminally ill and fighting for her life in early 1971.\": {\"frequency\": 1, \"value\": \"This movie is one ...\"}, \"I'm glad the folks at IMDb were able to decipher what genre this film falls into. I had a suspicion it was trying to be a comedy, but since it also seems to want to be a dark and solemn melodrama I wasn't sure. For a comedy it is amazingly bereft of even the slightest venture into the realms of humour - right up until the ridiculous \\\"twist\\\" ending, which confirms what an utter waste of time the whole movie actually is. It is hard to describe just how amateurish THE HAZING really is. Did anyone involved in this film have any idea at all what they were supposed to be doing? Actually worth watching so that you can stare at the screen in slack-jawed disbelief at how terrible it is.\": {\"frequency\": 1, \"value\": \"I'm glad the folks ...\"}, \"I feel like I've been had, the con is on, don't fall for it. After reading glowing reviews (the Director was a film reviewer with Sky for years so must have a lot of mates in the press ready to do him a favour by writing favorable reviews) I expected solid acting, atmosphere, suspense, strong characterization, an intriguing plot development and poetic moments. Sadly, 'Sixteen years of Alcohol', doesn't deliver on the critics promises, for the most part, sacrifices these qualities in lieu of cheesy low budget special effects (what was that clich\\ufffd\\ufffdd cobweb scene in there for?), unrealistic fight choreography and mindless mind numbing narration, clich\\ufffd\\ufffd edits and camera angles.

'Sixteen years of Alcohol' starts off interestingly with some beautiful location shots in Scotland, but it's straight downhill from here. Unfortunately, instead of spending some time building atmosphere, creating characters we might care about, or building suspense - the director opts to begin driving you crazy with self indulgent heavy handed twaddle voice-over's. The lead characters are so unsympathetic and are so badly acted - the audience doesn't care what happens to them, desperate Actors do desperate things...like this movie!. To make matters worse, the 'homage's' (typical of a director trying to pay his dues to past masters) are either utterly clich\\ufffd\\ufffd or unconvincing. The soundtrack is the only thing that lifted me and kept me in the cinema but even that failed to support the dramatic narrative other connecting a period of time to the action.

For some reason the movie got increasingly flawed and to be quite honest annoying. I still watched the whole damn thing!

I guess I liked the attempt at gritty realism in the film but even that was destroyed when they were often inter-cut with weird and abstract, sometimes pointless scenes. You don't need a huge budget to make truly moving film, so much has been said about how little money they had to make this film, half a million is not a little bit of money...SO NO EXCUSES! Sometimes I wonder what the actors...Or their agents were thinking!

Pass on this turkey unless you're masochistic or mindless anyway....NOT MY THING

1.5/10\": {\"frequency\": 1, \"value\": \"I feel like I've ...\"}, \"I got this movie from Netflix after a long waiting time, so I was anticipating it greatly when it arrived. My worst fears were that it would be plodding, as well as... well, you know what all the screaming fan girls were babbling about? GACKTnHYDE=hawt yaoi love? That sort of thing? Dreading it. I was very, very pleasantly surprised. The movie was surprisingly watchable, even if the filming and music did make it feel like someone was going to bust out a pair of nun-chucks every two scenes, and the acting on Gackt's part was quite good. Hyde, being, um, Hyde, acted as a quasi-romantic friend/gang member character that anyone who saw him on stage would hardly be surprised by. He's one of my two major beefs with the film itself. But the rest of the cast (including the child actors in the opening scene) were very good at doing what they did- which was, mostly, get shot at and yelled at. But my second problem was very minor, having to do with the goriness. It seemed way too suspense-horror to me- like every scene where someone is shot they either slump over, really most sincerely dead, or lay there burbling for a rather long time. But Sho just... takes the shots, repeatedly, keels over, bubbles a LOT while he talks, and makes Hyde cry. All in all, if you're a fan of any of the actors or just a j-film fan, it's definitely worth a watch.\": {\"frequency\": 1, \"value\": \"I got this movie ...\"}, \"Okay, okay, maybe not THE greatest. I mean, The Exorcist and Psycho and a few others are hard to pass up, but The Shining is way up there. It is, however, by far the best Stephen King story that has been made into a movie. It's better than The Stand, better than Pet Sematary (if not quite as scary), better than Cujo, better than The Green Mile, better the Dolores Claiborne, better than Stand By Me (just barely, though), and yes, it's better than The Shawshank Redemption (shut up, it's better), I don't care WHAT the IMDb Top 250 says.

I read that, a couple of decades ago, Stanley Kubrick was sorting through novels at his home trying to find one that might make a good movie, and from the other room, his wife would hear a pounding noise every half hour or so as he threw books against the wall in frustration. Finally, she didn't hear any noise for almost two hours, and when she went to check and see if he had died in his chair or something (I tell this with all due respect, of course), she found him concentrating on a book that he had in his hand, and the book was The Shining. And thank God, too, because he went on to convert that book into one of the best horror films ever.

Stephen King can be thanked for the complexity of the story, about a man who takes his wife and son up to a remote hotel to oversee it during the extremely isolated winter as he works on his writing. Jack Nicholson can be thanked for his dead-on performance as Jack Torrance (how many movies has Jack been in where he plays a character named Jack?), as well as his flawless delivery of several now-famous lines (`Heeeeeere's Johnny!!'). Shelley Duvall can be thanked for giving a performance that allows the audience to relate to Jack's desires to kill her. Stanley Kubrick can be thanked for giving this excellent story his very recognizable touch, and whoever the casting director was can be thanked for scrounging up the creepiest twins on the planet to play the part of the murdered girls.

One of the most significant aspects of this movie, necessary for the story as a whole to have its most significant effect, is the isolation, and it's presents flawlessly. The film starts off with a lengthy scene following Jack as he drives up to the old hotel for his interview for the job of the caretaker for the winter. This is soon followed by the same thing following Jack and his family as they drive up the windy mountain road to the hotel. This time the scene is intermixed with shots of Jack, Wendy, and Danny talking in the car, in which Kubrick managed to sneak in a quick suggestion about the evils of TV, as Wendy voices her concern about talking about cannibalism in front of Danny, who says that it's okay because he's already seen it on TV (`See? It's okay, he saw it on the television.').

The hotel itself is the perfect setting for a story like this to take place, and it's bloody past is made much more frightening by the huge, echoing rooms and the long hallways. These rooms with their echoes constantly emphasize the emptiness of the hotel, but it is the hallways that really created most of the scariness of this movie, and Kubrick's traditional tracking shots give the hallways a creepy three-dimensional feel. Early in the film, there is a famous tracking shot that follows Danny in a large circle as he rides around the halls on his Big Wheel (is that what those are called?), and his relative speed (as well as the clunking made by the wheels as he goes back and forth from the hardwood floors to the throw rugs) gives the feeling of not knowing what is around the corner. And being a Stephen King story, you EXPECT something to jump out at you. I think that the best scene in the halls (as well as one of the scariest in the film) is when Danny is playing on the floor, and a ball rolls slowly up to him. He looks up and sees the long empty hallway, and because the ball is something of a child's toy, you expect that it must have been those horrendously creepy twins that rolled it to him. Anyway, you get the point. The Shining is a damn scary movie.

Besides having the rare quality of being a horror film that doesn't suck, The Shining has a very in depth story that really keeps you guessing and leaves you with a feeling that there was something that you missed. HAD Jack always been there, like Mr. Grady told him in the men's room? Was he really at that ball in 1921, or is that just someone who looks exactly like him? If he has always been the caretaker, as Mr. Grady also said, does that mean that it was HIM that went crazy and killed his wife and twin daughters, and not Mr. Grady, after all? It's one thing for a film to leave loose ends that should have been tied, that's just mediocre filmmaking. For example, The Amityville Horror, which obviously copied much of The Shining as far as its subject matter, did this. But it is entirely different when a film is presented in a way that really makes you think (as mostly all of Kubrick's movies are). One more thing that we can all thank Stanley Kubrick for, and we SHOULD thank him for, is for not throwing this book against the wall. That one toss would have been cinematic tragedy.\": {\"frequency\": 1, \"value\": \"Okay, okay, maybe ...\"}, \"I always thought people were a little too cynical about these old Andy Hardy films. A couple of them weren't bad. Modern film critics are not ones who usually prefer nice to nasty, so goody-two shoes movies like these rarely get praise

Nonetheless, I can't defend this movie either. You can still have an dated dialog but still laugh and cry over the story. Watching this, you just shake your head ask yourself, \\\"how stupid can you get?\\\" This is cornier than corny, if you know what I mean. It is so corny I cannot fathom too many people actually sitting through the entire hour-and-a-half.

The story basically is \\\"Andy\\\" (Mickey Rooney) trying to get out of jam because he makes up some story about involved with some d\\ufffd\\ufffdbutante from New York City as if that was the ultimate. People were a lot more social-conscious in the old days. You'd hear the term \\\"social-climber\\\" as if knowing rich or beautiful people was the highest achievement you could make it life. It's all utter nonsense, of course, and looks even more so today.

However, it's about as innocent and clean a story and series (there were a half dozen of these Andy Hardy films made) as you could find. Also, if you like to hear Judy Garland sing, then this is your ticket, as she sings a couple of songs in here and she croons her way into Andy's heart. Oh man, I almost throw up even writing about this!\": {\"frequency\": 1, \"value\": \"I always thought ...\"}, \"Tromaville High has become an amoral wasteland of filth thanks to the aftereffects of the nearby nuclear plant's accidental release of toxic waste.

Unrestrained chaos crammed with absurd violence and crude behavior. Rather horrible, obviously intended to be, mess of a film with the filmmakers cutting loose the reins allowing the untalented cast free reign to ham it up. Craft was far down Troma's list of objectives for this gory sleazefest. The honor society are punks with eerie face paint jobs and wacky outfits. The German teacher who becomes a member, through a \\\"toxic kiss\\\" has the streaks down one side of her face that really gave me the creeps.The toxic monster, which dispatched the ANNOYING punks towards the end, is pretty cool, though.

Kind of movie trash connoisseurs will embrace wholeheartedly.\": {\"frequency\": 1, \"value\": \"Tromaville High ...\"}, \"\\\"Silverlake Life\\\" is a documentary and it was plain and straightforward. Actually, it was more like a home movie, and if you want dramatic illuminations, see something else. And it's by no means a tearjerker. But I mean that in positive ways. It shows two men who love each other and how being afflicted with AIDS is affecting the quality of their every-day lives. It's almost difficult for me to say whether this was a quality film or not, because it was so undressed that I had to look for other ways to respond. It's an admirable film, actually one of the most admirable, sincere documents I've ever seen. These two men have incredible integrity as their lives are reduced to the most basic parts. It makes Hollow-wood productions on AIDS seem hip and heartless. These men made this movie for themselves, which is one of the best reasons to create something. The scene where Tom sings \\\"You are My Sunshine\\\" to Mark and tells him goodbye is the real thing.\": {\"frequency\": 1, \"value\": \"\\\"Silverlake Life\\\" ...\"}, \"STAR RATING: ***** The Works **** Just Misses the Mark *** That Little Bit In Between ** Lagging Behind * The Pits

Some plutonium's gone missing and some very nasty people now have the means to develop a bomb capable of wholesale destruction- so Josh McCord (Chuck Norris) and his cocky young prot\\ufffd\\ufffdg\\ufffd\\ufffd Deke (Judson Mills, a different actor from the previous film) with the assistance of Josh's adopted daughter Que (Jennifer Tung) set out to stop them.

This was another film that dealt with terrorism a year after the events of 9/11. Filmed in 2001, Norris himself even commented afterwards how eerily the plot line to the film resembled what happened in downtown New York that day, so there'd have been those that would have been in the mood for a film where Norris and his side-kick kick some terrorist ass if nothing else. Other than that, it's as interchangeable as anything Norris has ever been in. It makes you wonder what the original did to warrant a sequel in the first place, and whether if this one could get made a President's Man 3 might come out sometime soon.

If you've seen one Norris film, you've really seen them all and there's really nothing new or unexpected that happens with this one, but at least you know what you're getting and, like I said, it might have been just what some needed to let off some steam. **\": {\"frequency\": 1, \"value\": \"STAR RATING: ***** ...\"}, \"Sidney Young (Pegg) moves from England to New York to work for the popular magazine Sharpe's in a hope to live his dream lifestyle but struggles to make a lasting impression.

Based on Toby Young's book about survival in American business, this comedy drama received mixed views from critiques. Labelled as inconsistently funny but with charm by the actors, how to lose friends seemed as a run of the mill fish out of the pond make fun at another culture comedy, but it isn't.

This 2008 picture works on account of its actors and the simple yet sharp story. We start off in the past, then in the present and are working our way forwards to see how Young made his mark at one of America's top magazines.

Pegg (Hot Fuzz) is too likable for words. Whether it's hitting zombies with a cricket bat or showing his sidekick the nature of the law the English actor brings a charm and light heartedness to every scene. Here, when the scripting is good but far from his own standards, he brings a great deal of energy to the picture and he alone is worth watching for. His antics with \\\"Babe 3\\\" are unforgivable, simply breathtaking stuff as is his over exuberant dancing, but he pulls it off splendidly.

Bridges and Anderson do well at portraying the stereotypical magazine bosses where Dunst fits in nicely to the confused love interest. Megan Fox, who stole Transformers, reminds everyone she can act here with a funny hyperbole of a stereotype film star. The fact that her character Sophie Myles is starring in a picture about Mother Teresa is as laughable as her character's antics in the pool. To emphasize the point there is a dog, and Pegg rounds that off in true Brit style comedy, with a great little twist.

Though a British film there is an adaptation of American lifestyle for Young as he tries to fit in and we can see the different approaches to story telling. Young wants the down right dirty contrasted with the American professionalism. The inclusion of modern day tabloid stars will soon make this film dated but the concept of exploitation of film star's gives this edge.

Weide's first picture is not perfect. There are lapses in concentration as the plot becomes too soapy with an awkward obvious twist and there are too many characters to be necessary. The physical comedy can also be overdone. As a side note, the bloopers on the DVD are some of the finest you will ever see, which are almost half an hour long.

This comedy drama has Simon Pegg on shining form again and with the collective approach to story telling and sharp comedy, it is worth watching.\": {\"frequency\": 1, \"value\": \"Sidney Young ...\"}, \"My dog recently passed away, and this was a movie I loved as a kid, so I had to see it to try to cheer up.

(Beware of Dog, I mean Spoilers.) This movie isn't just for kids and it's far from ordinary. It was set in New Orleans in 1939. First and foremost, the dog was not portrayed as an extra family member in this film, but as an adult with his own complicated life to deal with.

In the beginning, Charlie is not too different from his dishonest and brutal business partner, Carface. He is money driven, greedy, and just escaped death row, as he states in the start of the feature. The difference between Charlie and Carface is that Charlie can learn and is willing to listen to others; Anne Marie and his sidekick, Itchy. Carface will not even listen to the fat, ugly dog with the big glasses who happens to be closest to him.

Carface attempts to murder the hero, because he wants 100% of the profits in their business and won't settle for only 50% - a highly unusual way for a German Shepherd mix to die. Also, being eaten by a prehistoric sized alligator who ends up sparing your life because you can sing is highly unlikely whether you are a dog or not. This is a cartoon, and that's why it is logical here.

Carface's method of revenge is through murder, while Charlie believes success is the best revenge, financial success that is. After surviving death, he starts a business by taking Carface's source of financing, a highly talented girl who possesses the ability to communicate with animals. They win a whole bunch of races, and Charlie tells her he'll give the money to the poor - hint hint: Charlie and Itchy live in a junkyard, and are therefore poor. He uses the money toward his casino/bar/theatre, and not the other \\\"poor.\\\" The reason why Anne Marie has the ability to talk to animals is that she has compassion, and she listens carefully. She teaches Charlie ethics by pointing out his gambling, lying, and stealing. Charlie tries to make up for it by buying her dresses. She added the ethics that his business needed, while Charlie did management, and Itchy provided construction.

Carface uses violence and property damage to tear down Charlie's business, which is unprotected by the government. Charlie loses everything and all he has left is this little girl. In the end he had to choose between her life and his own. He first grabs the watch out of self preservation, and sets it down when the girl started to sink. Both the girl and the watch were sinking, and he had to choose which one, and he chose the girl.

The great part about this movie that focuses on a person's ability to learn right from wrong over time, and a child's ability to cope with the natural occurrence of death of their pet, is that it never shows anyone dying! The watch symbolizes his life, and the watch is shown being submerged and stopped. All the deaths were suggestive, even for the villain. I didn't cry during this movie until now, and I have gotten so much more out of it, that I had to write it down and share it with you.\": {\"frequency\": 1, \"value\": \"My dog recently ...\"}, \"A very funny east-meets-west film influenced by the closure of GM's Flint, Michigan plant in the eighties and the rise and integration of Japanese automakers in the US. Set in western Pennsylvania, it features great performances by Michael Keaton, Gedde Watanabe, and George Wendt. Music by blues legend Stevie Ray Vaughan.\": {\"frequency\": 1, \"value\": \"A very funny east- ...\"}, \"I found this movie to be very well-paced. The premise is quite imaginative, and as a viewer I was pulled along as the characters developed. The pacing is done very well for those that like to think--enough is kept hidden from the viewer early on, and questions keep arising which are later answered, producing a well-thought out and very satisfying film, both cerebrally and from an action standpoint.

It seems some people were looking for a non-stop roller-coaster ride with this film--one of those that comes charging out of the gate. This would be more analogous to one of those coasters that first takes you slowly up the hill--creating a wonderful sense of anticipation--and is ultimately, in my mind, more fulfilling for the foundation initially laid.

Excellent film.\": {\"frequency\": 1, \"value\": \"I found this movie ...\"}, \"If you liked Roman Polanski's \\\"Repulsion\\\", you should probably check out \\\"The Tenant\\\" since it's a similar concept, just with Polanski stepping in and playing the schizophrenic wacko. This is actually one of my favorites of his movies - second, after \\\"Rosemary's Baby\\\", of course - and is a straight forward journey into the mental collapse of a man who moves into the former apartment of a suicide victim. The other residents of the building are all flaky and sticklers on keeping the noise level down - even the slightest 'titter' becomes a big deal and Polanski, who stars, becomes increasingly paranoid and succumbs to his loony hallucinations further and further as the film carries on. It gets to the point where he is dressing and acting like the former tenant and you realize it's only a matter of time before he decides tor re-enact her fatal leap out the window... The film is a bit slow and dawdling for a while, but if you have ever seen a Roman Polanski movie, you should know it's going to end with a bang and this flick doesn't disappoint. It's also best if you don't question the intricacies of the premise and just take it as a descent into madness, because it's pretty trippy surreal at times. Polanski is very good as the timid, deranged resident who, somehow, attracts the ever illustrious Isabelle Adjani. We also get to see him running around in drag, which is disturbing and hilarious all at the same time! Damn, he makes for one ugly chick! So, Polanski fans - who can actually look past his thirty year-old pedophile charges - should enjoy \\\"The Tenant\\\" as an entertaining psychological head-trip...\": {\"frequency\": 1, \"value\": \"If you liked Roman ...\"}, \"\\\"Fido\\\" is to be commended for taking a tired genre, zombies, and turning it into a most original film experience. The early 50s atmosphere is stunning, the acting terrific, and the entire production shows a lot of careful planning. Suddenly the viewer is immersed in a world of beautiful classic cars, \\\"Eisenhower era\\\" dress, art deco furniture, and zombie servants. It would be very easy to dismiss \\\"Fido\\\" as cartoon-like fluff, similar to \\\"Tank Girl\\\", but the two movies are vastly different. \\\"Fido has structure, a script that tells a story, and acting that is superior. Make no mistake, this is a daring black comedy that succeeds where so many others have failed. Highly recommended. - MERK\": {\"frequency\": 1, \"value\": \"\\\"Fido\\\" is to be ...\"}, \"This documentary is incredibly thought-provoking, bringing you in to the lives of two long-time lovers who are in the final stages of AIDS. The past footage of their twenty-some-odd years together really brings their final moments home.

If this movie doesn't make you feel the pain and agony of these two fascinating people, you don't have a heart.\": {\"frequency\": 1, \"value\": \"This documentary ...\"}, \"The Little Mermaid is one of my absolute favorite Disney movies. I'm sorry to say, however, that Disney completely messed up when they made this sequel. I'll admit it has some good points to it. The songs aren't bad, and the animation is clean and clear. There is some humor, I'm sure--I don't remember, because after watching it I immediately banned it from appearing before my eyes again. The worst point of this movie is the plot. In this movie, Ariel becomes her father. She forbids her daughter to go near the sea (yes, out of fear), just as she was forbidden to go near the land. I personally think that, given her past, Ariel would maintain some of her headstrong ways and not treat her daughter like she herself was treated.

Besides this fact, Ursula was replaced by a non-scary, pathetic sort of sea witch (the underfed, forgotten sister) who is more comical than scary. She, too, has some little underling to do her bidding--but she's not scarier or worse than Ursula. Ursula spoiled us with her believability for badness. This sea witch is a joke.

To make matters worse, Flounder is a fat, deep-voiced father (no longer the cute guppy we all know and love) and Eric's voice is not even done by the same actor (something that always annoys me in a remake/sequel). (His voice difference was very obvious to me, by the way!) I felt that the only reason this movie was made was so that Disney could catch a few fast dollars, something I hate to think about a corporation I actually really do enjoy. I felt that this plot lacked imagination. I know that this act (child following in the footsteps of a parent) happens, but Ariel was different. That was what we loved so much about her. She had a dream, she fell in love, and she made that dream come true. Until she appeared in this movie, that is. Then she became just like the other adults. This isn't the Ariel I know. And I don't like her.

I know of some children who have enjoyed this film, and I know some adults who didn't mind it, either. But for me, and for all of you out there who have the utmost love for Ariel, please don't see this movie. The Ariel we know dies within, resurrected only for a song or two and one final scene that actually isn't bad (where she accepts the water back again)--although she takes very little part in the ending, regardless.\": {\"frequency\": 1, \"value\": \"The Little Mermaid ...\"}, \"The views of Earth that are claimed in this film to have been faked by NASA have recently been compared with the historical weather data for the time of Apollo 11, and show a good match between the cloud patterns in the video sequence and the actual rainfall records on the day.

This would seem to undermine the entire argument put forward in the film that the \\\"whole Earth\\\" picture is actually a small part of the planet framed by the spacecraft window.

I am waiting for Bart Sibrel to now claim that the historical weather data has been faked by NASA, though that would no doubt involve them in also replacing every archived newspaper copy with a weather map, and the ones in private hands would still be a problem.

Ah, a response: \\\"Trying to discredit this movie by referring to NASA weather data I'd say is a charming, but weak and gullible argument. What about the rest of the footage and proofs in the movie? A certain wise man once said something about sifting mosquitoes and swallowing camels. Do you in any way feel that maybe this could apply to what you are trying to do here? :-) This movie is just packed with irrefutable evidence against the claim once made by U.S. government that the moon-missions were a success, and that man now are true masters of the universe. Things are nearly never quite what they seem.. Just watch the movie, and I dear say you'll see things a bit different than before.\\\"

First off, weather data doesn't come from NASA, it comes for met agencies around the world. Second, the weather data undermines a major claim in the film. Third, far from being \\\"packed with irrefutable evidence\\\", the remaining claims in the film have been thoroughly debunked. Sibrel thought he had a previously secret piece of film, so he edited it and added his own interpretation. Unfortunately for him, his source film is public domain, and the bits Sibrel edited out contradict his claims.\": {\"frequency\": 1, \"value\": \"The views of Earth ...\"}, \"David Lynch's new short is a very \\\"Lynchian\\\" piece, full of darkness, tension, silences, discreet but very textured background music, and features again two beautiful actresses, a blonde and a brunette, a recurrent theme in his work.

Both characters create a very intriguing slave-mistress relationship that could be seen as a direct follow up to the same kind of relationship featured in Mulholland Dr.

Beautiful. For Lynch fan's.

\": {\"frequency\": 1, \"value\": \"David Lynch's new ...\"}, \"'Mojo' is a story of fifties London, a world of budding rock stars, violence and forced homosexuality. 'Mojo' uses a technique for shooting the 1950s often seen in films that stresses the physical differences to our own time but also represents dialogue in a highly exaggerated fashion (owing much to the way that speech was represented in films made in that period); I have no idea if people actually spoke like this outside of the movies, but no films made today and set in contemporary times use such stylised language. It's as if the stilted discourse of 1950s screenwriters serves a common shorthand for a past that seems, in consequence, a very distant country indeed; and therefore stresses the particular, rather than the universal, in the story. 'Mojo' features a strong performance from Ian Hart and annoying ones from Aiden Gillan and Ewan Bremner, the latter still struggling to build a post-'Trainspotting' career; but feels like a period piece, a modern film incomprehensibly structured in an outdated idiom. Rather dull, actually.\": {\"frequency\": 1, \"value\": \"'Mojo' is a story ...\"}, \"I remember back when I was little when I was away at camp and we would campout under the stars. There was always someone there that would have a good story to tell that involved the woods that surrounded us and they would always creep me out. Well, when I found Wendigo at the library, I checked it out hoping to be one of those films that had a supernatural being haunting people in the woods much like the stories that were told at camp. Well, much to my dismay, I was so far from the truth. Wendigo is really bad. The story starts of when a family of three is driving to their winter cabin, which looks like your normal suburban home and nothing like a cabin in the woods, and they run into a deer. Well, it seems the local rednecks were actually hunting this particular deer and are pretty upset at our city folk. The movie spends far too much time following the families everyday activities instead of getting to the point of the film. It wasn't until about the last 15 minutes that we actually have some action involving the \\\"wendigo.\\\" My suggestion is that you stay very far away this film. It will leave you wanting your hour and a half back.\": {\"frequency\": 1, \"value\": \"I remember back ...\"}, \"CAMILLE 2000

Aspect ratio: 2.35:1 (Panavision)

Sound format: Mono

Whilst visiting Rome, an amorous nobleman (Nino Castelnuovo) falls in love with a beautiful young libertine (Daniele Gaubert), but their unlikely romance is opposed by Castelnuovo's wealthy father (Massimo Serato), and Fate deals a tragic blow...

A sexed-up love story for the swinging Sixties, adapted from a literary source (Alexandre Dumas' 'La Dame aux Camelias') by screenwriter Michael DeForrest, and directed with freewheeling flair by Radley Metzger who, along with the likes of Russ Meyer and Joe Sarno, is credited with redefining the parameters of 'Adult' cinema throughout the 1960's and 70's. Using the scope format for the last time in his career, Metzger's exploration of 'la dolce vita' is rich in visual excess (note the emphasis on reflective surfaces, for example), though the film's sexual candor seems alarmingly coy by modern standards. Production values are handsome throughout, and the performances are engaging and humane (Castelnuovo and Gaubert are particularly memorable), despite weak post-sync dubbing. Though set in an unspecified future, Enrico Sabbatini's wacked-out set designs locate the movie firmly within its period, and Piero Piccioni's 'wah-wah' music score has become something of a cult item amongst exploitation devotees. Ultimately, CAMILLE 2000 is an acquired taste, but fans of this director's elegant softcore erotica won't be disappointed. Next up for Metzger was THE LICKERISH QUARTET (1970), which many consider his best film.\": {\"frequency\": 1, \"value\": \"CAMILLE 2000

This is nothing more than a glorified episode of a Discovery TV show, with a largely insignificant sub plot going on, which just seemed to get in the way. However as any Irwin show is always worth a watch, this film is well worth a look too, but not on Christmas Day. Talking of which, I've better things to do too than be on here.

A high 4/10\": {\"frequency\": 1, \"value\": \"A difficult film ...\"}, \"Brilliant adaptation of the largely interior monologues of Leopold Bloom, Stephen Dedalus, and Molly Bloom by Joseph Strick in recreating the endearing portrait of Dublin on June 16, 1904 - Bloomsday - a day to be celebrated - double entendre intended! Bravo director Strick, screenwriter Haines, as well as casting director and cinematographer in creating this masterpiece. Gunter Grass' novel, The Tin Drum filmed by Volker Schl\\ufffd\\ufffdndorff (1979)is another fine film adaptation of interior monologue which I favorably compare with Strick's film.

While there are clearly recognized Dublin landmarks in the original novel and in the film, there are also recognizable characters, although with different names in the novel. For example, Buck Mulligan with whom Dedalus lives turns out to be a then prominent Dublin surgeon.

This film for all of its excellence is made even richer by additional viewings.

Brian invinoveritas1@AOL.com 15 June 2008\": {\"frequency\": 1, \"value\": \"Brilliant ...\"}, \"I've just seen The Saint Strikes Back for the first time and found it quite good. This was George Sanders's first appearance as the Saint, where he replaces Louis Hayward.

In this one, the Saint is sent to San Francisco to investigate a shooting at a night club. With the help of his acquaintance Inspector Fernack who has come down from New York, they help a daughter of a crime boss.

Joining Sanders in the cast are Wendy Barrie and Jonathan Hale.

Not a bad Saint movie. Worth seeing.

Rating: 3 stars out of 5.\": {\"frequency\": 1, \"value\": \"I've just seen The ...\"}, \"The premise is amazing and the some of the acting, notably Sally Kellerman and Anthony Rapp, is charming... but this film is near unwatchable. The music sounds as if it comes from some sort of the royalty free online site and the lyrics as if they were written with a rhyming dictionary open on the lap. Most of the singing is off-key. I think they may have filmed with the singing accapella and put in the music under it... The dialogue is really stupid and trite. The movie works best when it is actually talking about the real estate but unfortunately it strays to often into stupid farcical sub-plots. I found myself checking my watch after ther first twenty minutes and after 40 wondering 'when is it ever going to end.'\": {\"frequency\": 1, \"value\": \"The premise is ...\"}, \"One of the most provocative films ever with excellent cinematography backed up by Mc Clarens lisp and stunning quote \\\"do you believe in love at first site?\\\".

A trace of expressionism was evident in this picture, further catapulting the films flawless integrity. Gabby (AKA Joey) played by Eva Longoria clearly loved the movie and role she played so much that she couldn't even be bothered giving it mention in her filmography. Lol.

the best part of the movie would have to be without a doubt, the heroic rescue by MC clure as he saved the young 'Handicapped' kid with the speech impediment.. Which i may add was acted to perfection! James Cahiil's use of sound effects is unmatched even to this day. The drug bust he performs early in the film is pain stakingly realistic. When i watched this movie for the first time i was so compelled with the intense lack of respect for the Gang Inthused brothers from the Southside gang and the CTM (Cut Throat Mafia). This was by far one of the most encapsulating crevice Cahill has committed to filming.

Personally this film holds sentimental value to me and i will be downloading it in the near future. Thats if i can find it anywhere, LOL!\": {\"frequency\": 1, \"value\": \"One of the most ...\"}, \"Once again a film classic has been pointlessly remade with predictably disastrous results. The title is false as is everything about this film. The period is not persuasively rendered, and the leads seem way too young and too vapid to even be criminals. Arthur Penn's film had style, humor, a point of view, and was made by talented people. Even if the 1967 version didn't exist this would still be an unnecessary film. The 1967 version strayed from the facts, presented a glamorized version of Bonnie and Clyde, but it was exciting, and innovative for 1967, and it had some outstanding performances that allowed you to care. This 1992 remake seems culled from the original film rather than the truth as known and the actors in this version are callow, unappealing, and not the least bit interesting. By all means skip this one and hope the 2010 version will be better. Could it possibly be worse?\": {\"frequency\": 1, \"value\": \"Once again a film ...\"}, \"World At War is perhaps the greatest documentary series of all time. The historical research is virtually flawless. Even after a quarter century, it is the most accurate and definitive documentary about WW2. An invaluable historical work that includes interviews with some of the most important and fascinating figures from the war. I highly recommend it as a learning experience.\": {\"frequency\": 1, \"value\": \"World At War is ...\"}, \"OK Hollywood is not liberal.

Obviously I'm lieing because it is. Im a conservative but the politics i will leave out of my opinion of the movie. This movie was anti bush, anti middle east , anti big oil propaganda but that is not why it was bad.

Fist off i will give credit where credit is due. i saw this film opening night because i happen to like these kinds of films and am a political science major in collage. The cinematography was excellent and the acting was as far as i could tell very good.

The plot was impossible for me to decode however. I have been tested and have an IQ of 138 but no matter how hard i tried there was no way i could piece together the story line of the movie and what characters where doing what.

The story and scene sequence was totally incoherent and poorly organized.

Unless this is one of those movies that is meant to be watch many times to get the full depth pf the story, which it very well may be, i have no idea exactly what was going on.

Which makes sense because if you want to make a political argument and not receive any criticism then make your argument impossible to critique! If you cant dazzle them with brilliance, then baffle them with Bull S.\": {\"frequency\": 1, \"value\": \"OK Hollywood is ...\"}, \"This film was more effective in persuading me of a Zionist conspiracy than a Muslim one. And I'm Jewish.

Anbody go to journalism school? Read an editorial? Freshman year rhetoric? These alarmist assertions, presented in a palatable way, might prove persuasive. But by offering no acknowledgment of possible opposing arguments, nor viable (or any at all) solutions, few sources and each of dubious origin, makes the argument an ineffectual diatribe.

And thank goodness for that -- I wouldn't want anyone to leave the theatre BELIEVING any of this racist claptrap.

A good lesson for me -- and hopefully a cautionary tale for you -- to actually read about a film before seeing it.\": {\"frequency\": 1, \"value\": \"This film was more ...\"}, \"Oh, come on people give this film a break. The one thing I liked about it was......... Sorry, still thinking. Oh yeah!!!! When John Wayne came and shot up the the bad guys. Oh, sorry, wrong movie, I was thinking of a better quality film. Let me see now, I'm still trying to defend it. Oh yeah, the chick that was from Clueless was in it. Don't put down Stacy Dash. I mean, we all make mistakes. But boy, Stacy, you made a dooooosie.

Hey, one thing that has never been done in a western, even an all female cast, they actually hung a woman from the gallows. That might be a western first. Even though her neck should have been broken and she survived the ordeal, still, you've got to give the director some effort for trying a western first. Also, I've never seen a woman lynched from a horse in any western, although that didn't happen in this movie, I just thought I would give the director another idea for Gang Of Roses#2, which should be made right after Ed Wood's Bride Of The Monster #2. Maybe that was what the makers of this film were going for. Orginality, especially with an all African woman cast and an oriental cowgirl.

Heeey, if the makers of Gang Of Roses want to make a sequel to this mess, you could have such slang like, \\\"Hey, don't you be takin about my homegirls\\\" and \\\"talk to the hand, baby, talk to the hand.\\\" You could also have a surfer dude type deputy marshal that says things like, \\\"That gunfight was TOTALLY RAD man, totally.\\\" You know things like that.\": {\"frequency\": 1, \"value\": \"Oh, come on people ...\"}, \"To be honest at the time i first heard of this show i though it may be a bad idea to make a show that makes Muslims use racial jokes on themselves but it is the Exact opposite. I realized that the show doing that can help people understand that if a Muslim uses s a word like this in real life it doesn't mean it is a terrorist thing. It also show's how people give the Muslims a bad name because they play on their stereotype, by watching the show regular people will realize that all though there may be bad Muslims out it doesn't mean we are all bad we just try to live 1 day at a time, like how hard it was for Amair to get on a plane and how he used words like \\\"Blow up\\\" or Yaser saying we'll blow away the competition, and people took it the wrong way. Being a Muslim i know that stuff like this don't usually happen, but they do and many people think bad things about Muslims or Afghanistan or Iraq, its not right things are not like that. people will see how we are poorly treated by watching this show and it may make them think on how the act. I am glad a show like this came on the air. There are many shows that Piotr Muslim people as terrorists,many people do find them funny to my opioion it is OK to do it now and then because prety much everything is made fun of who are we to say you can not make fun of that is unfair, but it is done to often and really gives Muslin people a bad name.\": {\"frequency\": 1, \"value\": \"To be honest at ...\"}, \"I was so disappointed in this movie. I don't know much about the true story, so I was eager to see it play out on film and educate myself about a little slice of history. With such a powerful true story and great actors it seemed like a surefire combination. Well, somewhere the screenplay failed them. It was so scattered - is this movie about his childhood? his love life? his own disability? his speaking ability? his passion for the disabled? I'm sure there is a way to incorporate all of those things into a good story, but this movie wasn't it. I was left cold watching characters that were unlikable not because of their disabilities, but because of their personalities. Other small gripes: 1. The heavy-handed soundtrack. It's the seventies - WE GET IT ALREADY! 2. If he's such a phenomenal public speaker, why weren't we treated to more than a snippet here and there - and even then mostly in montages?\": {\"frequency\": 1, \"value\": \"I was so ...\"}, \"What has Ireland ever done to film distributers that they seek to represent the country in such a pejorative way? This movie begins like a primer for film students on Irish cinematic cliches: unctuous priests, spitting before handshakes, town square cattle marts, cycling by country meadows to the backdrop of anodyne folk music. Quickly, however, it becomes apparent that the main theme of the film is the big Daddy-O of Irish Cliches - religous strife. It concerns a protestant woman who wants to decide where her Catholic-fathered child is educated, which would seem like a reasonable enough wish, though not to the '50's County Wexford villagers she has to live with. Rather than send them to a Catholic school, she decides to up and leave for Belfast, then Scotland, where a few more cliches are reguritated. While she's there, her father (who looks eerily like George Lucas) and family back home are subjected to a boycott, which turns very nasty. I'm not going to give away the ending, not because I think people should go see this movie, but because it's not very interesting. One of the problems with the film is the central character: we're supposed to sympathise with her but end up instead urging her to get a life. The villagers are presented as bigots whose prejudices should be stood up to, but traumatising your kids seems an innappropriate way to go about it. In addition, it takes on burdens which it staggers igniminiously under when it tries to draw analogies with the current Northern Ireland peace process: the woman is told by her lawyer that she \\\"must lay down preconditions\\\" for her return. The film is allegedly based on a true story but it's themes have been dealt with much more imaginatively, and with less recourse to hackneyed cliches, in the past.\": {\"frequency\": 1, \"value\": \"What has Ireland ...\"}, \"If you as I have a very close and long relationship with the world of Tintin....do yourself a favor and watch this beautiful documentary about Herg\\ufffd\\ufffd and his life creating Tintin. I'ts so brilliant and a very cool production. The whole background story about Herg\\ufffd\\ufffd and the people and also very much the many different situations he was influenced by, for good and worse is amazing. There is a very fine and obvious connection between the comic books and just this. I will for sure be in my basement digging up the Tintin albums again. Also, the movie itself are very well told and has a great ambient sound to it. I really do hope people will find this as intriguing as I did!\": {\"frequency\": 1, \"value\": \"If you as I have a ...\"}, \"First off, this is an excellent series, though we have sort of a James Bond effect. What I mean is that while the new Casino Royale takes place in 2006, it is chronologically the first adventure of 007, Dr. No (1962) being the second, while in Golden Eye, the first film with Pierce Brosnan, Judi Dench is referred to as the new replacement for the male \\\"M\\\" so how could she have been in place in the beginning before Bond became a double-0, aside from the fact that she is obviously 14 years older? This is more or less a \\\"poetic\\\" license to thrill. We need to turn our heads aside a bit if we wish to be entertained. No, the new Star Trek movie does not have any of the primitive electronics of the original series from nearly half a century ago. In the 1960's communicators were fantasy. (now we call them cell phones) and there were sliding levers instead of buttons. OMG, do you think 400 years from now, they would have perfected Rogaine for Jean-Luc Picard? So, please, let's give the producers some leeway.

But to try and make things a bit consistent, let us just ponder about the Cylons creation just 60 years prior to the end of Battlestar Galactica. If that is the case, where did all the Cylons that populated the original earth come from? We know that the technology exists for spontaneous jumps through space. Well, what happened if one of the Cyclon ships at war with the Caprica fleet was fired upon or there was a sunspot or whatever and one ship, loaded with human-looking Cylons, wound up not only jumping through space, but through time, back a thousand or ten thousand years with a crippled ship near Earth One. They colonized it, found out they could repopulate it and eventually destroyed themselves, but not before they themselves sent out a \\\"ragtag\\\" fleet to search for the legendary Caprica, only to find a habitable but unpopulated planet, which they colonized to become the humans, who eventually invented the Cylons. Time paradox? Of course. Which came first, the chicken or the road? Who cares? It's fraking entertaining!\": {\"frequency\": 1, \"value\": \"First off, this is ...\"}, \"Not often have i had the feeling of a movie it could be visionary. But clearly this movie has the seed of a premonition.

We should not tend to be alarmists and see armageddon in something because it seems to fit our emotions of the moment. But, didn't we say this of \\\"1984\\\" ? Had James Orwell known the Internet becoming reality not long after 1984; In fact it was in 1994; he might have reconsidered writing his story the way he did. Hindsight rewarded.

It doesn't matter. What DOES matter is that we often regard ourselves as superior to our surroundings but indeed become emotional about a \\\"love apple\\\" when necessity knocks at our door. A snapshot of ourselves at old age.

Whatever the time-line will prove to be for us, I know for a fact we haven't seen the beginning of it yet.

\": {\"frequency\": 1, \"value\": \"Not often have i ...\"}, \"The only reason to see this movie is for a brilliant performance by Thom-Adcox Hernandez who is underused in the movie within the movie. As usual Tom Villard is good, too. Otherwise it's c**p. The possesor doesn't even exist how does he magically change the letters on the theatre marquee to spell out \\\"The Possessor\\\"? Lame.\": {\"frequency\": 1, \"value\": \"The only reason to ...\"}, \"A solid, if unremarkable film. Matthau, as Einstein, was wonderful. My favorite part, and the only thing that would make me go out of my way to see this again, was the wonderful scene with the physicists playing badmitton, I loved the sweaters and the conversation while they waited for Robbins to retrieve the birdie.\": {\"frequency\": 1, \"value\": \"A solid, if ...\"}, \"Those who are not familiar with Cassandra Peterson's alter-ego Elvira, then this is a good place to start.

\\\"Elvira, Mistress of the Dark\\\" starts off with our heroine with the gravity defying boobs receiving a message. It seems that a great aunt of hers has died and that she needs to be present for the reading of the will. Anxious to raise money for a show she wants to open in Las Vegas, she decides to go in hopes of getting lots and lots of money.

Unfortunately, the place she has to go is the town of Fallwell, Massachusetts. Having to stay a spell due to her car breaking down, she finds out that her great aunt left her 3 things: a house, a dog and a cookbook. The town residents have mixed reactions:the teens like her, the women hate her, and the men lust after her (Although trying to remain moral pillars of the community). Her worst problem turns out to be her great uncle Vincent (W. Morgan Sheppard), because he wants her cookbook. Seems that the cookbook is a book of spells that will make him a more powerful warlock.

The film is actually pretty funny, with Peterson a.k.a. Elvira using her \\\"endowments\\\" and sexiness as a joke (\\\"And don't forget, tomorrow we're showing the head with two things... I mean the thing with two heads\\\"). Especially funny as Edie McClurg as Chastity Pariah, the woman that works her hardest to keep the town in line, but ends up looking ridiculous (The picnic scene is the perfect example). Deserves a peek (The film, not her boobs, of course).\": {\"frequency\": 1, \"value\": \"Those who are not ...\"}, \"I'm so glad I happened to see this video at the store. I was looking for some happy movies and this one turned out to be a true gem. I loved that the movie, a love story of sorts, wasn't about some beautiful twenty-somethings; rather, it's a story of some beautiful sixty-somethings, who used used to be twenty-somethings. It's a good, well written, and wonderfully acted story with fabulous WWII band music thrown in as well. It's also got a delightful surprise in it for Scottish castle lovers. It left me smiling and ready to watch it again, which I did a couple more times before I turned it in. I highly recommend it.\": {\"frequency\": 1, \"value\": \"I'm so glad I ...\"}, \"The movie starts with a pair of campers, a man and a woman presumably together, hiking alone in the vast wilderness. Sure enough the man hears something and it pangs him so much he goes to investigate it. Our killer greets him with a stab to the stomach. He then chases the girl and slashes her throat. The camera during the opening scene is from the point of view as the killer.

We next meet our four main characters, two couples, one in which is on the rocks. The men joke about how the woman would never be able to handle camping alone at a double date, sparking the token blonde's ambition to leave a week early. Unexpectedly, the men leave the same day and their car breaks down.. They end up arriving in the evening. When the men arrive, they are warned about people disappearing in the forest by a crazy Ralph doppleganger. They ignore the warning and venture into the blackening night and an eighties song plays in the background with lyrics about being murdered in the dark forest. The men get lost.

In the next scene we realize that this isn't just another The Burning clone, but a ghost story! The women, scared and lonely are huddling together by the fire. Two children appear in the shadows and decide to play peeping Tom. Well they are obviously ghosts by the way their voices echo! Their mother appears with blood dripping from a hole in her forehead and asks the two ladies if they've seen her children, before disappearing of course.

The children run home to papa and tell him about the two beautiful ladies by the river. This causes quite a stir and he gets up, grabbing his knife from atop the fireplace. \\\"Daddy's going hunting,\\\" The little girl, exclaims with bad acting. It is apparent here, that the dad isn't a ghost like his children.

Freaked out by something in the woods, the token blonde splits, running blindly into the night, carrying a knife. She encounters the father who explains he's starving and it will be quick. This doesn't make sense because of the panther growls we heard earlier (Maybe he's allergic! Are panthers honestly even in California?) She ends up wounding him slightly before getting stabbed in the head. A thunderstorm erupts and the men seek shelter, which turns out to be where papa resides. Clearly someone lives here because there's a fire and something weird is roasting over it. The children appear and warn them of papa, who shows up moments later. They disappear as soon as he arrives.

For whatever reason, our killer only goes after females. He invites the men to have something to eat and tells us the story about his ex wife. We are given a flashback of his wife getting caught cheating. The old man doesn't tell them however that he kills her and her lover afterwards, but daydreams about it. We aren't given the reason for the children's demise. The men go to sleep and are left unharmed. The next morning the men discover the empty campground of their wives. After a brief discussion they split up. One is to stay at the campsite, while the other goes and gets help. The one that is going back to his car breaks his leg. We are then reunited with the children as they explain to the surviving woman that they are ghosts who killed themselves from being sad about their mother. They agree to help the woman reunite with her friends

The following scene defies the logic of the movie when papa kills the guy waiting at the campsite. He was also dating or married to the blonde. Somehow the children realize he is murdered and tell the woman about it. She decides to see it for herself and obviously runs into the killer. Luckily the children make him stop by threatening to leave him forever. You know where this is going.

Overall the movie deserves four stars out of ten, and that's being generous. For all its misgivings, the musical score is well done. It's still watchable too. There are some camera angles that look professional, and some of the sets are done well. The plot is unbelievable. There is such a thing as willing suspension of disbelief, but with the toad 6 miles away; I can't imagine the token blonde would take off like that in the middle of the night. I mean, come on!

- Alan \\\"Skip\\\" Bannacheck\": {\"frequency\": 1, \"value\": \"The movie starts ...\"}, \"Maybe I'm really getting old, but this one just missed me and the old Funny Bone completely. Surely there must be something powerful wrong with this Irishman (that's me, Schultz!). Lordy, lordy what I would give to see the light! Firstly, that Phil Silvers manic energy, wit and drive was very much a part of the comedic upbringing and overall education in life, if you will. Although it is possible that the series, first titled: \\\"YOU'LL NEVER GET RICH\\\" (1955-59*) could have gotten on the CBS TV Network with someone else in the title role of Sgt. Bilko, it is very hard to picture any other Actor/Comedian in the business wearing those Master Sergeant's stripes.

Such a strong identification is inescapable, though not the same sort of career-wrecking typecasting of a nightmare that it proved to be to some other guys, like Clayton More(\\\"THE LONE RANGER\\\"), George Reeves (\\\"THE ADVENTURES OF SUPERMAN\\\") and Charles Nelson Riley (\\\"UNCLE CROC'S BLOCK\\\").

One major stumbling block to successfully adapting and updating such a work from the 1950's TV Screen to the 1990's Movie-going public is our collective memory. Without being sure about what percentage of the crowd remembered the Bilko character from seeing the original run and early syndication revivals, and their numbers were surely considerable; even a large segment of the young had seen Bilko reruns in recent times. It was obvious that the new film and the source were miles; or even light years apart.

So as not to be thought of as a totally square, old grouch please let's consider some other points.

Right here today, the 14th Day of November In The Year of Our Lord 2007, let me swear and affirm under Oath that I have been a Steve Martin fan for nearly 30 years, Furthermore, I've enjoyed the wit and talents of Bilko '96 Co-Stars Dan Akroyd and the Late Phil Hartman. After all, it was the talents of guys like this and so many others, Alumni of \\\"NBC;s Saturday NIGHT\\\" and \\\"SECOND CITY TV\\\" that kept the last quarter of the 20th Century laughing. But a BILKO re-make; it just didn't click.

Perhaps if the film had been made as a Service Comedy (always liked 'em!) but without the Bilko Show names and gave it some identity of it self it would be more highly regarded by crabby, old guys like me.

So, we've already had so many sitcom and cartoon series turned into movies lately, what's next? Howse about somebody doing Hal Roach's World War II Army Comedy Series of Sergeants DOUBLEDAY & AMES and TV's 1st Cartoon Series \\\"CRUSADER RABBIT\\\"? Remember where you heard it first! POODLE SCHNITZ!\": {\"frequency\": 1, \"value\": \"Maybe I'm really ...\"}, \"This movie had potential and I was willing to give it a try but there are so many timeline problems that are so obvious - it's hard to swallow being treated like such an idiot.

Rise to Power is set in the late sixties. Carlito's Way is set in the mid to late seventies. For this movie to be realistic, it would have to be set in the fifties, if not the late forties.

Rise to Power has no sign of Gail (Pennelope Ann Miller), no sign of Kleinfeld, no sign of Rolando that Carlito supposedly ran with in his \\\"hey-day\\\". None of the primary characters in the original film were in this movie. We're supposed to believe that Carlito met all these people in the span of a few years.

Rise to Power ends with Carlito walking down the beach talking about retiring in paradise which is what he wanted to do in the original film. Also, the pre-quel creates the Rocco and Earl characters - what's supposed to happen with them since they are clearly not in Carlito's Way? It's also hard to understand how Carlito could have the relationship with the Italians he has in the original film watching the events of Rise to Power. Where are the Taglialucci's in this film? There is probably seven years between the two films and he spends five of them in prison. It's like trying to put a square plug into a round hole.

It is obvious that no one was interested in telling a good story and that they were more interested in making some bucks by making an average gangster film and throwing a character called Carlito Brigante into the story. The film had some good moments but I think they would have been better off leaving this movie to stand by itself instead of trying to make it a prequel to Carlito's Way.

If you feel determined to see this movie, the only advice I can give is to not think of the movie as a linear pre-quel. Think of it like the spaghetti westerns with Clint Eastwood's man with no name, in other words two movies that have the same character but aren't necessarily connected with each other.\": {\"frequency\": 1, \"value\": \"This movie had ...\"}, \"I've seen a lot of crap in my day, but goodness, Hot Rod takes the cake. I saw a free screening in NY the other night. I can only hope they show the funny version to the paying customers. The big laughs were sparse, the plot was uninteresting, and the characters were one dimensional at best. One highlight is a hilarious dancing scene with Adam Samberg. It was priceless and was the only scene I truly had a hearty laugh at. Other than that, I can only recollect randomness and dead air. SNL & Samberg fans may be disappointed. I know I was expecting more from it. But it short, I definitely would not recommend attending a free screening or paying to watch this film.\": {\"frequency\": 1, \"value\": \"I've seen a lot of ...\"}, \"Phantasm ....Class. Phantasm II.....awesome. Phantasm III.....erm.....terrible.

Even though i would love to stick up for this film, i quite simply can't. The movie seems to have \\\"sold out\\\". First bad signs come when the video has trailers for other films at the start (something the others did not). Also too many pointless characters, prime examples the kid (who is a crack shot, funny initially but soon you want him dead), the woman who uses karate to fight off the balls (erm not gonna work, or rather shouldn't) and the blooming zombies (what the hell are they doing there, there no link to them in the other Phatasms). Also there is a severe lack of midgets running about.

The only good bits are the cracking start and, of course, Reggie B.

(Possible SPOILER coming Up)

To me this film seems like a filler between II and IV as extra characters just leave at the end so can continue with main 4 in IV.

Overall very, VERY disappointing. 3 / 10\": {\"frequency\": 1, \"value\": \"Phantasm ...\"}, \"The anime that got me hooked on anime...

Set in the year 2010 (hey, that's not too far away now!) the Earth is now poison gas wasteland of pollution and violence. Seeing as how crimes are happening ever 30 seconds are so and committed by thieves who have the fire power of third world terrorists, the government of the fictional New Port City form the Tank Police to deal with the problem - cops with tanks! Oh the insanity!

The \\\"heroes\\\" of this series include the new recruit Leona Ozaki, a red haired Japanese woman (yeah I know, they never match their distinctly Japanese names with a Japanese appearance) who has just been drafted into the Tank Police and is quickly partnered with blond, blue eyed nice guy Al. Leona is new at using tanks and unfortunately she destroys the favorite tank of Tank Police Commander Charles Britain (also known as \\\"Brenten\\\"), a big guy who looks like Tom Selleck on steroids and sporting a pair of nifty sunglasses, a big revolver and a bad temper. Britain didn't like having Leona join the Tank Police in the first place and her wrecking his Tiger Special (a giant green monster tank) doesn't exactly endear her to him, nor is he fond of her taking the remains of his giant tank and using it to build a mini-tank that she nicknames Bonaparte and he is soon pushing to have her transferred to child welfare \\\"where the boys are more your size\\\" as he puts it. There's also Specs, the bifocal genius, Bible quoting/God fearing Chaplain, purple MO-hawked Mohican, and the pot bellied Chief, who's right on the edge thanks to the Mayor always yelling at him about the Tank Police antics. Seeing as how the tank cops often destroy half the city while chasing the bad guys and use extreme violence to capture them, they're not very well liked by the people.

The \\\"villains\\\" are a cyborg named Buaku who's got a mysterious past that's connected with a project known as \\\"Green Peace\\\", his gang and his two sexy cat cyborg sidekicks Anna & Uni Puma. In the first installment these guys are being paid to steal urine samples from a hospital treating people who haven't been infected by the poison gas clouds and in the 2nd they're hired to steal a painting that is of a naked Buaku. The story, however, was uncompleted in the anime and was finished up in a cult comic (\\\"Manga\\\") book that's very hard to find.

All sorts of chaos and mayhem ensue in this black comic venture that examines how far people want their police to go in order to catch criminals and what happens when the fine line between good guys and bad guys starts to get blurred. This is the kind of thing that if you were going to make a movie of it, you'd better go get Quentin Tarantino. Uneven in places but still a lot of fun.

Followed by \\\"New Dominion: Tank Police\\\".\": {\"frequency\": 1, \"value\": \"The anime that got ...\"}, \"I caught this Cuban film at at an arthouse film club. It was shown shortly after the magisterial 1935 Silly Symphony cartoon where the Isle of Symphony is reconciled with the Isle of Jazz. What with the recently deceased Ruben Gonzalez piped through speakers in this old cinema-ballroom and a Cuban flag hanging from peeling stucco rocaille motifs, the scene was set for a riproaring celebration of engaged filmmaking and synchronised hissing at the idiocies of Helms-Burton. But then the film started. And the cinema's peeling paint gradually became more interesting than the shoddy mess on-screen.

The storyline of Nada Mas promises much. Carla is a bored envelope-stamper at a Cuban post office. Her only escape from an altogether humdrum existence is to purloin letters and rewrite them, transforming basic interpersonal grunts into Bront\\ufffd\\ufffdan outbursts of breathless emotion. Cue numerous shots of photogenic Cubans gushing with joy, grief, pity, terror and the like.

The problem is that the simplicity of the narrative is marred by endless excursions into film-school artiness, latino caricature, Marx brothers slapstick and even - during a particularly underwhelming editing trick - the celluloid scratching of a schoolkid defacement onto a character's face.

Unidimensional characters abound. Cunda, the boss at the post office, is a humourless dominatrix-nosferatu. Her boss-eyed accomplice, Concha, variously points fingers, eavesdrops and screeches. Cesar, the metalhead dolt and romantic interest, reveals hidden writing talent when Carla departs for Miami. A chase scene (in oh-so-hilarious fast-forward) is thrown in for good measure. All this would be fine in a Mortadello and Filemon comic strip, but in a black-and-white zero-FX flick with highbrow pretensions, ahem.

Nada Mas attempts to straddle the stile somewhere between the 'quirky-heroine-matchmakes-strangers' of Amelie and the 'poetry-as-great-redeemer' theme of Il Postino. Like Amelie, its protagonist is an eccentric single white female who combats impending spinsterdom by trying to bring magic into the lives of strangers. And like Il Postino, the film does not flinch from sustained recitals of poetry and a postman on a bicycle takes a romantic lead. Unfortunately, Nada Mas fails to capture the lushness and transcendence of either film.

There are two things that might merit watching this film in a late-night TV stupor. The first is the opening overhead shot of Carla on a checker-tiled floor, which cuts to the crossword puzzle she is working on. The second is to see Nada Mas as a cautionary example: our post Buena Vista Social Club obsession with Cuban artistic output can often blinker us into accepting any dross that features a bongo on the soundtrack. This film should not have merited a global release - films such as Waiting List and Guantanamera cover similar thematic territory far more successfully.\": {\"frequency\": 1, \"value\": \"I caught this ...\"}, \"`The Matrix' was an exciting summer blockbuster that was visually fantastic but also curiously thought provoking in its `Twilight Zone'-ish manner. The general rule applies here- and this sequel doesn't match up to its predecessor. Worse than that, it doesn't even compare with it.

`Reloaded' explodes onto the screen in the most un-professional fashion. In the opening few seconds the first impression is a generally good one as Trinity is shot in a dream. Immediately after that, the film nose-dives. After a disastrous first 45 minutes, it gradually gains momentum when they enter the Matrix and the Agent Smith battle takes place. But it loses itself all speed when it reaches the 14-minute car chase sequence and gets even worse at the big groan-worthy twist at the end. Worst of all is the overlong `Zion Rave' scene. Not only does it have absolutely nothing to do with the plot, but it's also a pathetic excuse for porn and depressive dance music.

The bullet-time aspect of `The Matrix' was a good addition, but in `'Reloaded' they overuse to make it seem boring. In the first one there were interesting plot turns, but here it is too linear to be remotely interesting. The movie is basically, just a series of stylish diversions that prevent us from realising just how empty it really is. It works on the incorrect principle that bigger is better. It appears that `The Matrix' franchise has quickly descended into the special effects drenched misfire that other franchises such as the `Star Wars' saga have.

The acting standard is poor for the most part. The best character of course goes to Hugo Weaving's `Agent Smith'- the only one to be slightly interesting. Keanu Reeves is the definitive Neo, but in all the special effects, there is little room to make much of an impact. Academy Award Nominee Laurence Fishburne is reduced to a monotonous mentor with poor dialogue. Carrie Ann Moss' part as the action chick could have been done much better by any other actress.

A poor, thrown-together movie, `The Matrix Reloaded' is a disappointment. Those who didn't like the first one are unlikely to flock to it. This one's for die-hard fans only. Even in the movie's own sub-genre of special effect bonanzas (Minority Report, The Matrix etc.) this is still rather poor. My IMDb rating: 4.5/10.\": {\"frequency\": 1, \"value\": \"`The Matrix' was ...\"}, \"I managed to catch a late night double feature last night of \\\"Before Sunrise\\\" (1995) and \\\"Before Sunset\\\" (2004), and saw both films in a row, without really having the chance to catch my breath in between or ponder on the meaning of each film separately. After sleeping it over, I have to say that I largely prefer the former over the latter, and I shall explain why.

Before Sunrise introduces us with then young actors, Ethan Hawke (Reality Bites, Dead Poets Society), only 25 at the time of the film's release; and Julie Delpy (the Three Colors trilogy), then 26 (although looking much younger). He is a promiscuous American writer, touring Europe after breaking up with his girlfriend; She is a young French student, on her way home to Paris. They meet on the Budapest-Vienna train and spontaneously decide to get off the train together. The two deeply spiritual and intellectual individuals than spend a whole night together walking the beautifully captured streets of Vienna, exchanging ideals and thoughts and gradually falling on love.

The film has 1990's written all over it: back then, technology was leaping rapidly, the new millennium with all it's hopes and dreams was waiting just around the corner, and young adults like the ones depicted in the film were filled with love of life and passion for the future. The characters of Jesse (Hawke) and Celine (Delpy), with all their flaws and inconsistencies (Celine's accent, if by mistake or on purpose, was half American-half French, and it swinged from one spectrum to the other, breaking the character's credibility), were a mirror of the time. Watching the naive couple swallow life with such meaning and excitement, acting all clich\\ufffd\\ufffdd and romantic yet managing to have the audience fall for them as well, is what really made this movie work for me. The fact that the director doesn't let you know if their relationship continues after the film or not makes it all even more worth while.

All in all, Sunrise is a dreamy stroll through the urban landscapes of Vienna, a well told classical romantic rendezvous, and a film I will definitely return to for further insight sometime in the future.\": {\"frequency\": 1, \"value\": \"I managed to catch ...\"}, \"I really enjoyed The 60's. Not being of that generation (I'm waiting for \\\"The 80's\\\") it was interesting to see a unique four hour capsule for that era.

One major problem in the movie, however, was how unbalanced the film was in the portrayal of the families. According to promos I saw for the movie on NBC, the story was basically about two families struggling with issues in 1960's America. Now, I may have missed something, but I think we learned more about the white family than the African American family.

I really think that The 60's uses music to describe the scenes better than any dialogue that could come out of the mouths of the actors (all of which are very talented.) This is very visible at the end of the first part (about two hours in) of the mini-series.

Very good movie!\": {\"frequency\": 1, \"value\": \"I really enjoyed ...\"}, \"I was looking forward to seeing John Carpenter's episode in Season 2 because his first, Cigarette Burns, was by far the best from Season 1 (and I did like other episodes from that season). Oh, how I was disappointed.

In fairness to Carpenter I think the primary problem with this episode was absolutely horrible writing. The characters, aside from the subject matter, seemed to behave and speak as though they were written for an episode of Walker, Texas Ranger. The acting was bad, and I normally like Ron Perlman a lot, but I can only blame them so much because the writing was so horrible. I'm not going to try to guess what the writers were trying to do because that would be useless but it appeared as though they were trying to mix horror (obviously) with some form of social commentary on abortion and religion. In this case, not surprisingly, it seemed a chance to bash a certain variety or religious nuts as well as fanatical anti-abortionists. And I am in favor of both aims but it was done so horribly that I was embarrassed to watch characters act and speak with such stupid inconsistency. This failed totally to offer any worthwhile opinion on the subjects and the horror element failed as well alongside such inept writing.

While I don't think Carpenter can be blamed for most of the badness here I will say he did choose to direct the teleplay and therefore has that to be held responsible for. There are a couple small bits that I found nice, hence the 2 stars I gave it.

The actual gore and monster effects were good, but the CGI gore (two separate gunshots to the head) were so obviously inferior quality CGI they should've never been given the OK. I'm generally very critical of CGI but not because I have a problem with it in principle. I have a problem with the execution of it. The technology, while amazing in some respects, is not good enough to match \\\"real\\\" effects, whether they be miniatures or gore especially when it is supposed to match something organic and/or alive, and therefore shouldn't be used until they are. CGI can be used well in small amounts or obviously if the whole film is animated.

I'll also take this opportunity to note that the show title, Masters of Horror, is a bad title to have. There simply aren't many actual \\\"masters of horror\\\" around. Maybe two or three. If the show were called \\\"Tale of Horror\\\" or something like that it would be fine. But as it stands the criteria for directing one of these episodes, and therefore being criticized for not being a \\\"master of horror\\\" is that they have directly at least one horror film in their career. And it didn't even have to be a good one.\": {\"frequency\": 1, \"value\": \"I was looking ...\"}, \"I enjoyed the innocence of this film and how the characters had to deal with the reality of having a powerful animal in their midst. The gorilla looks just terrific, and the eyes were especially lifelike. It's even a little scary at times and should have children slightly frightened without going over the top. Rene Russo plays her role wonderfully feminine. Usually these type of Hollywood films that take place in the past feel the need to create a straw-man villain but the only adversary is the gorilla. It's an interesting look at how close some animals are to humans, how they feel the same emotions we do, and yet how we really can't treat them just like people because they aren't. Not many films venture into this territory and it's worth seeing if you want to contemplate the human-animal similarity.\": {\"frequency\": 1, \"value\": \"I enjoyed the ...\"}, \"Truly shows that hype is not everything. Shows by and by what a crappy actor abhishek is and is only getting movies because of his dad and his wife. Amitabh as always is solid. Ajay Devgan as always is shitty and useless and the new guy is a joke. The leading lady is such a waste of an actor. Such pathetic movie from such a revered director and from such a big industry. With movies as such I have decreased the amount of bollywood movies I watch.

RGV has been making very crappy movies for a while now. Time to get different actors. Hrithek anyone? Bollywood needs Madhuri and Kajol back. Every other leading lady is a half-naked wanna be. Pffffft.\": {\"frequency\": 1, \"value\": \"Truly shows that ...\"}, \"Taiwanese director Ang Lee, whose previous films include 'Sense and Sensibility' and 'The Ice Storm', turned to the American Civil War for his latest feature. Based on a novel by Daniel Woodrell, it follows the exploits of a group of Southern guerrillas, known as bushwhackers, as they fight their Northern equivalents, the jayhawkers in the backwater of Missouri.

As one might expect, there is plenty of visceral action, but the focus is on the tension that the war put on the young men who fought it - many of whom were fighting against their former neighbours and even family. Jake Roedel (Tobey Maguire) is such a man, or rather, boy, as he is only seventeen when the war reaches Missouri. He is the son of a German immigrant, but instead of following his countrymen and becoming a Unionist, he joins his lifelong friend Jack Bull Chiles (Skeet Ulrich) and rides with the bushwhackers. Despite a lack of acceptance because of his ancestry and an unwillingness to participate in the murder of unarmed Union men, he remains loyal to the cause. So does his friend Daniel Holt (Jeffrey Wright), a black slave freed by another bushwhacker and so fighting for the South.

Lee handles the subject with aplomb, never rushing the deep introspection that the plot demands in favour of action and this lends the film a sense of the reality of war - long periods of boredom and waiting interposed with occasional flashes of intensely terrifying fighting. The action is unglamorised and admirably candid, recognising that both sides committed a great number of atrocities.

The performances are superb, with Maguire and Wright both courageous and dignified. Up-and-coming Irish actor Jonathan Rhys Meyers is particularly chilling as a cold-blooded killer, while Skeet Ulrich is enjoyably suave and arrogant. Lee never flinches from the reality of war, but his actors do an admirable job of showing the good that comes from it - the growth of friendship, the demonstration of courage and, on a wider scale, the emancipation of oppressed peoples. Ride With the Devil is a beautiful and deeply compassionate film that regularly shocks but always moves the audience.\": {\"frequency\": 1, \"value\": \"Taiwanese director ...\"}, \"I must admit a slight disappointment with this film; I had read a lot about how spectacular it was, yet the actual futuristic sequences, the Age of Science, take up a very small amount of the film. The sets and are excellent when we get to them, and there are some startling images, but this final sequence is lacking in too many other regards...

Much the best drama of the piece is in the mid-section, and then it plays as melodrama, arising from the 'high concept' science-fiction nature of it all, and insufficiently robust dialogue. There is far more human life in this part though, with the great Ralph Richardson sailing gloriously over-the-top as the small dictator, the \\\"Boss\\\" of the Everytown. I loved Richardson's mannerisms and curt delivery of lines, dismissing the presence and ideas of Raymond Massey's aloof, confident visitor. This Boss is a posturing, convincingly deluded figure, unable to realise the small-fry nature of his kingdom... It's not a great role, yet Richardson makes a lot of it.

Everytown itself is presumably meant to be England, or at least an English town fairly representative of England. Interesting was the complete avoidance of any religious side to things; the 'things to come' seem to revolve around a conflict between warlike barbarism and a a faith in science that seems to have little ultimate goal, but to just go on and on. There is a belated attempt to raise some arguments and tensions in the last section, concerning more personal 'life', yet one is left quite unsatisfied. The film hasn't got much interest in subtle complexities; it goes for barnstorming spectacle and unsubtle, blunt moralism, every time. And, of course, recall the hedged-bet finale: Raymond Massey waxing lyrical about how uncertain things are!

Concerning the question of the film being a prediction: I must say it's not at all bad as such, considering that one obviously allows that it is impossible to gets the details of life anything like right. The grander conceptions have something to them; a war in 1940, well that was perhaps predictable... Lasting nearly 30 years, mind!? A nuclear bomb - the \\\"super gun\\\" or some such contraption - in 2036... A technocratic socialist \\\"we don't believe in independent nation states\\\"-type government, in Britain, after 1970... Hmmm, sadly nowhere near on that one, chaps! ;-) No real politics are gone into here which is a shame; all that surfaces is a very laudable anti-war sentiment. Generally, it is assumed that dictatorship - whether boneheaded-luddite-fascist, as under the Boss, or all-hands-to-the-pump scientific socialism - will *be the deal*, and these implications are not broached... While we must remember that in 1936, there was no knowledge at all of how Nazism and Communism would turn out - or even how they were turning out - the lack of consideration of this seems meek beside the scope of the filmmakers' vision on other matters.

Much of the earlier stuff should - and could - have been cut in my opinion; only the briefest stuff from '1940' would have been necessary, yet this segment tends to get rather ponderous, and it is ages before we get to the Richardson-Massey parts. I would have liked to have seen more done with Margareta Scott; who is just a trifle sceptical, cutting a flashing-eyed Mediterranean figure to negligible purpose. The character is not explored, or frankly explained or exploited, except for one scene which I shall not spoil, and her relationship with the Boss isn't explored; but then this was the 1930s, and there was such a thing as widespread institutional censorship back then. Edward Chapman is mildly amusing in his two roles; more so in the first as a hapless chap, praying for war, only to be bluntly put down by another Massey character. Massey himself helps things a lot, playing his parts with a mixture of restraint and sombre gusto, contrasting well with a largely diffident cast, save for Richardson, and Scott and Chapman, slightly.

I would say that \\\"Things to Come\\\" is undoubtedly a very extraordinary film to have been made in Britain in 1936; one of the few serious British science fiction films to date, indeed! Its set (piece) design and harnessing of resources are ravenous, marvellous.

Yet, the script is ultimately over-earnest and, at times, all over the place. The direction is prone to a flatness, though it does step up a scenic gear or two upon occasion. The cinematographer and Mr Richardson really do salvage things however; respectively creating an awed sense of wonder at technology, and an engaging, jerky performance that consistently beguiles. Such a shame there is so little substance or real filmic conception to the whole thing; Powell and Pressburger would have been the perfect directors to take on such a task as this - they are without peer among British directors as daring visual storytellers, great helmsmen of characters and dealers in dialogue of the first rate.

\\\"Things to Come\\\", as it stands, is an intriguing oddity, well worth perusing, yet far short of a \\\"Metropolis\\\"... 'Tis much as \\\"silly\\\", in Wells' words, as that Lang film, yet with nothing like the astonishing force of it.\": {\"frequency\": 1, \"value\": \"I must admit a ...\"}, \"I've seen many of Guy Maddin's films, and liked most of them, but this one literally gave me a headache. John Gurdebeke's editing is way too frenetic, and, apart from a tour-de-force sequence showing a line of heads snapping to look at one object, does nothing but interfere with the actors' ability to communicate with the audience.

Another thing I disliked about this film was that it seemed more brutal than Maddin's earlier works--though his films have always had dark elements, his sympathy for the characters gave the movies an overriding feeling of humanity. This one seemed more like harshness for harshness' sake.

As I'm required to add more lines of text before IMDb will accept my review, I will mention that the actor playing \\\"Guy Maddin\\\" does manage to ape his facial expressions pretty well.\": {\"frequency\": 1, \"value\": \"I've seen many of ...\"}, \"The Korean War has been dubbed Americas's forgotten war. So many unanswered questions were buried along with the 50 thousand men who died there. Occasionally, we are treated to a play or movie which deals with that far-off, ghostly frozen graveyard. Here is perhaps one of the finest. It's called \\\" Sergeant Ryker. \\\" The story is of an American soldier named Sgt. Paul Ryker (Lee Marvin) who is selected for a top secret mission by his commanding officer. His task is to defect to the North Koreans and offer his services against United Nations forces. So successful is his cover, he proves invaluable to the enemy and given the rank of Major. However, he is thereafter captured by the Americans, put on trial as a traitor and spy. Stating he was ordered to defect, he sadly learns his commanding officer has been killed and has no evidence or proof of his innocence. He is convicted and sentenced to hang. However, his conviction is doubted by Capt. Young (Bradford Dillman), his prosecutor. Convincing commanding Gen. Amos Baily, (Lloyd Nolan) of his doubts, he is granted a new trial and if found guilty will be executed. The courtroom drama is top notch as is the cast which includes Peter Graves, Murray Hamilton and Norman Fell as Sgt. Max Winkler. Korea was a far off place but the possibility of convicting a Communist and hanging him hit very close to home in the 1950's. Due to its superior script and powerful message, this drama has become a courtroom Classic. Excellent viewing and recommended to all. ****\": {\"frequency\": 1, \"value\": \"The Korean War has ...\"}, \"Words are seriously not enough convey the emotional power of this film; it's one of the most wrenching you'll ever see, yet the ending is one of the most loving, tender, and emotionally fulfilling you could hope for. Every actor in every role is terrific, especially a wise and understated Jamie Lee Curtis, a tightly wound and anguished Ray Liotta, and a heart-stopping turn from Tom Hulce that should have had him up for every award in the book. (He's the #1 pick for 1988's Best Actor in Danny Peary's \\\"Alternate Oscars.\\\") The last half hour borders on melodrama, but the film earns every one of its tears--and unless you're made of stone, there will be plenty of them.\": {\"frequency\": 1, \"value\": \"Words are ...\"}, \"Saw a screener of this before last year's Award season, didn't really know why they gave them out after the voting had ended, but whatever, maybe for exposure, at the least, but the movie was a convoluted mess. Sure, some parts were funny in a black humor kind of way, but none of the characters felt very real to me at all. There was not one person that I could connect with, and I think that is where it failed for me. Sure, the plot is somewhat interesting and very subversive towards Scientology, WOW! What a grand idea...let's see if that already hasn't been mined to the point of futility. The whole ordeal feels fake, from the lighting, the casting, the screenplay to the horrible visual effects(which is supposed to be intentional, I can tell, and so can everyone else, no one is laughing with you though). Anyways, I hope it makes it out for sale on DVD at least, I wouldn't want a project that a lot of people obviously put a lot of effort into get completely unnoticed. But it's tripe either way. Boring tripe at that.\": {\"frequency\": 1, \"value\": \"Saw a screener of ...\"}, \"Oh man, I know what your thinking: \\\"With a title like that, I can't go wrong!\\\" Uh yes you can. I too, loved the title, but man I hated the stupid kid that played \\\"Satan's little helper\\\" I hated the mom too, and the sister/daughter, and her boyfriend - I hated all those people! Man, it was agony watching this sometimes! The ONLY reason this doesn't get 1/10 is becuz condsidering the low budget, they did OK. But oh man did I hate those actors, so stupid! I knew it was going to be bad, I guess they saved a lot of money on just using halloween masks for the killer, and the Jesus costume at the end was really stupid too. Oh the agony, do not watch!\": {\"frequency\": 1, \"value\": \"Oh man, I know ...\"}, \"Cut tries to be like most post-Scream slashers tried to be, a spoof of the horror genre that tried to be clever by referencing other famous horror movies. Now, I am not bagging 'Scream,' as I think 'Scream' is a very good horror movie that does a great job of blending horror and comedy. Cut fails on most levels. It has its moments but overall it just does not work out, not even as a \\\"so bad it's good\\\" movie, just a below average one.

The first five minutes or so are OK and set the story fairly well, apart from the fact that Kylie Minogue can't really act, and ironically she gets her tongue out, go figure. Go forward some time and a group of film students want to finish her film off, which is apparently cursed. And, as you have probably predicted, one by one the cast and crew are slowly picked off by a masked madman.

Unoriginal plot, poor acting and a predictable ending are a few of the elements that follow. There is plenty of referencing in the film, everything from 'Scream' to 'The Texas Chain Saw Massacre.' This isn't smart either, it feels as though the director wanted to feel smart and cool by mentioning other famous horror flicks ala Scream. For a slasher there is minimal gore and no nudity, which is a huge negative when it comes to a slasher that has not got a whole lot going for it. Really, I should be supporting this movie because I'm Australian and we're not as good when it comes to horror (we do have our gems, though) but Cut is definitely not one of them.

However, it did keep me watching for the 90 minutes or so, so that is something good at least. I would not recommend this to anyone apart from hardcore slasher fans, who may be able to appreciate what this film is trying to aim for, but if you are looking for a good movie, stay away.

2/5\": {\"frequency\": 1, \"value\": \"Cut tries to be ...\"}, \"How can you resist watching a film with some swing? It's a delightful little film full of wonderful actors and a wonderful story line. Too bad they don't tour out here...I'd go see them. See it if for no other reason than to hear some good music.\": {\"frequency\": 1, \"value\": \"How can you resist ...\"}, \"What's not to like about this movie? Every year you know that you're going to get one or two yule tide movies during Christmas time and most of them are going to be terrible. This movie is definitely a fresh new idea that was pulled off pretty well. A very funny take on a rich young guy paying a family to simulate a real Christmas for him. What is the good of having money like that if you can't do fun things with it. It was a win-win situation. A regular family gets six figures and a rich guy gets to experience Christmas like he imagined. Only if.

Drew Latham (Ben Affleck) was incredibly difficult to deal with and it was just a riot to see the family reluctantly comply with his absurd demands. It was a fun and funny movie.\": {\"frequency\": 1, \"value\": \"What's not to like ...\"}, \"I have looked forward to seeing this since I first saw it listed in her work. Finally found it yesterday 2/13/02 on Lifetime Movie Channel.

Jim Larson's comments about it being a \\\"sweet funny story of 2 people crossing paths\\\" were dead on. Writers probably shouldn't get a bonus, everyone else SRO for making the movie.

Anybody who appreciates a romantic Movie SHOULD SEE IT.

Natasha's screen presence is so warm and her smile so electric, to say nothing of her beauty, that anything she is in goes on my favorite list. Her TV and print interviews that I have seen are just as refreshing and well worth looking for.

God Bless her, her family and future endeavors.

This movie doesn't seem to available in DVD or video yet, but I would be the first to buy it and I think others would too.\": {\"frequency\": 1, \"value\": \"I have looked ...\"}, \"Anarchy and lawlessness reign supreme in the podunk hick hamlet of Elk Hills. The town elders deputize tough, cagey Vietnam veteran Aaron (a wonderfully robust and engaging performance by Kris Kristofferson) and several of his fellow vet buddies to clean up the place. The plan goes sour when Aaron and his cruel cronies decide to take over Elk Hills after they get rid of all the bad elements. It's up to Aaron's decent do-gooder brother Ben (amiably played by Jan-Michael Vincent) to put a stop to him before things get too out of hand. Writer/director George (\\\"Miami Blues,\\\" \\\"Gross Pointe Blank\\\") Armitage whips up a delightfully amoral, cynical and wickedly subversive redneck drive-in exploitation contemporary Western winner: he expertly creates a gritty, no-nonsense tone, keeps the pace brisk and unflagging throughout, and stages the plentiful action scenes with considerable muscular aplomb (the rousing explosive climax is especially strong and stirring). The first-rate cast of familiar B-feature faces constitutes as a major asset: Victoria Principal as Ben's sweet hottie girlfriend Linda, the fabulous Bernadette Peters as flaky saloon singer Little Dee, Brad Dexter as the feckless mayor, David Doyle as a slimy bank president, Andrew Stevens as an affable gas station attendant, John Carpenter movie regular Charles Cyphers as one of the 'Nam vets, Anthony Carbone as a smarmy casino manager, John Steadman as a folksy old diner owner, Paul Gleason as a mean strong-arm shakedown bully, and Dick Miller as a talentless piano player. Moral: Don't hire other people to do your dirty work. William Cronjager's slick cinematography, Gerald Fried's lively, harmonic hillbilly bluegrass score, and the abundant raw violence further add to the overall trashy fun of this unjustly neglected little doozy.\": {\"frequency\": 1, \"value\": \"Anarchy and ...\"}, \"Firstly, I would like to point out that people who have criticised this film have made some glaring errors. Anything that has a rating below 6/10 is clearly utter nonsense.

Creep is an absolutely fantastic film with amazing film effects. The actors are highly believable, the narrative thought provoking and the horror and graphical content extremely disturbing.

There is much mystique in this film. Many questions arise as the audience are revealed to the strange and freakish creature that makes habitat in the dark rat ridden tunnels. How was 'Craig' created and what happened to him?

A fantastic film with a large chill factor. A film with so many unanswered questions and a film that needs to be appreciated along with others like 28 Days Later, The Bunker, Dog Soldiers and Deathwatch.

Look forward to more of these fantastic films!!\": {\"frequency\": 1, \"value\": \"Firstly, I would ...\"}, \"A well cast summary of a real event! Well, actually, I wasn't there, but I think this is how it may have been like. I think there are two typically American standpoints evident in the film: 'communistophobia' and parallels to Adolf Hitler. These should be evident to most independent observers. Anyway, Boothe does a great performance, and so do lots of other well-known actors. The last twenty minutes of the film are unbearable - and I mean it! Anyone who can sleep well after them is abnormal. (That's why it's so terrible - it all happened, and it probably looked just like that). But, actually, did that last scene on the air station really take place?\": {\"frequency\": 1, \"value\": \"A well cast ...\"}, \"It was everything this isn't: it had pace, pop, and actors who weren't afraid to chew the scenery. It also had a decent script. This one had me scratching my head. If Farrah isn't really \\\"serious\\\" about a career, why does she have a manager (and why is he wasting his time)? If Kate and Barney are \\\"artists,\\\" why do they sign up for The Mother of All Jiggle Shows (like the \\\"Brady Bunch\\\" movie where Robert Reed wants to do Shakespeare, only to find himself on BB)? They weren't industry names, but they weren't exactly starving, either. And while they got the history right (the poster was released before Farrah got the show), Silverman rejecting pitches for \\\"Funniest Home Videos\\\" and \\\"American Idol\\\" and Spelling promising his baby girl Tori someday he'll create a show for her obviously did not happen.

What bothered me was how Spelling's role is distorted. He's shown as the show-runner and creator when he was neither. And how he \\\"comes up\\\" with the \\\"idea\\\" for CA was is laughable!

How were Spelling and Goldberg allowed to enforce Farrah's oral contract when the others were signed? And why didn't Farrah or Bernstein tell them she was leaving not because she discovered her Inner Diva, but because Majors wanted her to? This is why, when it tries tries to created conflict and tension by setting Farrah up as the \\\"bad girl\\\" (like Suzanne Somers), it fails because the groundwork was never laid -- that was where the \\\"Three's Company\\\" pic delivered.\": {\"frequency\": 1, \"value\": \"It was everything ...\"}, \"I love killer Insects movies they are great fun to watch, I had to watch this movie as it was one of my Favourite horror books by Shaun Hutson.

I have met him and I wish I did listen to him as this movie was terrible like he Said it was,after he said that I was still dying to see how bad it was.

The plot: People are dying mysteriously and gruesomely, and nobody has a clue what the cause is.

Only health worker Mike Brady has a possible solution, but his theory of killer slugs is laughed at by the authorities.

Only when the body count begins to rise and a slug expert from England begins snooping around does it begin to look like Mike had the right idea after all.

This movie as the most overacting you ever see a movie! Slugs in this movie are fast (Then normal) and it looks like they fast forwarding the scenes!

This movie is nothing like the book at all, the book was ten times scarier, ten times gory and had a lot more story to it!

I didn't like this movie at all! As I am huge fan of Slugs the book and second book called Breeding ground! Both of books are Great

Read the book then watch the movie, you may like more then I did Give this 2 out 10\": {\"frequency\": 1, \"value\": \"I love killer ...\"}, \"After a love triangle story in Har Dil Jo Pyaar Karega these 3 stars were again chosen in this controversial flick. The film would have been considered as hit if there was not a controversy with the production values from Bharat Shah. Here director duo Abbas-Mustan did a very different and unique job as compared with their previous and after directorial ventures. They are considered as thriller makers of Bollywood. But in this CCCC they proved that they can equally handle to make a romantic family drama. Hardly there is a single action scene when Preity was being raped by Salman's colleague in her apartment, Salman slapped him.

The movie has almost all the standards and ingredients like song, story, casting, performances etc. which are required to make a movie hit. But of course for Salman's fan this was something a surprise gift from him. Why? Because for so long he has been doing roles where he has a scene to show his open body and dance la-la-la all around. His role as a rich young businessman who has no-nonsense nature and of normal attitude is really impressive. After all Madhubala, a prostitute role performed by Preity is amazing. Later when she too turns out thoughtful about her life she deserve proper attention. Her facial expressions and body language become more attractive, and focus mainly goes to her. Her previous role as a pregnant woman in Kya Kehna was not that heart-touching as it is here. Of course, this can be termed as improvement. Then Priya, a very innocent and helpless wife of Raj who only depends on him for a better result. She has nothing powerful influence in the story as the main ingredients are in the hands of Preity.

Finally, the main point of the story which is something rare and unique in itself. In real world of this age it is not totally impossible to happen such step of searching for a surrogate mother. Perhaps, many are happening in this large world where these are kept secret. And in this way the scriptwriter of CCCC has uncovered a hidden truth which is taking place in others daily lives. But still then it is a doubt.\": {\"frequency\": 1, \"value\": \"After a love ...\"}, \"This film, although not totally bad, should have been filmed where the actual events took place. Grand Island, Nebraska was devastated by no less than seven tornados on the night of June 3, 1980. Grand Island is situated in the nearly treeless, flat Platte River Valley in Hall county. The makers of this movie filmed in the tree covered hills of Ontario and moved the whole event to a non-existant town called Blainsworth. The people of Grand Island bravely survived this awful night only to be forgotten because of a poorly made movie.\": {\"frequency\": 1, \"value\": \"This film, ...\"}, \"In the film \\\"Brokedown Palace,\\\" directed by Jonathan Kaplan, two best friends, Alice (Claire Danes) and Darlene (Kate Beckinsale) decide to celebrate high school graduation by taking a trip to Hawaii, but hear that Bangkok, Thailand, is much more fun. They switched plans and decided to go to Thailand without telling their parents the change of plans. While they were in Thailand, Alice and Darlene met a really handsome guy named Nick Parks (Daniel Lapaine). He tells them that he would trade in his first class ticket to Hong Kong for three economy tickets so that they could spend the weekend in Hong Kong. They accepted his offer and upon entering the airport the two were arrested for smuggling drugs. They were convicted and sentenced to thirty three years in prison.

I think Kaplan was trying to show the audience that it is wise to make good decisions because in one instance one bad decision can change the direction of a life forever. Also, a friendly face may not be as friendly as we think once we find out the real intentions of that friendly face. Those girls made a decision not to tell their parents that they had switched their plans and it changed their lives forever. Things have a funny way of happening showing us what decision we have made verses the decision that we should have made. Sometimes life is not fair, that is why it is important to think long and hard about the choices that we make because we can never go back and change the choices that we have made.

This movie has a great setting; it was filmed mostly in Bangkok Thailand. This film also has great music; a few of my favorite songs are 'Silence' by Delerium, 'Damaged' by Plumb, 'Deliver me' by Sarah Bightman and 'Party's just begun' by Nelly Furtado. I went out and bought the soundtrack after watching this film. These girls where young and naive and failed to think their plans out thoroughly, a mistake that anyone could make, therefore this film is good for any audience. It makes no difference young or old -- we all are human and subject to mistakes. Even though, I did not like the way this film ended leaving me in question of --who really smuggled the drugs? -- I would definitely give this film two thumbs up.\": {\"frequency\": 1, \"value\": \"In the film ...\"}, \"Not one of your harder-hitting stories, and that's a real strength of this film. There are at least two relationships in which less confident writers would have added some all-too predictable romantic tension. They not only spare the audience this, but throw in some surprises at the same time. There are a few Disney-ish moments, particularly near the end, but they are manageable. Overall, it was worth the rental and it was good, relaxed fun.

BTW, if you get the DVD, watch the segment where the director teaches you how to make aloo gobi. We followed her directions and it was BRILLIANT! Next time we will make it the day before we plan to eat it, because this is one dish that definitely gets better with a full night in the fridge to let the spices out!\": {\"frequency\": 1, \"value\": \"Not one of your ...\"}, \"I have seen a lot of stupid movies in my life, a lot, but this is without a doubt the worst one ever! I usually like dumb movies, if they are somewhat entertaining, but I can't even think of one good thing about this movie. I like \\\"Teen Witch\\\" for Heaven's sake. But S.I.C.K. has horrible acting, lame porn music throughout the whole thing, and even the sex scenes sucked! I would have to compare the lameness of this movie to the likes of \\\"Twin Dragons\\\", \\\"Puppet Master vs the Demonic Toys\\\" or even \\\"a Very Brady Sequel\\\". Although, this is by far worse then any of those. I beg you, don't even waste your time. Believe me, its 2 hours you'll never get back.\": {\"frequency\": 1, \"value\": \"I have seen a lot ...\"}, \"I think that this movie is very neat. You eithier like Michael Jackson or you don't, but if you like him then you have to see this movie. I think that it is a very neat film with great song play and good imagination. Not to mention the film center piece Smooth Criminal which has some of the best dancing you will every see.\": {\"frequency\": 1, \"value\": \"I think that this ...\"}, \"If you like Deep Purple, you will enjoy in this excellent movie with Stephen Rea in main role. The story is about the most famous rock group back there in 70s, Strange Fruits, and they decided to play together again. But, of course, there is going to be lots of problem during theirs concerts. Jimmy Nail and Bill Nighy are great, and song \\\"The Flame Still Burns\\\" is perfect. You have to watch it.\": {\"frequency\": 1, \"value\": \"If you like Deep ...\"}, \"Dark Remains is a home run plain and simple. The film is full of creepy visuals, and scares' that will make the most seasoned horror veteran jump straight out of there seat. The staircase scene in particular, these guys are good. Although they weren't working on a huge budget everything looks good, and the actors come through. Dark Remains does have one of those interpretive endings which may be a negative for some, but I guess it makes you think. Cheri Christian and Greg Thompson are spot on as the grieving couple trying to rebuild there lives', however some side characters like the Sheriff didn't convince me. They aren't all that important anyways. I give Dark Remains a perfect ten rating for being ten times scarier than any recent studio ghost story/ Japanese remake.\": {\"frequency\": 1, \"value\": \"Dark Remains is a ...\"}, \"Having heard of Modesty Blaise before, but never having read a novel or a comic strip, my wife and I liked the film a lot. It delivered, in a captivating way, a good introduction to the character and her background.

Although it has some action flick elements, it is much more an intimate play, excellently written. Sadly, this is also, where a major drawback of the movie is revealed. An intimate play lives on the capabilities of its actors and unfortunately only half of the cast delivered. While Alexandra Staden did an excellent job as Modesty Blaise, her counterpart Nikolaj Coaster-Waldau - as the villain Miklos - did not. Smiling his way through the plot as if it is an extend toothpaste commercial, he fails to build up an atmosphere of anxiety that would have made the movie a masterpiece. The supporting cast is somehow similar, from some stereotyped gangsters and sluts to decent performances from Fred Pearson as Professor Lob and Eugenia Yuan as Irina.\": {\"frequency\": 1, \"value\": \"Having heard of ...\"}, \"Some moron who read or saw some reference to angels coming to Earth, decided to disregard what he'd heard about the offspring of humans and angels being larger than normal humans. Reinventing them as mythical giants that were 40 feet tall, is beyond ridiculous. There was some historical references to housing and furniture in parts of the world, that were much larger than would be needed for standard humans. These were supposedly built on a scale that would lend itself to a 10 to 14 foot human, somewhat supporting the \\\"David and Goliath\\\" tale from the bible. There is no mention in any historical references to buildings or artifacts that would support the idea of a 40 foot tall being. If I was rating this movie on my own scale, it would have been a negative value instead of a one...\": {\"frequency\": 1, \"value\": \"Some moron who ...\"}, \"I regret every single second of the time I lost while watching this movie, really. Unhappily, I always find it hard to switch off a movie once I started watching it. Especially, when it's such a classic or what people use to call a classic. I think that this is one of those movies every movie-lover should have watched at least one time, so that was why I watched it. Don't get me wrong, I like Humphrey Bogart and his wife Lauren Bacall both as a couple and as actors, but this movie was a big fraud in my opinion. No really good plot, neither an espionage flick nor a romantic love story. Well, not even a convincing mixture of both of these genres. Only thing which caused tension was that it was uncertain whether 'Bogey' and Bacall would stay together in the end or part from one another. I think \\\"To Have and Have Not\\\" is very overrated and Bogart was in many better films during the 1940s.\": {\"frequency\": 1, \"value\": \"I regret every ...\"}, \"This group of English pros are a pleasure to watch. The supporting cast could form a series of their own. It's a seen before love tiangle between the head of surgery, his wife, and a new pretty boy surgery resident. Only the superior acting skills of Francesca Annis, Michael Kitchen, and the sexy Robson Greene lift this from the trash category to a very enjoyable \\\"romp\\\". The only quibble is that it's hard to accept that the smoldering Francesca Annis would fall in love and actually marry Michael Kitchen, who like me, is hardly an international, or even a British sex symbol. You can readily understand why Robson Green would light her fire, with apologies to the \\\"Doors\\\". The guy who almost steals the show with a great \\\"laid back\\\" performance is Owen's father David Bradley. Watch him in \\\"The Way We Live Now\\\", in a completely different performance, to get an idea of his range. Daniela Nardini as Kitchen's secretary, sometime sex toy, is hard to forget as the spurned mistress who makes Kitchen sorry he ever looked at her great body. Conor Mullen, and Julian Rhind-Tutt, as Green's sidekick surgery buddies as I've said could have their own series. They are that good. The whole thing is a great deal of fun, and I heartily recommend it, and thank you imdbman for letting the paying customers have their say in this fascinating venue.\": {\"frequency\": 1, \"value\": \"This group of ...\"}, \"This has to be one of the best movies to come out of HK in a long time, i was eagerly waiting to get my hands on this movie just looking at the title. Loads of fantastic actors in this show and i was particularly impressed with Sam Lee's impossibly believable insane behavior and Edison's portrayal of a killer machine, which totally reversed his normal idol image. i would definitely recommend to those looking for a stylish and action packed movie. However, i must warn you, this is also an equally depressing movie, as every character in the movie is in some kind of dead end and trouble of their own, and struggling to breathe. Makes you think about what is life about really.\": {\"frequency\": 1, \"value\": \"This has to be one ...\"}, \"If you make it through the opening credits, this may be your type of movie. From the first screen image of a woman holding her hands up to her face with white sheets blowing in the background one recalls a pretentious perfume commercial. It's all downhill from there.

The lead actress is basically a block of wood who uses her computer to reach into the past, and reconstruct the memories of photographs, to talk history's overlooked genius, Ada, who conceived the first computer language in the 1800s.

The low budget graphics would be forgivable if they were interesting, or even somewhat integral to the script.

Poor Tilda Swinton is wasted.\": {\"frequency\": 1, \"value\": \"If you make it ...\"}, \"I picked up this video after reading the text on the box, the story seemed good, and it had Keanu Reeves! But after 5 minutes of watching, I noticed how horrible his acting was, he walks and talks so stupid the whole time, it's fake and not convincing. It doesn't end there, almost ALL the characters act so badly it's laughable, the only acceptable acting was by Alan Boyce (David), but the guy commits suicide early on and you don't see him again, you never even know why he did it! Everything about this movie screams low quality, I can't believe how such a thing gets released! I was tempted many times to stop watching, in fact I did, half way through it I decided to stop watching and turned the thing off, came to the IMDB to check what other's thought about it, I found zero comments (not surprised), so I decided to force myself to handle the pain and go back to finish it then come here to comment on it. The only good thing going (for me) was the high-school Rock band theme, the occasional guitar playing and singing parts, but that's not worth it.

Very bad acting and directing... Terrible movie.\": {\"frequency\": 1, \"value\": \"I picked up this ...\"}, \"Lots of reviews on this page mention that this movie is a little dark for kids. That depends on the kid. This isn't a movie for a 2-6 year old; it's more geared toward the 8 years and older crowd. I saw this movie when I was 10, I absolutely loved it. At the time most animated movies were a little too childish for my tastes. This movie deals with more serious issues, and therefore has a little more emotional impact. In this movie characters can DIE, and be sent to HELL! This gives a little more emotional weight to the scenes where characters are risking their lives. The good guys aren't always perfectly sweet and nice (like other cartoons). They have \\\"real\\\" motivations, like revenge, and greed, but also compassion and friendship; shows that things aren't always black and white.

Excellent Movie\": {\"frequency\": 1, \"value\": \"Lots of reviews on ...\"}, \"Quite what the producers of this appalling adaptation were trying to do is impossible to fathom.

A group of top quality actors, in the main well cast (with a couple of notable exceptions), who give pretty good performances. Penelope Keith is perfect as Aunt Louise and equally good is Joanna Lumley as Diana. All do well with the scripts they were given.

So much for the good. The average would include the sets. Nancherrow is nothing like the house described in the book, although bizarrely the house they use for the Dower House looks remarkably like it. It is clear then that the Dower House is far too big. In the later parts, the writers decided to bring the entire story back to the UK, presumably to save money, although with a little imagination I have no doubt they could have recreated Ceylon.

Now to the bad. The screenplay. This is such an appallingly bad adaptation is hard to find words to condemn it. Edward does not die in the battle of Britain but survives, blinded. He makes a brief appearance then commits suicide - why?? Loveday has changed from the young woman totally in love with Gus to a sensible farmer's wife who can give up the love her life with barely a tear (less emotional than Brief Encounter). Gus, a man besotted and passionately in love, is prepared to give up his love without complaint. Walter (Mudge in the book) turns from a shallow unfaithful husband to a devoted family man. Jess is made into a psychologically disturbed young woman who won't speak. Aunt Biddy still has a drink problem but now without any justification. The Dower House is occupied by the army for no obvious reason other than a very short scene with Jess who has a fear of armed soldiers. Whilst Miss Mortimer's breasts are utterly delightful, I could not see how their display on several occasions moved the plot forward. The delightfully named Nettlebed becomes the mundane Dobson. The word limit prevents me from continuing the list.

There is a sequel (which I lost all interest in watching after this nonsense) and I wonder if the changes were made to create the follow on story. It is difficult to image that Rosamunde Pilcher would have approved this grotesque perversion of her book; presumably she lost her control when the rights were purchased.\": {\"frequency\": 1, \"value\": \"Quite what the ...\"}, \"This anime was underrated and still is. Hardly the dorky kids movie as noted, i still come back to this 10 years after i first saw it. One of the better movies released.

The animation while not perfect is good, camera tricks give it a 3D feel and the story is still as good today even after i grew up and saw ground-breakers like Neon Genesis Evangelion and RahXephon. It has nowhere near the depth obviously but try to see it from a lighthearted view. It's a story to entertain, not to question.

Still one of my favourites I come back too when i feel like a giggle on over more lighthearted animes. Not to say its a childish movies, there are surprisingly sad moments in this and you need a sense of humour to see it all.\": {\"frequency\": 1, \"value\": \"This anime was ...\"}, \"To call this episode brilliant feels like too little. To say it keeps up the excellent work of the season premiere is reductive too, 'cause there's never been a far-from-great Sopranos episode so far. In fact, the title might be a smug invitation for those who aren't real fans yet: Join the Club...

Picking up where Junior left off (putting a bullet in his nephew's gut after mistaking him for a crook he killed in the first season), the story begins with Tony being absolutely fine. With no recollection whatsoever of what happened to him, he's attending some kind of convention. Only he's not speaking with his normal accent, and there seems to be something wrong with his papers: apparently, he is not Tony Soprano but Kevin Finnerty, or at least that's what a group of people think, and until the mess is sorted out he can't leave his hotel.

Naturally, in pure Sopranos tradition, that turns out to be nothing but a dream: Tony is actually in a coma, with the doctors uncertain regarding his fate, his family and friends worried sick and Junior refusing to believe the whole thing actually happened. Unfortunately it did, and Anthony Jr. looks willing to avenge the attempt on his father's life.

Dreams have popped up rather frequently in the series, often as some kind of spiritual trial for the protagonists (most notably in the Season Five show The Test Dream). Join the Club, however, takes the metaphysical qualities of the program, already hinted at by the previous episode's use of a William S. Burroughs poem, and pushes the envelope in the most audacious way: Tony hallucinating about his dead friends (the first occurrence of the sort was caused by food poisoning, four seasons ago) is one thing, him actually being in what would appear to be Purgatory is radically different. The \\\"heavenly\\\" section of the story is crammed with allegorical significances, not least the name Tony is given (as one character points out, spelling it in a certain way will give you the word \\\"infinity\\\"), and none of it comes off as overblown or far-fetched: David Chase has created a piece of work that is far too intelligent to use weird set-ups just for their own sake; it all helps the narrative. Talking about \\\"help from above\\\" in the case of Tony Soprano might be stretching it a tad, though.\": {\"frequency\": 1, \"value\": \"To call this ...\"}, \"This is hardly a movie at all, but rather a real vaudeville show, filmed for the most part \\\"in proscenium\\\", and starring some of the greatest stage stars of the day. \\\"Singing in the Bathtub\\\" is an absolutely amazing production number that must be seen-- be sure to wear your shower cap!\": {\"frequency\": 1, \"value\": \"This is hardly a ...\"}, \"Mario Lanza, of course, is \\\"The Great Caruso\\\" in this 1951 film also starring Ann Blyth, Dorothy Kirsten, Eduard Franz and Ludwig Donath. This is a highly fictionalized biography of the legendary, world-renowned tenor whose name is known even today.

The film is opulently produced, and the music is glorious and beautifully sung by Lanza, Kirsten, Judmila Novotna, Blanche Thebom, and other opera stars who appeared in the film. If you're a purist, seeing people on stage smiling during the Sextet from \\\"Lucia\\\" will strike you as odd - even if Caruso's wife Dorothy just had a baby girl. Also it's highly unlikely that Caruso ever sang Edgardo in Lucia; the role lay too high for him.

In taking dramatic license, the script leaves out some very dramatic parts of Caruso's life. What was so remarkable about him is that he actually created roles in operas that are today in the standard repertoire, yet this is never mentioned in the film. These roles include Maurizio in Adriana Lecouvreur and Dick Johnson in \\\"Girl of the Golden West,\\\" There is a famous photo of him posing with a sheet wrapped around him like a toga. The reason for that photo? His only shirt was in the laundry. He was one of the pioneers of recorded music and had a long partnership with the Victor Talking-Machine Company (later RCA Victor). He was singing Jose in Carmen in San Francisco the night of the earthquake.

Instead, the MGM story basically has him dying on stage during a performance of Martha, which never happened. He had a hemorrhage during \\\"L'Elisir d'amore\\\" at the Met and could not finish the performance; he only sang three more times at the Met, his last role as Eleazar in La Juive. What killed him? The same thing that killed Valentino - peritonitis. His first role at the Met was not Radames in Aida, as indicated in the film, but the Duke in Rigoletto. So when it says on the screen \\\"suggested by Dorothy Caruso's biography of her husband,\\\" that's what it was - suggested. What is true is that Dorothy's father disowned her after her marriage, and left her $1 of his massive estate. They also did have a daughter Gloria together (who died at the age of 79 on 10/7/2007). However, Caruso had four other children by a mistress before he married Dorothy.

Some people say that Lanza's voice is remarkably like Caruso's, but just listen to Caruso sing in the film \\\"Match Point\\\" -- Caruso's voice is remarkably unlike Lanza's. In fact, from his sound, had he wanted to, Caruso could have sung as a baritone. He is thought to have had some trouble with high notes, further evidence of baritone leanings; and the role he was preparing when he died was Othello, a dramatic tenor role, which Lanza definitely was not. Lanza's voice deserved not to be compared with another. He made a unique contribution to film history, popularizing operatic music. He sings the music in \\\"The Great Caruso\\\" with a robust energy; he is truly here at the peak of what would be a short career. His acting is natural and genuine. Ann Blyth is lovely as Dorothy and gets to sing a little herself.

Really a film for opera lovers and Lanza fans, which are probably one and the same.\": {\"frequency\": 1, \"value\": \"Mario Lanza, of ...\"}, \"I have never observed four hours pass quite so quickly as when I saw this film. This film restores the power and art to Hamlet that it was always meant to have. Even those oh-so famous speeches are done in new and inventive ways. And the cast is incredible, Brannagh the brightest star. It is his charisma, power and command of the role that defines the movie. Making it a full and complete version fills so many holes and allows for new appreciation of the tragedy despite the length. Where one would expect the dark, gloomy cliched castle, we are treated to a sumptuous feast for the eyes. The only gloom comes from Hamlet himself, as it should. Well worth your time, all four hours of it.\": {\"frequency\": 1, \"value\": \"I have never ...\"}, \"This self-indulgent mess may have put the kibosh on Mr. Branagh's career as an adapter of Shakespeare for the cinema. (Released 4 years ago; not a peep of an adaptation since.) I just finished watching this on cable -- holy God, it's terrible.

I agree with the sentiment of a reviewer below who said that reviewing something so obviously and sadly awful is an ungenerous act that comes across as shrill. That being said, I'll take the risk, if only because *Love's Labour's Lost* is the perfect reward for those who overrated Mr. Branagh's directorial abilities in the past. Branagh has always been a pretty lousy director: grindingly literal-minded; star-struck; unforgivably ungenerous to his fellow actors (he loves his American stars, but loves himself more, making damn sure that he gets all the good lines).

Along those lines, the sad fact remains that *Love's Labour's Lost* is scarcely worse than the interminable, ghastly, bloated *Hamlet* from 1996. In fact, this film may be preferable, if only because it's about 1/3 the length. Branagh decided it would be a good idea to update this bad early work of Shakespeare's to the milieu of Cole Porter, George Gershwin, Fred Astaire, yada yada. So he sets the thing in 1939, leaves about an eighth of the text intact in favor of egregious interpretations of Thirties' standards (wait till you see the actors heaved up on wires toward the ceiling during \\\"I'm In Heaven\\\"), and casts actors not known for their dancing or singing (himself included). The result is a disaster so surreal that one is left dumbfounded that they just didn't call a horrified stop to the whole thing after looking at the first dailies. I don't even blame the cast. To paraphrase Hamlet, \\\"The screenplay's the thing!\\\" NO ONE could possibly come off well in this hodge-podge: the illustrious RSC alumni fare no better than Alicia Silverstone. Who could possibly act in this thing?

Branagh's first mistake was in thinking that *Love's Labour's Lost* was a play worth filming. Trust me, it isn't. It's an anomaly in the Bard's canon, written expressly for an educated coterie of courtiers -- NOT the usual audience for which he wrote. Hence, there's a lot of precious (and TEDIOUS!) word-play, references to contemporary scholastic nonsense, parodies of Lyly's *Euphues* . . . in other words, hardly the sort of material to appeal to a broad audience. Hell, it doesn't appeal to an audience already predisposed to Shakespearean comedy. The play cannot be staged without drastically cutting the text and desperately \\\"updating\\\" it with any gimmick that comes to hand. Which begs the question, Why bother?

Branagh's second mistake was in thinking that Shakespeare's cream-pie of a play could be served with a side-order of Gershwin's marmalade. Clearly the idea, or hope, was to make an unintelligible Elizabethan exercise palatable for modern audiences by administering nostalgic American pop culture down their throats at the same time. But again, this begs the question, Why bother?

\": {\"frequency\": 1, \"value\": \"This self- ...\"}, \"Kay Pollack (the man behind this movie) is a real great man who tries to share his life philosophy in different ways. He has written a bunch of good and well written books about how to control your senses and keep your soul happy. The message in most of his books and this movie, is about that your thoughts in fact is what causes your problems and that the reason of your anger hardly ever is caused of what you think of. The main message is that you can choose to be happy, but hardly ever do that.

To watch this movie and learn something very important on life, you have to keep your mind very open and L I S T E N to all the \\\"hidden messages\\\" (or guidelines to get through life) which most of the parts in this movie contains if you listen and watch. Watch it with your ears.

You won't learn the meaning of life, but you'll learn how to live and get the most out of it...

So, while watching, please keep in mind:

\\\"The mind is like a parachute, it doesn't work unless it's open!\\\"\": {\"frequency\": 1, \"value\": \"Kay Pollack (the ...\"}, \"Usually I love Lesbian movies even when they are not very good. I'm biased, I guess!

But this one is just the pits. Yes, the scenery and the buildings are beautiful, and there is a brief but beautiful erotic interlude, but otherwise this movie is just a complete waste of time. Annamarie alternates between sulking and getting high/stoned/passing out on whatever drug or booze is handy, and Ella inexplicably puts up with this abominable behavior through the entire movie. At no time are we given any insight into why this is so, or even why Annamarie is so depressed and withdrawn.

If there had at least been some kind of closure in the (potentially romantic? we don't even know!) relationship between the two, there might have been some kind of satisfaction. But although Annamarie at one point asks Ella \\\"why do you love me?\\\" Ella doesn't even acknowledge this. It's never really clear whether this is anything more than an (ill-behaved) Lesbian on a boring road trip with a straight woman.

Even the interactions between the two women and the local people they meet on the journey, which could have been lively and informative, are instead flat, tedious and mostly incomprehensible.

There is one good joke in the movie, although I'm sure it was unintentional. The women travel in a two-seat Ford coupe with a middling sized trunk. Yet when they set up camp, they have an enormous tent, cots, sleeping gear, and even a table, chair, and typewriter! On top of that, when they board a ferry, we see piles of luggage, presumably theirs, presumably also carried in the little Ford's trunk!

And through the entire film, we never see one gas station, or anywhere that looks like it would actually have any place to buy gasoline. Mostly they travel through endless miles of desolate desert. So where did they get fuel?

There may not be too many Lesbian films out there, good or bad, but there are plenty that are better than this, and very few that are worse. Leave this one in the rack.\": {\"frequency\": 1, \"value\": \"Usually I love ...\"}, \"The saddest thing about this \\\"tribute\\\" is that almost all the singers (including the otherwise incredibly talented Nick Cave) seem to have missed the whole point where Cohen's intensity lies: by delivering his lines in an almost tuneless poise, Cohen transmits the full extent of his poetry, his irony, his all-round humanity, laughter and tears in one.

To see some of these singer upstarts make convoluted suffering faces, launch their pathetic squeals in the patent effort to scream \\\"I'm a singer!,\\\" is a true pain. It's the same feeling many of you probably had listening in to some horrendous operatic versions of simple songs such as Lennon's \\\"Imagine.\\\" Nothing, simply nothing gets close to the simplicity and directness of the original. If there is a form of art that doesn't need embellishments, it's Cohen's art. Embellishments cast it in the street looking like the tasteless make-up of sex for sale.

In this Cohen's tribute I found myself suffering and suffering through pitiful tributes and awful reinterpretations, all of them entirely lacking the original irony of the master and, if truth be told, several of these singers sounded as if they had been recruited at some asylum talent show. It's Cohen doing a tribute to them by letting them sing his material, really, not the other way around: they may have been friends, or his daughter's, he could have become very tender-hearted and in the mood for a gift. Too bad it didn't stay in the family.

Fortunately, but only at the very end, Cohen himself performed his majestic \\\"Tower of Song,\\\" but even that flower was spoiled by the totally incongruous background of the U2, all of them carrying the expression that bored kids have when they visit their poor grandpa at the nursing home.

A sad show, really, and sadder if you truly love Cohen as I do.\": {\"frequency\": 1, \"value\": \"The saddest thing ...\"}, \"Have just seen the Australian premiere of Shower [Xizhao] at the Sydney Film Festival. The program notes said it was - A perfect delight -deftly made, touching, amusing, dramatic and poignantly meaningful. I couldn't agree more. I just hope the rest of the Festival films come up to this standard of entertainment and I look forward to seeing more Chinese films planned to be shown in Sydney in the coming months.\": {\"frequency\": 1, \"value\": \"Have just seen the ...\"}, \"That's not just my considered verdict on this film, but also on the bulk of what has been written about it. Now don't get me wrong here either, I'm not a total philistine, I didn't hate the movie because it wasn't enough like 'police academy 9' or whatever, I enjoy more than my fair share of high brow or arty stuff, I swear.

'Magnolia' is poor, and I am honestly mystified as to why it is seemingly so acclaimed. Long winded, self indulgent, rambling nonsense from start to finish, there is just so little that could credibly be what people so love about the movie. There's some high calibre actors fair enough, and none turns in an average or worse performance. Furthermore, my wife (a self confessed Tom Cruise hater) tells me it's his career best performance by far. But the plot is so completely unengaging, meandering between the stories of several loosely connected characters at such a snail's pace that even when significant life changing events are depicted they seem so pointless and uninteresting you find yourself crying out for someone to get blown up or something.

It doesn't help that none of the characters are very easy to identify or empathise with (well I didn't think so, but I don't like most people admittedly). They all play out their rather unentertaining life stories at great length, demonstrating their character flaws and emotions in ever-so intricate detail and playing out their deep and meaningful relationships to the nth degree with many a waffling soliloquy en route. Yadda yadda yadda. The soundtrack's dire as well, with that marrow-suckingly irritating quality that I had hitherto thought unique to the music of Alanis Morisette.

All in all, it was about as enjoyable a three hours as being forced to repeatedly watch an episode of 'Friends' whilst being intermittently poked in the ribs by a disgruntled nanny goat. The bit with the frogs is good though.\": {\"frequency\": 2, \"value\": \"That's not just my ...\"}, \"The Running Man is often dismissed as being just another Arnie action thriller full of explosions, bad puns and gunfire, and to be fair, there is a lot of that in it. People used to look at it and compare it to the Terminator series, saying it was one of the poorer Schwarzenegger films.

But, give it 18 years, and you find yourself being able to appreciate it in a different light. Rather than just being another brainless action film, it works very well as a parody of reality TV. It is quite different to the Stephen King book, true, but I doubt whether Hollywood, with its love of upbeat endings and so-called 'ordinary guys' who turned out to have the skills of a trained commando, would have accepted it in its current form.

But, on with the review.

Ben Richards (Arnold Schwarzenegger) is a cop working in a dystopian United States where democracy is a thing of the past, and the entire country is ruled by a government/media conglomerate amalgamation. The economy is in tatters, food is scarce and the state keeps people distracted by producing sadistic gameshows for them to watch, like Jumping for Dollars, where people jump for money over a pit of rabid dogs, and the most popular one is The Running Man, a gameshow hosted by the slimy Damian Killian (played by the entertaining Richard Dawson) where supposed 'criminals' are hunted down by theatrical, pro-wresting-esquire 'stalkers'.

Some, however, try and speak up against the government. When a group of hungry people hold a protest in the town of Bakersfield, California, a helicopter piloted by Richards is sent to 'calm' (i.e. kill) the protest. When Richards refuses to fire on innocent people, he is arrested and framed for the murder of the people in the crowd. He is sentenced to a slave labour camp, but escapes with the aid of a resistance leader (Yaphet Kotto) and goes on the run.

However, his freedom does not last long, and after he kidnaps network employee Amber Mendez (Marita Conchita Alonso) in an attempt to escape those pursuing him, he finds himself taken prisoner again, but this time he is forced to appear on The Running Man.

And there, of course, the entire film kicks into standard Arnie mode. Richards is launched into the post-apocalyptic wasteland of Los Angeles (why is LA always destroyed in these dystopian worlds?) and forced to run from the 'stalkers', along with two other prisoners who escaped from the labour camp with him. Amber also becomes curious about Richards' protestations of innocence, and discovers he was framed. Guess what happens to her, then? So, as Amber, Richards and the two other guys run around trying to avoid the stalkers, we soon become aware that Richards is no ordinary cop. He's Super Arnie, the unkillable one man army who can collapse evil corporate dictatorships and fight obese men covered in Christmas lights all while being just your average American guy with an Austrian accent.

Yes, the remainder of the film becomes dumb, loud, classic 80's Arnie fun. There's a lot of exciting fight sequences, the trademark dreadful puns ('He had to split' being my favourite), and the general formulaic final confrontation and happy ending. It's a lot of fun watching Killian react to it in the typical 'wholesome' gameshow host way, as well, and some of the funniest moments in the show revolve around the contrast between his interactions with the crowd as the seemingly benevolent host (watch out for the cursing old lady!) and the cold, cyncial man he is in reality who will do anything to increase ratings.

If you expect a high-brow, intelligent film, you'll be disappointed. But if you want a great 80s flick, well, this is it. But the great thing about this film is it was quite prophetic.

If you look at the entertainment we have today, you'll have noticed the way reality TV is going nowadays - shows featuring people willing to put themselves through anything for five minutes of fame, and producers all too willing to let them humiliate themselves on TV. It's not too far a leap to imagine that some vile TV exec out there has been trying to get the right to show people be executed live on TV. We've already had that, however, with the ghoulish al-Qaida hostage beheading videos posted on the internet. It seems that in the current climate, at least some people are perfectly fine with watching real death on their television sets.

With that in mind, and coupled with the fact that everything these days appears to be a revival of the 80s, you have to be impressed by the far-sightedness of this film. Of course, we haven't reached there yet, as it's terrorists, rather than the mainstream media, who have bought us easily available programs featuring real human death, but you just have to wonder how long it is before some exec decides to see if he can find a way of pitching a show that combines people's desire for entertainment and desire to indulge their morbid curiosity...\": {\"frequency\": 1, \"value\": \"The Running Man is ...\"}, \"Slackers is just another teen movie that's not really worth watching. Dave (Devon Sawa), Sam (Jason Segel) and Jeff (Michael C. Maronna) are about to graduate from Holden University with Honors in lying, cheating and scheming. The three roommates have proudly scammed their way through the last four years of college and now, during final exams, these big-men-on-campus are about to be busted by the most unlikely dude in school. The plot is very stupid and there's no reason why to watch this unless your looking to shut off you brain for a little while. Slackers is just a predictable teen flick that really adds nothing new to the genre. The comedy in Slackers is either hit or miss but there's no real true funny or original moment in the movie. Its really just a collection of gags and some are actually pretty funny. Though for every joke that works there's at least eight more that don't. The screenplay is full of penis and breast jokes that some high school and college students may enjoy. Even if they do they probably won't remember this film after awhile as its not a very memorable comedy. Jason Schwartzman plays the freaky Ethan and after appearing in some good comedies he has stoop pretty low. Jaime King and Devon Sawa are the other main stars but they do a rather poor job in this film. This is directed by Dewey Nicks and this is his first film so you can't blame him too much. The funniest character was probably Laura Prepon though, she's not in the movie very much. The film is very short at only 86 minutes long however, that may be too long for some people who don't really like this type of humor. Slackers isn't the worst film of 2002 but certainly is below average. When compared to other films in the genre there's a lot better out there such as Not Another Teen Movie, American Pie and its sequels , Scary Movie 1 & 2 etc. So unless you have seen most of them and you're looking for something new then Slackers might fit that bill but its better if you just watch something else. Rating 4.3/10 a below average teen comedy that's worth skipping.\": {\"frequency\": 1, \"value\": \"Slackers is just ...\"}, \"A very enjoyable film, providing you know how to watch old musicals / mysteries. It may not come close to Agatha Christie or even Thin Man mysteries as a film noir, but it's much more interesting than your typical \\\"boy meets girl\\\" or \\\"let's put on a show\\\" backstage musical. As a musical, it's no Busby Berkley or Freed unit, but it can boost the classic \\\"Coctails for two\\\" and the weird \\\"Sweet Marijuana\\\". The film runs in real time during a stage show, opening night of the \\\"Vanities\\\", where a murder - and soon another - is discovered backstage. Is the murderer found out before the curtain falls? Sure, but the search is fun, even though somewhat predictable and marred by outbursts of comic relief (luckily in the shape of the shapely goddess of the chorus girls, Toby Wing). The stupid cop is just a bit too stupid, the leading hero is just a bit too likable, the leading lady a bit too gracious, the bitchy prima donna bit too bitchy, and the enamoured waif a bit too self-sacrificing, but as stereotypes go, they are pretty stylish. There's a bevy of really gorgeous chorus girls, who are chosen even better than the girls for a Busby Berkley musical of the same period, who sometimes tend to be a bit on the plump side. Yes, this film could have been much better than it is, and the Duke Ellington number is an embarrassment, but if you enjoy diving into old movies, this will prove to be a tremendously tantalizing trip.\": {\"frequency\": 1, \"value\": \"A very enjoyable ...\"}, \"I am always so frustrated that the majority of science fiction movies are really intergalactic westerns or war dramas. Even Star Wars which is visually brilliant, has one of its central images, a futuristic \\\"gang that couldn't shoot straight.\\\" Imagine your coming upon about 600 people with conventional weapons, most of them having an open shot, and they miss.

I have read much science fiction, and wish there were more movies for the thinking person. Forbidden Planet, one of the earliest of the genre, is still one of the very best. The story is based on a long extinct civilization, the Krell, who created machines which could boost the intelligence of any being by quantum leaps. Unfortunately, what they hadn't bargained for, is that the brain is a center for other thoughts than intellectual. The primitive aspect of the brain, the Id, as Freud called it, is allowed to go unchecked. It is released in sleep, a bad dream come to corporeal existence. Walter Pigeon, Dr. Morbius, is the one who has jacked his brain to this level, and with it has built machines and defenses that keep him barely one step ahead of the horrors of the recesses of his own mind. His thoughts are creating horrors that he soon will not be able to defend. The Krell, a much superior species, could not stop it; it destroyed them. The landing party has never been of great interest to me. The rest of the actors are pretty interchangeable. Ann Francis is beautiful and naive, and certainly would have produced quite a reaction in the fifties adolescent male. Her father's ire is exacerbated by her innocence and the wolfy fifties' astronauts (for they are more like construction workers on the make than real astronauts). They are always trying to figure out \\\"dames.\\\" The cook is a great character, with his obsession for hooch. Robbie the Robot has much more personality than most of the crew, and one wonders if Mr. Spock may not be a soulmate to the literal thinking of this artificial creature. The whole movie is very satisfying because the situation is the star. Morbius can't turn back and so he is destined to destroy himself and everything with him. There are few science fiction films that are worth seeing more than once; this is one that can coast right into the 21st century.\": {\"frequency\": 1, \"value\": \"I am always so ...\"}, \"Freddy's Dead: The Final Nightmare starts as dream demon Freddy Krueger (Robert Englund) leaves a teenager (Shon Greenblatt) on the outskirt's of Springwood with no memory of himself, who he is or why he is there. The local police pick him up & take him to a youth centre where child psychiatrist Maggie Burroughs (Lisa Zane) interviews him, she finds a newspaper cutting in his pocket which leads the two to Elm Street in Springwood where they discover that no children live there & therefore no victims for Freddy kill anyone. It all turns out that it's an elaborate plan by Freddy to find his daughter & use her to escape Springwood. When Maggie realises what Freddy is up to her & some kids decide they have to kill Freddy once & for all...

Directed by Rachel Talalay this was made with the intention of being the final A Nightmare on Elm Street film which by this time had reached five, of course as any horror film fan know's if there's still money to be made from a franchise or a character then there's no way in hell Freddy's Dead: The Final Nightmare was going to be the last one which, of course, it wasn't. The A Nightmare on Elm Street series has been a franchise of diminishing returns as the films dropped in quality as the series progressed until we got here & Freddy's Dead: The Final Nightmare which for my money is probably the worst out of the lot of them. The film moves at a reasonable pace & it's rarely boring but it's so silly, childish & feels like some sort of live-action cartoon with some awful set-piece horror scenes that seem a million miles from Wes Craven's suspenseful & effective early 80's original. The sequence where stoner Spencer is trapped inside a video game being played by Freddy is terrible on it's own but then we are treated to shots of his body back in reality bouncing around the house from wall to wall & floor to ceiling which is quite the most ridiculous thing I've seen in a while, or maybe the early scenes when the John Doe kid falls from a plane down to the ground just like the Coyote cartoon character in the Road Runner cartoons or the absurd sight of Freddy threatening the deaf Carlos with pins that he intends to drop to the floor to make a loud noise or when he eventually kills him by scraping his knives across a blackboard. You can't take this seriously & I was just sitting there not quite believing what I was seeing. When they do finally try to kill Freddy the hero is given a secret powerful special weapon, yeah that's right a pair of cardboard 3-D glasses! The character's are poor, the dialogue is poor & the plot is confusing, it doesn't really stick to the Elm Street continuity & overall the film is a bit of a mess, the best thing I can say about it is that it has quite a bit of unintentional humour & you can certainly laugh at it.

The film has major tonal problems as it tries to be dark, scary & sinister yet it's so silly & simply looks ridiculous at times that any attempt at being serious falls completely flat. There's not much gore in this one, there's some cut off fingers, some stabbings, someone falls on a bed of nails & that's about it. The body count is extremely low here with only three death's. The final twenty or so minutes of Freddy's Dead: The Final Nightmare was in fact shot in 3-D although the version I saw presented this part as normal so I can't comment on how well this does or doesn't work but you can definitely see shots which are meant to be seen in 3-D which take advantage of the process. The special effects vary, some are quite good actually while other's are terrible & Freddy's burnt make-up this time looks quite poor.

This apparently had a budget of about $5,000,000 (it had an opening weekend box-office take of $12,000,000) & the film has a few nice visual touches & gags which makes the thing feel even more cartoony than it already is. The acting is really poor from the main leads although there are a few odd cameos including Tom Arnold & Roseanne, Johnny Depp & rocker Alice Cooper.

Freddy's Dead: The Final Nightmare is probably the worst of the entire series & apart from some unintentional laugh value there's not much here to recommend or enjoy. Fans of the series will probably like it & defend it but for me this is about as far from Wes Craven's original classic shocker as it gets. Followed by New Nightmare (1994) which tried to take Freddy Krueger & the series in a new & different direction.\": {\"frequency\": 1, \"value\": \"Freddy's Dead: The ...\"}, \"First things first, Edison Chen did a fantastic, believable job as a Cambodian hit-man, born and bred in the dumps and a gladiatorial ring, where he honed his craft of savage battery in order to survive, living on the mantra of kill or be killed. In a role that had little dialogue, or at least a few lines in Cambodian/Thai, his performance is compelling, probably what should have been in the Jet Li vehicle Danny the Dog, where a man is bred for the sole purpose of fighting, and on someone else's leash.

Like Danny the Dog, the much talked about bare knuckle fight sequences are not choreographed stylistically, but rather designed as normal, brutal fisticuffs, where everything goes. This probably brought a sense of realism and grit when you see the characters slug it out at each other's throats, in defending their own lives while taking it away from others. It's a grim, gritty and dark movie both literally and figuratively, and this sets it apart from the usual run off the mill cop thriller production.

Edison plays a hired gun from Cambodia, who becomes a fugitive in Hong Kong, on the run from the cops as his pickup had gone awry. Leading the chase is the team led by Cheung Siu-Fai, who has to contend with maverick member Inspector Ti (Sam Lee), who's inclusion and acceptance in the team had to do with the sins of his father. So begins a cat and mouse game in the dark shades and shadows of the seedier looking side of Hong Kong.

The story itself works on multiple levels, especially in the character studies of the hit-man, and the cop. On opposite sides of the law, we see within each character not the black and white, but the shades of grey. With the hit-man, we see his caring side when he got hooked up and developed feelings of love for a girl (Pei Pei), bringing about a sense of maturity, tenderness, and revealing a heart of gold. The cop, with questionable tactics and attitudes, makes you wonder how one would buckle when willing to do anything it takes to get the job done. There are many interesting moments of moral questioning, on how anti-hero, despicable strategies are adopted. You'll ask, what makes a man, and what makes a beast, and if we have the tendency to switch sides depending on circumstances - do we have that dark inner streak in all of us, transforming from man to dog, and dog to man? Dog Bite Dog grips you from the start and never lets go until the end, though there are points mid way through that seemed to drag, especially on its tender moments, and it suffered too from not knowing when to end. If I should pick a favourite scene, then it must be the one in the market food centre - extremely well controlled and delivered, a suspenseful edge of your seat moment. Listen out for the musical score too, and you're not dreaming if you hear growls of dogs.

Highly recommended, especially if you think that you've seen about almost everything from the cop thriller genre.\": {\"frequency\": 1, \"value\": \"First things ...\"}, \"First one was much better, I had enjoyed it a lot. This one has not even produced a smile. The idea was showing how deep down can human kind fall, but in reference to the characters not the film-maker.\": {\"frequency\": 1, \"value\": \"First one was much ...\"}, \"According to John Ford's lyrically shot, fictional biopic of Abraham Lincoln's life his greatest faults may have been an obtuseness with woman and an ability to dance in \\\"the worst way.\\\" Ford's camera has only praising views to reveal of Mr. Lincoln's early life. But for what the film lacks in character complexities it makes up for in beauty and depth of vision. Uncharacteristically beautiful compositions of early film, what could have been a series of gorgeous still frames, Ford has a unique eye for telling a story. The film sings of the life of a hopeful young man. Henry Fonda plays the contemplative and spontaneously clever Lincoln to a tee, one of his best roles.

The film concerns two young men, brothers, on trial for a murder that both claim to have committed. In classic angry mob style, the town decides to take justice into their own hands and lynch the pair of them, until honest Abe steps into the fray. He charms them with his humor, telling them not to rob him of his first big case, and that they are as good as lynched with him as the boys lawyer. What follows seems to become the outline for all courtroom- murder-dramas thereafter, as Abe cunningly interrogates witnesses to the delight and humor of the judge, jury and town before he stumbles upon the missing links.

The film plays out like many John Ford movies do: a tablespoon of Americana, a dash of moderate predictability, a hint of sarcasm that you aren't sure if you put in the recipe or if Ford did it himself. Despite the overtly 'Hollywood' feel of the film, and overly patriotic banter alluding to Lincoln's future presidency, the film is entirely enjoyable and enjoyably well constructed, if you can take your drama with a grain of salt.\": {\"frequency\": 1, \"value\": \"According to John ...\"}, \"It's obvious that the people who made 'Dead At The Box Office' love B-movie horror. Overt references to the genre are peppered throughout, from stock characters (the authority figure who doesn't believe the monstrous invasion is really happening) to Kevin Smith style discussions to reenacting Duane Jones' last moments from 'Night of the Living Dead' not once but twice.

Unfortunately it takes more than love to make a good movie.

The staging and shot choice are unexciting and unimaginative. While a common admonition in film school is to avoid 'Mastershot Theatre,' telling the story completely in a wide master shot, here we find the obverse as in several sequences it's hard to figure out the spatial relationships between characters as the story is told in a series of medium shots with no establishing shot to tie it together. Editing is drab and basic and at times there are unmotivated cuts. The lighting is flat and sometimes muddy, making the scenes in the darkened theatre hard to make out (was there lighting, or was this shot with available light only?). Some shots are out of focus. The dialogue is trite, and the performances, for the most part, one-note (Isaiah Robinson shows some energy and screen presence as Curtis, and the fellow playing the projectionist has some pleasantly dickish line readings; Michael Allen Williams as the theater manager and Casey Kirkpatrick as enthusiastic film geek Eric have some nice moments). The premise is silly, even for a B horror flick (Also, it's too bad Dr Eisner was unaware of Project Paperclip - he could've saved himself a lot of trouble!). The 'zombies' are non-threatening, and their makeup is unconvincing (although the chunky zombie trying to get a gumball out of the machine raised a smile). For a zombie fan film, there is very little blood or violence, although what there is, is handled pretty well. The incidental music, while stylistically uneven, is kind of nice at times, and there are some good foley effects. The 'Time Warp' parody was a fun listen, although the images going along with it were less fun to watch. Unfortunately, the looped dialogue sounds flat. Was this shot non-sync (doubtful, it looks like video through and through)? I watched the special introduction by Troma Films' Lloyd Kaufman before the main feature - although it consisted essentially of Kaufman plugging his own stuff and admitting that he hadn't seen the movie while someone mugged in a Toxie mask, its production and entertainment values were higher than 'Dead...' itself (quick aside to whoever put the DVD together - the countdown on film leader beeps only on the flash-frame 2, not on every number plus one more after). For that matter, the vampire film theatregoers are seen watching early in 'Dead...' looked a lot more entertaining than this. Recommendation to avoid, unless you know someone involved in the production or are an ardent Lloyd Kaufman completist (he plays 'Kaufman the Minion' in the film-within-a-film).

(Full disclosure: my girlfriend is an extra in this movie. I swear this did not color my review.)\": {\"frequency\": 1, \"value\": \"It's obvious that ...\"}, \"Well no, I tell a lie, this is in fact not the best movie of all time, but it is a really enjoyable movie that nobody I know has seen.

It's a buddy cop movie starring Jay Leno and Pat Morita(Mr Miyagi) with some fluff story about a missing car engine prototype or something, but that doesn't matter. the reason this movie is fun is because of the interaction between the two leads, who initially dislike and distrust each other but in a shocking twist of fate end up becoming friends. The whole culture difference thing is done quite well,in that it's fun to watch, it's completely ridiculous but in a cheesy and enjoyable kind of way. The soundtrack is cool,once again in a cheesy 80's kind of way, it suits the movie, I've been trying to find one of the songs for ages, but as I'm working from memory of what I think a few of the words were i can't seem to find it.

Another thing this movie has is the most fantastic pay off of any movie ever, but I won't give that one away, oh no! In conclusion I'd take this movie over 48 Hours\\\\most of Eddie Murphys output including Beverly Hills cop, and whatever buddy junk Jackie Chan or Martin Lawrence have to their names. If you're looking for a buddy cop movie and are getting fed up with \\\"straight white cop meets zany streetwise black cop\\\" give this a shot. You might be pleasantly surprised cos this turns the whole formula upside down with \\\"straight Japanese cop meets zany streetwise white cop\\\".

I'm giving this 7. to be honest I like it more than that. I'd rather watch this than a lot of stuff I'd give 8. But I guess I know deep down that it's some sort of insanity that makes me like this movie.\": {\"frequency\": 1, \"value\": \"Well no, I tell a ...\"}, \"This movie is one of my all time favorites. Cary Grant, Victor McLaglen, and Douglas Fairbanks Jr...what a cast. Not to mention Sam Jaffe as Gunga Din. Drama, action, adventure and comedy all rolled up into one. The final battle scene still to this day gives me chills and the ending always leaves me in tears. If you haven't seen it, I'd strongly recommend it.\": {\"frequency\": 1, \"value\": \"This movie is one ...\"}, \"A great slasher movie -- too bad it was the producers and not part of the script. Basic plot summary - man with redhead fetish goes invites such women to his flat only to go into some kind of freakish coma and proceeds in offing them to various degrees of success. Only the cutting crew behind the scenes must have thought the movie was as ad as I did and chopped the heck out of the movie. Nothing flows, you get lost on which redhead he is with at the time (didn't he off that one earlier??), and most of the time it looks like the camera man passed out and resumed filming when he awoke. Not that I can blame him I passed out 2-3 times and had to rewind and resume to try to regain what little plot that does exist. Warning when you see the ending DO NOT try to connect it with anything that happens before -- you will just get an aneurysm. Not worth the time, effort, or God forbid money. Only reason to get a 2 instead of a 1 - the slim chance that the hacking occurred between film release and the horrible version that I watched.\": {\"frequency\": 2, \"value\": \"A great slasher ...\"}, \"I absolutely loved this movie. It met all expectations and went beyond that. I loved the humor and the way the movie wasn't just randomly silly. It also had a message. Jim Carrey makes me happy. :)\": {\"frequency\": 1, \"value\": \"I absolutely loved ...\"}, \"Although the story is fictional, it draws from the reality of not only the history of latin american countries but all the third world. This is the true, pure and raw recent history of these countries summarized concisely in this novel / film. The offbeat supranatural stuff, lightens up the intensity of historical events presented in this movie. After all the supranatural stuff is a part of the culture in the third world. Although is not critically acclaimed (probably because of the supranatural stuff), This is an excellent movie, with a great story and great acting.\": {\"frequency\": 1, \"value\": \"Although the story ...\"}, \"This is the kind of film that everyone involved with should be embarrassed over. Poor directing, over the top acting and a plot that rambles on with no point other than to show violence. I thought when I first saw it that it would be perhaps a satire of the media and how it shows violence but it's not. I'm not sure what makes the film worse. Oliver stone does his worst directing ever. From scenes where Woody Harrelson's face morphs for no reason or Robert Downey Jr's dreadful performance as Wayne Gale who is a reporter who seems totally bonkers, this movie is simply a mess.\": {\"frequency\": 1, \"value\": \"This is the kind ...\"}, \"When I ordered this from Blockbuster's website I had no idea that it would be as terrible as it was. Who knows? Maybe I'd forgotten to take my ADD meds that day. I do know that from the moment the cast drove up in their station wagon, donned in their late 70's-style wide collars, bell-bottoms and feathered hair, I knew that this misplaced gem of the disco era was glory bound for the dumpster.

The first foretelling of just how bad things were to be was the narration at the beginning, trying to explain what cosmic forces were at play to wreak havoc upon the universe, forcing polyester and porno-quality music on the would-be viewer. From the opening scene with the poorly-done effects to the \\\"monsters\\\" from another world and then the house which jumps from universe to universe was as achingly painful as watching an elementary school production of 'The Vagina Monologues'.

Throughout the film, the sure sign something was about to happen was when a small ship would appear. The \\\"ship\\\" was comprised suspiciously of what looked like old VCR and camcorder parts and would attack anyone in its path. Of course if moved slower than Bob Barker's impacted bowels, but it had menacing pencil-thin armatures and the ability to cast a ominous green glow that could stop bullets and equipped with a laser capable of cutting through mere balsa wood in an hour or two (with some assistance).

Moving on... As the weirdness and bell bottoms continue... We found out that they're caught in a \\\"Space Time Warp\\\". How do we garner this little nugget of scientific information? Because the oldest male lead tells his son that, in a more or less off-the-cuff fashion, like reminiscing about 'how you won the big game' over a cup of joe or an ice-cold bottle of refreshing Coca-Cola. Was pops a scientist? Nope, but he knew about horses and has apparently meddled as an amateur in string theory and Einstein's theories.

The recording I watched on DVD was almost bootleg quality. The sound was muddy and the transfer looked like it had been shot off a theater screen with the video recorder on a cell phone, other than that, it was really, really, really bad. (There's not enough 'really's' to describe it, really).

I know some out there love this movie and compare it to other cult classics. I never saw this film on its original release, but even back then I think I would've come to the same conclusion: bury this one quick.\": {\"frequency\": 1, \"value\": \"When I ordered ...\"}, \"When i got this movie free from my job, along with three other similar movies.. I watched then with very low expectations. Now this movie isn't bad per se. You get what you pay for. It is a tale of love, betrayal, lies, sex, scandal, everything you want in a movie. Definitely not a Hollywood blockbuster, but for cheap thrills it is not that bad. I would probably never watch this movie again. In a nutshell this is the kind of movie that you would see either very late at night on a local television station that is just wanting to take up some time, or you would see it on a Sunday afternoon on a local television station that is trying to take up some time. Despite the bad acting, clich\\ufffd\\ufffd lines, and sub par camera work. I didn't have the desire to turn off the movie and pretend like it never popped into my DVD player. The story has been done many times in many movies. This one is no different, no better, no worse.

Just your average movie.\": {\"frequency\": 3, \"value\": \"When i got this ...\"}, \"I enjoyed the cinematographic recreation of China in the 1930s in this beautiful film. The story is simple. An older male performer wants to pass on his art to a young man although he has no living children. The faces of the actors are marvelous to see. The story reveals the devotion and gratitude of children to those who treat them well and their longing to be treated well. The operas in the film remind me of FAREWELL MY CONCUBINE, which was more sophisticated and intricate. The story here reminds me of a Dickens tale of days when children were almost chattel. The plot is a bit predictable and a bit too sentimental for me but well worth the time to view for the heroism, humanity, and history portrayed.\": {\"frequency\": 1, \"value\": \"I enjoyed the ...\"}, \"This has got to be one of the worst fillums I've ever seen and I've seen a few. It is slow, boring, amateurish - not even consistent within its own simplistic reading of the plot. The actors do not act. I can't blame them - they have been given a script of such utter banality all they can do is trudge through it with a pain behind their eyes which has nothing to do with the evil goings on in SummersIsle.

There is not one moment in this film that rings true - not an honest line nor a single instant where one is moved. The Nicholas Cage character is so badly drawn that one feels not a smidgeon of compassion for him through all his tribulations. I have no doubt that I was seeing a suffering man up there but it was Nicholas Cage fully aware of the fact that he was in the worst movie of his entire career.\": {\"frequency\": 1, \"value\": \"This has got to be ...\"}, \"The first time I saw this episode was like a shock to me, it was actually the first time I saw \\\"24\\\". The speed things are happening is amazing, and it's so surprising, thrilling, and even interesting, it's almost as if you are reading a book; once you start it, it's very hard to stop. From the minute Richard Walsh was talking privately to Jack about the possibility that they have a mole inside CTU, I was sitting 6:40 hours, which means 10 episodes!!! (Sounds funny and crazy, but I'm the kind of guy which when he is interested he just can't stop)This series is one of the best of it's kind. And it's build in a way of having a few different stories that are being connected together. Recommended in every way!\": {\"frequency\": 1, \"value\": \"The first time I ...\"}, \"Last week, I took a look at the weekly Nielsen ratings, and there was Veronica Mars, supposedly \\\"the best show you're not watching\\\".

Well, they're right that you're not watching it. It aired twice and was ranked 147 and 145 out of 147.

Translation: this is the lowest-rated show on any nationally broadcast network... and deservedly so. I tried to watch it a couple of times because of all the press coverage hyping it as a \\\"great\\\" show, a \\\"realistic look\\\" at life and all such nonsense. The reality was otherwise. Veronica Mars is a bore. It's as unrealistic as it gets, and it richly deserves to be canceled.

The only Mystery is why CW felt compelled to put on its inaugural schedule the lowest-rated show in memory, after two years of continued commercial and artistic failure.\": {\"frequency\": 1, \"value\": \"Last week, I took ...\"}, \"I don't know anything of the writer's or the director's earlier work so I hadn't brought any prejudices to the film. Based on the brief description of the plot in TV Guide I thought it might be interesting.

But implausibility was piled upon implausibility. Each turn of the plot seemed to be an excuse to drag in more bloodshed, gruesome makeup, or special effects.

The score was professional and Kari Wuhrer seems like a decent actress but the rest was more than disappointing. It was positively repulsive.

I will not go through the vagaries of the narrative but I'll give an example of what I think of as an excess of explicit gore.

Chris McKenna goes to an isolated ranch house and pulls the frozen body of his earlier victim (Wendt) out of the deep freeze. McKenna had killed Wendt by biting a chunk out of his neck. Now he feels he must destroy the evidence of his involvement in Wendt's demise. (What are the cops going to do, measure his bite radius?) McKenna unwraps Wendt's head and neck from the freezer bag it's in, takes an ax, and begins to chop off Wendt's head. Whack. Whack. Whack. The bit of the ax keeps chipping away at Wendt's neck. The air is filled with nuggets of flying frozen flesh, one of which drops on McKenna's head. (He brushes it off when he's done.) McKenna then takes the frozen head outside to a small fire he's built. He sits the head on the ground, squats next to it, takes out some photos of a woman he's just killed, and shows them to Wendt's head. \\\"Remember her? We could have really made it if it hadn't been for you guys,\\\" he tells the head. \\\"Duke, you've always liked bonfires, haven't you?\\\" he asks. Then he places the head on the fire. We only get a glimpse of it burning but we can hear the fat sizzling in the flame.

I don't want this sort of garbage to be censored. I'm only wondering who enjoys seeing this stuff.

There's no reason to go on with the rest of the movie. Well, I'll mention one example of an \\\"implausibility,\\\" since I brought the idea up. McKenna has been kidnapped and locked in a dark bare shack. He knows he's going to be clobbered half to death in the following days. (He's literally invited the heavies to do it.) What would you do in this Poe-like situation? Here's what McKenna does on what may turn out to be the last night of his life. He finds a discarded calendar with a pin-up girl on it and masturbates (successfully). Give that man the Medal of Freedom!

A monster who looks like Pizza the Hut is thrown into some unnecessary flashbacks. The camera is often hand held and wobbly. The dialog has lines like, \\\"Life is a piece of s***. Or else it's the best of all possible worlds. It depends on your point of view.\\\" Use is made of a wide angle lens that turns ordinary faces into gargoyle masks. A house blows up in an explosive fireball at the end while the hero, McKenna, walks towards us in the foreground.

Some hero he is, too. He first kills a man for $13,000 by bashing him over the head several times with a heavy statue, then a potted plant, before finally tipping a refrigerator over onto the body. (This bothers him a little, but not enough to keep him from insisting on payment.) Then, I hope I have the order straight, he kills Wendt by ripping out part of his neck. Then he kills the wife of his first victim by accident and blames the heavies for it, although by almost any moral calculus they had nothing to do with it. Next he burns the head honcho (Baldwin) alive. Then, having disabled the two lesser heavies, he deliberately blows them up, though one of them isn't entirely unsympathetic. And we're supposed to be rooting for McKenna.

These aren't cartoon deaths like those in the Dirty Harry movies either -- bang bang and you're dead. These are slow and painful. The first one -- the murder for $13,000 -- is done clumsily enough to resemble what might happen in real life. It isn't really easy to kill another human being, as Hitchcock had demonstrated in Torn Curtain. But that scene leads to no place of any importance.

Some people might enjoy this, especially those young enough to think that pain and death are things that happen only in movies. Some meretricious stuff on screen here.\": {\"frequency\": 1, \"value\": \"I don't know ...\"}, \"I just watched this movie today and not only is it, terrible and awful but it looks like the director just got a few friends together to make a movie about a sick man. I also think that this movie has the look of a porn video with it's clear crisp just filmed view.

Thank heavens I work in a video store and I didn't have to pay for it cause this movie is crap x infinity..DO NOT BUY OR RENT THIS MOVIE!!!!! You'd have a better time watching Dude Where's My Car than this piece of crap! And that's not saying a lot for that movie either.

The acting is lousy and the movie is just very unwatchable. I was watching this movie and I wanted to kill myself during and after the movie.

I walked home and threw up after watching this piece of dirt movie, I then took a shower and burnt my clothes.

If I had half a mind I would of took the movie outside and burned it too cause no one should be subjected to it...well maybe members of Al Queda..especially the ones we have in custody and also child rapists who are in prison on life sentences with out parole....just make a set up like a clock work Orange, And then force these cheese head to watch it over and over again.\": {\"frequency\": 1, \"value\": \"I just watched ...\"}, \"Aardman does it again. Next to Pixar, Aardman Animation proves again and again how to do animation properly.

I had a great time watching the first episode of Creature Comforts. I thought it translated well for American audiences. My only concern is that most of the audiences aren't going to get the subtle humor in this show.

Having been a fan of the BBC version and the short film, I knew what I was in for when I sat down to watch this. The animators did a great job matching up pre-recorded voices to a perfect match animal. Look at the first episode with the Goat, who sounds stoned, and the dogs on the street that keep calling each other \\\"dawg\\\".

Is this for everyone? Not by a long shot. In fact, I'd be happy to see the show last for a full season. But like I said before, audiences aren't going to get it.\": {\"frequency\": 1, \"value\": \"Aardman does it ...\"}, \"I rate this 10 out of 10. Why?

* It offers insight into something I barely understand - the surfers surf because it's all they want to do; Nothing else seems to matter as much to them as surfing; Nor is it a temporary thing - it's a lifetime for these guys * Buried in the movie is a great history of surfing; I have never surfed, but I love surfing movies, and have seen many. None taught me what this movie did * The movie was very well edited. It flowed well. The interviews were outstanding * It's interesting from start to finish

In summary, it's about as good as a documentary as I have seen, so I have to rate in terms of that. So 10/10\": {\"frequency\": 1, \"value\": \"I rate this 10 out ...\"}, \"I think that that creator(s) of this film's concept deserves a lot more accolades than they probably ever received. It isn't an Oscar caliber film of course, but, at least for me, this film has left a lasting impression since I first saw it back in 1984 (in the theatre).

I don't think this is (and hope it isn't) a spoiler, but: imagine acting on your impulses. Doing the first thought that pops into your head, saying the first words on your lips... No restraint, no conscious, nothing holding you back from saying or doing the things that, as intelligent adults, we know we shouldn't actually say or do. If anything, this film only scratches the surface - It doesn't go as far as it could go.

In a time when Hollywood seems obsessed with remaking older \\\"classics\\\" to try and cash in on today, wouldn't it be nice to see them remake an older film of modest success, for the sake of taking it to the next level? A bit further, or even to explore what the original crew didn't, wouldn't or couldn't deal with 20 years ago?

That's just my opinion anyway. :o)\": {\"frequency\": 1, \"value\": \"I think that that ...\"}, \"OK, so the Oscars seem to get hyped just a little more each year. And I was rooting for \\\"Gosford Park\\\" to win (come on, Robert Altman had deserved an Oscar for years!). That said, I guess that it was high time for an African-American to win Best Actress. Contrary to the previous reviewer, Halle Berry's role in \\\"Monster's Ball\\\" was far more original than Nicole Kidman's in \\\"Moulin Rouge\\\"; I never would have thought to nominate the latter for anything, especially in a year that saw \\\"Mulholland Dr.\\\".

Among the things that I had predicted was the stuff about the September 11 attacks; I knew that they were going to say something about freedom. Yeah, yeah. Robert Redford should know better. But contrary again to the previous reviewer, Whoopi Goldberg is not the worst host (among the past hosts was Bob Hope, for whom I have no respect); I really liked her jab at John Ashcroft.

So, although I wouldn't have given \\\"A Beautiful Mind\\\" Best Picture, \\\"The 74th Annual Academy Awards\\\" still pleased me (I have to admit, I enjoy the Oscars more than my own birthday). And the day after, as my parents and I were hiking around the dwellings in Bandalier, New Mexico - it was spring break - I was thinking to myself that when Jim Broadbent won his Oscar, that most people watching were asking \\\"Jim who?!\\\" I wonder whether or not Woody Allen will ever attend the Oscars again.\": {\"frequency\": 1, \"value\": \"OK, so the Oscars ...\"}, \"Anne Bancroft plays Estelle, a dying Jewish mother who asks her devoted son (Ron Silver) to locate reclusive one-time movie star Greta Garbo and introduce the two before Estelle checks out for good. Might've been entitled \\\"Bancroft Talks\\\" as the actress assaults this uncertain comedic/dramatic/sentimental material for its duration. Hot-or-cold director Sidney Lumet can't get a consistent rhythm going, and Bancroft's constant overacting isn't scaled back at all by the filmmaker--he keeps her right upfront: cute, teary-eyed and ranting. Estelle becomes a drag on this scenario (not that the thinly-conceived plot has much going on besides). Silver and co-stars Carrie Fisher and Catherine Hicks end up with very little to do but support the star, and everyone is trampled by her hamming. *1/2 from ****\": {\"frequency\": 1, \"value\": \"Anne Bancroft ...\"}, \"Michael Keaton is \\\"Johnny Dangerously\\\" in this take-off on gangster movies done in 1984. Maureen Stapleton plays his sickly mother, Griffin Dunne is his DA brother, Peter Boyle is his boss, and Marilu Henner is his girlfriend. Other stars include Danny DeVito and Joe Piscopo. Keaton plays a pet store owner in the 1930s who catches a kid stealing a puppy and then tells him, in flashback, how he came to own the pet store. He turned to thievery at a young age to get his mother a pancreas operation ($49.95, special this week) and began working for a mob boss (Boyle). Johnny uses the last name \\\"Dangerously\\\" in the mobster world.

There are some hilarious scenes in this film, and Stapleton is a riot as Johnny's foul-mouthed mother who needs ever organ in her body replaced. Peter Boyle as Johnny's boss gives a very funny performance, as does Griffin Dunne, a straight arrow DA who won't \\\"play ball\\\" with crooked Burr (Danny De Vito). As Johnny's nemesis, Joe Piscopo is great. Richard Dimitri is a standout as Moronie, who tortures the English language - but you have to hear him do it rather than read about it. What makes it funny is that he does it all with an angry face.

The movie gets a little tired toward the end, but it's well worth seeing, and Keaton is terrific as good boy/bad boy Johnny. For some reason, this film was underrated when it was released, and like Keaton's other gem, \\\"Night Shift,\\\" you don't hear much about it today. With some performances and scenes that are real gems, you'll find \\\"Johnny Dangerously\\\" immensely enjoyable.\": {\"frequency\": 1, \"value\": \"Michael Keaton is ...\"}, \"Indian Summer is a good film. It made me feel good and I thought the cast was exceptional. How about Sam Raimi playing the camp buffoon. I thought his scenes were very funny in a Buster Keaton-like performance. Solid directing and nice cinematography.\": {\"frequency\": 1, \"value\": \"Indian Summer is a ...\"}, \"He only gets third billing (behind Arthur Treacher & Virginia Field), but this was effectively David Niven's first starring role and he's charmingly silly as P. G. Wodehouse's dunderheaded Bertie Wooster, master (in name only) to Jeeves, that most unflappable of valets. As an adaptation, it's more like a watered-down THE 39 STEPS than a true Wodehousian outing. And that's too bad since the interplay between Treacher & Niven isn't too far off the mark. Alas, the 'B' movie mystery tropes & forced comedy grow wearisome even at a brief 57 minutes. Next year's follow-up (STEP LIVELY, JEEVES) was even more off the mark, with no Bertie in sight and Jeeves (of all people!) forced to play the goof.\": {\"frequency\": 1, \"value\": \"He only gets third ...\"}, \"I truly despised this film when i saw it at the age of about 6 or 7 as I was a huge fan of Robin Williams and nothing he could do was bad. Until this. This complete trash ruined Robin for me for a long time. I'm only recovering recently with his funny but serious part in Fathers day but then he went on to create another mistake, Bicenntinial Man i think it was called but the point is. Robin should be getting much better jobs by now and now he has returned to performing the slime that originated with this 'classic'.\": {\"frequency\": 1, \"value\": \"I truly despised ...\"}, \"What a HUGE pile of dung. Shot-on-video (REALLY crappy camcorder, NOT digital) pile of garbage. It is without a doubt, the stupidest thing ever made. The fact that this crap was actually released is completely asanine. Everyone who sees it will become stupider for having watched it. Seriously. I felt like it killed several brain cells after I watched this garbage. The positive reviews of this a$$crap were obviously made by the \\\"filmmaker\\\" (and I use the term VERY loosely) himself and/or his family and friends because no normal person with the intelligence of a squirrel would honestly like this waste of life. Trust me, stay the hell away from this video. You'll thank me for it. Avoid it like herpes.\": {\"frequency\": 1, \"value\": \"What a HUGE pile ...\"}, \"Steve Carell has made a career out of portraying the slightly odd straight guy, first on 'The Daily Show', and then in various supporting roles. In Virgin, Carell has found a clever and hilarious script that perfectly capitalizes on his strengths. Carell plays Andy Stitzer, a middle aged man living a quiet, lonely life. Andy is a little odd, but in an awkward nice guy sort of way. One night, while socializing with his co-workers for the first time, Andy accidentally reveals that he is a virgin. His co-workers, David (Paul Rudd), Jay (Romany Malco), and Cal (Seth Rogen) initially tease Andy about his situation. But it's clear that all three have a certain respect for the decent human being that Andy is, and they resolve to help him out by assisting him in ending his virginity. And so begins Andy's quest into adulthood. Andy is the quintessential innocent, and the bulk of the humor derives from his naivet\\ufffd\\ufffd to the situations he finds himself in throughout the film. Some of the humor is crude gross out stuff, but most of it is just well done intelligent comedy. In addition, I found some parts of the film actually pretty touching as Andy finds himself developing both romantic relationships and friendships perhaps for the first time in his life. I'm not trying to portray the movie as a love story or a drama; it's a rolling in your seats comedy. Still, every good comedy I have ever seen contains enough heart for you to care about the characters. A good comparison would be 'The Wedding Crashers' from earlier this summer. Virgin has a similar humor, but is perhaps a bit more vulgar in some of its jokes. I particularly loved the ending of the film, which I thought was a perfect way to end the flick. Without giving anything away, it reminded me of 'Something About Mary'. Very light and fun; it leaves you laughing and smiling, which is exactly how you should feel when you finish a comedy. I would highly recommend.\": {\"frequency\": 1, \"value\": \"Steve Carell has ...\"}, \"This film was a yawn from titles to credits, it's boring to the point of tedium and the acting is wooden and stilted! Admittedly this was director Richard Jobson directing debut, but who on earth green-lit a script as poorly developed as this one? Looks like another money down the drain government project (Scottish Screen are credited surprise, surprise). I nearly fell asleep three times and my review will unfortunately have to be more restrained than this one. Please, please mister Jobson what ever you've been doing prior to directing this sedative of a film, go back to it!\": {\"frequency\": 1, \"value\": \"This film was a ...\"}, \"You know the people in the movie are in for it when king-sized hailstones fall from a clear blue sky. In fact, the weather stays pretty bad throughout this atmospheric thriller, and only lawyer Chamberlain has the answer. But he's too much the European rationalist, I gather, to get in touch with that inner being that only reveals itself through dreams.

Darkly original mystery heavy on the metaphysics from director-writer Peter Weir. Already he had proved his skill at flirting with other dimensions in Picnic at Hanging Rock (1975). Here it's the arcane world of the Australian Aborigines that confronts that the tightly ordered world of the predominant whites. Something strange is going on inside the Aborigine community when they kill one of their number for no apparent reason. Yuppie lawyer Chamberlain is supposed to defend them in a white man's court. But the more he looks into things, the more mysterious things get, and the more interested a strange old Aboriginal man gets in him. And then there're those scary dreams that come and go at odd times.

Well structured screenplay deepens interest throughout. One reason the movie works is the background normalcy of Chamberlain's wife and little daughters. Audiences can readily identify with them. And when their little world runs into forces beyond the usual framework, the normalcy begins to buckle, and we get the feeling of worlds beginning to collide. Chamberlain underplays throughout, especially during the underground discovery tour where I think he should have shown more growing awareness than he does. After all, it's the picking up of the mask that holds the key (I believe) to the riddle, yet his reaction doesn't really register the revelation.

Of course, the notion of nature striking back has a certain resonance now, thirty years later. In the film, the notion is wrapped in a lot of entertaining hocus-pocus, but the subject itself remains a telling one. One way of bringing out a central irony in the movie is the symbolism of the opening scene. A big white SUV barrels past an aboriginal family, leaving them in the historical dust. The terrain looks like an interior tribal reservation of no particular importance to the coastal fleshpots where industry dwells. Yet, it's also a region most likely to survive anything like a destructive last wave. Perhaps there's something about past and future to think about here.

Anyway, this is a really good movie that will probably stay with you.\": {\"frequency\": 1, \"value\": \"You know the ...\"}, \"I'll keep this short as a movie like this doesn't deserve a full review.

Given the setting, this movie could have been something really special. It could have been another \\\"28 days later\\\" or even a \\\"Blair Witch Project\\\"

The first 20 or so minutes of the movie I was really excited, directer did a decent job with cinematography and suspense, although I don't think He managed to capture true eeriness of an empty London Underground.

Characters were a big let down. Our \\\"heroine\\\" in this movie is a worthless piece of crap, and you really don't care if she dies or not. As many people have said before, I was rooting for the homeless people and the black guy, who managed to give me a chuckle or two(whether intentional of the writers or not).

The main villain, is kept in the dark for the first half of the movie, but when he is revealed I was really disappointed. I won't spoil it but lets just say my 10 year old sister could probably beat him in a wrestling match.

All in all this is just another mediocre horror film which falls into the trap of following a simple Hollywood formula. This film had a lot of potential but really failed to hit the mark.

Just to highlight how lame this movie was, the characters in this movie had at least FIVE TIMES to finish off and kill the main villain. INSTEAD THEY RUN AWAY.\": {\"frequency\": 1, \"value\": \"I'll keep this ...\"}, \"It starts slowly, showing the dreary lives of the two housewives who decide to rent a castle in Italy for the month of April, but don't give up on it. Nothing much happens, but the time passes exquisitely, and there are numerous sly jokes (my favorite is the carriage ride in the storm, which I find hilarious). The movie is wonderfully romantic in many senses of the word, the scenery is beautiful (as is Polly Walker), and the resolutions in the movie are very satisfying.

The movie takes a couple of liberties with the book, the biggest being with the Arbuthnot/Briggs/Dester business, but I actually preferred the movie's version of this (it may be more sentimental, but I felt that it was more consistent with the tone of the story, and anyway I like sentiment when it's well done).

An excellent movie, especially as a date movie during lousy weather.\": {\"frequency\": 1, \"value\": \"It starts slowly, ...\"}, \"I watched both Bourne Identity and Bourne Supremacy on DVD before seeing this in the theater. I'd been waiting for this since before they started filming. I wasn't disappointed.

Minor spoilers below-

Overall it was good, but it also lacked the continuity of the first two. Identity and Supremacy both flowed gracefully between adrenaline rush action to introspective drama. This movie felt choppy at times. The plot-building down-times were slightly too drawn out. That caused the following action to feel too frenetic.

Camera: Speaking of frenetic, the trademark Greengrass shaky cam was present and very annoying to me. I know its has been talked/whined about to nausea on the message board, but it doesn't mean it's not relevant. All the martial arts training the actors went through was totally wasted. The ridiculous camera cuts and wiggling camera ruined most of the fighting in the movie. It is a cheap, student director trick to make the film feel unsettled. I'd expect those techniques to be used in some horror flick made for high school kids, but not in this classy, adult, action series. Too much extreme close-up also. Do some framing. Get some interesting shots. Constant close-up feels like lazy directing to me.

Story: The story was VERY confusing at first. They thrust new names and faces upon you from the get go. Gave me the feeling that you get when you come into a movie late and know you've missed some crucial information. Felt rushed or compressed for time reasons. After you catch up however the story is quite good. It's enjoyable following leads along with Bourne. HOWEVER, I did NOT care for the whole last scene of Supremacy (Landy/Bourne on the phone) being in the middle of Ultimatum thing. It basically makes the movie a half-prequel. I thought that was awkward.

Cast/Characters: The star of the movie is the action. Obviously there are only two originals left. Bourne and Nicky Parsons. Them teaming up was kind of odd to me. I think they just wanted to give Bourne someone to protect to and confide in. Unless I completely missed something, they never even tell you why they teamed up. The other assassins in the movie were pretty quiet. This felt like Gilroy/Greengrass/whoever wanting to not leave open ends. Understandable but disappointing. Seriously, Damon with Clive Owen in Identity and Marton Csokas in Supremacy.. Those scenes were phenomenal. These assassins are as uninteresting as Castel (the first fella Bourne fights in Identity). The cast in general has degraded as the the series went on. Clive Owen was practically an afterthought. That's a measure of strength for that first cast. The second, they basically trade Chris Cooper for Joan Allen.... Not exactly equal. This one trades Brian Cox and Franka Potente for 3 actors to be named later. Nothing against David Strathairn, Scott Glenn, or Albert Finney, but they're not the first names that come to mind for this kind of series. Aside from a couple pauses that seemed to long, the acting was right on.

As a whole, it was successful. Felt like they wanted to get the series over with though. If they would have trimmed or rearranged the slower parts, eliminated Scott Glenn's part entirely, zoomed out, and taken the camera away from the seizure victim, it would have been perfect.

ENDING SPOILER

I don't see why they leave Bourne alive at the end. It was my understanding this was the conclusion. They clearly made reference to the very beginning of the series with his silhouette floating motionless. I thought that was going to be it. A full circle type of ending. I did like Nicky reacting to the news report though.

SPOILER SPECIFICS WARNING - QUOTE FROM MOVIE BELOW -

Bourne's last line at the end \\\"Look at this.. Look at what they make you give.\\\" quoting the first assassin he killed, I loved that. The final scene was great. (Except that it was Vosen {Strathairn} that shot at Bourne. Why would he do that? Just out for vengeance? If he was angry enough to murder, why not shoot Pamela Landy after she faxes his top secret file? That didn't make sense.)\": {\"frequency\": 1, \"value\": \"I watched both ...\"}, \"In sixth grade, every teacher I had decided it would be a great idea to make this movie the curriculum for an entire semester. Every class had something to do with this terrible show. We watched it in English and wrote in journals as if we were one of the characters. In math we talked about charts and other sea crap. In science we talked about whales (which was actually somewhat interesting, so this wasn't a 100% waste of time). All day everyday was torture. Not only that, but they would subject us to this horror twice a day by making us watch it in study hall as well. I could see if this was a new series or something, but it was, like, '93. I'm still trying to block this out.\": {\"frequency\": 1, \"value\": \"In sixth grade, ...\"}, \"The only way we survived this stinker was by continually making fun of its stupidity. Funny thing is none of the audience around us seemed to mind--we all joined in.

This movie is soooo bad, its only potential is to become a midnight cult movie that people can invent lines and throw popcorn at.\": {\"frequency\": 1, \"value\": \"The only way we ...\"}, \"Can we say retarded? This girl has no talent what so ever, nothing but complete garbage. You people are just marking 10 stars because you know most people hate this pathetic woman, if its such a \\\"great\\\" show then why did it get canceled after 6 measly episodes? exactly. People that support her, please seek help you do NOT know what is funny. Her stand up comedy is just so stupid, seriously how do you find this trash funny? The show tries to poke fun at stereo types and other things that are not funny at all. Carlos Mencia is funny and to that stupid poster, he actually has fans and his show is on the air so I'm sorry your a redneck who doesen't get his jokes. Please give me my 20 minutes of my life back.\": {\"frequency\": 1, \"value\": \"Can we say ...\"}, \"I don't believe there has ever been a more evil or wicked television program to air in the United States as The 700 Club. They are today's equivalent to the Ku Klux Klan of the 20th century. Their hatred of all that is good and sweet and human and pure is beyond all ability to understand. Their daily constant attacks upon millions and millions of Americans, as well as billions of humans the world over, who don't happen to share their bigoted, cruel, monstrous, and utterly insane view of humanity is beyond anything television has ever seen. The lies they spout and the ridiculous lies they try to pass off as truth, such as the idea of \\\"life after death\\\" or \\\"god\\\" or \\\"sin\\\" or \\\"the devil\\\" is so preposterous that they actually seem mentally ill, so lost are they in their fantasy. Sane people know that religion is a drug and shouldn't let themselves get addicted to that type of fantasy. However, The 700 Club is in a class by itself. They are truly a cult. While I believe in freedom of speech, they way they spread hatred, lies, disinformation, and such fantastic ideas is beyond all limits. I hope that one day the American Psychiatric Association will finally take up the study of those people who delude themselves in this way, people who let themselves sink so deeply into the fantasy land of religion that they no longer have any real concept of reality at all. Treatment for such afflicted individuals is sorely needed in this country, as so many people have completely lost their minds to the fantasy of religion. The 700 Club though, is even more horrible as it rises to the legal definition of 'cult' but due to The 700 Club's vast wealth (conned daily from the millions of Americans locked in their deceitful grip) they are above the law in this country. For those of you who have seen the movie \\\"The Matrix\\\" you know that movie was a metaphor for religion on earth: the evil ones who are at the top of each of the religions who drain the ones they have trapped and cruelly abuse for their own selfish purposes, and those millions who are held in a death sleep and slowly being drained of their life force represent those many people who belong to religions and who have lost all ability to perceive what is really going on around them.

In less civil times, the good townsfolk would have run such monsters as those associated with The 700 Club out of town with torches and pitchforks. But in today's world where people have lost all choice in their choices of television that is presented to them, we have no way to rid ourselves of the 700 Club plague.

The television ratings system and the \\\"V\\\" chip on TV's should also have a rating called \\\"R\\\" for religion, so that rational people and concerned parents could easily screen such vile intellectual and brutal emotional rape, such as presented by The 700 Club every day all over our country, from themselves and their children.\": {\"frequency\": 1, \"value\": \"I don't believe ...\"}, \"Judy Holliday struck gold in 1950 withe George Cukor's film version of \\\"Born Yesterday,\\\" and from that point forward, her career consisted of trying to find material good enough to allow her to strike gold again.

It never happened. In \\\"It Should Happen to You\\\" (I can't think of a blander title, by the way), Holliday does yet one more variation on the dumb blonde who's maybe not so dumb after all, but everything about this movie feels warmed over and half hearted. Even Jack Lemmon, in what I believe was his first film role, can't muster up enough energy to enliven this recycled comedy. The audience knows how the movie will end virtually from the beginning, so mostly it just sits around waiting for the film to catch up.

Maybe if you're enamored of Holliday you'll enjoy this; otherwise I wouldn't bother.

Grade: C\": {\"frequency\": 1, \"value\": \"Judy Holliday ...\"}, \"I always wrote this series off as being a complete stink-fest because Jim Belushi was involved in it, and heavily. But then one day a tragic happenstance occurred. After a White Sox game ended I realized that the remote was all the way on the other side of the room somehow. Now I could have just gotten up and walked across the room to get the remote, or even to the TV to turn the channel. But then why not just get up and walk across the country to watch TV in another state? \\\"Nuts to that\\\", I said. So I decided to just hang tight on the couch and take whatever Fate had in store for me. What Fate had in store was an episode of this show, an episode about which I remember very little except that I had once again made a very broad, general sweeping blanket judgment based on zero objective or experiential evidence with nothing whatsoever to back my opinions up with, and once again I was completely right! This show is a total crud-pie! Belushi has all the comedic delivery of a hairy lighthouse foghorn. The women are physically attractive but too Stepford-is to elicit any real feeling from the viewer. There is absolutely no reason to stop yourself from running down to the local TV station with a can of gasoline and a flamethrower and sending every copy of this mutt howling back to hell.

Except..

Except for the wonderful comic sty lings of Larry Joe Campbell, America's Greatest Comic Character Actor. This guy plays Belushi's brother-in-law, Andy, and he is gold. How good is he really? Well, aside from being funny, his job is to make Belushi look good. That's like trying to make butt warts look good. But Campbell pulls it off with style. Someone should invent a Nobel Prize in Comic Buffoonery so he can win it every year. Without Larry Joe this show would consist of a slightly vacant looking Courtney Thorne-Smith smacking Belushi over the head with a frying pan while he alternately beats his chest and plays with the straw on the floor of his cage. 5 stars for Larry Joe Campbell designated Comedic Bacon because he improves the flavor of everything he's in!\": {\"frequency\": 1, \"value\": \"I always wrote ...\"}, \"Okay, this film probably deserves 7 out of 10 stars, but I've voted for \\\"10\\\" to help offset the misleading rating from the handful of bozo's who gave this film zero or 1 star reviews. Each of the segments for this anthology shows great potential and promise for the talented filmmakers... three of whom have gone on to achieve notable success in big-time Hollywood productions. Performances range from rough all the way up to completely impressive, with notable turns by Bill Paxton, James Karen, Vivian Schilling and Brion James. Martin Kove may be a big melodramatic as the psychotic hypnotist with the bizarro strobe-lamp, and Lance August seems intentionally dimwitted as an unsuspecting lab victim. But overall, it's got some great laughs and some genuinely scary moments. Definitely worth seeing, so judge for yourself!\": {\"frequency\": 1, \"value\": \"Okay, this film ...\"}, \"Time travel is a fun concept, and this film gives it a different slant. I got a kick out of Captain Billingham, one of the more down-to-earth characters, who was just not having a good day. Ordinarily, I don't choose to watch horror films, but this is an exception. Good story, excellent acting.\": {\"frequency\": 1, \"value\": \"Time travel is a ...\"}, \"Howling II (1985) was a complete 180 from the first film. Whilst the first film was campy and creepy. The second one was sleazy and cheesy. The production values on this one are pretty bad and the acting is atrocious. The brother of the anchorwoman werewolf from part one wants to find out what happened to his sis'. The \\\"scene\\\" from the first film was badly re-created. A skinny plain looking woman accompanies bro' (Reb Brown) to the old country (Romania) to uncover the mystery to her sister's murder/transformation/death. Christopher Lee appears and disappears over now and then as sort of a sage/guide to the two. Sybil Danning and her two biggest assets appear as Stirba, the head werewolf of the Romania. She also suffers from a bad case of morning face, ewww!

Bad movie. There's nothing good about this stinker. I'm surprise Philippe Mora directed this picture because he's usually a good film-maker. The film is so dark that you need a flashlight to watch it (no, not the content but the film stock itself). To round the movie off you get a lousy \\\"punk\\\" performance from a Damned wannabe \\\"Babel\\\". Maybe if they forked over a couple of extra bucks they could've got the real deal instead of an imitation.

Best to avoid unless you're desperate or you lost the remote and you're too lazy to change the channel.\": {\"frequency\": 1, \"value\": \"Howling II (1985) ...\"}, \"I read comments about this being the best Chinese movie ever. Perhaps if the only Chinese movies you've seen contained no dialogue, long drawn-out far-away stares and silences, and hack editing, then you're spot on.

Complicated story-line? Hardly. Try juvenile and amateurish. Exquisite moods and haunting memories? Hardly. Try flat-out boring and trite.

This was awful. I could not wait for it to be over. Particularly when the best lines in the movie consist of \\\"How are you? I'm fine. Are you sure? Yes.\\\" Wow! What depth of character. I guess the incessant cigarette smoking was supposed to speak for them.

As a huge fan of many Chinese, Japanese and Korean films, I was totally disappointed in this. Even Zhang's sentimentally sappy \\\"The Road Home\\\" was better than this.\": {\"frequency\": 1, \"value\": \"I read comments ...\"}, \"I felt this movie started out well. The acting was spot on and I felt for all the characters situation, even though the true family unit was not completely revealed. We never got enough info on the father to truly feel his pain for his whole involvement or the build up for his animosity with Tobe. I mean in one scene you see him admiring her for tensity and in another scene he just about takes her head off. Another problem with the movie was it just unraveled and lost all focus by the end, and I was begging for it to just be over with. Any movie with such a long drawn out , and painful ending should never get an automatic rating of 7 or above just for the acting. We are looking at the over all quality of the movie experience. In the case of this movie the end is so bad I seriously contemplated just walking out of the theater. This movie pulled me in then just spit me out.\": {\"frequency\": 1, \"value\": \"I felt this movie ...\"}, \"Beforehand Notification: I'm sure someone is going to accuse me of playing the race card here, but when I saw the preview for this movie, I was thinking \\\"Finally!\\\" I have yet to see one movie about popular African-influenced dance (be it popular hip hop moves, breaking, or stepping) where the main character was a Black woman. I've seen an excessive amount of movies where a non-Black woman who knew nothing about hip hop comes fresh to the hood and does a mediocre job of it (Breakin, Breakin 2, Save the Last Dance, Step Up), but the Black women in the film are almost nonexistent. That always bothered me considering so much of hip hop, African-influenced dance, and breaking was with Blacks and Latinos in massive amounts in these particular sets and it wasn't always men who performed it, so I felt this movie has been a long time coming. However, the race does not make the film, so I also wanted it to carry a believable plot; the dancing be entertaining; and interesting to watch.

Pros: I really enjoyed this film bringing Jamaican culture. I can't recall ever seeing a popular, mainstream film where all the main characters were Jamaican; had believable accents; and weren't stereotypical with the beanies. The steppers, family, friends, and even the \\\"thugs\\\" were all really intelligent, realistic people who were trying to love, live, and survive in the neighborhood they lived in by doing something positive. Even when the audience was made aware that the main character's sister chose an alternate lifestyle, it still didn't make the plot stereotypical. I was satisfied with the way it was portrayed. I LOVED the stepping; the romantic flirty relationship going on between two steppers; the trials that the main character's parents were going through; and how she dealt with coming back to her old neighborhood and dealing with Crabs in a Barrel. I respected that she was so intelligent and active at the same time, and so many other sistas in the film were handling themselves in the step world. They were all just as excellent as the fellas. I don't see that in too many movies nowadays, at least not those that would be considered Black films.

Cons: I'm not quite sure why the directors or whoever put the movie together did this, but I question whether they've been to real step shows. Whenever the steppers got ready to perform, some hip hop song would play in place of the steppers' hand/feet beats. At a real step show, there is zero need for music, other than to maybe entertain the crowds in between groups. And then when hip hop songs were played, sometimes the beat to the song was off to the beat of the steppers' hands and feet. It was awkward. I was more impressed with the stepping in this movie versus \\\"Stomp the Yard\\\" (another great stepping movie) because the women got to represent as fierce as the guys (in \\\"Stomp the Yard,\\\" Meagan Good got all of a few seconds of some prissy twirl and hair flip and the (Deltas?) let out a chant and a few steps and were cut immediately). Even when there were very small scenes, the ladies tore it up, especially in the auto shop, and it was without all that music to drown out their physical music. I know soundtracks have to be sold, but the movie folks could've played the music in other parts of the film.

I'm not a Keyshia Cole fan, so every time I saw her, all I kept thinking was \\\"Is it written in the script for her to constantly put her hand on her hip when she talks?\\\" She looked uncomfortable on screen to me. I thought they should've used a host like Free or Rocsi instead. Deray Davis was funny as usual though. Also, I groaned when I found out that the movie was supposed to be in the ghetto, like stepping couldn't possibly happen anywhere else. Hollywood, as usual. However, only a couple of people were portrayed as excessively ignorant due to their neighborhood and losers, which mainstream movies tend to do.

I would've given this movie five stars, but the music playing killed it for me. I definitely plan to buy it when it comes out and hopefully the bonus scenes will include the actual step shows without all the songs.\": {\"frequency\": 1, \"value\": \"Beforehand ...\"}, \"I don't think this is too bad of a show under the right conditions. I tolerated the first season.

Unfortunately, this is a show about lawyers who aren't really lawyers. God forbid anybody actually go to law school based on these shows, which I had heard was the case when I watched some interviews of the show. It just made me gag a bit.

That aside, Spader and Shatner, who are supposed to be the stars of the show, are the most annoying. While this might be a compliment in some situations, it's certainly not here. Their constantly harassing the women on the show is funny at first. But since that's what they're doing literally all the time, I've realized that this is as deep as the show is going to get. Trying to intersperse some serious, dramatic, and even tear-jerking moments in the middle of this mockery of a real show fails to compensate for the progressive loss of interest I've been experiencing trying to enjoy the show.

Alan Shore's flamboyant and gratuitous \\\"public service announcements\\\" where he spouts off his opinions do not impress. Denny Crane is just annoying. I was embarrassed for him and for the writers of the show for Crane's speech wearing a colonial outfit.

I'm giving two stars because there are moments where I thought the show's attempts to deal with some contemporary issues were done with care.

I think the show's writers became aware that the sexual harassment displayed by Denny and Alan was getting overbearing even to those who were more inviting of them from the start. The thing is, I don't care if the sexual harassment treatment in the show is done well, but I just felt that the writer was insulting me with artificially implanting sexual banters all over the show in the hopes that my libido will keep me coming back for more. I'm not a teenager anymore, and I think this show is promising if its goal wasn't to cater to the lowest common denominator to get ratings.

Of course, I'm writing this after I realized that it's really not gonna get much better than this. It's a shame because it's one of those shows I'd love to love.\": {\"frequency\": 1, \"value\": \"I don't think this ...\"}, \"Never before have the motives of the producers of a motion picture been more transparent. Let's see: FIRST, they get every willing televangelist to hype this film as the greatest thing since sliced white bread. NEXT, they encourage as many fundamentalist Christians as possible to purchase copies of the film so as to recoup its paltry production costs and pump up its advertising budget. And FINALLY, when the film hits the theaters, get as many said Christians as possible to see it yet again, bus them into the multiplexes if necessary, NOT on the merits of the film itself, but because a #1 box office opening will be seen as some sort of profound spiritual victory.

But THAT, of course, won't be enough. I imagine that any film critic with the audacity to give \\\"Left Behind\\\" anything short of a glowing review will be deemed \\\"anti-Christian.\\\"

Of course, this shamelessly manipulative marketing campaign shouldn't surprise anyone. It is, after all, good old fashioned Capitalism at work. What DOES surprise me is how many people have been suckered into the whole \\\"Left Behind\\\" mindset. As someone who tries to balance his spiritual beliefs with some sense of reason and rationality, it leaves me scratching my head. It would appear that there are many, MANY people who actually believe that sometime in the near future a \\\"Rapture\\\" is going to occur, and that millions of people all over the Earth are going to simultaneously vanish INTO THIN AIR. What kind of reality, I wonder, are these people living in? Is this \\\"Rapture\\\" something they actually believe in, or is it something they fervently WANT to believe in? And when they reach the end of their lives and realize this \\\"Rapture\\\" has not occurred, will they be disappointed and disillusioned? Will there still be people 100 years from now insisting that the \\\"Rapture\\\" is imminent?

In a way, I almost wish that such an event would occur! What an interesting day that would be! What would be even more interesting is if the Apocalypse were to occur in a more spectacular fashion, not in the anthropological sense the authors of the \\\"Left Behind\\\" series have portrayed, but as more of a Stephen Spielberg production, with boiling clouds, trumpets, angels descending out of the sky, Moon turned to blood, the whole nine yards. Imagine coming to the realization that it was all coming true, just as the evangelists had been warning for years, and that there was something more awesome than just the cold, hard, physical reality we inhabit. Wouldn't THAT be something???

Yet in the final analysis, it's that cold, hard, physical reality that I will content myself with. My life is not so meaningless that I need the fear of a \\\"Rapture\\\" and the \\\"End Times\\\" to make sense of it all ... nor do I need Heaven or Hell to bribe or scare me into behaving decently, thank you very much.\": {\"frequency\": 1, \"value\": \"Never before have ...\"}, \"I have had the chance to watch several movies in BluRay and HD DVD. This movie stays to it's wonderful action and great story. Although if you are looking for a movie with an excellent picture this one is not it. Not having this movie on DVD helped make the purchase easier. I have always enjoyed the intense action and the excellent acting which don't always go together. Overall that is what makes this an excellent fun film to watch. Now on the Blu Ray scale. In many Blu Ray movies you either get two things. A picture that is almost crystal clear with no distortion or a movie with grainy hd picture. I was disappointed when I made this my first blu ray movie. I almost began to think that this was a blu ray standard. Although after watching other movies I know better. I don't believe they spent as much time as they should have transferring this movie over to hd. That is generally the problem with some movies. And for the price of Blu Ray players and the Blue Ray Discs you should only have the best picture. So I only consider this a worthwhile investment for people who have either never seen the movie or have not bought the DVD version.\": {\"frequency\": 1, \"value\": \"I have had the ...\"}, \"This reminded me of Spinal Tap, on a more serious level. It's the story of a band doing a reunion tour, but things are not harmonious between them. I was especially impressed with the performance of Bill Nighy as Ray. You felt sorry for him, yet he had a certain creepiness about him. It's a great movie to watch if you have ever seen your favorite band get wrinkly,old and pathetic.Bittersweet, highly recommended..\": {\"frequency\": 1, \"value\": \"This reminded me ...\"}, \"A truly unpleasant film. While Rick Baker's special effects are quite impressive (if stomach-turning), it has no other redeeming features. Like many 70s movies, it leaves you feeling as if you need to take a long shower, and scrub the slime off of yourself. The characters are uniformly unpleasant, and plot makes no sense.\": {\"frequency\": 1, \"value\": \"A truly unpleasant ...\"}, \"I must say that, looking at Hamlet from the perspective of a student, Brannagh's version of Hamlet is by far the best. His dedication to stay true to the original text should be applauded. It helps the play come to life on screen, and makes it easier for people holding the text while watching, as we did while studying it, to follow and analyze the text.

One of the things I have heard criticized many times is the casting of major Hollywood names in the play. I find that this helps viewers recognize the characters easier, as opposed to having actors that all look and sound the same that aid in the confusion normally associated with Shakespeare.

Also, his flashbacks help to clear up many ambiguities in the text. Such as how far the relationship between Hamlet and Ophelia really went and why Fortinbras just happened to be at the castle at the end. All in all, not only does this version contain some brilliant performances by actors both familiar and not familiar with Shakespeare. It is presented in a way that one does not have to be an English Literature Ph.D to understand and enjoy it.\": {\"frequency\": 1, \"value\": \"I must say that, ...\"}, \"I gave this a 10 out of 10 points. I love it so much. I am a child of the 80s and totally into heavy metal for many years. Those are the reasons i like this movie so much. Its so cool to see those posters in the bedroom of that boy (Judas Priest, Lizzy Borden, Raven, Twisted sister...)and his vinyl collection(unveiling the wicked by Exciter, Rise of the mutants by shock metal master Impaler and Killing is my business by Megadeth). Also the soundtrack by FASTWAY is totally incredible and fits very well with the plot. If you are into metal, then TRICK OR TREAT is your friend. Don't buy or watch this movie for OZZY or GENE SIMMONS because they are in the movie for seconds, watch it because the soundtrack and the story that will take you back to the glory 80s. You will not be the same person after.\": {\"frequency\": 1, \"value\": \"I gave this a 10 ...\"}, \"I was thinking that the main character, the astronaut with the bad case of the runs(in his case, his skin, hair, muscles, etc) could always get more movie work after he'd been reduced to a puddle. All he has to do is get a job as the Blob. The premise of this flick is pretty lame. An astronaut gets exposed to sunspot radiation(I think), and so begins to act like an ice cream cone on a hot day. Not only is this a puzzler, but apparently he has to kill humans and consume their flesh so that he can maintain some kind of cell integrity. Huh? Have you ever noticed that whenever any kind of radiation accident or experiment happens, the person instantly turns into a killing machine? Why is that?

The astronaut lumbers off into the night from the 'secret facility'(which has no security whatsoever), shedding parts of himself as he goes. Apparently he retains just enough memory to make him head for the launch pad, maybe because he wanted to return to space.

Thus begins the part of the movie that's pretty much filler, with a doctor wandering around with a Geiger counter, trying to find the melting man by the buzz he gives off. He kills a stupid Bill Gates look-alike fisherman, scares a little girl a la the Frankenstein monster movie, and finishes off a wacky older couple(punishing them karmically for stealing some lemons). Then there's a short scene where he whacks his former General, and a very long scene where he kills a young pothead and chases his girlfriend around. You'd think that after she cuts his arm off and he run away, the scene would shift. But no...we're treated to about ten minutes of the woman huddled into a corner panting and screaming in terror, even though the monster is gone. All I could think was..director's girlfriend, anyone?

The end of the movie is even lamer than the rest of it. The melting man finishes turning into a pile of goo, and then...nothing. That's it. That's the end of the movie. Well, at least that meant that there was no room for a sequel.\": {\"frequency\": 1, \"value\": \"I was thinking ...\"}, \"Some nice scenery, but the story itself--in which a self-proclaimed Egyptologist (Lesley-Anne Down) visits Egypt and, in the course of doing Egyptologist things in the most un-Egyptologistic of ways (e.g., flash photography in the tombs, the handling of old parchment, etc.), uncovers a black market turf war and somehow (in the span of two days, no less!) becomes that war's jumpsuit-wearing epicenter--is more puzzling than any riddle the Sphinx ever posed. Down is simply awful as the visiting British scholar (that she seems to know absolutely nothing about the culture of Egypt and even less about antiquities is the fault of the writers, certainly; but that she's annoying as all get out is her own fault entirely), and the rest of the cast, including Sir John Gielgud and Frank Langella, seem as downright confused by the proceedings as I was. In short, not what you'd expect from Schaffner (Planet of the Apes, Patton) and co.

Worth watching for a laughably dated scene in which Down rails against all male scholars, blaming them for her failure as an academic, while bathed under the softest light Hollywood could muster. To top it off, she spends the next hour of the film shrieking and harried and running into the arms of any dude she can find. Wow, talk about your performative irony!

*Note to would-be Egyptologists: take a year or two of Arabic in grad school. It'll really help out in the long run...\": {\"frequency\": 1, \"value\": \"Some nice scenery, ...\"}, \"Even the first 10 minutes of this movie were horrific. It's hard to believe that anybody other than John Cusack would have put money into this. With a string of anti-military/anti-war movies already being destroyed at the box office, it's almost inconceivable that a studio of any kind would want itself associated with this script.

At first, it may have seemed like some kind of politically motivated derivative of Grosse Point Blank with Akroyd and Cusack(s) all over again. But only about 90 seconds into the movie, it becomes obvious that this is a talentless attempt at DR STRANGELOVE.

I liked so many of Cusacks movies that I thought I would risk seeing the DVD of this one. I have to say that I don't know if Cusack is sane enough for me to even watch another feature starring him again unless somebody else can vouch for it. Cusack seems to be so irreparably damaged by his hatred for George Bush and the Iraq war that he is willing to commit career suicide. Tom Cruise was never close to being this far gone. Not even close.\": {\"frequency\": 1, \"value\": \"Even the first 10 ...\"}, \"Just like last years event WWE New Years Revolution 2006 was headlined by an Elimination Chamber match. The difference between last years and this years match however was the entertainment value. In reality only three people stood a chance of walking out of the Pepsi Arena in Albany, New York with the WWE Championship. Those men were current champion John Cena, Kurt Angle and Shawn Michaels. There was no way Vinnie Mac would put the belt on any of the rookies; Carlito or Chris Masters. And Kane? Kane last held the WWE Championship in June 1998, and that was only for one night. It was obvious he wasn't going to be the one either. Last years match was a thrilling affair with six of the best WWE had to offer. 2006 was a predictable and disappointing affair but still the match of the night by far.

The only surprise of the evening came after the bell had run on the main event. Out strolled Vince McMahon himself and demanded they lift the chamber. It was then announced that Edge was cashing in his money in the bank championship match right then and there. With no time to prepare and just off the back of winning the Elimination Chamber match John Cena did not stand a chance and dropped the title after a spear to one of the most entertaining heels in WWE. This was the only entertaining piece of action that happened all night.

The undercard, like last year, was truly atrocious. Triple H and The Big Show put on a snore fest that had me struggling to stay away. HHH picked up the win but that was never in any real doubt was it? Any pay-per-view that has both Jerry Lawler and Viscera wrestling on the same card will never have any chance of becoming a success really does it. The King pinned Helms (who books this stuff?) and Big Vis tasted defeat against the wasted Shelton Benjamin with a little help from his Mama.

The women of the WWE also had a busy night. There was the usual Diva nonsense with a Bra and Panties Gauntlet match which was won by Ashley and the Woman's Championship was also on the line. In a match, I thought would have been left to brew till WrestleMania 22 Mickie James challenged Trish Stratus in a good match. Trish won the contest but it was evident that this is going to continue for the foreseeable future.

The opening contest of the night pitted soon to be WWE Champion Edge against Intercontinental Champion, Ric Flair. This could have been better but it was a battered and bloody Flair that retained after a disqualification finish. Edge obviously had bigger fish to fry.

So New Years Revolution kicked off the 2006 pay-per-view calendar in disastrous fashion. The only good thing from that is knowing that for the WWE the only way is up. They don't get much worse than this.\": {\"frequency\": 1, \"value\": \"Just like last ...\"}, \"I got a free pass to a preview of this movie last night and didn't know what to expect. The premise seemed silly and I assumed it would be a lot of shallow make-fun-of-the-virgin humor. What a great surprise. I laughed so hard I cried at some of the jokes. This film is a must see for anyone with an open mind and a slightly twisted sense of humor. OK.....this is not a movie to go to with your grandmother (Jack Palance?) or small children. The language is filthy, the jokes are (very) crude, and the sex talk is about as graphic as you'll find anywhere. What's amazing, however, is that the movie is still a sweet love story. My girlfriend and I both loved it. Steve Carell is terrific, but (like The Office) the supporting cast really makes the film work. All of the characters have their flaws, but they also have depth and likability. Everyone pulls their weight and the chemistry is perfect. I can't wait to get the DVD. I'm sure it will be up there with Office Space for replays and quotable lines.\": {\"frequency\": 1, \"value\": \"I got a free pass ...\"}, \"Good old black and white Graham Greene based people in dangerous times doing heroic and mysterious things. Hardly a shot fired or a punch thrown and a hundred time more interesting than the glop that's being minted by Hollywood today. Bacall lights up the screen of course and Boyer is entirely engaging. They don't make movies like this any more.\": {\"frequency\": 1, \"value\": \"Good old black and ...\"}, \"First let me say that I am not a Dukes fan, but after this movie the series looked like Law and Order. The worst thing was the casting of Roscoe and Boss Hogg. Burt Reynolds is not Boss Hogg, and even worse was M.C. Gainey as Roscoe, If they ever watched the show Roscoe was not a hard ass cop. He was more a Barney Fife than the role he played in this movie.

The movie is loaded with the usual errors, cars getting torn up, and continues like nothing happened. The worst example of this is when the the General gets together with Billy Prickett, and the General is ran into a dirt hill obviously slowing to a near stop, but goes on to win the race.\": {\"frequency\": 1, \"value\": \"First let me say ...\"}, \"Ok, first I have to point the fact that when I first saw this flick I was 9 years old. If I had seen this one two weeks ago for the first time, I\\ufffd\\ufffdd probably have noted that this is just another cheaply-made-cable-TV horror film with some well-made scenes. But when you\\ufffd\\ufffdre nine you just don\\ufffd\\ufffdt care about those facts. This scared the hell out of me back then, especially those aforementioned Zelda- scenes (and they still do). Nowadays I\\ufffd\\ufffdm kind of hooked to this film. I have to see this maybe once in a month, and on every new year\\ufffd\\ufffds eve I watch this with a 12-pack of beer & bunch of friends. It\\ufffd\\ufffds like an appetizer for a good party! I kinda agree to those people who said that the acting here is pretty unintense. Midkiff and Crosby do look like I wanted Louis and Rachel look like, but one can\\ufffd\\ufffdt see very much devotion or feelings on the faces of these two. Hughes and Gwynne pretty much save the scenes which \\\"the Creeds\\\" underact. What I actually want to say about this is the fact that there really is no other film that has any kind of similarity to Pet Sematary, and I don\\ufffd\\ufffdt mean the zombie stuff here. THE ATMOSPHERE OF THIS FILM IS CERTAINLY A NOVELTY AND ONE OF A KIND. Honestly, how many times you have seen a film which on superficial level looks like a cable-TV one, but leave you with a chill compared to only the best horror-chillers out there? Alright I busted some of the cast\\ufffd\\ufffds balls a minute ago, but I have to say that all pieces in that level too hone the overall acting to perfection. But hey tell me if you really know some film which is similar to Pet Sematary! I really would love to know...And I don\\ufffd\\ufffdt mean night of the living dead here...this one is way beyond compare in intelligence compared to that stuff.\": {\"frequency\": 1, \"value\": \"Ok, first I have ...\"}, \"This movie is just truly awful, the eye-candy that plays Ben just can make up for everything else that is wrong with this movie.

The writer/director/producer/lead actor etc probably had a good idea to create a movie dealing with the important issues of gay marriage, family acceptance, religion, homophobia, hate crimes and just about every other issue effecting a gay man of these times, but trying to ram every issue into such a poorly conceived film does little justice to any of these causes.

The script is poor, the casting very ordinary, but the dialogue and acting is just woeful. The homo-hating brother is played by the most camp actor and there is absolutely no chemistry between the two lead actors (I think I've seen more passion in an corn flakes ad). The acting is stiff, and the dialogue forced (a scene where the brother is feeding the detective his lines was the highlight).

I'm just pleased to see that the creator of this train wreck has not pushed any other rubbish out in to distribution, and if he is thinking of doing so, I have some advise - JUST DON'T DO IT.\": {\"frequency\": 1, \"value\": \"This movie is just ...\"}, \"Van Damme. What else can I say? Bill Goldberg. THERE WE GO. NOW we know this movie is going to be really horrible.

I saw the first five minutes of this movie on TBS, knowing it would be bad. But not even I thought it would be THIS bad. The plot is awful, Van Damme is getting old (finally), but unlike Arnold, his movies are as well.

Forget this movie. Don't see it. Ever. I wouldn't even be paid to see this film.

1/5 stars - at its heart lies a wonderful, action-packed thrill ride.

Well, maybe not, but the marketers would sure like us to think so, wouldn't they?

John Ulmer\": {\"frequency\": 1, \"value\": \"Van Damme. What ...\"}, \"Yes, Be My Love was Mario Lanza's skyrocket to fame and still is popular today. His voice was strong and steady, so powerful in fact that MGM decided to use him in The Great Caruso. Lanza himself thought he was the reincarnation of Caruso. Having read the book by Kostelanitz who wrote a biography of Lanza, he explains that the constant practise and vocal lessons became the visionary Caruso to Lanza. There is no doubt that Lanza did a superb job in the story, but the story is not entirely true; blame it on Hollywood! I used to practise singing his songs years ago, and became pretty good myself until I lost my voice because of emphysema/asthma ten years ago. Reaching the high note of Be My Love is not easy; but beautiful!\": {\"frequency\": 1, \"value\": \"Yes, Be My Love ...\"}, \"Child 'Sexploitation' is one of the most serious issues facing our world today and I feared that any film on the topic would jump straight to scenes of an explicitly sexual nature in order to shock and disturb the audience. After having seen both 'Trade' and 'Holly', one film moved me to want to actually see a change in international laws. The other felt like a poor attempt at making me cry for five minutes with emotive music and the odd suicide.

I do not believe that turning this issue into a Hollywood tear jerker is a useful or necessary strategy to adopt and I must commend the makes of 'Holly' for engaging subtly but powerfully with the terrible conditions these children are sadly forced to endure. 'Trade' wavered between serious and stupid with scenes involving the death of a cat coming after images that represented children being forced to commit some horrendous acts. I found this unengaging and at times offensive to the cause. If I had wanted a cheap laugh I would not have signed up for a film on child trafficking.

For anyone who would like to watch a powerful film that actually means something I would suggest saving the money on the cinema ticket for the release of 'Holly'.\": {\"frequency\": 1, \"value\": \"Child ...\"}, \"Zombie Chronicles isn't something to shout about, it's obvious not a award winning movie but it is a entertaining B-movie directed by Brad Sykes who directed Camp Blood which was another entertaining low budget flick. The acting is bad like most cheaply made movies but that's what makes it more entertaining, the zombie make-up is cool and effective especially with the budget, the gore is also great and gross, the film is sort of like a zombie version of Tales from the Crypt since we get two tales about zombie encounters in the woods, the stories are fun and do leave you guessing especially the first tale. Zombie Chronicles is a lot better than some low budget zombie movies out there, if you love low budget B-movies or cheaply made zombie flicks then check out Zombie Chronicles.\": {\"frequency\": 1, \"value\": \"Zombie Chronicles ...\"}, \"I agree with one of the other comment writers about good story & good actors but mismatched, and I would also say rushed. It has been about 24years since I read the book as it was in school. But I felt that you would need to know the story of Jane Eyre when watching this one as bits are left out & therefore it doesn't fully make sense. For example Jane & Mr Rochester have hardly spoken & suddenly he is proposing marriage!!! The actors don't have time to let the audience know how their character feels about each thing happening in the story.The actors are good but aren't given enough time to do this story justice. I'm sorry to say it but I didn't really enjoy this version.The 1970 version with Susanna York & George C Scott would be the Jane Eyre movie of my preference BUT you should check out the 1983 BBC mini series version with Zelah Clarke & Timothy Dalton in the 2 main roles. I love it so much I watch it regularly.There is an abridged version which goes for 225mins or the full version for 330mins.\": {\"frequency\": 1, \"value\": \"I agree with one ...\"}, \"I watched this movie when Joe Bob Briggs hosted Monstervision on TNT. Even he couldn't make this movie enjoyable. The only reason I watched it until the end is because I teach video production and I wanted to make sure my students never made anything this bad ... but it took all my intestinal fortitude to sit through it though. It's like watching your great grandmother flirting with a 15 year old boy ... excruciatingly painful.

If you took the actual film, dipped it in paint thinner, then watched it, it would be more entertaining. Seriously.

If you see this movie in the bargin bin at S-Mart, back away from it as if it were a rattlesnake.\": {\"frequency\": 2, \"value\": \"I watched this ...\"}, \"As I understand it, after the Chinese took over Hong Kong, the infamous Cat. 3 Hong Kong movies kind of disappeared. At least until now, and what an amazing movie this one is. I knew it was a rough crime drama going in, but being the first Cat. 3 I've purchased that's been made recently, I wasn't sure what to expect.

A Cambodian hit-man goes to Hong Kong to knock off the wife of a judge, who is also a lawyer. Turns out, the Judge made the arrangements for the hit-man, because she was divorcing the judge, and threatening to take all his money. This is all known within the first ten minutes, so nothing is being given away. After the hit, the cops locate the hit-man pretty fast, but in trying to arrest him, several police officers and civilians are killed. He eludes the police and now the race is on to catch the guy, before he escapes back to Cambodia. This is a movie that never stops, and hardly gives the viewer a chance to catch their breath. Yes, it is very violent and intense, many cops are killed, as the hit-man proves very very hard to track, and take down when they do locate him. Along the way, the hit-man in trying to hide in a dump, finds a women being raped and mistreated by some man. He helps her, and saves her from the guy, and she persuades the hit-man to take her along with him in his escape. I loved this movie, it's like a roller-coaster that just keeps moving and moving at high speed, as one incident leads to another, and the police at times are just as bad or worse as the hit-man. The acting is exceptionally good, and the location filming and photography is at time breathtaking. There's no let up in this movie, not even with the very very incredible ending. The ending is pretty much unbelievable, and also a fitting end to all the action and violence. Yes, the violence is brutal at times, but this is a very no nonsense crime drama, that will knock your socks off. \\\"Dog Eat Dog\\\" definitely needs a more widespread release, including an R1 release for sure. Great movie, highly recommended.\": {\"frequency\": 1, \"value\": \"As I understand ...\"}, \"I give this movie a ONE, for it is truly an awful movie. Sound track of the DVD is so bad, it actually hurts my ear. But the vision, no matter how disjointed, does show something really fancy in the Italian society. I will not go into detail what actually was so shocking , but the various incidents are absolutely abnormal. So for the kink value, i give it one.Otherwise, the video, photography, acting of the adults actors /actresses are simply substandard, a practical jock to people who love foreign movies.Roberto, the main character, has full spectrum of emotions but exaggerated to the point of being unbelievable.however, the children in the movie are mostly 3/4 years old, and they are genuine and the movie provides glimpse of the Italian life..\": {\"frequency\": 1, \"value\": \"I give this movie ...\"}, \"the guy who wrote, directed and stared in this shocking piece of trash should really consider a carer change. Yes Rob Stefaniuk, i mean you! Seriously, who funded this crap? there are so many talented writers out there whom money could be better spent on. I think the idea is great but the acting, script and directing is just plain awful! The jokes are so not funny, I understand that they are supposed to be taking the mickey. BUT do it with style, this movie is screaming 1995 Saturday night live skits. Why, I say again why do studios give money to hacks like Rob Stefaniuk - NEVER GIVE A COMEDIAN THE Opportunity TO WRITE DIRECT AND STAR IN HIS OWN MOVIE. DUH!\": {\"frequency\": 1, \"value\": \"the guy who wrote, ...\"}, \"One of the best love stories I have ever seen. It is a bit like watching a train wreck in slow motion, but lovely nonetheless... Big Edie and Little Edie seem a bit like family members after watching this movie repeatedly, and are infinitely quotable: \\\"It's a goddamned beautiful day, now will you just shut up?\\\" The opening explanation of Little Edie's costume only promises that the movie will live on forever, and so will Big Edie \\\"The World Famous Singer\\\" and Little Edie \\\" The World Famous Dancer.\\\"\": {\"frequency\": 1, \"value\": \"One of the best ...\"}, \"Picked this up for 50 cents at the flea market, was pretty excited.

I found it fascinating for about 15 min, then just repetitive and dull.

It is neat seeing Mick and the gang in their prime, i wish there was not so much over dubbing of dialog so I could hear what there are saying and playing.

The skits are politically dated and incredibly naive and simple, sort of poorly written Monty Python on acid. I spent more time looking at the late 60's England back drops rather then what was actually happening in the silly skits.

This movie is a good reminder that times really change,and what was important quickly becomes just plain silly. Good song, but it has now been played to death by this DVD.\": {\"frequency\": 1, \"value\": \"Picked this up for ...\"}, \"I loved Dedee Pfeiffer (is that spelled right?) in Cybil. Haven't seen her for awhile and forgot how much I missed her. I thought she did a great job in this. The supporting cast was pretty good too. In some angles, the daughter even looked like a young Nicole Kidman. The abductor was pretty creepy and the story generally had some good twists. The young boyfriend was a hottie. I thought the husband definitely had something to do with it for sure.

Just got the Lifetime Movie Network for Christmas and am loving these movies. Kept my interest and I'll watch it again when they rerun it. Can anyone else recommend any similar movies to this? You can post on the board or send me a private email if you want. Thanks in advance. Aboutagirly.\": {\"frequency\": 1, \"value\": \"I loved Dedee ...\"}, \"this is one amazing movie!!!!! you have to realize that chinese folklore is complicated and philosophical. there are always stories behind stories. i myself did not understand everything but knowing chinese folklore (i studied them in school)it is very complicated. you just have to take what it gives you.....ENJOY THE MOVIE AND ENJOY THE RIDE....HOORAY!!!!\": {\"frequency\": 1, \"value\": \"this is one ...\"}, \"This is a very interesting project which could have been quite brilliant. Gathering 11 prominent international directors and allotting each of them 11 minutes, 9 seconds and 1 frame to create a segment of their choice; each short exploring the global reverberations of 9/11. Without using any spoilers, I would say that Ken Loach's piece is the jewel in the crown, and Mira Nair's short (segment \\\"India\\\"), based on a true story, deserves to be made into a full feature film. One also realizes, while watching his short, why Alejandro Gonz\\ufffd\\ufffdlez I\\ufffd\\ufffd\\ufffd\\ufffdrritu is one of the best directors in the world today \\ufffd\\ufffd he simply is a master of the medium, who has also a profound understanding of the subject matter. Unfortunately, not all 11 parts are made as well. Youssef Chahine, in his segment \\\"Egypt\\\", assumes the Arab stance of the self-inflicted collective guilt, which piece could have potentially been the most interesting one. He fails miserably. Chahine's short is poorly written and badly executed, at least enough to stand out amongst other, superior chapters of the film. Despite the imbalance in quality, I would still give the film 7/10 for concept, if not for execution.\": {\"frequency\": 1, \"value\": \"This is a very ...\"}, \"Who in their right mind plays a lyrical song at the same time they are portraying an emotional scene between two people? When Flipper confronts his wronged wife in the dressing room, the song sung with lyrical content is as loud as the dialog, so one can hear neither, diluting any emotional impact the scene may have had. The scenes of Annabella getting beaten by her father with his fists, a lamp and then a belt was so cartoonish as to be absurd. This entire movie is a cartoon, the rampant prejudice against whites is literally astounding. The discussion by the black women after flipper's wife finds out he has cheated on her with a white woman - as if it were a discussion by an oxford debating team, is ridiculous. The rampant racism might be possible to endure, but the soundtrack and the sound mixing during this 'movie' is too much. It was a technically poorly made movie. There is no understanding of the basic craft of movie making, the sound track, the editing and the desperate attempt of great actors trying to keep this movie afloat. I actually felt sorry for Anthony Quinn, wondering why he had accepted a role in this flick - his appearance in this is painful. This is the first movie I have seen by this director and it will be my last.\": {\"frequency\": 1, \"value\": \"Who in their right ...\"}, \"\\\"Jason Priestly stars as 'Breakfast', a psychotic jewelry store thief whose grip on reality is frighteningly precarious, according to the DVD sleeve, \\\"With his accomplice 'Panda' (Bernie Coulson), the duo make off with a carload of cash, a result of a tip-off from beautiful cashier 'Ziggy' (Laura Harris). Her reward: to hitch a ride with the out-of-control duo so that she can meet her long-lost father Francis (Stephen McHattie). But he's on a suicidal quest to even a score with his former boss (Louis Gossett, Jr.) and has the cops hot on his trail. Rage, murder and revenge are about to collide!\\\" Stay out of their way!

*** The Highwayman (4/28/00) Keoni Waxman ~ Jason Priestly, Laura Harris, Stephen McHattie\": {\"frequency\": 1, \"value\": \"\\\"Jason Priestly ...\"}, \"Aside from a few titles and the new Sherlock Holmes movie, I think I've watched every movie Guy Ritchie has directed. Twice. Needless to say, I'm a big fan and Revolver is one of the highlighted reasons why. This movie is a very different approach from Ritchie, when you look at it comparatively with Lock, Stock... and Snatch. Revolver sets us up for a psychological thriller of sorts as a gambling con finds himself at the mercy of a set of foes he didn't expect and a guided walk for redemption that he didn't know he needed. Along with seeing Andr\\ufffd\\ufffd Benjamin of OutKast fame strut his acting ability, other standout acts are Ray Liotta playing the maniacal Mr. D/Macha and Mark Strong playing Sorter, the hit-man.

After being sent to prison by a tyrannous casino owner, Macha, Jake uses his time in solitary to finesse a plot to humiliate Macha and force his hand in compensating him for the seven years he spent. When he wins a card game and amasses a decent sum from Macha, Jake finds himself on the brink of death as he collapses and is diagnosed with an incurable disease that's left him with three days to live. A team of loan sharks, however, have an answer for him and a ticket to life- only if he gives them all the money he has and relents to working for them, all in a ploy to both take Macha down and show Jake how dangerous he has made himself to himself. Along with having the air of death loom, and a pair of loan sharks having a field day with his money, Jake also has to deal with having a hit put out on him, which introduces Sorter - a hit-man under Macha's employ. The depth with the story comes when Jake realizes that some co- convicts he spent time with in solitary may very-well be the loan shark team out to take him for all he has by crafting all of the unfortunate events that Jake seems to find his way into. When faced with this reality though, Zack (Vincent Pastore) and Avi show Jake just how twisted he has become from being in solitary, having only the company of his mind and his ego then makes it so that their actual existence is elusive even to Jake. The movie unravels to a humbling process for both Jake and Macha as they both come to grips with their inner demons.

The style of the movie is top-notch as you get the gritty feel of the crime world represented and the characters it includes. Although a lot of nods at Ritchie's previous films are here it still has a presence of its own from the dialogue, the sets and the experimental take on the gangster genre. It's also a great trip on humility and recognizing when you can easily let your ego or a preset notion mask you ability to accomplish what you want or overcome what you should. The characters are well crafted in this movie with all sides being fleshed out and, true to Ritchie fashion, they're all tied in by some underhandedness that throws a wrench in everyone's affairs. I could and would like to go on about this film and its unique nuances but I don't want to take too much away from it if you haven't seen it yet.

It may take a few sittings to get through all the intricate layers but it's a great movie and it should be seen. If you're lucky and you haven't seen the watered-down US release, see if you can get the original UK version as it will make for a great discussion piece among friends as you try to puzzle in your take. I saw it with my crew around early-2006 and we're still talking about it with little things we've picked up on today. It has garnered its cult status, and it's well- deserved as the film where Ritchie stepped out the box and broke his norm a bit.

Standout Line: \\\"Fear or revere me, but please, think I'm special. We share an addiction. We're approval junkies.\\\"\": {\"frequency\": 1, \"value\": \"Aside from a few ...\"}, \"The movie is wonderful. It shows the man's work for the wilderness and a natural understanding of the harmony of nature, without being an \\\"extreme\\\" naturalist. I definitely plan to look for the book. This is a rare treasure!

\": {\"frequency\": 1, \"value\": \"The movie is ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"A prison cell.Four ...\"}, \"Nobody truly understands the logic behind the numbering of Italian zombie-flicks, but \\ufffd\\ufffd honestly \\ufffd\\ufffd why would we bother? Every single film in the Zombi-\\\"series\\\" delivers great fun, nasty gore and gratuitous shocks and \\\"Zombi 3\\\" is no exception to this, despite all the production difficulties that occurred whilst shooting. This film began as an interesting Lucio Fulci project, who had to elaborate further on his \\\"Zombi 2\\\" success, but it ended up being a typical Bruno Mattei product with more flaws and stolen ideas from previous films. The screenplay is hopelessly inept and ignores all forms of continuity, every ingenious idea from George A. Romero's \\\"Night of the Living Dead\\\" and \\\"The Crazies\\\" is shamelessly repeated here and the acting performances are truly miserable and painful to look at. Yet all this didn't upset me for one moment because the sublime over-the-top gore compensates for everything! On a secret army base at the Phillipines, scientists completed the bacterial warfare virus \\\"Death One\\\" and prepare it for transport. After a failing attempt to steal the virus, the infected corpse of a terrorist is cremated and the zombie-ashes contaminate the entire population of a nearby tourist village. The last group of survivors has to battle hyperactive and inhumanly strong zombies as well as soldiers in white overalls that received instructions to kill everything that moves in the contaminated area. This movie is comparable to Umberto Lenzi's \\\"Nightmare City\\\". Truly Bad...but incredibly entertaining with fast-paced action sequences and several very creative zombie-madness situations. The undead birds were original, for example, and the whole zombie birth sequence at the deserted hospital was pretty cool as well. The infamous flying head scene is not nearly as awful as it's made up to be and it belongs perfectly in this cheesy and thoroughly pleasant Italian zombie flick. Recommended to the fans; don't mind the negative reviews.\": {\"frequency\": 1, \"value\": \"Nobody truly ...\"}, \"What the ........... is this ? This must, without a doubt, be the biggest waste of film, settings and camera ever. I know you can't set your expectations for an 80's slasher high, but this is too stupid to be true. I baught this film for 0.89$ and I still feel the urge to go claim my money back. Can you imagine who hard it STINKS ?

Who is the violent killer in this film and what are his motivations??? Well actually, you couldn't possible care less. And why should you? The makers of this piece of garbage sure didn't care. They didn't try to create a tiny bit of tension. The director ( Stephen Carpenter -- I guess it's much easier to find money with a name like that ) also made the Kindred (1986) wich was rather enjoyable and recently he did Soul Survivors. Complete crap as well, but at least that one had Eliza Dushku. This junk has the debut of Daphne Zuniga !!! ( Who ?? ) Yeah that's right, the Melrose Place chick. Her very memorable character dies about 15 min. after the opening credits. She's the second person to die. The first victim dies directly in the first minute, but nobody seems to mention or miss him afterwards so who cares ? The rest of the actors...they don't deserve the term actors actually, are completely uninteresting. You're hoping they die a quick and painful death...and not only their characters

My humble opinion = 0 / 10\": {\"frequency\": 1, \"value\": \"What the ...\"}, \"The plot is tight. The acting is flawless. The directing, script, scenery, casting are all well done. I watch this movie frequently, though I don't know what it is about the whole thing that grabs me. See it and drop me a line if you can figure out why I like it so much.\": {\"frequency\": 1, \"value\": \"The plot is tight. ...\"}, \"I guess this would be a great movie for a true believer in organized Christian Dogma, but for anyone with an open mind who believes in free will, rational thinking, the separation of Church & State and GOOD Science Fiction it is a terrible joke!

There are some well known actors who were either badly in need of work or had a need to share their personal beliefs with the rest of us heathens.

I WAS entertained by this movie in the same way I was entertained by \\\"Reefer Madness.\\\" That movie attempted to teach drug education by scare tactics the same way this movie tries to teach \\\"Christian\\\" principles with the threat of hell and misery for otherwise good people who don't share their interpretations of our world.

It had me howling with laughter and at the same time scared me to realize how many people actually believe that our society should revert to the good old days of the 19th century!\": {\"frequency\": 1, \"value\": \"I guess this would ...\"}, \"Bad plot, bad dialogue, bad acting, idiotic directing, the annoying porn groove soundtrack that ran continually over the overacted script, and a crappy copy of the VHS cannot be redeemed by consuming liquor. Trust me, because I stuck this turkey out to the end. It was so pathetically bad all over that I had to figure it was a fourth-rate spoof of Springtime for Hitler.

The girl who played Janis Joplin was the only faint spark of interest, and that was only because she could sing better than the original.

If you want to watch something similar but a thousand times better, then watch Beyond The Valley of The Dolls.\": {\"frequency\": 1, \"value\": \"Bad plot, bad ...\"}, \"What kind of a documentary about a musician fails to include a single track by the artist himself?! Unlike \\\"Ray\\\" or countless other films about music artists, half the fun in the theater (or on the couch) is reliving the great songs themselves. Here, all the tracks are covers put on by uninteresting characters, and these renditions fail to capture Cohen's slow, jazzy style. More often, the covers are badly sung folk versions. Yuck.

The interviews are as much or more with other musicians and figures rather than with Cohen himself. Only rarely does the film feature Cohen reading his own work (never singing)-- like letters, poems, etc. The movie really didn't capture much about the artist's life story, either, or about his development through the years. A huge disappointment for a big Cohen fan.\": {\"frequency\": 1, \"value\": \"What kind of a ...\"}, \"Even if you could get past the idea that these boring characters personally witnessed every Significant Moment of the 1960s (ok, so Katie didn't join the Manson Family, and nobody died at Altamont), this movie was still unbelievably awful. I got the impression that the \\\"writers\\\" just locked themselves in a room and watched \\\"Forrest Gump,\\\" \\\"The Wonder Years,\\\" and Oliver Stone's 60s films over and over again and called it research. A Canadian television critic called the conclusion of the first episode \\\"head spinning\\\". He was right.\": {\"frequency\": 2, \"value\": \"Even if you could ...\"}, \"When you are in a gloomy or depressed mood, go watch this film. It shows a lot of beauty and joy in a very simple everyday setting, and it is very encouraging, in particular from a feminist and a humanist perspective.

When you know both the Turkish language and either the Danish or the German language, go watch the film in any case. Half of the dialog is Danish in the original, synchronized to German in the translated version, the other half Turkish, subtitled in Danish or German, respectively. When i watched it in Mannheim, Germany, the reaction of the Turkish-speaking audience proved that there must be a lot of humor in the Turkish dialog, which, deplorably, mostly escaped me, being only imperfectly rendered in the subtitles. Still, the film is interesting even if you lack knowledge of the Turkish.

Esthetically, the movie is playing a lot on the theme of speed and slowness. On first sight, there is lots of corporeal movement fast as lightning, making it a quick, an agitated film. In particular, even though this is a Kung Fu movie, watch out for the running scenes, beautifully expressing a wealth of emotions. But there are quite a few very slow, emotionally intense scenes, too. And above all, the characters develop at a much slower pace than you would expect in a drama about the coming of age; still, there is some movement in the characters to: Closely watch the villain Omar, whose part and acting i liked very much.

The contrast of speed and stillness nicely contributes to the depiction of human rage and dignity - shown at once, in the same characters, at the same time.\": {\"frequency\": 1, \"value\": \"When you are in a ...\"}, \"The Second Renaissance, part 1 let's us show how the machines first revolted against the humans. It all starts of with a single case, in which the machines claim that they have a right to live as well, while the humans state a robot is something they own and therefore can do anything with they want.

Although an interesting premise, the story gets really silly from then on with (violent!) riots between the robots and mankind. Somehow it doesn't seem right, as another reviewer points it, it's all a little too clever.

The animatrix stories that stay close to the core of the matrix (in particular Osiris) work for the best. As for Second Renaissance Part 1, I'd say it's too violent and too silly. 4/10.\": {\"frequency\": 1, \"value\": \"The Second ...\"}, \"A remake of the superb 1972 movie of the stage play, nicely casting Caine as the nemesis of his character from the first movie. But doing nothing else nicely at all.

A under-parr performance from the actors, Law and Caine, diluted further by weak self-indulgent direction.

The warmth of the setting in the original is forsaken for a super-modern homesetting. The subtle interplay between Oliver and Caine which made the first movie so watchable, is replaced with a horrid, brash arrogance that instantly breeds disdain in the viewer. But this is not the clever, to-ing and froing of liking one then the other character the original fostered so well, this is an obvious OTT character assassination of both character from the word go.

This version of Sleuth is not really worth seeing, watch the original film and be dazzled from the opening act.\": {\"frequency\": 1, \"value\": \"A remake of the ...\"}, \"I have just started watching the TV series \\\"What I like About You\\\" and I must say that is a joy to watch. I always like to see new shows do well considering a lot of shows go off before you really get a feel for them. I have watched Amanda Bynes since \\\"All That\\\" she is truly a funny girl, what is the best about her comedy is that its so natural and what i mean about that is, its something that a person could here there best friend saying, its not rehearsed.

I just recently started watching the show and have fell in love. I am just watching re-runs as of now but am looking forward to the next season. All the characters in the show give something to the whole story line. Its nice to see some old face from other shows I enjoyed watching in the past such as, Jennie Garth from \\\"90210\\\", Leslie Grossman from \\\"Popular\\\", and Wesley Jonathan from \\\"City Guys.\\\" The New Character are very talented as well, Nick Zano has that charm the makes you love him even when he is doing something wrong to holly (Bynes).

Overall this show has the right ingredients to be successful, I look forward to watching it grow.\": {\"frequency\": 1, \"value\": \"I have just ...\"}, \"A patient escapes from a mental hospital, killing one of his keepers and then a University professor after he makes his way to the local college. Next semester, the late prof's replacement and a new group of students have to deal with a new batch of killings. The dialogue is so clich\\ufffd\\ufffdd it is hard to believe that I was able to predict lines in quotes. This is one of those cheap movies that was thrown together in the middle of the slasher era of the '80's. Despite killing the heroine off, this is just substandard junk. Horrible acting, horrible script, horrible effects, horrible horrible horrible!! \\\"Splatter University\\\" is just gunk to put in your VCR when you have nothing better to do, although I suggest watching your head cleaner tape, that would be more entertaining. Skip it and rent \\\"Girl's Nite Out\\\" instead.

Rated R for Strong Graphic Violence, Profanity, Brief Nudity and Sexual Situations.\": {\"frequency\": 1, \"value\": \"A patient escapes ...\"}, \"Talk about a dream cast - just two of the most wonderful actors who ever appeared anywhere - Peter Ustinov and Maggie Smith - together - in \\\"Hot Millions,\\\" a funny, quirky comedy also starring Karl Malden, Robert Morley, and Bob Newhart. Ustinov is an ex-con embezzler who gets the resume of a talented computer programmer (Morley) and takes a position in a firm run by Malden - with the goal of embezzlement in mind. It's not smooth sailing; he has attracted the attention of his competitor at the company, played by Newhart, and his neighbor, Maggie Smith (who knows him at their place of residence under another name), becomes his secretary for a brief period. She can't keep a job and she is seen throughout the film in a variety of employment - all ending with her being fired. When Newhart makes advances to her, she invites Ustinov over to her flat for curry as a cover-up, but the two soon decide they're made for each other. Of course, she doesn't know Ustinov is a crook.

This is such a good movie - you can't help but love Ustinov and Smith and be fascinated by Ustinov's machinations, his genius, and the ways he slithers out of trouble. But there's a twist ending that will show you who really has the brains. Don't miss this movie, set in '60s London. It's worth if it only to hear Maggie Smith whine, \\\"I've been sacked.\\\"\": {\"frequency\": 1, \"value\": \"Talk about a dream ...\"}, \"dear god where do i begin. this is bar none the best movie i've ever seen. the camera angles are great but in my opinion the acting was the best. why the script writers for this movie aren't writing big budget films i will never understand. another is the cast. it is great. this is the best ted raimi film out there for sure. i know some of you out there are probably thinking \\\"no way he has plenty better\\\" but no your wrong. raptor island is a work of art. i hope it should have goten best movie of the year instead of that crappy movie Crash with a bunch of no names AND no raptors. i believe this movie is truly the most wonderful thing EVER.\": {\"frequency\": 1, \"value\": \"dear god where do ...\"}, \"This is a strong movie from a historical and epic perspective. While the story is simple it is pure and straightforward. In truth, it is the standard story of a simple, honorable man whose honor comes into conflict with the more educated and wealthier men of the period.

Poor vs. Rich, honorable vs. dishonorable, a classic but well-told tale without much of the glitz of hollywood stinking up the screen.

Extra points just because you can almost smell the people on the screen. :)\": {\"frequency\": 1, \"value\": \"This is a strong ...\"}, \"Should this be an American movie I'd rate it 7: we've seen this before. Being this an Argentinean movie, and being myself Argentine, I'd like to give it a 10, since it's the kind of quality I'd been hoping -rather than expecting- for. It's superb quality is astonishing, given all the limitations imposed by the 3rd World...

I can't forget the scene when D\\ufffd\\ufffdaz forces Silverstein's fianc\\ufffd\\ufffd to confess -you know what I mean if you saw the movie. I think that's the key moment of the movie, not surprising maybe, yet original. That's when the real action begins.

Before watching a movie I always try to gather some previous information. Being this a mainstream, satyric, commercial one, I press \\\"Play\\\" and make a suspension of reality and logic, I'd say the best state of mind to enjoy movies like this. It's impossible to discuss the plausibility of the whole plot, yet it's believable in a certain way. As for me, I couldn't stop laughing at every single joke and commentary -\\\"sos malo\\\" (\\\"you're mean\\\")... put in the mouth of D\\ufffd\\ufffdaz, the greatest one.

I'm rather tired of seeing movies \\\"designed for\\\" Peretti. I know he's a superb actor, but sometimes I feel his roles unfairly opaque the rest, Luis Luque's role in this case. I'm not very fond of Argentine television, so I haven't seen much work from Luque, but it's pretty obvious that he's an excellent performer. His physical role, his stares, his content attitude in this movie made me fall in love with his performance. I think his role should need some upgrading, just to let him show us how great he can be!

I don't know whether Szifr\\ufffd\\ufffdn is planning to make a sequel or not. I know he won't make it if it's to follow the rule that \\\"second parts were never good\\\", so if he makes it, I'll surely go see it. And I hope that, in the future, takes into account the possibility to give Peretti's counterparts the same chances to develop their roles.

Great movie, great performances, and lots of laughs!\": {\"frequency\": 2, \"value\": \"Should this be an ...\"}, \"Yes, I am just going to tell you about this one so don't read if you want surprises. I got this one with the title Christmas Evil. There was also another Christmas horror on the DVD called Silent Night, Bloody Night. Whereas Silent Night, Bloody Night (not to be confused with Silent Night, Deadly Night) had lots of potential and was very close to being good, this one wasn't quite as good. It started out interesting enough watching the villain (if you can call him that) watching the neighborhood kids and writing in books about who is naughty and nice, but after awhile you are looking for some action and this movie doesn't deliver. You need character development, but this goes overboard and you are still never sure why the heck the guy snaps. About an hour in he kills three of four people while a whole crowd watches in terror, and the guys he kills aren't even his targets they are just making fun of him. This is one of many unsuccessful attempts by the killer to knock of the naughty. He then proceeds to try and kill this other guy, and he tries to break into his house by squeezing himself into the fireplace. He promptly gets stuck and barely manages to get out. He then enters through the basement and then tries to kill the guy by smothering him in his bedroom. He can't seem to kill the guy this way so he grabs a star off the tree and slits the guys throat. What the heck was a tree even doing in the bedroom in the first place? Oh yeah, the killer before this kill stopped off at a party and had some fun too. Well that is about it except for the town people chasing him with torches and the unresolved part with his brother and that tune he wants to play. What was that even about? He kept talking about something that was never really explained. How does it end you ask, well since I have spoilers I will tell you. He runs off the road in his van and proceeds to, well lets just say it was lame!!!!!!!!!!!!\": {\"frequency\": 1, \"value\": \"Yes, I am just ...\"}, \"I am fully aware there is no statistical data that readily supports the correlation between video games and real life violence. The movie is false and phony because it is in complete contradiction of itself, which is what I tried to emphasize in my original review. The movie fails, not necessarily because I really do think these kids were influenced by video games, but because the movie sets it up as \\\"random\\\" and doesn't follow through. Let me clarify. In Aileen: Life and Death of a Serial Killer, you can see her claims about the police and being controlled by radio waves are ridiculous, yet she is so troubled, she really believes them to be true. The viewer can make the distinction however. In Zero Day, the 2 kids keep saying how they are not influenced by anything environmental, which is obviously false since everything they do contradicts this. Neo-nazism, talking about going on CNN with Wolf Blitzer (which is laughable not only because they know his name, but its a shameless attempt by the filmmaker to get coverage of his bad movie)..etc. This movie doesn't depict 'reality', it shows nothing but phoniness to prove a point. Unfortunately you fell for the bait and didn't see this, and you didn't pick up on it from my review either. The entire movie is just taking Michael Moore's hypothesis and applying it to something \\\"real life\\\" in hopes of validating and it fails, not necessarily because the hypothesis is wrong, but because the movie is wrong and doesn't support it. Of course I don't think kids that play video games are more likely to kill people, but if I'm not mistaken, didn't video tape exist of the Columbine kids (or some teen killers) shooting guns in the forest claiming how much they looked or acted like the weaponry in Doom? Hmmmmmmm, the distinction is kids are most likely aware of the media, influenced, but obviously balanced or intelligent enough that its not even an issue. Zero Day is a bad movie not because I really believe a correlation exists, but because the film maker doesn't know what hes trying to say, and the movie does more to disprove his point then support it. It's almost as if the new ratings given to video games made someone upset so they came up with 'Zero Day' in retaliation. If you want to see the 'mindless' teen killer theory pulled off right, go watch Bully.\": {\"frequency\": 1, \"value\": \"I am fully aware ...\"}, \"A remarkable documentary about the landmark achievements of the Women Lawyers Association (WLA) of Kumba, in southwest Cameroon, in legally safeguarding the rights of women and children from acts of domestic violence. In this Muslim culture, where men have always been sovereign over women, according to Sharia law, one can well imagine the difficulty of imposing secular legal rights for women and children. After 17 years of failed efforts, leaders of the WLA began recently to score a few wins, and the purpose of this film is to share these victorious stories.

The leaders of this legal reform movement are Vera Ngassa, a state prosecutor, and Beatrice Ntuba, a senior judge (Court President). Both play themselves in this film, which may contain footage shot spontaneously, though I imagine much of it, if not all, consists of subsequent recreations of real events for the camera. Four cases are reviewed, and all of the plaintiffs also play themselves in the film.

Two cases involve repeated wife beating, with forcible sex in one case; another involves forced sex upon a 10 year old girl; and yet another concerns the repeated beatings of a child, age 8, by an aunt. One of the beaten wives also is seeking a divorce. We follow the cases from the investigation of complaints to the outcomes of the trials. The outcomes in each case are favorable to the women and children. The perpetrators receive stiff prison terms and/or fines; the divorce is granted.

The aggressive prosecution of the child beating aunt demonstrates that these female criminal justice officials are indeed gender-neutral when it comes to enforcing the law. Also noteworthy is the respect with which all parties, including those found guilty, are treated. This is a highly important and well made film. (Of interest is the fact that one of the directors, Ms. Longinotto, also co-directed the 1998 film, Divorce, Iranian Style, which dealt with related themes in Tehran.) (In broken English with English subtitles). My Grade: B+ 8/10\": {\"frequency\": 1, \"value\": \"A remarkable ...\"}, \"Lizzie Borden's Love Crimes is an important film, dealing with the dark side of female sexuality (and including full frontal female nudity, which sure beats the male kind). It flirts with sadomasochism and the captive falling in love with captor theory.

This treatment of feminine libido is sometimes shallow and jerky, but Borden has travelled well beyond feminist dogma of females gaining power through their insatiable lust.

One striking scene exposes the female fetish for horses, when the antagonist, a counterfeit fashion photographer, is seducing an older woman wearing breeches by asking her to show how she rides a horse. He shoves a riding crop between her legs, pressing it against her crotch, and this greatly increases her excitement.

Then suddenly he leaves her home and she swears abjectly at the closed door.

Patrick Bergin plays the con artist, and though he falls a long distance from handsome, he picks on plain Janes and has enough screen presence to make one believe the women could swallow his line. By all reports, Sean Young proves a weird person, and she is scarcely beautiful. Yet in this film as the district attorney her intense face and long-limbed slender body and accentuated hips and periodically disjointed movement alchemize into erotic fascination. Her performance is forceful and complex.

Borden possesses an intriguing worldview, and the fact that it stands so at odds with the modern feckless zeitgeist I truly appreciate.\": {\"frequency\": 1, \"value\": \"Lizzie Borden's ...\"}, \"Absolutely hilarious. John Waters' tribute to the people he loves most (Baltimoreans) is a twisted little ditty with plenty to look at and laugh at. It's like being turned loose in a museum of kitsch! I haven't laughed so much in a theater since Serial Mom. I loved seeing old friends from the Dreamland days, Sharon Nisep and Susan Lowe, back in front of Waters' camera. The cast is simply wonderful (especially Edward Furlong and Martha Plimpton). Uses the best elements of past Waters atrocities (especially the underrated Polyester) and plenty of new surprises. Made me sick, in a wonderful way. Thanks, John!\": {\"frequency\": 1, \"value\": \"Absolutely ...\"}, \"This movie portrays Ruth as a womanizing, hard drinking, gambling, overeating sports figure with a little baseball thrown in. Babe Ruths early life was quite interesting and this was for all intents and purposes was omitted in this film. Also, Lou Gehrig was barely covered and this was a well know relationship, good bad or indifferent, it should have been covered better than it was. His life was more than all bad. He was an American hero, an icon that a lot of baseball greats patterned their lives after. I feel that I am being fair to the memory of a great baseball player that this film completely ignored. Shame on the makers of this film for capitalizing on his faults and not his greatness.\": {\"frequency\": 1, \"value\": \"This movie ...\"}, \"Well, if you like pop/punk, punk, ska, and a tad bit of modern psycho billy, then seeing the live performances are about the only thing worth watching. This movie has tons and tons of band cameos, along with president of Troma, Lloyd Kaufman as a semi-major role, and lots of goofy death scenes. Sounds like it may be good, right? Well, the deaths keep coming, and repeatedly to many different bands of the Warp Tour and the fans at the event. Some of the deaths start of stylish, but then they are recycled over and over, to the point of being completely repetitive. Almost everyone dies of having their head smashed, or intestines being pulled from their stomach. The gore looks as if it was from Andreas Schnaas' \\\"Zombie 90: Extreme Pestilence\\\"; with this being the \\\"watered-down type blood\\\", but now that movie is actually decent, and provides humor-something that this movie terribly lacks. Sure, the movie is made by Doug Sakmann from Troma, it's got great low-budget potential, and it tries...but just too hard. Everything is overly meant to be funny in this movie, and thats what brings it down. Everything tries to be too comic and goofy, by using intentional bad acting, an overuse of pointless deaths, and doing the same thing...over and over. It's basically \\\"Mulva: Zombie Ass-Kicker\\\", \\\"Chairman of the Board\\\", or any movie you have made with your friends: it's funny to those who made it, and that's about it.

Great potential, great idea, great use of effects-but it's the same thing...over and over: A band plays, a band dies, fans die. Everyone dies, blood is sprayed everywhere, the process is repeated.

The question is for these types of movies-which is basically 'bad slap-stick'-do they try too hard, or not at all?\": {\"frequency\": 1, \"value\": \"Well, if you like ...\"}, \"This film is the worst film, but it ranks very high for me. It is how a slasher movie should be. It takes place at a university in which there only seems to be a handful of students. The teachers are dumber than a sack of hammers. It is filled with good Catholic priest, sexually repressed humor. Bad hair, bad clothes. The dialogue is so cliched it is hard to believe that I was able to predict lines in quotes. The slashings have some creativity and seem to revolve around stabbing people in the genitalia. A lack of continuity in the soundtrack and characters that deserve to die because they are so bad, I recommend this film for a fun time. Get a case of cheap beer and some friends, watch it and laugh.\": {\"frequency\": 1, \"value\": \"This film is the ...\"}, \"i just watched the movie i was afraid it's gonna disappoint me. i was rather surprised at the end though. The American pie franchise is still in my favorite franchise movies of all times. yes, it won't be true if i say that i enjoyed it as mush as i enjoyed the original ones. beta house along with the previous two pies definitely lost something that the first two pies had.it is not gonna become a classic as the first two already did. but what the hell-it is still funny with a lot of good moments and i think it should be the first movie to pick if you wanna have fun and relax after a hard day at work or school. beta house deserves 6/10 but i gave it 7/10 just for being another slice of PIE.\": {\"frequency\": 1, \"value\": \"i just watched the ...\"}, \"This film (like Astaire's ROYAL WEDDING - which was shown after it on Turner Classic Network last night) is famous for a single musical sequence that has gained a place in Gene Kelly's record: Like Fred Astaire dancing with a clothing rack and later dancing around a room's walls and ceiling, this film had Gene Kelly dancing in a cartoon sequence with Jerry Mouse. The sequence is nicely done. What is forgotten is that Kelly is telling the story behind the cartoon sequence to Dean Stockwell and his fellow child students at school during a break in the day, and sets the stage for the sequence by having Stockwell and the others shut their eyes and imagine a pastoral type of background. Kelly even changes the navy blues he actually wears into a white \\\"Pomeranian\\\" navy uniform with blue stripes on it. Jerry Mouse does more than dance with Gene. He actually talks - a first that he did not repeat for many decades. He also finally puts Tom Cat into his proper place - Tom briefly appears as King Jerry's butler, trying to cheer him with a platter of cheeses.

But the sequence of the cartoon with Kelly took about seven minutes of the movie. Far more of this peculiar film is taken up with Kelly's story of the lost four day furlough in Hollywood, and how Kelly ends up meeting Katherine Grayson and (with Frank Sinatra) stalking Jose Iturbi at the MGM film studio, the Hollywood Bowl, and Iturbi's own home. Except that the two sailors mean no harm this film could have been quite disturbing.

Kelly has saved Sinatra's life in the Pacific, and is getting a medal as a result. They are both among the crewmen back in California who are getting a four day leave. But the script writers (to propel what would be a short film - Kelly has plans to spend four days having sex with one \\\"Lola\\\", an unseen good time girl in Hollywood) saddle Gene with Frank.

It seems Frank is one of those idiots that appear in film after film of the movie factories (particularly musical comedies) who are socially underdeveloped and in need of \\\"instruction\\\" about meeting girls (or guys if the characters are women). Frank insists that Gene help \\\"teach him\\\" how to get a girl. Just then a policeman takes them to headquarters to help the cops with a little boy (Stockwell) who insists on joining the navy (and won't give the cops his real name and address). When a protesting Kelly is able to get this information out of Stockwell by asking him some straight questions (which the cops could not ask), they insist Kelly take the boy home to his aunt (Grayson). Still protesting, Kelly gets saddled with increasingly complicated problems (mostly due to Sinatra's simplistic soul view of things). He misses seeing Lola the next day by sleeping late - Sinatra felt he looked so peaceful sleeping he did not wake him up. He keeps getting dragged back to Grayson's house, as Sinatra feels she is the right woman for himself, but needs Kelly to train him in love making.

I suppose my presentation of the plot may annoy fans of ANCHORS AWEIGH, but I find this kind of story irritating. While the singing and dancing and concert music of Kelly, Sinatra, Grayson, and Iturbi are first rate, it is annoying to have to take the idiocies of someone like Sinatra's character seriously. In the real world Kelly would have beaten the hell out of him at the start for following him at the beginning of the four day furlough - what right has he to insist (as Sinatra does) that someone who saves their life should assist him on learning how to date? That kind of crap always ruins the total affects of a musical for me - unless the musical numbers are so superior as to make me forget this type of nonsense.

The stalking of Iturbi is likewise annoying. Kelly tries to get Grayson to like Sinatra when he says Sinatra can get her a meeting with Jose Iturbi to audition her singing ability. For much of the rest of the picture Sinatra and Kelly try to do that, and keep floundering (at one point - for no really good reason - Grayson herself ruins Kelly's attempt to get an interview at MGM with Iturbi). It is only sheer luck (that Iturbi feels sorry for an embarrassed Grayson) that she does give him an audition of her talent.

Kelly, by the way, ends up with Grayson. Sinatra's conscience at not being able to help her see Iturbi makes him ashamed of his bothering her (but not pulling Kelly into it, oddly enough) and he meanwhile accidentally stumbles into meeting a waitress (Pamela Britton) from his native Brooklyn. And naturally, without any assistance from Kelly, Sinatra and Britton fall in love. Ah,\\\"consistency\\\"! Thy name is not \\\"screenwriting\\\" necessarily!\": {\"frequency\": 1, \"value\": \"This film (like ...\"}, \"This film does a superb job of depicting the plight of an ALS (Lou Gehrig's Disease)sufferer. The subject is done with compassion as well as humor. Helena Bonham Carter is so convincing as a person with ALS that I found it hard to believe that she was only acting. Kenneth Branagh, a superb actor, lives up to expectations as the quirky artist who misbehaves and is forced to provide companionship to Helena's character as part of his \\\"community service\\\", an alternative to prison time. Watching the development of the relationship between these two is a treat from beginning to end. Tha fact that it is a fairy tale does not detract from the fabulous performances. One comes to care deeply for the two of them.\": {\"frequency\": 1, \"value\": \"This film does a ...\"}, \"please save your money and go see something else. this movie was such piece of crap. i didnt want to go, but i had to so i thought i'd laugh at least once, NOPE. not a single laugh, it was that horrible! chris kattan will never get a good comedy role after this and \\\"a night at the roxbury.\\\" this movie is completely obvious, has no smart humor at all, and just repeats itself over and over again. listen to me, and stray as far away from this movie as you possibly can!\": {\"frequency\": 1, \"value\": \"please save your ...\"}, \"I bought this film on DVD so I could get an episode of Mystery Science Theater 3000. Thankfully, Mike, Crow, and Tom Servo are watchable, because the film itself is not. Although there is a plot, a story one can follow, and a few actors that can act, there isn't anything else. The movie was so boring, I have firmly confirmed that I will never watch it again without Tom, Crow and Mike. As summarized above, however, it was better than the film featured in the MST3K episode that preceded it; Mitchell.\": {\"frequency\": 1, \"value\": \"I bought this film ...\"}, \"This film is a portrait of the half-spastic teenage boy Benjamin who has to visit a boarding school because of his lousy marks in Math. He didn't make the best experiences in life before and got serious self-esteem issues. After a rough start at his new school, he starts making friends, falls in love with a girl and does some American Pieish teenage stuff.

Beside some comedy elements, the film is told in a very serious way, focussing on Benjamin and his problems.

If you already don't like this story outline, save your time and watch something else. If you do, please be aware of the following:

1) Benjamin is a total loser. Whatever he does, he does it terribly wrong and then he goes for self-pity all the time. For me he wasn't that kind of \\\"charming loser\\\" who you can feel sympathy for and laugh with. Instead he and his behavior really annoyed me and with my own teenage years not so far behind I could barely stand watching.

2) The film hardly tries to be realistic and the story seems to be but from my experience the characters just aren't (except for Janosch maybe). And yes, I know this film is based on an auto-biography written by a 17-year old - but having some experiences with German schools and German youth myself, I don't believe him.

3) Showing the sexual awakening really is an important thing for a film with this subject. But I doubt that teenage boys do an \\\"Ejaculate on the cookie\\\"-contest where everyone has to hit a cookie with his sperm during mass-masturbation in the woods and the loser has to eat the sperm-wet cookie afterwards. Although it kinda amused me in a contemptible way, it's nor funny neither underlining the serious attempts of this film.

4) There's a sub-plot about Benjamin's family and his father betraying his wife - still, I don't know why it's there and where to put it. It just bored me.

Well, I personally hated this film for having the character of Benjamin, being without a message, concept, scheme, whatever and it's failing attempts to be dramatic and serious. However, I can image that some people may find it sensible and touching. If you liked \\\"The Other Sister\\\" you'll probably like this one, too. I hated both.

17-year old boys shouldn't write an autobiography and if they do, it doesn't seem to be the best idea to make a film out of it.

2 out of 10.\": {\"frequency\": 1, \"value\": \"This film is a ...\"}, \"What a terrible film. It sucked. It was terrible. I don't know what to say about this film but DinoCrap, which I stole from some reviewer with a nail up his ass. AHAHAHAHAHHAHAHAHAHAHAHAHAHAHHAHAHAHAHAHAHAH!!!!!!!!!!!!!!!!!!! sigh.. It's not Roger Corman that I hate, it's this god-awful movie. Well, really? But what can you expect from a movie with Homoeric computer graphics. Which is another thing, the CGI sucked out loud; I hate this movie dreadfully. This is without a doubt the worst Roger Corman B-Movie, and probably the gayest B-Movie too. It's-it's--- DINOCRAP! I'm sorry, I must have offended some nerds in these moments. It's just an awful movie... 0/1,000\": {\"frequency\": 1, \"value\": \"What a terrible ...\"}, \"This is probably the most boring, worse and useless film I have seen last year. The plot that was meant to have some philosophical aspects emerged to me as a very bad hollow copy of the matrix, with plenty of clich\\ufffd\\ufffds: the lone wolf cop, good looking, psychologically disturbed, sleeping with his gun... + nice hard worker and shy, but good looking she-scientist, you add a 2 cent plot and you have I, Robot! I was terribly disturbed by the obvious advertising of brands like FedEx,Audi,converse etc. This movie stinks the commercialization and tend to be more a poor ad spot that unfortunately will not end after 30 sec. I wouldn't recommend this to my worse enemy, if you have some spare time, watch a good TV program instead or better read a nice book.\": {\"frequency\": 1, \"value\": \"This is probably ...\"}, \"This is the best of Shelley Duvall's high-quality \\\"Faerie Tale Theatre\\\" series. The ugly stepsisters are broadway-quality comedy relief, and Eve Arden is the personification of wicked stepmotherhood. Jennifer Beals does an excellent job as a straight Cinderella, especially in the garden scene with Matthew Broderick's Prince Charming. Jean Stapleton plays the fairy godmother well, although I'm not sure I liked the \\\"southern lady\\\" characterization with some of the lines. Steve Martin's comedy relief as the Royal Orchestra Conductor is quintessential Martin, but a tiny bit misplaced in the show's flow.

As is customary with the series, there are several wry comments thrown in for the older children (ages 15 and up). With a couple of small bumps, the show flows well, and they live happily ever after. Children up to age 8 will continue to watch it after the parents finally get tired of it -- I found 3 times in one day to be a little too much.\": {\"frequency\": 1, \"value\": \"This is the best ...\"}, \"*** THIS CONTAINS MANY, MANY SPOILERS, NOT THAT IT MATTERS, SINCE EVERYTHING IS SO PATENTLY OBVIOUS ***

Oh my God, where do I start? Well, here - this is the first time I have ever come home from a movie and said \\\"I have to get on IMDb and write a review of this NOW. It is my civic duty.\\\" Such is the badness of this flick.

*begin digression* But let me just state one thing before I start. I'm not some Harvard-art-major-film-noir-weenie (in fact, I went to the college at the other end of Mass. Ave in Cambridge, the one where the actual smart people without rich daddies and trust funds go, which should put me squarely in the nerd-who-would-obsessively-love-comic-book-films census group, and still I hated this film...). My viewing preference is for the highbrow cinematic oeuvre that includes the Die Hards, Bond flicks, Clerks, and The Grail. I wish the Titanic had never sunk, not so much for the lives lost, but so we wouldn't have been subjected to that dung-heap of a film. And the single and only reason I will watch a snooty French art film is if there is a young and frequently disrobed Emmanuelle Beart in it. I even gave Maximum Overdrive one of its precious few 10s here on IMDb, for God's sake. So I'm as shallow as they come, therefore I'm not criticizing this film because I'm looking for some standard of cinematic excellence - it's because Elektra stinks like a three-week-old dead goat. *end digression*

OK, there's so much badness here that I have to try to categorize it. Here goes:

MS. GARNER: One of the compelling reasons a male would want to see this flick is to see lots of hot JGar (I have no idea why my wife wanted to). I think that between this and \\\"Finding Nemo\\\", the latter was the sexier film. You know the red outfit she's advertised wearing in every freaking ad you see? You see her in it TWICE - once at the beginning, once at the end. Bummer. In the rest, she basically looks like what Morrissey would look like if he were a female - lots of pouting and black clothes. Which brings me to the incredible range of expression JGar shows in her acting - ranging from \\\"pouting\\\" all the way to \\\"pouting and crying\\\". Oh my God, you'd think she was being forced to date Ben Affleck or something horrible like that. Um, wait...

THE BAD GUYS/GAL: They show about the same range of expression and acting ability that you'd expect from a slightly overripe grapefruit. At least next to JGar's performance, it doesn't stand out too badly. One guy's role is to stand there and be huge, another's is to stand there and have stuff come out of him, and the woman's role is to stand there and breathe on and/or kiss people. They manage to pull these incredible feats off. The main bad guy has the most difficult role of all - he has to SIMULTANEOUSLY a) appear angry and b) appear Asian. He does a fine job at this. I think there was a fifth bad guy/gal, but my brain is starting to block parts of this movie out in self-defense.

PLOT TWISTS! This movie has about as many surprises as a speech at the Democratic National Convention. Let's just put it this way - my wife, who has only been in the U.S. for half a year and speaks only a small amount of English - whispered this to me when the girl first appears in JG's pad, and I swear to God I am not making this up: \\\"She go to house to kill girl. And father too.\\\" And this is BEFORE THE FATHER HAS EVEN APPEARED ON THE SCREEN. Now my wife isn't stupid, but she isn't being courted by Mensa for her gifts, either, and she's had zero exposure to Daredevil or the comic book genre. And she figured this out in .00015 seconds with no prodding and no prior information. Such is the blatant obviousness of this film.

RARELY-BEFORE-SEEN STUPIDITY! OK, so there's this big dude in the film. He can take a chestful of shotgun blast and brush off the shot like it's lint, and he can take a vicious Electra stab to the chest and just bend the metal (or melt it - or something - more defenses kicking in, thank God). But JG jumps on his head, and he explodes? An Achilles noggin? OK! Such is the mind-numbing stupidity of this film.

Ack. I'm starting to feel a cerebral hemorrhage coming on, so I have to stop. But you have been warned. If you have to intentionally slash your own tires to prevent yourself from going to see this movie, DO IT. And if Armageddon is going to come, please let it be >before< this comes out on DVD.\": {\"frequency\": 1, \"value\": \"*** THIS CONTAINS ...\"}, \"This is a simple tale but it feels very manipulative. It lacks pathos for it does not leave a room for imagination or a personal thought or time for reflection.

The animation is well done but I feel like it is too presentational. I would have preferred more images from behind, more space in the background and maybe then this would not feel so kitsch to me.

But for a Hollywood style film it works OK but it is very derivative of Aardman films and this is bothering to me. Perhaps a longer film will test if this maker can do without the voice-over.

I think the voice over is too glib.\": {\"frequency\": 1, \"value\": \"This is a simple ...\"}, \"Set in the 70s, \\\"Seed\\\" centers around convicted serial killer Max Seed (Will Sanderson), who killed 666 people in 6 years. He is sentenced to death, but in the electric chair he doesn't die, even after being shocked three times.

Detective Matt Bishop (Michael Par\\ufffd\\ufffd) and other officers cover up this secret by burying Seed alive. Seed breaks out and goes after the people who put him in his living coffin.

Filmed by the worst director in the world (Uwe Boll), \\\"Seed\\\" is nothing more than a snuff film about trying to stretch the envelope of decent society and fails to deliver in any aspect of a storyline. And he said this is based on true events because if a person survives the electric chair after being shocked three times, they will be set free. This is an urban legend, and it would never happen. Much like Boll's other abominations (\\\"Alone in the Dark\\\" for one), \\\"Seed\\\" is just utterly horrendous.\": {\"frequency\": 1, \"value\": \"Set in the 70s, ...\"}, \"I went to see Antone Fisher not knowing what to expect and was most pleasantly surprised. The acting job by Derek Luke was outstanding and the story line was excellent. Of course Denzel Washington did his usual fine job of acting as well as directing. It makes you realized that people with mental problems CAN be helped and this movie is a perfect example of this. Don't miss this one.\": {\"frequency\": 1, \"value\": \"I went to see ...\"}, \"\\\"Dressed to Kill\\\" has been more or less forgotten in critical circles in the past 20 years, but it is a true American classic, a film which is much more than just a glossy thriller.

I sincerely hope the DVD release will give more people the chance to hear about it and see it.\": {\"frequency\": 1, \"value\": \"\\\"Dressed to Kill\\\" ...\"}, \"This is said to be a personal film for Peter Bogdonavitch. He based it on his life but changed things around to fit the characters, who are detectives. These detectives date beautiful models and have no problem getting them. Sounds more like a millionaire playboy filmmaker than a detective, doesn't it? This entire movie was written by Peter, and it shows how out of touch with real people he was. You're supposed to write what you know, and he did that, indeed. And leaves the audience bored and confused, and jealous, for that matter. This is a curio for people who want to see Dorothy Stratten, who was murdered right after filming. But Patti Hanson, who would, in real life, marry Keith Richards, was also a model, like Stratten, but is a lot better and has a more ample part. In fact, Stratten's part seemed forced; added. She doesn't have a lot to do with the story, which is pretty convoluted to begin with. All in all, every character in this film is somebody that very few people can relate with, unless you're millionaire from Manhattan with beautiful supermodels at your beckon call. For the rest of us, it's an irritating snore fest. That's what happens when you're out of touch. You entertain your few friends with inside jokes, and bore all the rest.\": {\"frequency\": 1, \"value\": \"This is said to be ...\"}, \"\\\"Well Chuck Jones is dead, lets soil his characters by adding cheap explosions, an American drawn anime knock off style, and give them superpowers\\\". \\\"but sir?, don't we all ready have several shows in the works that are already like this? much less don't dump all over their original creators dreams\\\". \\\"yes! and those shows make us a bunch of cash, and we need more!\\\". \\\"but won't every man women and child, who grew up with these time less characters, be annoyed?\\\". \\\"hay you're right! set it in the future, make them all descendent's of the original characters, and change all the names slightly...but not too much though, we still need to be able to milk the success of the classics\\\".

Well that's the only reason I can think of why this even exists. If you look past the horrible desecration of our beloved Looney Toons, then it looks like an OK show. But then there is already the teen titan's, which is the same bloody thing. All the characters are dressed like batman, they drive around in some sort of ship fighting super villains, they have superpowers, only difference is they sort of talk like the Looney tunes and have similar names and character traits.

This kind of thing falls into the \\\"it's so ridiculous it's good\\\" kind of category. Think of the Super Mario brother's movie, and Batman and Robin. If you want to laugh for all the wrong reasons, check this out. If you are of the younger generation (what this thing is actually intended for), and can look pass the greedy executives shamelessness, then run with it and enjoy.

If you enjoy this cartoon I don't have a problem with you, it's the people who calculated this thing together that I am mad at. You know how they say piracy is like stealing a car; this show is like grave robbing. They might as well of dug up all the people involved with the original cartoon, shoved them on a display, dressed them up in\\ufffd\\ufffderr pirate costumes, and charged money. If this show wasn't using characters (ones that didn't resemble the Looney Toons in anyway whatsoever) that have already made the studios millions, then this would be fine. But no! For shame Warner brothers, for shame.

If I saw this thing as a 30 second gag on an episode of the Simpson's or Family Guy, I would love it. As it is I just can't believe this was ever made. I would bet anyone that 80% of the people who work on this show hate it. But whatever it doesn't really matter, in 10 years this show will have been forgotten, while the originals will live on forever\\ufffd\\ufffdor at least until the world ends.

\\\"Coming 2008, Snoopy and the peanut gang are back, and now they have freaking lasers and can turn invisible! Can Charley Brown defeat the evil alien warlord Zapar? Tune in and see.\\\"\": {\"frequency\": 1, \"value\": \"\\\"Well Chuck Jones ...\"}, \"one may ask why? the characters snarl, yell, and chew the scenery without any perceptible reason except someone wanted to make a movie in barcelona. billie baldwin, is that the right one?, is forgettable in the cop/estranged-husband/loving-father-of-cute-little-blond-girl role. the story seems to have been cut and pasted from the scenes thrown away from adventure films in the last three years. ellen pompeo's lack of charisma is a black hole that seems to suck the energy out of every scene she is in. her true acting range is displayed when she takes her blouse off as the movies careens from one limp chase scene to another. unfortunately, the directing rarely goes bad enough to be camp or a parody. it is all just clich\\ufffd\\ufffd, familiar in every respect. the director cast his own daughter as the precocious brat probably because no respectable agent would have permitted a client to ruin a career by being in such a lame, contrived and uninteresting movie. the only heist here is the theft of the investor's money and the viewer's time.\": {\"frequency\": 1, \"value\": \"one may ask why? ...\"}, \"This movie was recommended to me by a friend. I never saw an ad or a trailer, so I didn't know Clooney was in it and was not bothered by the fact that his role was so small. I thought the whole cast was suitable, and found the film pretty enjoyable, all in all. The opening scene, with the small crew of bandits standing at the side of the road, looking whipped and haggard, caught my attention immediately. It had a way of telling you, \\\"don't go away; this won't be boring\\\", and it really wasn't. It turned out to be an interesting, light-hearted comedy with enough twists and turns to keep you in your seat to the very end, but when the ending did arrive, I felt a little bit cheated....just a little bit. The events kept building up so that you expect them to continue building, but at a point that I can't define, it sort of levels out, making the ending a slight disappointment. I reckon I expected a bigger bang of a climax, but it turned out sort of low-key. If you watch the movie with that in mind and you can live without high dosages of George Clooney, you should find this flick very entertaining and well worth watching. Now I'd like to see the original (Big Deal on Madonna Street), but it's probably a rare find in the United States.\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"Man, I really wanted to like these shows. I am starving for some good television and I applaud TNT for providing these \\\"opportunites\\\". But, sadly, I am in the minority I guess when it comes to the Cinematic Stephen King. As brilliant as King's writing is, the irony is that it simply doesn't translate well to the screen, big or small. With few exceptions (very few), the King experience cannot be filmed with the same impact that the stories have when read. Many people would disagree with this, but I'm sure that in their heart of hearts they have to admit that the best filmed King story is but a pale memory of the one they read. The reason is simple. The average King story takes place in the mind-scape of the characters in the story. He gives us glimpses of their inner thoughts, their emotions and their sometimes fractured or unreal points of view. In short, King takes the reader places where you can't put a Panavision camera. As an audience watching the filmed King, we're left with less than half the information than the reader has access to. It's not too far a stretch to claim that One becomes a character in a King story they read, whereas One is limited to petty voyeurism of that same character when filmed. For as long as King writes, Hollywood will try shooting everything that comes out of his word processor, without any regard to whether or not they should. I don't blame the filmmakers for trying, but it takes an incredible amount of talent and circumspection to pull off the elusive Stephen King adaptation that works. The task is akin to turning lead into gold, or some arcane Zen mastery. Oh well, better luck next time.\": {\"frequency\": 1, \"value\": \"Man, I really ...\"}, \"EARTH (2009) ***1/2 Big screen adaptation of the BBC/Discovery Channel series \\\"Planet Earth\\\" offers quite a majestic sampling of nature in all its beauty with some truly jaw-dropping moments of \\\"how the hell did they get this footage?!\\\" while taking in the awesome scenics of animals in their natural habitats and environmental message of the circle of life can be cruel (witness a Great White Shark gulping down a walrus seal as a quick meal!) and adorable (the various babies and their 'rents). The basso profundo tones of narrator James Earl Jones solidifies its 'God's eye views' and profundity. Culled from literally hundreds of hours of footage, the only gripe comes from the fact this should have been in the IMAX format and could've even gone longer! Oh, well, there's always the next time (since Disney Studios has produced this count on a series of more to come). Dirs: Alastair Fothergill & Mark Linfield.\": {\"frequency\": 1, \"value\": \"EARTH (2009) ...\"}, \"What was the deal with the clothes? They were all dressed like something out of the late 70's early 80s. The cars were even were outdated. The school was outdated. The nuns attire was outdated, and the hospital looked like something from the 40's, with its wards and wooden staircases and things. Nothing in the whole movie implied it took place in 1991. My mother was laughing, saying \\\"Geeeee-od! WHEN was this movie MADE?\\\" When we pressed the \\\"INFO BUTTON\\\" on our remote, we were sure 1991 had to be typo! Did anybody else notice this? My FAVORITE part, though, was when the woman tells her uppity muck husband, on the telephone, about the inverted cross in the mirror, and he just says \\\"Well, look, I've got a congress meeting. I'll talk to you about it later.\\\" That line was just classic. JUST LIKE A MAN! My mothers favorite part was when they gave the \\\"Spawn of the Devil Child\\\" her very own Rottweiler. My mother said \\\"Just what the Spawn of the Devil needs... a Rottweiler\\\" She also enjoyed all of the people collapsing in the churches, clutching their chests. Her OTHER favorite part was the guy at the school parking lot, driving 5 miles a hour, driving right into the garbage truck/dump truck/front end loader thingee. He had about 20 seconds to just stop the car...but he just kept going, with a real dumb vacant look on his face. I mean, how fast can you GO in a school parking lot?!?! Whatever!\": {\"frequency\": 1, \"value\": \"What was the deal ...\"}, \"Othello, the classic Shakespearen story of love, betrayal, lies, and tragedy. I remember studying this story in high school, actually I found Othello to be probably my favorite Shakespeare story due to the fact of how fascinating it was, the fact that Shakespeare captured the feeling of friendship, love, and racism perfectly. I mean, when you really do study this story, you could go into so many philosophies on why Othello went insane with jealousy in the blink of an eye. But later on for my report I also watched this version of Othello and I have to say that it was absolutely brilliant. Lawerance and Kenneth just capture the story so well and understood it's darkness.

Othello is the big time soldier in his city, he is loved by everyone, including the king. But when the king finds out that Othello snuck off with his daughter, Desdemona, the king is infuriated, but excepts it. Othello is welcome in the city and makes his best friend, Cassio, his side man instead of Iago, who has stood by Othello. Due to his insane jealousy, he's out for revenge. Still pretending to be Othello's best friend, he just mearly hints at Othello that Desdemona is cheating on him with Cassio, never says that they are, just makes Othello think that it's happening. Othello is driven insane and doesn't have pleasant plans for Desdemona or Cassio and Iago is more than happy to help him out.

Othello is an incredible story, I highly recommend that you read it. It's an incredible story that keeps you thinking after you've read it. Othello the movie is also great and once again I recommend it, it captured the story perfectly and has a big tearjerker type of feel, or you could just be in utter shock of what happens between Othello and Desdemona, how quickly he believes that his true love would betray him. This is a terrific movie, great acting, good sets, and good direction, this is what Shakespeare meant when he wrote the story.

10/10\": {\"frequency\": 1, \"value\": \"Othello, the ...\"}, \"OVERALL PERFORMANCE :- At last the long waiting AAG hits the screens. Unfortunately, it couldn't set progressive fire in the audience. The first best thing to talk about the movie is The idea of remaking the mighty SHOLAY. And Varma made a nice choice of changing the total backdrop of the movie. If he repeated the same Ramghad backdrop, people will again say there is nothing new in this. Different background is appreciative but the way he presented it is not worthy. Right from the start of his career with SIVA in Telugu, he had been using the same lighting and kind of background. I seriously dunno this guy Varma considers about lighting or not or may be he has no other lighting technique other than like gordon willis GODFATHER. It's all DUTCH DUTCH DUTCH DUTCH. Why would some body use so many Dutch angles and extreme closeup shots!!!!!!! The shot division is lame. Characters couldn't carry an emotion, performances are not to their mark, Storytelling is worse, Background is really really terrible.

Babban:- Amitabhz been over prioritized to his job. VARMA produced great villains like Bikumatre, Bhavtakur Das, Mallik Bhai but this time he failed in carving the all time best characters of Hindi Cinema. There's no comparison of Gabbar with Babban. Babban is a more psycho rather than a villain, still he has a soft corner for his brother ( It's a gift in this movie). Amitabhz performance is not to his mark. His appearance itself is pathetic. The scar on his nose, symbolizes forgotten villains of black and white cinema. What ever they worked on Babban is not successful. Babban is no comparison with Gabbar.

Narsimha:- The first best thing about this character is not to put audience in suspense about his hands. If varma did that , it would be like teaching ABCD to a Bachelor degree holder. Itz good he opened the secret early. But the flashback is pathetic. Varma couldn't use a great actor like mohanlal to his mark.

Durga:- The only character with betterment. This character has been improved with satisfactory changes and was used according to the story.

Heroo, Raj, Ghunguroo:- No body bothers or at least considers these character. The utter failure of movie starts when director could not work on the close friendship between our heroz. These characters carry nothing to this movie.

RAMGOPALVARMA:- His quality is degrading, diminishing. AAG totally can be treated as a C grade movie. Sholay is a fire of revenge, problem of a town, meaning for true friendship and highly appreciated nuisance and fun by Dharmendra. AAG never carried an emotion with its characters. Storytelling is too weak that it could not make audience feel sympathy for the characters. Don't compare AAG with sholay, still u will not like it.

If you dare watch this movie. You will be burnt alive in RAMGOPAL VARMA KI AAG\": {\"frequency\": 1, \"value\": \"OVERALL ...\"}, \"Guy walking around without motive... I will never get those two hours of my life back. The guy kept on assuming identities and cheating on his pregnant wife. What was I thinking? How did this win a price anywhere? I understood he loved his father but other than that the movie was completely senseless to me. What was the purpose of walking so much and going to the funeral of a stranger for no apparent reason. How did this enrich his life??? Why did we have to see the dying old lady on her underwear????!!! Why???!!!!

I though it would be deep or about something more interesting. I do not recommend the movie even to leave on while sleeping...\": {\"frequency\": 1, \"value\": \"Guy walking around ...\"}, \"I wasn't quite sure if this was just going to be another one of those idiotic nighttime soap operas that seem to clutter prime time but, as it turns out, this is a pretty good show (no small thanks to talented casting). Four female friends with diverse backgrounds get together and share the weekly goings-on of their love-lives. The hour long program follows each of them separately through their often screwed up quests to find love and it does it without being boring or trite. Sharon Small's \\\"Trudi\\\" is the homemaker one (allegedly widowed after September 11th) who gets a little preachy and annoying with her friends (who tend to be a little looser and more creative in their endeavors). It's great to see Small back on t.v., as she was great in the \\\"Inspector Lynley Mysteries\\\". The chick can act. Orla Brady's character (Siobhan, a lawyer) is perhaps the most damaged but still very sympathetic of the women, as she wrestles with her kind but self-absorbed husband Hari (Jaffrey, formerly of \\\"Spooks\\\") in his driven desire to have a child with her, regardless of her needs. The final two members of the cast are the effervescent Jess (Shellie Conn), an events planner who's a wild child who sleeps with anyone and everyone, gender not specific, and Katie, (Sarah Parrish) a somber doctor who's affair with a patient AND his son have sent her career and love life spiraling out of control. That being said, I'm hooked now and hope that the BBC continues cranking this series out because it's good, it's different and it's got a great cast.\": {\"frequency\": 1, \"value\": \"I wasn't quite ...\"}, \"Like a latter day Ayn Rand, Bigelow is la major muy macho in her depiction in the film of a few tough American hombres stuck in Iraq defusing roadside bombs set by the ruthless, relentless, child-killing Arab terrorists. As Bigelow posits the Iraq war as the backdrop of the grand stage of human drama, one veteran bomb expert gets blown up and another shows up to replace him in the dusty, hot, ugly rubble that is Iraq, and a new hero is born.

The new guy is what John Hershey described in his book, and later the movie, The War Lover, as a sadistic wingnut who actually isn't fit for civilian life, and requires the stimulation of war to sublimate and suppress his errant sexual desires. The war lover can only fully function in war, peacetime suffocates him. While Hershey chastised the war lover, (played in the film by Steve McQueen in one of his greatest roles) Bigelow glorifies him. The army needs war lovers, they are the bulwark of defense against our enemies. We can't handle the truth, that it is war lovers who are the best soldiers, the toughest men. According to the unironic Bigelow, regular men are pussies, the war lover is a special breed, the last of the cowboys. So what if he wants to bare-back his men, or fondle an Iraqi boy? He is a throwback to the sex-and-death cult of war. In war, sex is a thankless, loveless, don't-ask, don't-tell kind of male bonding. Bigelow has no opinion on this; she just limits the options of masculinity in this ham-fisted attempt at realism. Only a war-lover can win the moral struggle between right and wrong, between American innocence and Arab perfidy. Bigelow disguises her racism and arrogance behind the ingenuous facade of journalism. She's just another gung-ho yahoo depicting a brutal war against civilians as a moral triumph of the spirit.

On the political front, Bigelow returns to the western genre and its relentless clich\\ufffd\\ufffds again and again, ad nauseam: the wonderful world of the open frontier, which happens to be some one else's country. (\\\"You can shoot people here\\\" says a soldier ); the tough but human black guy companion, the soldier with a premonition of death, the gruff, possibly crazy commanding officer, the college-educated fool who tries to befriend the enemy. You name it, Bigelow resurrects it.

The man-boy love is palpable in scenes with the cute Arab boy who befriends the war lover, but Bigelow plays it straight; she doesn't consummate the sex, just sanitizes it. What Bigelow really wants to show us is the ugly, sneering face of the Arab enemy. Any Iraqi who isn't pure evil is either demented, hostile or up to no good, anyway. They all deserve to die for their impudence, and many of them do in this glib gore-fest film. The Iraqi women are all hysterical, they only make their presence known by screaming. They could be male stunt men in drag for all I know, you never see their faces. There is no female presence at all on base or in battle, although female casualty rates in Iraq would certainly disprove this.

Bigelow goes through all the motions one by one. She glorifies war, she canonizes the sadist nut-case hero. The cowboys, surrounded by the subhuman Indians, prove their mettle by doing God's work and subduing the wretched terrorist-infested hellhole with sheer bravado and suicidal mania. Toward the end, I felt like rooting for the Indians. In Bigelow's world, though, no mercy or understanding ever makes it through. The Iraqis are dehumanized par excellence. The slaughter of civilians is just the dramatic backdrop to our hero's psycho sexual struggle. Every U.S, bullet finds its mark. You have to love the guy, the war lover. It's just his way, he is the true hero. He's just a guy trying to get things done the hard way, and so what if he lusts for boy tang on the side.\": {\"frequency\": 1, \"value\": \"Like a latter day ...\"}, \"The '60s is an occasionally entertaining film, most of this entertainment is from laughing at the film. It is extremely uneven, and includes many annoying elements. Take for instance the switch between black & white, and color. If done right, this could of been fairly effective, but because it was done poorly , it turned into a nuisance and only detracted from the already bad experience; much of the film had an odd feel to it. The acting wasn't extremely bad for a made for TV flick, but then again it was downright embarrassing at other times. Many of the events were not coherent, and ending up being confusing. How did this family somehow end up being at many of the big events during the 1960's? The ending was much too sappy for my tastes; because it was hollywoodized, everything had to turn out right in the end. I would advise you to not waste your time on The '60s and do something else with your time. I'm glad I watched this in class, and not on my own time. I think I can safely say that the best part of the movie was the inclusion of Bob Dylan's music. Those are just my rambling thoughts on the flick. I hope you take my advice, and stay away from this.\": {\"frequency\": 2, \"value\": \"The '60s is an ...\"}, \"Of the three remakes of this plot, I like them all, I have all three on VHS and in addition have a copy of this one on DVD. There is just enough variation in the scripts to make all three entertaining and re-watchable. In addition has any other film been remade three times with such all star casts in each? Of course the main stars in this one are great, but the supporting actors are also superb. I particularly like William Tracy as Pepi. He was such a scene stealer that I have searched to find other movies he is in. He appeared in many, but most are not available. As the other comments, I also say - buy this one.\": {\"frequency\": 1, \"value\": \"Of the three ...\"}, \"The Cat in the Hat is just a slap in the face film. Mike Myers as The Cat in the Hat is downright not funny and Mike Myers could not have been any worse. This is his worst film he has ever been in. The acting and the story was just terrible. I mean how could they make the most beloved stories by Dr. Seuss be made into film and being one of the worst films of all-time and such a disappointment. I couldn't have seen a more worst film than this besides, maybe Baby Geniuses. But this film is just so bad I can't even describe how badly they made this film. Bo Welch should be fired or the writer should.

Hedeen's outlook: 0/10 No Stars F\": {\"frequency\": 1, \"value\": \"The Cat in the Hat ...\"}, \"...here comes the Romeo Division to change the paradigm.

Let me just say that I was BLOWN AWAY by this short film. I saw it, randomly, when I was in Boston at a film festival and I have thanked god for it every day since. I really, truly believe I was part of a happening, like reading a Tarantino script before any else did or seeing the first screening of Mean Streets.

I am not sure what festival the short is headed to next or what the creative team has on tap for future products, but I so hope I can be there for it.

Again, a truly incredible piece of film making.\": {\"frequency\": 1, \"value\": \"...here comes the ...\"}, \"I just didn't get this movie...Was it a musical? no..but there were choreographed songs and dancing in it...

Was it a serious drama....no the acting was not good enough for that.

Is Whoopi Goldberg a quality serious Actor..Definently not.

I had difficulty staying awake through this disjointed movie. The message on apartheid and the \\\"tribute\\\" to the students who died during a student uprosing is noted. But as entertainment this was very poor and as a documentary style movie it was worse.

See for yourself, but in fairness I hated it\": {\"frequency\": 1, \"value\": \"I just didn't get ...\"}, \"My family has watched Arthur Bach stumble and stammer since the movie first came out. We have most lines memorized. I watched it two weeks ago and still get tickled at the simple humor and view-at-life that Dudley Moore portrays. Liza Minelli did a wonderful job as the side kick - though I'm not her biggest fan. This movie makes me just enjoy watching movies. My favorite scene is when Arthur is visiting his fianc\\ufffd\\ufffde's house. His conversation with the butler and Susan's father is side-spitting. The line from the butler, \\\"Would you care to wait in the Library\\\" followed by Arthur's reply, \\\"Yes I would, the bathroom is out of the question\\\", is my NEWMAIL notification on my computer. \\\"Arthur is truly \\\"funny stuff\\\"!\": {\"frequency\": 1, \"value\": \"My family has ...\"}, \"As far as I am concerned this silent version of The Merry Widow is the worst version ever made. There is no tenderness or love or spirituality about this version, it is all macabre, Germanic, sinister nonsense. It reminded me of Nazis falling in love; who cares?

This silent version by von Stroheim is not a faithful adaptation of the original story. In this one we have leering John Gilbert and his gross relative the Prince lusting after this silly American actress, played by Mae Murray, possessed with a modern permed hairstyle and implausible feminist manner that threw me off again and again. I like my romances light and beautiful, with slow build ups; not harsh and sadistic like this one. And come on, those bee stung lips, get rid of them, girl!

Go see a live performance of the show if you would like to get a real idea of the sweetness of the original operetta by Franz Lehar. Failing that, wait till TCM shows the Jeanette MacDonald - Maurice Chevalier sound version. It's much better.\": {\"frequency\": 1, \"value\": \"As far as I am ...\"}, \"This early Sirk melodrama, shot in black and white, is a minor film, yet showcases the flair of the German director in enhancing tired story lines into something resembling art. Set in the 1910's, Barbara Stanwyck is the woman who has sinned by abandoning her small-town husband and family for the lure of the Chicago stage. She never fulfilled her ambitions, and is drawn back to the town she left by an eager letter from her daughter informing her that she too has taken a liking to the theatre (a high school production, that is). Back in her old town she once again comes up against small-mindedness, and has to deal with her hostile eldest daughter, bewildered (and boring) husband (Richard Carlson) and ex-lover. The plot is nothing new but Sirk sets himself apart by creating meaningful compositions, with every frame carefully shot, and he is aided immeasurably by having Stanwyck as his leading lady. It runs a crisp 76 minutes, and that's just as well, because the material doesn't really have the legs to go any further.\": {\"frequency\": 1, \"value\": \"This early Sirk ...\"}, \"Saw this movie on its release and have treasured it since. What a wonderful group of actors (I always find the casting one of the most interesting aspects of a film). Really enjoyed seeing dramatic actress Jacqueline Bisset in this role and Wallace Shawn is always a hoot. The script is smart, sly and tongue-in-cheek, poking fun at almost everything \\\"Beverley Hills\\\". Loved Paul Bartel's \\\"doctor\\\" and Ray Sharkey's manservant. This was raunchy and crude, but thank god! Unless you're a prude, I heartily recommend this movie. FYI for anyone who likes to play six degrees of Kevin Bacon, Mary Woronov & Paul Bartel were in \\\"Rock & Roll High School\\\". Mary Woronov and Robert Beltran were in \\\"Night of the Comet\\\" together. They were all three in \\\"Eating Raoul\\\".\": {\"frequency\": 1, \"value\": \"Saw this movie on ...\"}, \"This is a CGI animated film based upon a French 2D animated series. The series ran briefly on Cartoon Network, but its run was so brief that its inclusion as one of the potential Oscar nominees for best animated film for this year left most people I know going \\\"Huh?\\\" This is the story of Lian-Chu, the kind heart muscle, and Gwizdo, the brains of the operation, who along with Hector their fire farting dragon,he's more like a dog. Travel the world offering up their services as dragon hunters but never getting paid. Into their lives comes Zoe, the fairy tale loving niece of a king who is going blind. It seems the world is being devoured by a huge monster and all of the knights the king has sent out have never returned or if the do return they come back as ashes. In desperation the king hires the dragon hunters to stop the world eater. Zoe of course tags along...

What can I say other then why is this film hiding under a rock? This is a really good little film that is completely off the radar except as unlikely Oscar contender. Its a beautifully designed, fantastic looking film (The world it takes place has floating lands and crazy creatures) that constantly had me going \\\"Wow\\\" at it. The English Voice cast with Forrest Whitaker as Lian-Chu (one of the best vocal performances I've ever heard) and Rob Paulson as Gwizdo (think Steve Bucsemi) is first rate. Equally great is the script which doesn't talk down to its audience, using some real expressions not normally heard in animated films (not Disney nor Pixar). Its all really well done.

Is it perfect? No, some of the bits go on too long, but at the same time its is damn entertaining.

If you get the chance see this. Its one of the better animated films from 2008, and is going on my nice surprise list for 2009.\": {\"frequency\": 1, \"value\": \"This is a CGI ...\"}, \"Lynn Hollister, a small-town lawyer, travels to the nearby big city on business connected with the death of his friend Johnny. (Yes, Lynn is a man despite the feminine-sounding Christian name. Were the scriptwriters trying to make a snide reference to the fact that John Wayne's birth name was \\\"Marion\\\"?) Hollister at first believes Johnny's death to have been an accident, but soon realises that Johnny was murdered. Further investigations reveal a web of corruption, criminality and election rigging connected to Boss Cameron, the leading light in city 's political machine.

That sounds like the plot of a gritty crime thriller, possibly made in the film noir style which was starting to become popular in 1941. It isn't. \\\"A Man Betrayed\\\", despite its theme, is more like a light romantic comedy than a crime drama. Hollister falls in love with Cameron's attractive daughter Sabra, and the film then concentrates as much on their resulting romance as on the suspense elements.

This film might just have worked if it had been made as a straightforward serious drama. One reviewer states that John Wayne is not at all believable as a lawyer, but he couldn't play a cowboy in every movie, and a tough crusading lawyer taking on the forces of organised crime would probably have been well within his compass. Where I do agree with that reviewer is when he says that Wayne was no Cary Grant impersonator. Romantic comedy just wasn't up his street. One of the weaknesses of the studio system is that actors could be required to play any part their bosses demanded of them, regardless of whether it was up their street or not, and as Wayne was one of the few major stars working for Republic Pictures they doubtless wanted to get as much mileage out of him as they could.

That said, not even Cary Grant himself could have made \\\"A Man Betrayed\\\" work as a comedy. That's not a reflection on his comic talents; it's a reflection on the total lack of amusing material in this film. I doubt if anyone, no matter how well developed their sense of humour might be, could find anything to laugh at in it. The film's light-hearted tone doesn't make it a successful comedy; it just prevents it from being taken seriously as anything else. This is one of those films that are neither fish nor flesh nor fowl nor good red herring. 3/10\": {\"frequency\": 1, \"value\": \"Lynn Hollister, a ...\"}, \"December holiday specials, like the original Frosty, ought to be richly-produced with quality music and a wholesome, yet lighthearted storyline. They should have a touch of the mystical magic of the holidays. Basically, they should look, sound, and feel...well, \\\"special\\\" and they should have a decent and appropriate December holiday subtext.

So when I saw Legend of Frosty the Snowman in the TV listings, I got my kids (6 and 8) pumped up for it by telling them the story of the original Frosty and passionately relating how much I enjoyed it as a kid. As my wife and kids cozied up on the couch to watch the movie the expectations were high, but 10 minutes into it my kids were yawning and my wife and I were giving each other \\\"the look\\\" and rolling our eyes. After 35 minutes my kids were actually asking to go to bed -- I guess they were fed up with the insensitive language and pointless, disconnected segments. I was actually embarrassed about their (and my) disappointment with this movie.

Unfortunately, Legend of Frosty the Snowman is more like a bad episode of Fairly Odd Parents crossed with a worse-than-normal episode of Sponge Bob than a classic holiday movie. Don't get me wrong...those shows are fine and I like them as much as the next guy, but when I watch Fairly Odd Parents or Sponge Bob, my low expectations (for mediocre, off-color, zero subtext, mind numbing episodes) are always satisfied.

We picked out some good books and spent the rest of the evening reading together. A much better choice than the embarrassingly bad Legend of Frosty the Snowman.\": {\"frequency\": 1, \"value\": \"December holiday ...\"}, \"The viewer leaves wondering why he bothered to watch this one, or why, for that matter, anyone bothered to make it. There is no plot - just random scenes of ridiculous action. Mia Sara's shower scene appeals to the male libido, but that's not much reason to make a movie.\": {\"frequency\": 1, \"value\": \"The viewer leaves ...\"}, \"A routine mystery/thriller concerning a killer that lurks in the swamps. During the early days of television, this one was shown so often, when Dad would say \\\"What's on TV tonight?\\\" and we'd tell him \\\"Strangler of the Swamp\\\" he'd pack us off to the movies. We went to the movies a lot in those days!\": {\"frequency\": 1, \"value\": \"A routine ...\"}, \"I watch romantic comedies with some hesitation, for romantic comedies feature age old clich\\ufffd\\ufffds which make a movie uninteresting. Typically in a Romantic Comedy, there is a girl and there is a guy, both fall in love, then have troubles, and then win over the troubles to marry or whatever. But, this movie is a different story, it is really very different from the Romantic Comedies I have seen of lately.

There is a widowed guy(Dan), there is a girl(Marie). Dan meets Marie in a bookshop and talk for sometime, after sometime Marie has to leave. Dan develops something for her, and when this something starts to turn meaningful, we get a twist. Marie is the girlfriend of his brother. Unheeded of the circumstances, Dan flirts with Marie and realizes that he loves her, and even Marie loves him, but their love would not just be possible. How it is made possible forms the rest of the story.

Steve Carell performs well, Juliette Binoche is good as Marie. And every other stuff is done well. It is a good movie, watch it.\": {\"frequency\": 1, \"value\": \"I watch romantic ...\"}, \"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. Professor Noodle (Lucien Littlefield) is nearing the completion of his rejuvenation formula, with the ability to reverse ageing, after twenty years. Ollie and Stan are the chimney sweeps that arrive to do their job, and very quickly Ollie wants to get away from Stan making mistakes. Ollie goes to the roof to help with the other end of the brush at the top of the chimney, but Stan in the living room ends up pushing the him back in the attic. After breaking an extension, Stan gets a replacement, a loaded gun, from off the wall, and of course it fires the brush off. Stan goes up to have a look, and Ollie, standing on the attic door of the roof, falls into the greenhouse. Stan asks if he was hurt, and Ollie only answers with \\\"I have nothing to say.\\\" Ollie gets back on the roof, and he and Stan end up in a tug and pull squabble which ends up in Ollie falling down and destroying the chimney. Ollie, hatless, in the fireplace is hit on the head by many bricks coming down, and the butler Jessup (Sam Adams) is covered in chimney ash smoke, oh, and Ollie still has nothing to say to Stan. The boys decide to clean up the mess, and when Stan tears the carpet with the shovel, Ollie asks \\\"Can't you do anything right\\\", and Stan replies \\\"I have nothing to say\\\", getting the shovel bashed on his head. As Ollie holds a bag for Stan to shovel in the ashes, they get distracted by a painting on the wall, and the ashes end up down Ollie's trousers, so Stan gets another shovel bashed on the head. Professor Noodle finishes his formula, and does a final test on a duck, with a drop in a tank of water, changing it into a duckling. He also shows the boys his success, turning the duckling into an egg, and he next proposes to use a human subject, i.e. his butler. While he's gone, the boys decide to test the formula for themselves, but Ollie ends up being knocked by Stan into the water tank with all the formula. In the end, what was once Ollie comes out, an ape, and when Stan asks him to speak, all Ollie ape says is \\\"I have nothing to say\\\", and Stan whimpers. Filled with wonderful slapstick and all classic comedy you could want from a black and white film, it is an enjoyable film. Stan Laurel and Oliver Hardy were number 7 on The Comedians' Comedian. Very good!\": {\"frequency\": 1, \"value\": \"Stan Laurel and ...\"}, \"Not a very good movie but according to the info it's pretty accurate in depicting torture techniques. The purpose of the film was to show the brutality of the NK POW camps and that's done effectively enough, with surprising frankness for the time. Whatever technical flaws exist (and there are plenty) by watching this you'll see a forgotten corner of a forgotten war and some pretty nasty stuff - again, nasty because it's being done north of the DMZ and not in Guantanamo Bay.

I don't think any of the Korean veterans brought up his torture when running for office, and if you watch the movies like this one and Pork Chop Hill in comparison to the Vietnam films. I don't know if it was the people in '54 being trapped in the WWII concepts (the boys tend to wisecrack a lot) or the war or what, but it's interesting to see this from the same system that 16 years later would be making movies like \\\"Go Tell The Spartans\\\".\": {\"frequency\": 1, \"value\": \"Not a very good ...\"}, \"This was a movie that I hoped I could suggest to my American friends. But after 4 attempts to watch the movie to finish, I knew I couldn't even watch the damn thing to close. You are almost convinced the actual war didn't even last that long. Other's will try to question my patriotism for criticizing a movie like this. But flat out, you can't go from watching Saving Private Ryan to LOC. Forget about the movie budget difference or the audience - those don't preclude a director from making an intelligent movie. The length of the movie is not so bad and the fact that it is repetitive - they keep attacking the same hill but give it different names. I thought the LOC was a terrible terrain - this hill looked like my backyard. The character development sequences (the soilders' flashbacks, looking back to their last moments, before being deployed) should have been throughout the movie and not just clumped into one long memory. To this day, I have yet to watch the ending. But there was a much better movie (not saying much) called Border.\": {\"frequency\": 1, \"value\": \"This was a movie ...\"}, \"I am uncertain what to make of this misshapen 2007 dramedy. Attempting to be a new millennium cross-hybrid between On Golden Pond and The Prince of Tides, this film ends up being an erratic mess shifting so mercurially between comedy and melodrama that the emotional pitch always seems off. The main problem seems to be the irreconcilable difference between Garry Marshall's sentimental direction and Mark Andrus' dark, rather confusing screenplay. The story focuses on the unraveling relationship between mother Lilly and daughter Rachel, who have driven all the way from San Francisco to small-town Hull, Idaho where grandmother Georgia lives. The idea is for Lilly to leave Rachel for the summer under Georgia's taskmaster jurisdiction replete with her draconian rules since the young 17-year old has become an incorrigible hellion.

The set-up is clear enough, but the characters are made to shift quickly and often inexplicably between sympathetic and shrill to fit the contrived contours of the storyline. It veers haphazardly through issues of alcoholism, child molestation and dysfunctional families until it settles into its pat resolution. The three actresses at the center redeem some of the dramatic convolutions but to varying degrees. Probably due to her off-screen reputation and her scratchy smoker's voice, Lindsay Lohan makes Rachel's promiscuity and manipulative tactics palpable, although she becomes less credible as her character reveals the psychological wounds that give a reason for her hedonistic behavior. Felicity Huffman is forced to play Lilly on two strident notes - as a petulant, resentful daughter to a mother who never got close to her and as an angry, alcoholic mother who starts to recognize her own accountability in her daughter's state of mind. She does what she can with the role on both fronts, but her efforts never add up to a flesh-and-blood human being.

At close to seventy, Jane Fonda looks great, even as weather-beaten as she is here, and has the star presence to get away with the cartoon-like dimensions of the flinty Georgia. The problem I have with Fonda's casting is that the legendary actress deserves far more than a series of one-liners and maternal stares. Between this and 2005's execrable Monster-in-Law, it does make one wonder if her best work is behind her. It should come as no surprise that the actresses' male counterparts are completely overshadowed. Garrett Hedlund looks a little too surfer-dude as the na\\ufffd\\ufffdve Harlan, a devout Mormon whose sudden love for Rachel could delay his two-year missionary stint. Cary Elwes plays on a familiar suspicious note as Lilly's husband, an unfortunate case where predictable casting appears to telegraph the movie's ending.

There is also the omnipresent Dermot Mulroney in the morose triple-play role of the wounded widower, Lilly's former flame and Rachel's new boss as town veterinarian Dr. Simon Ward. Laurie Metcalf has a barely-there role as Simon's sister Paula, while Marshall regular Hector Elizondo and songsmith Paul Williams show up in cameos. Some of Andrus' dialogue is plain awful and the wavering seriocomic tone never settles on anything that feels right. There are several small extras with the 2007 DVD, none all too exciting. Marshall provides a commentary track that has plenty of his trademark laconic humor. There are several deleted scenes, including three variations on the ending, and a gag reel. A seven-minute making-of featurette is included, as well as the original theatrical trailer, a six-minute short spotlighting the three actresses and a five-minute tribute to Marshall.\": {\"frequency\": 1, \"value\": \"I am uncertain ...\"}, \"This delectable fusion of New Age babble and luridly bad film-making may not \\\"open\\\" you up, to borrow one of the film's favorite verbs, but it might leave your jaw slack and your belly sore from laughter or retching. Based on the best-selling book by James Redfield, first (self) published in 1993, this cornucopia of kitsch tracks the spiritual awakening of an American history teacher (Matthew Settle) who, on traveling to deepest, darkest, phoniest Peru and sniffing either the air or something else more illegal. Namely what he discovers is a schlock Shangri La populated by smiling zombies who may be nuts or just heavily medicated, perhaps because they're often accompanied by a panpipe flourish and an occasional shout out from a celestial choir. Although there's a lot of talk about \\\"energy,\\\" that quality is decidedly missing from the motley cast whose numbers include Thomas Kretschmann, Annabeth Gish, Hector Elizondo and Jurgen Prochnow, all of whom are now firmly ensconced in the camp pantheon. For those who care, the plot involves the military, terrorists and the Roman Catholic Church; Armand Mastroianni provided the inept direction while Mr. Redfield, Barnet Bain and Dan Gordon wrote the hoot of a script. In short, easily the worst film seen in 40+ years of viewing movies.\": {\"frequency\": 1, \"value\": \"This delectable ...\"}, \"Back in the day of the big studio system, the darndest casting decisions were made. Good old all American James Stewart appearing as a Hungarian in The Shop Around the Corner. Had I been casting the film, the part of Kralik would have been perfect for Charles Boyer. His accent mixed in with all the other European accents would have been nothing. Stewart had some of the same problem in the Mortal Storm also with Margaret Sullavan.

Margaret Sullavan was his most frequent leading lady on the screen, he did four films with her. But is only this one where neither of them dies. Sullavan and her husband Leland Heyward knew Stewart back in the day when he was a struggling player in New York. In fact Sullavan's husband was Stewart's good friend Henry Fonda back then.

I think only Clark Gable was able to carry off being an American in a cast of non-Americans in Mutiny on the Bounty. Stewart in The Mortal Storm was German, but all the other players were American as well so nothing stood out.

But if you can accept Stewart, than you'll be seeing a fine film from Ernest Lubitsch. The plot is pretty simple, a man and woman working in a department store in Budapest don't get along in person. But it seems that they are carrying on a correspondence with some anonymous admirers which turn out to be each other. Also employer Frank Morgan suspects Stewart wrongly of kanoodling with his wife.

Though the leads are fine and Frank Morgan departs from his usual befuddled self, the two players who come off best are Felix Bressart and Joseph Schildkraut. Bressart has my favorite moments in the film when he takes off after Morgan starts asking people for opinions. He makes himself very scarce.

And Joseph Schildkraut, who is always good, is just great as the officious little worm who is constantly kissing up to Frank Morgan. You really hate people like that, I've known too many like Schildkraut in real life who are at office politics 24 hours a day. Sad that it pays off a good deal of the time.\": {\"frequency\": 1, \"value\": \"Back in the day of ...\"}, \"I didn't even know this was originally a made-for-tv movie when I saw it, but I guessed it through the running time. It has the same washed-out colors, bland characters, and horrible synthesized music that I remember from the 80's, plus a 'social platform' that practically screams \\\"Afterschool special\\\". Anyhoo.

Rona Jaffe's (thank you) Mazes and Monsters was made in the heyday of Dungeons & Dragons, a pen-and-paper RPG that took the hearts of millions of geeks around America. I count myself one of said geeks, tho I have never played D&D specifically I have dabbled in one of its brethren. M&M was also made in the heyday of D&D's major controversy-that it was so engrossing that people could lose touch with reality, be worshiping Satan without knowing, blah blah. I suppose it was a legitimate concern at one point, if extremely rare-but it dates this movie horrendously.

We meet 4 young college students, who play the aptly named Mazes and Monsters, to socialize and have a little time away from mundane life. Except that M&M as presented is more boring than their mundane lives. None of the allure of gaming is presented here-and Jay Jay's request to take M&M into 'the real world' comes out of nowhere. It's just an excuse to make one of the characters go crazy out of nowhere also-though at that point we don't really care. Jay Jay, Robbie, Kate and Daniel are supposed to be different-but they're all rich WASPy prigs who have problems no one really has.

But things just continue, getting worse in more ways than one. The low budget comes dreadfully clear, (I love the 'Entrance' sign and cardboard cutout to the forbidden caverns) Robbie/Pardu shows why he's not a warrior in the oafiest stabbing scene ever, and the payoff atop the 'Two Towers' is unintentionally hilarious. Tom Hanks' blubbering \\\"Jay Jay, what am I doing here?\\\" made me laugh for minutes on end. Definitely the low point in his career.

Don't look at it as a cogent satire, just a laughable piece of 80's TV trash, and you'll still have a good time. That is, if you can stay awake. The majority is mostly boring, but it's all worthwhile for Pardu's breakdown at the end. At least Tom Hanks has gotten better. Not that he could go much worse from here.\": {\"frequency\": 1, \"value\": \"I didn't even know ...\"}, \"When watching A Bug's Life for the first time in a long while, I couldn't help but see the comparisons with last year's Happy Feet. As far as the main storyline goes, they are very similar, an outcast doing what he can to fit in while also attempting to be special. It just goes to show you how much better that film could have been without its liberal diatribe conclusion. A lot of people disagree with me when I say that I really like Pixar's sophomore effort. Sure it doesn't manage to capture the splendor of Toy Story, nor is the animation out of this world. However, the story is top-notch and the characters are wonderful to spend time with. With plenty of laughs and a moral center to boot, I could watch this one just as much as the studio's other classics.

There is a lot about finding strength from within to conquer all odds here. Between our lead Flick needing to keep his self-esteem up to save his colony, the colony needing to open their eyes onto a new way of living for the future, and the circus bugs finding that they are more than just untalented sideshow freaks, everyone evolves into a better bug by the end of the story. Even the villain Hopper is fully fleshed and menacing for the right reasons. He is not doing it to be mean, but instead understands the fact that the ants outnumber him 100 to 1. He needs them to fear him in order to not have to worry about them finding out the truth. It is very much a circle of life, but not one that can't evolve with the ages.

When thinking about the animation, it is actually quite good. Compared to Antz, the rival film of the time, this is much more realistic and less cartoony. The water is rendered nicely, as is the foliage. You don't have to look much further than the ants' eyes to see how much detail went into the production. The reflections and moistness, despite the smooth exterior, shows the realism. All the bugs are finely crafted too. The flies in the city and the crazy mix of creatures recruited to save the ants are never skimped on, whether for a small role or a more expanded one. It is also in the city that we see the workmanship on the environments. While Ant Island is nice, it is just the outdoors. Bug City contains plenty of garbage doubling as buildings and clubs. It is a great showing of humor and inventiveness to see what the animators used for everything. From the ice cube trays as circus stands, the animal crackers box as circus wagon\\ufffd\\ufffdcomplete with full nutrition guide on the side\\ufffd\\ufffdand crazy compilation of boxes to create a Times Square of billboards and facades, everything is done right.

As far as much of the humor, you have to credit the acting talent for wonderful delivery and inspired role choices. No one could do a male ladybug better than Dennis Leary with his acerbic wit. I dare you to think of someone better. Our leads are great too with Dave Foley as Flick and Julia Louis-Dreyfus as Princess Atta, as well as the always-fantastic Kevin Spacey as Hopper. Spacey not only steals many scenes from the movie, but also takes center stage in the bloopers during the credits. Yes, A Bug's Life was the originator of animated outtakes from Pixar, a tradition that has continued on. With many tongue-in-cheek bug jokes laced throughout, you also have to give props to the huge supporting cast. Full of \\\"those guy actors,\\\" it is people like Richard Kind, Brad Garrett, and the late Joe Ranft as Heimlich the worm who bring the biggest laughs.

Overall, it may be the simplest story brought to screen by Pixar, one that has been told in one form or the other numerous times over the years, but it is inspired enough and fresh enough to deliver an enjoyable experience. There are joyous moments, sad times, and even action packed scenes of suspense with birds coming in to join the fun. Complete with a couple of my favorite Pixar characters, Tuck and Roll, there isn't too much bad that I can think of saying about it.\": {\"frequency\": 1, \"value\": \"When watching A ...\"}, \"It's very sad that Lucian Pintilie does not stop making movies. They get worse every time. Niki and Flo (2003) is a depressing stab at the camera. It's unfortunate that from the many movies that are made yearly in Romania , the worst of them get to be sent abroad ( e.g. Chicago International Film Festival). This movie without a plot , acting or script is a waste of time and money. Score: 0.02 out of 10.\": {\"frequency\": 2, \"value\": \"It's very sad that ...\"}, \"Two sisters, their perverted brother, and their cousin have car trouble. They then happen about the home of Dr. Hackenstein whom conveniently needs the body parts of three nubile young women to use in an experiment to bring his deceased lover back to life. He tells them that he'll help them get home in the morning, so they spend the night. Then the good doctor gets down to work in this low-budget horror-comedy.

I found this to be mildly amusing, nothing at all to actually go out of your way for (I stumbled across it on Netflix instant view & streamed it to the xbox 360), but better then I expected it to be for a Troma acquired film. Most of the humor doesn't work, but their are still some parts that caused me to smile. Plus the late, great Anne Ramsey has a small part and she was always a treat to watch.

Eye Candy: Bambi Darro & Sylvia Lee Baker got topless

My Grade: D+\": {\"frequency\": 1, \"value\": \"Two sisters, their ...\"}, \"I love Dracula but this movie was a complete disappointment! I remember Lee from other Dracula films from when i was younger, and i thought he was great, but this movie was really bad. I don't know if it was my youth that fooled me into believing Lee was the ultimate Dracula, with style, looks, attraction and the evil underneath that. Or maybe it was just this film that disappointed me.

But can you imagine Dracula with an snobbish English accent and the body language to go along with it? Do you like when a plot contains unrealistic choices by the characters and is boring and lacks any kind of tension..? Then this is a movie for you!

Otherwise - don't see it! I only gave it a 2 because somehow i managed to stay awake during the whole movie.

Sorry but if you liked this movie then you must have been sleep deprived and home alone in a dark room with lots of unwatched space behind you. Maybe alone in your parents house or in a strangers home. Cause not even the characters in this flick seemed afraid, and i think that sums up the whole thing!

Or maybe you like this film because of it's place in Dracula cinema history, perhaps being fascinated by how the Dracula story has evolved from Nosferatu to what it is today. Cause as movie it isn't that appealing, it doesn't pull you in to the suggestive mystery that for me make the Vampyre myth so fascinating.

And furthermore it has so much of that tacky 70ies feel about it. The scenery looks like cheap Theatre. And i don't say that rejecting everything made in the 70ies. Cause i can love old film as well as new.\": {\"frequency\": 1, \"value\": \"I love Dracula but ...\"}, \"I don't know who to blame, the timid writers or the clueless director. It seemed to be one of those movies where so much was paid to the stars (Angie, Charlie, Denise, Rosanna and Jon) that there wasn't enough left to really make a movie. This could have been very entertaining, but there was a veil of timidity, even cowardice, that hung over each scene. Since it got an R rating anyway why was the ubiquitous bubble bath scene shot with a 70-year-old woman and not Angie Harmon? Why does Sheen sleepwalk through potentially hot relationships WITH TWO OF THE MOST BEAUTIFUL AND SEXY ACTRESSES in the world? If they were only looking for laughs why not cast Whoopi Goldberg and Judy Tenuta instead? This was so predictable I was surprised to find that the director wasn't a five year old. What a waste, not just for the viewers but for the actors as well.\": {\"frequency\": 1, \"value\": \"I don't know who ...\"}, \"Oscar Wilde's comedy of manners, perhaps the wittiest play ever written, is all but wrecked at the hands of a second-rate cast. Sanders is, as one would expect, casually, indolently brilliant in the role of Lord Darlington, but the rest of the cast makes the entire procedure a waste of time. Jean Crain attempts a stage accent in alternate sentences and the other members of the cast seem to believe this is a melodrama and not a comedy; indeed, the entire production has bookends that reduce it to tragedy -- doubtless the Hays office insisted. Preminger's direction seems to lie mostly in making sure that there are plenty of servants about and even the music seems banal. Stick with the visually perfect silent farce as directed by Lubitsch or even the 2004 screen version with Helen Hunt as Mrs. Erlynne; or try reading the play for the pleasure of the words. But skip this version.\": {\"frequency\": 1, \"value\": \"Oscar Wilde's ...\"}, \"While many unfortunately passed on, the ballroom scene is still very much alive and carrying on their legacy. Some are still very much alive and quite well, Octavia is more radiant and beautiful than ever, Willi Ninja is very accomplished and gives a great deal of support to the gay community as a whole, Pepper Labeija just passed on last year of natural cause, may she rest in peace. After Anji's passing Carmen became the mother of the house of Xtravaganza (she was in the beach scene) and she is looking more and more lovely as well. Some balls have categories dedicated to those who have passed, may they all rest in peace. There is currently another project underway known as \\\"How Do I Look?\\\", you can check out the website at www.howdoilooknyc.org.\": {\"frequency\": 1, \"value\": \"While many ...\"}, \"This movie was a major disappointment on direction, intellectual niveau, plot and in the way it dealt with its subject, painting. It is a slow moving film set like an episode of Wonder Years, with appalling lack of depth though. It also fails to deliver its message in a convincing manner.

The approach to the subject of painting is very elite, limited to vague and subjective terms as \\\"beauty\\\". According to the makers of this movie, 'beauty' can be only experienced in Bob-Ross-style kitschy landscape paintings. Good art according to this film can be achieved by applying basic (like, primary school level) color theory and lots of sentiment. In parts the movie is offending, e.g. at a point it is stated (rather, celebrated by dancing on tables) that mentally handicapped people are not capable of having emotions or expressing them through painting, their works by definition being worthless 'bullshit' (quote).

I do not understand how the movie could get such high rating, then again, so far not many people rated it, and they chose for only very high or very low grades.\": {\"frequency\": 1, \"value\": \"This movie was a ...\"}, \"12 year old Arnald Hillerman accidentally kills his older brother Eugene. His feelings are arrested by the fact that his family can not interact with him (or feel it is not the right thing to do). His ONLY refuge is his grandfather, who is the ONLY one who seems to have compassion on him. The Realism will captivate \\\"true-2-life\\\" movie lovers, but will not satisfy those that desire action & thrills.\": {\"frequency\": 1, \"value\": \"12 year old Arnald ...\"}, \"A beautiful film, touching profoundly up the simple, yet divine aspects of humanity.

This movie was almost perfect, and seeing as nothing in this world can be truly perfect, that is pretty good. The only minor thing I subjectively object to, is the pacing at some points in the middle of the story. The acting is also very good, and all the actors easily top actors in high-profile films. The actual directing seems to have been well thought through, and the script must have been amazing. There are some truly breathtaking moments of foreshadowing, and a quite gorgeous continuing circular composition of the story.

The moment in the movie, when the main character achieves that feeling of being in heaven is the perfect ending to a truly brilliant yarn.\": {\"frequency\": 1, \"value\": \"A beautiful film, ...\"}, \"This film reminds me of 42nd Street starring Bebe Daniels and Ruby Keeler. When I watch this film a lot of it reminded me of 42nd Street, especially the character Eloise who's a temperamental star and she ends up falling and breaks her ankle, like Bebe Daniels did in 42nd Street and another performer gets the part and become a star. This film, like most race films, keeps people watching because of the great entertainment. Race films always showed Black Entertainment as it truly was that was popular in that time era. The Dancing Styles, The Music, Dressing Styles, You'll Love It. This movie could of been big if it was made in Hollywood, it would of had better scenery, better filming, and more money which would make any movie better. But its worth watching because it is good and Micheaux does good with the little he has. I have to say out of all Micheaux's films, Swing is the best! The movie features singers, dancers, actresses, and actors who were popular but forgotten today. Doli Armena, a awesome female trumpet player who can blow the horn so good that you think Gabriel is blowing a horn in the sky. The sexy, hot female dancer Consuela Harris would put Ann Miller and Gyspy Rose Lee to shame.

Adding further info... Popular blues singer of the 20's and 30's Cora Green is the focus of the film, she's Mandy, a good, hard working woman with a no good man who takes her money and spend it on other women. A nosy neighbor played by Amanda Randolph tells Mandy what she seen and heard and Mandy goes down to the club and catches her man with an attractive, curvy woman by the name of Eloise (played Hazel Diaz, a Hot-Cha entertainer in the 30's) and a fight breaks out. Then Mandy goes to Harlem where she reunites with a somewhat guardian angel Lena played by one of the most beautiful women in movies Dorothy Van Engle. Lena provides Mandy with a home, a job, and helps her become a star when temperamental Cora Smith (played by Hazel, I guess she's playing two parts or maybe she changed her stage name) tries to ruin the show with her bad behavior. When Cora gets drunk and breaks her leg, Lena convinces everyone that Mandy is right for the job and Lena is right and a star is born in Mandy. Tall, long, lanky, but handsome Carman Newsome is the cool aspiring producer who Lena looks out for as well. Pretty boy Larry Seymour plays the no good man but after Lena threatens him, he might shape up. There are a few highlights but the one that sticks out to me is the part where Cora Smith (Hazel Diaz) struts in late for rehearsal and goes off on everyone and then her man comes in and punches her in the jaw but that's not enough, she almost gets into a fight with Mandy again. In between there's great entertainment by chorus girls, tap dancers, shake dancers, swing music, and blues singing. There's even white people watching the entertainment, I wonder where Micheaux found them, there's even a scene where there's blacks and whites sitting together at the club, Micheaux frequently integrated blacks and whites in his films, he should be commended for such a bold move.

This movie was the first race film I really enjoyed and it helped introduced me to Oscar Micheaux. This movie is one of the best of the race film genre, its a behind the scenes story about the ups and downs of show business.

No these early race films may not be the best, can't be compared with Hallelujah, Green Pastures, Stormy Weather, Cabin In The Sky, Carmen Jones, or any other Hollywood films but their great to watch because their early signs of black film-making and plus these films provide a glimpse into black life and black entertainment through a black person's eyes. These films gave blacks a chance to play people from all walks of life, be beautiful, classy, and elegant, and not just be stereotypes or how whites felt blacks should be portrayed like in Hollywood. Most of the actors and actresses of these race films weren't the best, but they were the only ones that could be afforded at the time, Micheaux and Spencer Williams couldn't afford Nina Mae McKinney, Josephine Baker, Ethel Waters, Fredi Washington, Paul Robeson, Rex Ingram, and more of the bigger stars, so Micheaux and other black and white race film-makers would use nightclub performers in their movies, some were good, some weren't great actors and actresses, but I think Micheaux and others knew most weren't good actors and actresses but they were used more as apart of an experiment than for true talent, they just wanted their stories told, and in return many black performers got to perform their true talents in the films. For some true actors/actresses race films were the only type of films they could get work, especially if they didn't want to play Hollywood stereotypes, so I think you'll be able to spot the true actors/actresses from the nightclub performers. These race films are very historic, they could have been lost forever, many are lost, maybe race films aren't the greatest example of cinema but even Hollywood films didn't start out great in the beginning. I think if the race film genre continued, it would have better. If your looking for great acting, most race films aren't the ones, but if your looking for a real example of black entertainment and how blacks should have been portrayed in films, than watch race films. There are some entertaining race films with a good acting cast, Moon Over Harlem, Body and Soul, Paradise In Harlem, Keep Punching, Sunday Sinners, Dark Manhattan, Broken Strings, Boy! What A Girl, Mystery In Swing, Miracle In Harlem, and Sepia Cinderella, that not only has good entertainment but good acting.\": {\"frequency\": 1, \"value\": \"This film reminds ...\"}, \"Every one should see this movie because each one of us is broken in some way and it may help us realize 1) My life isn't as bad as I thought it was and 2) How important it is to adopt a child in need. There are so many out there. To think that the movie was actually based on a real person made us think deep about life and how the world has and always will be. Corrupt, but that corruption doesn't have to reach your home. We all have a choice! Definitely recommend this one... and while you're at it, I'd like to throw in \\\"The Color Purple\\\" and \\\"Woman, Thou Art Loosed\\\" by T.D. Jakes.

These are all movies that are based on life and give us a glimpse of life.\": {\"frequency\": 1, \"value\": \"Every one should ...\"}, \"I usually talk a bit about the plot in the first part of my review but in this film there's really not much to talk of. Just a mish-mash of other FAR better sword & sorcery epics. Lack of cohesiveness runs rampant as does banality. Even the main villaness refusing to wear clothing other then a loincloth is pretty boring as she pretty much has a chest of a young boy.Mildly amusing in it's ineptitude at best and severely retarded at it's worst. Lucio Fulci was scrapping the bottom of the barrel here and it shows.

My Grade: D-

DVD Extras: Posters & Stills galleries; Lucio Fulci Bio; and US & International Theatrical trailers

Eye Candy: Sabrina Siani is topless throughout (some may consider that appealing, I did not); various extras are topless as well\": {\"frequency\": 1, \"value\": \"I usually talk a ...\"}, \"As a big fan of gorilla movies in general, I anticipated that this one would be great - and as for the gorilla effects, They were quite good, however - that is the only thing I can write about this flop. The film claims to be based on a true story but in effect, it does not even come close to what actually happened to \\\"Buddy\\\" - who in real life, was the famous Gargantua, sold to Ringling Bros. by our supposed \\\"heroic\\\" Gertrude Lintz, known by many animal enthusiasts as a woman who hardly had her animals' welfare in the best interest. As far as Buddy being portrayed as becoming aggressive, this was total fiction and at no time did the gorilla, in real life, resort to such behavior. buddy did, in fact, escape his wooden crate (not a plush cage room as depicted in movie) during a storm, to seek shelter and comfort in the house, which frightened Gertrude Lintz into selling him. No, Buddy was not released into a gorilla family surrounded by lush trees in a zoological paradise - he was abandoned in a wooden crate, deep in the back of a garage for some time with only a single light bulb for comfort and then sold to the circus - where he actually lived a better life having peanuts thrown at him until he died (historically the oldest living gorilla on record, by the way) before a show in Miami. Notice also, in the film, how Buddy grows older but the chimpanzees never age. (The chimps, by the way, were not raised simultaneously with other animals, including Buddy, as portrayed in the film)\": {\"frequency\": 1, \"value\": \"As a big fan of ...\"}, \"The Devil Dog: Hound of Hell is really good film. It has good acting by the cast including Richard Crenna and R.G. Armstrong.The music is spooky and gives that devilish chill!I liked the effects on the dog and I think the creature itself looked really cool with its horns,frill like part on his neck, and acted really viscous!If you like horror films and haven't seen The Devil Dog: Hound of Hell before and are able to find and buy this rare film then do so because its a good movie and I don't think you'll be disappointed!\": {\"frequency\": 1, \"value\": \"The Devil Dog: ...\"}, \"I have seen about a thousand horror films. (my favorite type) This film is among the worst. For me, an idea drives a movie. So, even a poorly acted, cheaply made movie can be good. Something Weird is definitely cheaply made. However, it has little to say. I still don't understand what the karate scene in the beginning has to do with the film. Something Weird has little to offer. Save yourself the pain!\": {\"frequency\": 1, \"value\": \"I have seen about ...\"}, \"I enjoyed this film. I thought it was an excellent political thriller about something that's never happened before - a Secret Service agent going bad and involved in an assassination plot. Unfortunately, for Michael Douglas' character, \\\"Pete Garrison,\\\" they think HE's the mole but he isn't.

He's just a morally-flawed agent having an affair with the First Lady! Since he's doing that, he's unable to give an acceptable polygraph exam and that makes him suspect number one when it's revealed there is a plot to kill the President.

\\\"Garrison\\\" is forced to go on the lam but at the same time he's still trying to do the right thing by protecting the President. Douglas does a fine job in this role. I don't always care the people he plays but he's an excellent actor. Keifer Sutherland (\\\"David Breckinridge\\\") is equally as good (at least in here) as the fellow SS boss who hunts down Douglas until convinced he has been telling the truth. When he does the two of them work together in the finale to discover and then stop, if they can, the plot. The crooks are interesting, too, by the way. Also, I have never - and never will, unfortunately - see a First Lady who looks as good as Kim Basinger

This is simply a slick action flick that entertains start-to-finish. Are there holes in it? Of course; probably a number of them, and a reason you see so many critical comments. However, it is unfairly bashed here. It just isn't intelligent enough for the geniuses here on this website. My advice: chill, just go along for the ride and enjoy all the action and intrigue. Yes, it gets a little Rambo-ish at the end but otherwise it gets high marks for entertainment.....which is what movies are all about.\": {\"frequency\": 1, \"value\": \"I enjoyed this ...\"}, \"I almost made a fool of myself when I was going to start this review by saying \\\" This movie reminded me of BILLY ELLIOT \\\" but then I looked up the resume of screenwriter Lee Hall only to find out that he was the guy who wrote BILLY ELLIOT so it's Mr Hall who's making a fool of himself not me

Am I being a bit cruel on him ? No because Lee has something most other aspiring screenwriters from Britain don't have - He has his foot in the door , he has previously written a successful British movie that won awards and made money at the box office and what does he do next ? He gives the audience more of the same

Young Jimmy Spud lives on some kitchen sink estate . He is bullied at school and no one loves him . The only thing keeping him going is that he has aspirations to be a ballet dancer . No actually he has aspirations to be an angel but considering his household he may as well be a ballet dancer . He has a macho waster of a father who thinks \\\" Ballet dancers are a bunch of poofs while his granddad says \\\" Ballet dancers are as tough as any man you could meet . I remember seeing the Bolshoi ballet ... \\\" Yup Ballet is a main talking point on a run down British council estate those days - NOT . Come to think of it neither is left wing politics which seems to be the sole preserve of middle class do gooders who live in nice big houses , so right away everything about this set up feels ridiculously false

Another major criticism is that this is a film that has no clue who it's trying to appeal to . I have often criticised Channel 4 for broadcasting movies at totally inappropriate times ( THE LAND THAT TIME FORGOT at 6 am for example ) but they showed this at 2 am and for once they've got it spot on . Considering the story involves politics , ballet dancing ( Gawd I hate it ) lung cancer and poverty there's no way this can be deemed suitable for a family audience but since the main protagonist is an 11 year old child and features angels and ballet dancers ( Don't blame me if I seem obsessed with the subject - there was no need to refer to them ) there's not much here for an intelligent adult audience either .

Of course if Lee Hall had been told at the script development stage by the producers that he should write a story featuring a schoolboy and an angel and had flatly refused saying that he wanted to write about other themes and stories then I will apologise but throughout the movie you do get the feeling that once the film was completed it was going to be marketed to the exact same audience who enjoyed BILLY ELLIOT\": {\"frequency\": 1, \"value\": \"I almost made a ...\"}, \"this is a great movie. i like it where ning climbs down to get his ink, and the skeletons chase him, but luckily he dodged them, opened the window, and didn't even notice them. xiao qian is very pretty too. & when he stuck the needle up ma Wu's butt, its hysterical. and when he is saying love is the greatest thing on earth while standing between two swords is great too. then also the part where he eats his buns while watching thew guy kill many people. then you see him chanting poems as he ran to escape the wolves. the love scenes are romantic, xiao qian and ning look cute together. add the comic timing, the giant tongue, and u have horror, romance, comedy, all at once. not to mention superb special effects for the 90s.\": {\"frequency\": 1, \"value\": \"this is a great ...\"}, \"A must see for anyone who loves photography. stunning and breathtaking,leaves you in ore. seen it twice once in a cinema and now on DVD. it holds up well on DVD but on the big screen this was something else.

Took my two daughters to see this and they loved it, my oldest cried at the end.but she was the one who wanted to see it again tonight when she saw it at the video shop. its simple telling of a child's love for nature and in particular a fox is told well. in some ways it reminded me of the bear in its telling a story not documentary formate. which works for children very well. not being preached to is very important, you make your own mind up.

But the star of this film is the cinematographers, how did they do what they did. amazing just amazing.\": {\"frequency\": 1, \"value\": \"A must see for ...\"}, \"Hm. While an enjoyable movie to poke plot holes, point out atrocious acting, primitive (at best) special effects (all of which have caused me to view this movie three times over the past six years), Severed ranks among the worst I've ever seen. I'm never sure who the protagonists are, all I know is that the killer uses a portable guillotine, as seen in the dance floor murder scene. All in all, I don't really like the movie, because only the first 30 minutes are enjoyable, the rest is a mishmash of confusing dialog and imagery that fail to progress the story to a logical conclusion (which I can't remember anyway).\": {\"frequency\": 1, \"value\": \"Hm. While an ...\"}, \"This is an excellent film!Tom Hanks and Paul Newman performed great!I was really surprised when Newman was beating on his son!That was a great scene and the shooting scenes were staged good.I was very surprised about the end.Rent this film today as it is one of Tom Hanks' best!\": {\"frequency\": 2, \"value\": \"This is an ...\"}, \"If you've ever seen an eighties slasher, there isn't much reason to see this one. Originality often isn't one of slasher cinema's strongpoints, and it's something that this film is seriously lacking in. There really isn't much that can said about Pranks, so I'll make this quick. The film was one of the 74 films included on the DPP Video Nasty list, and that was my only reason for seeing it. The plot follows a bunch of kids that stay behind in a dorm at Christmas time. As they're in a slasher, someone decides to start picking them off and this leads to one of the dullest mysteries ever seen in a slasher movie. The fact that this movie was on the Video Nasty list is bizarre because, despite a few gory scenes, this film is hardly going to corrupt or deprave anyone, and gorier slashers than this (Friday the 13th, for example) didn't end up banned. But then again, there's banned films that are much less gory than this one (The Witch Who Came from the Sea, for example). Anyway, the conclusion of the movie is the best thing about it, as although the audience really couldn't care less who the assailant is by this point; it is rather well done. On the whole, this is a dreary and dismal slasher that even slasher fans will do well to miss.\": {\"frequency\": 1, \"value\": \"If you've ever ...\"}, \"This movie is trash-poor. It has horrible taste, and is pedestrian and unconvincing in script although supposedly based on real-events - which doesn't add much of anything but make it more of a disappointment. Direction is not well done at as scenes and dialogue are out-of-place. Not sure what Robin Williams saw in this character or story. To start, Williams is not convincing as a gay in a relationship breakup nor is the relationship itself interesting. What's worse, his character is compelled by an ugly pedophile story that is base and has no place as a plot device. You have an older Rory Culkin tastelessly spouting \\\"d_ck_smker\\\" - in good fun- which is annoying enough and then laughed up by the Williams character. Finally you have Sandra Oh as a guardian angel adviser to Williams and a thrown in explanation of the whole fiasco towards the end. Toni Collete's character is just plain annoying and a re-hash of her 6th Sense performance with poorer direction. Very Miss-able.\": {\"frequency\": 1, \"value\": \"This movie is ...\"}, \"drss1942 really took the words right out of my mouth. I loved Segal's early films and feel like the only one who is still faithful to him. I just saw this movie (ok, fell asleep about 90% through, so I didn't see the end). When I woke up and saw I was at the DVD menu, I was thankful I didn't subject myself to any more of that movie and didn't dare find out what happened at the end. There was something strange about the voice of Segal and others. Kinda reminded me of the original Mad Max where the voice were dubbed, but in the same language (Australlian is English, right? :) Anyway, if I had 10 thumbs, they'd all point down right now for this Segal injustice.\": {\"frequency\": 1, \"value\": \"drss1942 really ...\"}, \"Blonde and Blonder was unfunny.Basically, it was a rip-off girl version of Dumb and Dumber, but less funny, and they used too much background noises and music.WAY TOO MUCH BACKGROUND NOISES AND MUSIC IF YOU ASK ME!!!!It starts out immensely boring, and TOTALLY inane.It doesn't pick up pace anywhere soon, and I was feeling more frustrated as this nonsense carried on.Maybe, the only thing that saved me from giving this movie a 1 was the last 30 minutes.I found it somewhat entertaining and interesting as it neared the end, but that was the only part.Also, I couldn't help but like Pamela Anderson and Denise Richard's characters a little.Even though this movie didn't get any laughs from me, it kept my attention.I wouldn't say to completely avoid this movie, but there are thousands of better films for you to spend your time and money on than Blonde and Blonder.\": {\"frequency\": 1, \"value\": \"Blonde and Blonder ...\"}, \"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.\": {\"frequency\": 2, \"value\": \"How this film ...\"}, \"This film is definitely a product of its times and seen in any other context, it is an incredibly stupid movie. Heck, even seen in its proper context, it's pretty bad!! Mostly, this is due to a silly plot and very self-indulgent direction by the famed Italian director, Michelangelo Antonioni. In this case, he tried to meld a very artsy style film with an anti-establishment hippie film and only succeeded in producing a bomb of gargantuan proportions.

The film begins with a rap session where a lot of \\\"with it\\\" students sit around saying such platitudes as \\\"power to the people\\\" and complaining about \\\"the man\\\". Considering most of these hippies have parents sending them to college, it seemed a bit silly for these privileged kids to be complaining so loudly and shouting revolutionary jargon. A bit later, violence between the students and the \\\"establishment pigs\\\" breaks out and a cop is killed. Our \\\"hero\\\", Mark, may or may not have done it, but he is forced to run to avoid prosecution. Instead of heading to Mexico or Canada, he does what only a total moron would do--steals an airplane and flies it to the Mojave Desert! There, he meets a happen' chick and they then sit around philosophizing for hours. Then, they have sex in one of the weirder sex scenes in cinema history. As they gyrate about in the dust, suddenly other couples appear from no where and there is a huge orgy scene. While you see a bit of skin (warranting an R-rating), it's not as explicit as it could have been. In fact, it lasts so long and seems so choreographed that it just boggles the mind. And of course, when they are finished, the many, many other couples vanish into thin air.

Oddly, later the couple paint the plane with some help and it looks a lot like a Peter Max creation. Despite improving the look of the plane, the evil cops respond to his returning the plane by shooting the nice revolutionary. When the girl finds out, she goes into a semi-catatonic state and the movie ends with her seemingly imagining the destruction of her own fascist pig parents and all the evil that they stand for (such as hard work and responsibility). Instead of one simple explosion, you see the same enormous house explode about 8 times. Then, inexplicably, you see TVs, refrigerators and other things explode in slow motion. While dumb, it is rather cool to watch--sort of like when David Letterman blows things up or smashes things on his show.

Aside from a dopey plot, the film suffers from a strong need for a single likable character as well as extensive editing. At least 15 minutes could easily be removed to speed things up a bit--especially since there really isn't all that much plot or dialog. The bottom line is that this is an incredibly dumb film and I was not surprised to see it listed in \\\"The Fifty Worst Films\\\" book by Harry Medved. It's a well deserved addition to this pantheon of crap. For such a famed director to spend so much money to produce such a craptastic film is a crime!

Two final observations. If you like laughing at silly hippie movies, also try watching THE TRIAL OF BILLY JACK. Also, in a case of art imitating life, the lead, Mark Frechette, acted out his character in real life. He died at age 27 in prison a few years after participating in an act of \\\"revolution\\\" in which he and some friends robbed a bank and killed an innocent person. Dang hippies!!\": {\"frequency\": 1, \"value\": \"This film is ...\"}, \"This movie has so many wonderful elements to it! The debut performance of Reese Witherspoon is, of course, marvelous, but so too is her chemistry with Jason London. The score is remarkable, breezy and pure. James Newton Howard enhances the quality of any film he composes for tenfold. He also seems to have a knack for lost-days-of-youth movies, be sure to catch his score for the recent \\\"Peter Pan\\\" and the haunting Gothic music of \\\"The Village.\\\" I first saw this film at about 13 or 14 and now I don't just cry at the ending, I shed a tear or two for the nostalgia. Show this movie to your daughters. It will end up becoming a lifetime comfort film.\": {\"frequency\": 1, \"value\": \"This movie has so ...\"}, \"The movie is basically the story of a Russian prostitute's return to her home village for the funeral of a sister/friend. There are a couple of other minor story lines that might actually be more interesting than the one taken, but they are not fully explored. The core of the movie is the funeral, wake, and later controversy over the future of a community of crones that make dolls and sell them to buy vodka but are now missing the artist who made their dolls marketable. Apparently, the movie is unedited. The prostitute's journey from the city to the village is an excruciatingly endless train ride and tramp through the mud. Maybe that's supposed to impress us with the immensity of the Russian landscape. The village itself, such as it is, is inhabited by a legion of widows and one male, the consort of the dead girl. Continuing the doll business is problematic for everyone involved and eventually seems impossible. Most of the film is shot with a hand-held camera that could induce nausea. Another problem for Western viewers is that subtitles don't include the songs and laments of the crones. Don't go to this movie unless you're fluent in Russian.\": {\"frequency\": 1, \"value\": \"The movie is ...\"}, \"This is just flat out unwatchable. If there's a story in here somewhere, it's so deeply buried beneath the horrid characters and jarring camera work that's it's indiscernible. There's a group of vampire hunters who go around doing their thing, and the vampires they kill have little aliens inside of them. They pop their heads out and talk like Speedy Gonzales. If you can imagine a blood and gore covered alien sock puppet screaming in horror as a cowboy dude zaps it with a cattle prod, well, that's what you get here. These folks are loud, obnoxious, violent, and just extremely annoying. Then there are some anti-human humans, who stand around in their CGI spaceship being so incredibly pompous that it's impossible to take. These folks make Hillary Clinton seem like a right-wing extremist in comparison. They're friends with some vampires, or something...who cares.

Then there's the camera work. Remember how everybody hated the thousand-cuts-a-minute crap from the recent Rolleball remake? The folks who made this movie LOVE that stuff. There's enough of it in here for three really crappy nu-metal videos on MTV.

Nuff said. This thing smells. In comparison, Dracula 3000 is a masterwork.\": {\"frequency\": 1, \"value\": \"This is just flat ...\"}, \"This is a story about Shin-ae, who moves to Milyang from Seoul with her young son Jun to start over after the accidental death of her husband. Her husband was born here, and she is opening up a piano school, but also has ambitions to own some land with the insurance money she received from the death. If that is what the film was about, it probably would have been like a Hollywood film, with her falling for some local guy and being happy with her son in their new home. But, this is not Hollywood. Her son gets kidnapped and murdered, ostensibly because it is known she has cash from the settlement. The grief process, attempts at moving on, attempts to clear her conscience of guilt, are all done admirably, and the lead actress is superb. The only caveat, and it has to be stated, is that this is a depressing film. You have to know that going in. You want Shin-ae to go through her grief and find some measure of happiness. Again, this is not Hollywood, it is Korea and in Korean cinema, especially drama, they pull no punches. Life is what happens to you. Great acting, but sometimes a tough film to watch, due to the goings on. If you stay, you'll be rewarded. Do that.\": {\"frequency\": 1, \"value\": \"This is a story ...\"}, \"A CRY IN THE DARK

A CRY IN THE DARK was a film that I anticipated would offer a phenomenal performance from Meryl Streep and a solid, if unremarkable film. This assumption came from the fact that aside from Streep's Best Actress nomination, the movie received little attention from major awards groups.

Little did I anticipate that A CRY IN THE DARK would be such a riveting drama, well-constructed on every level. If you ask me, this is an under-appreciatted classic.

The film opens rather slowly, letting the audience settle into the Chamberlain's at a relaxed pace and really notice that, at the core, they are an incredibly loving, simple family. Fred Schepisi (the director) selects random moments to capture of a family on vacation that give a looming sense of the oncoming tragedy, while also showing the attentive bliss with which Lindy (Streep) and Michael (Sam Neill) Chamberlain care for their children.

While the famous line \\\"A Dingo Took My Baby!\\\" has become somewhat of a punchline these days, the movie never even comes close to laughable. The actual death of Azaria is horrifyingly captured. It is subtle and realistic, leaving the audience horrified and asking questions.

The majority of the film takes place in courtrooms and focuses on the Chamberlain's continuous fight to prove their innocence to the press and the court, which suspects Lindy of murder.

The fact that it is clear to us from the beginning that they are innocent makes the tense trials all the more gripping. As an audience member, I was fully invested in the Chamberlain's plight... and was genuinely angered and hurt and saddened when they were made to look so terrible by the media. But at the same, the media/public opinion is understandable. I loved the way the media was by no means made to be sympathetic, but they always had valid reasons to hold their views.

The final line of the film is very profound and captures perfectly the central element that makes this film so much different from other courtroom dramas.

In terms of performances, the only ones that really matter in this film are those of Streep and Neill... and they deliver in every way. For me, this ranks as one of (if not #1) Meryl Streep's best performances. For all her mastery of different accents (which of course are very impressive in their own right), Streep never loses the central heart and soul of her characters. I find this to be one of Streep's more subtle performances, and she hits it out of the park. And Neill, an actor who has never impressed me beyond being charismatic and appealing in JURASSIC PARK, is a perfect counterpoint to Streep's performance. From what I've seen, this is undoubtedly Neill's finest work to date. It's a shame he wasn't recognized by the Academy with a Leading Actor nomination to match Streep's... b/c the two of them play of each other brilliantly.

More emotionally gripping than most films, and also incredibly suspenseful... A CRY IN THE DARK far exceeded my expectations. I highly recommend that people who only know of the movie as the flick where Meryl screams \\\"The dingo took my baby!\\\" watch the film and see just how much more there is to A CRY IN THE DARK then that one line.

... A ...\": {\"frequency\": 1, \"value\": \"A CRY IN THE DARK ...\"}, \"I have seen Slaughter High several times over the years, and always found it was an enjoyable slasher flick with an odd sense of humor, but I never knew that it was filmed in the UK, and I never knew that the actor that plays Marty Rantzen (Simon Scuddamore) committed suicide after the film was released. I guess I did notice while watching it last night that the actors phrasing seems rather odd for Americans, and a few of them aren't very good at hiding their English accents.

All that aside though, this is the tale of the class nerd, Marty, who is the butt of jokes from his classmates, and on one particular day, April Fools Day, he's lured into the girl's locker room by one Caroline Munro (yes, playing a teenager) and humiliated big time on film. Of course, the coach catches the gang at work & they're all given a vigorous workout to punish them, but not before a couple of the guys slip Marty a joint, which he tries to smoke in the chemistry lab, but it's full of something that makes him sick & when he runs to the restroom, one of his classmates slips in and puts a chemical that reacts with something Marty is mixing, which results in a fire and the spill of a bottle of nitric acid, which leaves poor Marty burned & horribly scarred.

Ten years later, this same gang is headed for their class reunion at good old Doddsville High, which seems oddly boarded up and inaccessible, but thanks to ingenuity they manage to get in and find the place seemingly derelict...except there's a room where a banquet and liquor is laid out and so of course, they eat, drink, and be merry. For soon, they will die, of course.

The gang is stalked one-by-one by a figure in a jester's mask, but could it be Marty? They don't know, they figure he's either in a loony bin or working for IBM, they're not sure which. But whoever it is, he's making quick work of them. Particularly nasty is the girl that takes a bath to wash blood off her from one of her classmates whose innards popped all over her when he drank poisoned beer. She is victim to an acid bath which I believe may have been one of the parts originally cut in the tape version, because it seemed extra nasty when I watched it this time. I could be wrong but I believe that wasn't on the tape.

At any rate, there's somewhat of a twist ending, and that also contains footage not on the tape, I believe. There's also a bit of frontal nudity early on that was also excised, but apart from that I didn't really notice if there were other bits on this uncut version, probably so but it's been a while since I've last seen it.

At any rate, if you're a fan of 80's slasher flicks then snap up the new release DVD, because it's a fun little slasher with a good atmosphere & feel to it. 7 out of 10.\": {\"frequency\": 1, \"value\": \"I have seen ...\"}, \"Yes I have rated this film as one star awful. Yet, it will be in my rotation of Christmas movies henceforth. This truly is so bad it's good. This is another K.Gordon Murray production (read: buys a really cheap/bad Mexican movie, spends zero money getting it dubbed into English and releases it at kiddie matin\\ufffd\\ufffdes in the mid 1960's.) It's a shame I stumbled on this so late in life as I'm sure some \\\"mood enhancers\\\" would make this an even better experience. I'm not going to rehash what so many of the other reviewers have already said, a Christmas movie with Merlin, the Devil, mechanical wind-up reindeer and some of the most pathetic child actors I have ever seen bar none. I plan on running this over the holidays back to back with Kelsey Grammar's \\\"A Christmas Carol\\\". Truly a holiday experience made in Hell. Now if I can only find \\\"To All A Goodnight (aka Slayride)\\\" on DVD I'll have a triple feature that can't be beat. You have to see this movie. It moves so slowly that I defy you not to touch the fast forward button-especially on the two dance routines! This thing reeks like an expensive bleu cheese-guess you have to get past the stink to enjoy the experience. Feliz Navidad amigos!\": {\"frequency\": 1, \"value\": \"Yes I have rated ...\"}, \"This is one of the best crime-drama movies during the late 1990s. It was filled with a great cast, a powerful storyline, and many of the players involved gave great performances. Pacino was great; he should have been nominated for something. John Cusack was good too, as long as the viewer doesn't mind his Louuu-siana accent. He may come off as annoying if you can't stand this dialect. The way that Pacino's character interacted with Cusack's character was believable, dramatic, and slightly comical at times. Danny Aiello was superb as always. David Paymer was great in a supporting role. Bridget Fonda was good but not memorable. There were times when this picture mentioned so many characters, probably too many. It may take a second viewing to remember, \\\"which Zapatti was which?\\\" After so many cross-references, one has to stop and think just to recap. The ending didn't have a lot of sting. It was built up for so long and then was a bit of a letdown. This was one of the few problems with the film. Since the movie wasn't billed as a \\\"huge, blockbuster\\\" big screen hit, it made some forget that this movie even existed. Pacino and Aiello were great but the film's lack of \\\"splash\\\" in the theaters may have accounted for no nominations. It was semi-successful in the home market, and viewers are still learning that this title is out there. Made in 1996, it still stands up today and will remain popular for many years to come.

So, make yourself some lemon pudding (you'll see) and see this movie!\": {\"frequency\": 1, \"value\": \"This is one of the ...\"}, \"The film revolves around a man who believes that all forms of media are obsolete. The idea behind his art project is to unmask the ridiculous culture that we are bathed in. Naturally, the film takes place in Los Angeles/Orange County. He attacks stand up comics (caw, caw, caw), rock bands, models, blockbuster Hollywood films, and touches on many other mediums. Eventually, he finds himself in the sights of the weapon he has set into motion. The film is five years old and rings more true every day. It's the best description of post-punk anger I've ever seen. It's also one of my top 10 favorite films.\": {\"frequency\": 1, \"value\": \"The film revolves ...\"}, \"Yes, I call this a perfect movie. Not one boring second, a fantastic cast of mostly little known actresses and actors, a great array of characters who are all well defined and who all have understandable motives I could sympathize with, perfect lighting, crisp black and white photography, a fitting soundtrack, an intelligent and harmonious set design and a story that is engaging and works. It's one of those prime quality pictures on which all the pride of Hollywood should rest, the mark everyone should endeavor to reach.

Barbara Stanwyck is simply stunning. There was nothing this actress couldn't do, and she always went easy on the melodramatic side. No hysterical outbursts with this lady - I always thought she was a better actress than screen goddesses like Bette Davis or Joan Crawford, and this movie confirmed my opinion. Always as tough as nails and at the same time conveying true sentiments. It is fair to add that she also got many good parts during her long career, and this one is by far the least interesting.

The title fits this movie very well. It is about desires, human desires I think everyone can understand. Actually, no one seems to be scheming in this movie, all characters act on impulse, everybody wants to be happy without hurting anybody else. The sad fact that this more often than not leads to complications makes for the dramatic content into which I will not go here.

I liked what this movie has to say about youth, about maturing and about the necessity to compromise. The movie I associate most with this one is Alfred Hitchcock's Shadow of a Doubt, it creates a similar atmosphere of idealized and at the same time caricatured Small Town America. The story has a certain similarity with Fritz Lang's considerably harsher movie Clash by Night, made one year earlier, where Stanywck stars in a similar part. I can also recommend it.\": {\"frequency\": 1, \"value\": \"Yes, I call this a ...\"}, \"If there was anything Akira Kurosawa did wrong in making Dodes'ka-den, it was making it with the partnership he formed with the \\\"four knights\\\" (the other three being Kobayaski, Ichikawa, and Konishita). They wanted a big blockbuster hit to kick off their partnership, and instead Kurosawa, arguably the head cheese of the group, delivered an abstract, humanist art film with characters living in a decimated slum that had many of its characters face dark tragedies. Had he made it on a more independent basis or went to another studio who knows, but it was because of this, among some other financial and creative woes, that also contributed to his suicide attempt in 1971. And yet, at the end of the day, as an artist Kurosawa didn't stop delivering what he's infamous for with his dramas: the strengths of the human spirit in the face of adversity. That its backdrop is a little more unusual than most shouldn't be ignored, but it's not at all a fault of Kurosawa's.

The material in Dodes'ka-den is absorbing, but not in ways that one usually finds from the director, and mostly because it is driven by character instead of plot. There's things that happen to these people, and Kurosawa's challenge here is to interweave them into a cohesive whole. The character who starts off in the picture, oddly enough (though thankfully as there's not much room for him to grow), is Rokkuchan, a brain damaged man-child who goes around all day making train sounds (the 'clickety-clack' of the title), only sometimes stopping to pray for his mother. But then we branch off: there's the father and son, the latter who scrounges restaurants for food and the former who goes on and on with site-specific descriptions of his dream house; an older man has the look of death to him, and we learn later on he's lost a lot more than he'll tell most people, including a woman who has a past with him; a shy, quiet woman who works in servitude to her adoptive father (or uncle, I'm not sure), who rapes her; and a meek guy in a suit who has a constant facial tick and a big mean wife- to those who are social around.

There are also little markers of people around these characters, like two drunks who keep stumbling around every night, like clockwork, putting big demands on their spouses, sometimes (unintentionally) swapping them! And there's the kind sake salesman on the bike who has a sweet but strange connection with the shy quiet woman. And of course there's a group of gossiping ladies who squat around a watering hole in the middle of the slum, not having anything too nice to say about anyone unless it's about something erotic with a guy. First to note with all of this is how Kurosawa sets the picture; it's a little post-apocalyptic, looking not of any particular time or place (that is until in a couple of shots we see modern cars and streets). It's a marginalized society, but the concerns of these people are, however in tragic scope, meant to be deconstructed through dramatic force. Like Bergman, Kurosawa is out to dissect the shattered emotions of people, with one scene in particular when the deathly-looking man who has hollow, sorrowful eyes, sits ripping cloth in silence as a woman goes along with it.

Sometimes there's charm, and even some laughs, to be had with these people. I even enjoyed, maybe ironically, the little moments with Rokkuchan (specifically with Kurosawa's cameo as a painter in the street), or the awkward silences with the man with the facial tics. But while Kurosawa allows his actors some room to improvise, his camera movements still remain as they've always been- patient but alert, with wide compositions and claustrophobic shots, painterly visions and faces sometimes with the stylization of a silent drama meant as a weeper. Amid these sometimes bizarre and touching stories, with some of them (i.e. the father and son in the car) especially sad, Kurosawa lights his film and designs the color scheme as his first one in Eastmancolor like it's one of his paintings. Lush, sprawling, spilling at times over the seams but always with some control, this place is not necessarily \\\"lighter\\\"; it's like the abstract has come full-throttle into the scene, where things look vibrant but are much darker underneath. It's a brilliant, tricky double-edged sword that allows for the dream-like intonations with such heavy duty drama.

With a sweet 'movie' score Toru Takemitsu (also responsible for Ran), and some excellent performances from the actors, and a few indelible scenes in a whole fantastic career, Dodes'ka-den is in its own way a minor work from the director, but nonetheless near perfect on its own terms, which as with many Kurosawa dramas like Ikiru and Red Beard holds hard truths on the human condition without too much sentimentality.\": {\"frequency\": 1, \"value\": \"If there was ...\"}, \"First off I'd like to point out that Sam Niel is nowhere to be seen in this film. What's a movie without Sam Niel. Did anyone see Event Horizon. D-Wars did have potential a movie about a dragon that controls lizards with rocket launchers does sound cool but sadly isn't. Nope, no Sam Niel, no good movie. I recommend taking the 5 dollars or so it takes to rent D-Wars and adding 10 to that five and buying a Sam Niel film- apparently to submit this i have to have ten lines of text so heres a list of Sam Niel movies i recommend

-jurassic park -dead calm -hunt for red October -event horizon -not jurassic park three

overall D-Wars is a pile\": {\"frequency\": 1, \"value\": \"First off I'd like ...\"}, \"I'm not usually a fan of strictly romantic movies but heard this was good. I was stunned. Easily the most romantic thing I've ever seen in my life. Stunning. Brilliant, sweet, funny and full of heart. The chemistry is flawless as is the writing and directing.

Ethan Hawke and Julie Delphy are so natural and sweet together you really think they're a couple.

The movies grabs you right away and doesn't let go. You can't look away nor can you stop listening to them. Even the little moments just melt your heart.

This has jumped into the ranks of one of my favourite ever. A masterpiece.\": {\"frequency\": 1, \"value\": \"I'm not usually a ...\"}, \"In a time when the constitution and principals the United States were founded on are trampled underfoot by an administration desperate to distract attention from its own internal problems, where the Geneva Convention, human rights and foreign sovereignty are unapologetically discarded, a thriller about the state taking illegal action that far exceeds that of the terrorists they are countering might seem appropriate. However, if you want to see a film about that, try Ed Zwick's flawed THE SIEGE instead, because NADA is one of the most infantile 'political' thrillers ever made. Like Robert Altman's PRET-A-PORTER, the director has taken on a subject he seems completely ignorant of, and imprints his ignorance on almost every frame.

His terrorists are a wildly unconvincing group of stereotypes - Fabio Testi dresses as if he were auditioning for MAD Magazine's 'Spy vs. Spy' strip, Michel Duchaussoy behaves like an absurd KIDS IN THE HALL send up of the sociology professor from Hell, Mariangela Melato a cardboard middle-class revolutionary wannabe - who behave at every unconvincing plot turn as if they want to be caught. The corrupt authorities fare a little better, but are still painted in unconvincingly broad strokes.

It is possible to make a smart film about dumb people (cf ELECTION), but this is a moronic film about dumb people made by people who think they're intellectuals who are talking down to the masses. In truth, were one to recast Testi, Duchaussoy and Melato with Jim Varney, Johnny Knoxville and Shannon Tweed, the result would actually be to raise the intellectual content of the film, not lower it.

Chabrol might just have got away with his characters and events if he took them seriously, but his staging is so inept (the fight scenes would embarrass a kindergarten class while the shooting of the kidnapping is more inept than the kidnapping itself) and his inability to get his cast to perform with at least some approximation of recognisable human behaviour so blatant that it is actually embarrassing to watch (special mention must be made here of Duchaussoy: so very good in Chabrol's QUE LA BETE MUERE, he is stunningly bad here in a performance that is so far over the top it's back again).

Chabrol has made some fine films, but you would never guess it from this amateurish mess - a newcomer to his work would never want to see another of his films after this, which would be a great shame. Utter drivel, and a sad waste of a potentially interesting material. One star out of ten - and that's being very generous.\": {\"frequency\": 1, \"value\": \"In a time when the ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"To heighten the ...\"}, \"A lot of themes or parts of the story is the same as in Leon, then other parts felt like some other movie, I don't know which, but there are an familiar feeling over the whole movie. It was kind of nice to watch, but it would have been fantastic! if the story would have been more original. The theme little girl, bad assassin from Leon, is just tweaked a little. The opening scenes are really good :-) It is strange that people like to fight in the kitchen, in the movies :-) My biggest problem was to remember which parts was from Leon, Nikita and if they where from the French or American version. If you have not seen Leon, then this is a good movie. If you liked this movie, then I can recommend Leon.

Best Regards /Rick\": {\"frequency\": 1, \"value\": \"A lot of themes or ...\"}, \"Charming in every way, this film is perfect if you're in the mood to feel good. If you love jazz music, it is a must see. If you enjoy seeing loveable characters that make you smile, can bring a tear to your eye and swing like there's no tomorrow this film is for you. If you are looking for an intense, deep, heavy piece of art to be dissected and analyzed perhaps you best stick with something by Darren Aronofsky (in other words - reviewer djjohn lighten up, don't you know a good time when you see one!) My only complaint is that the movie was just too darn short. I guess I'll just have to watch it several more times to get my fill.\": {\"frequency\": 1, \"value\": \"Charming in every ...\"}, \"This is not a good movie. Too preachy in parts and the story line was sub par. The 3D was OK, but not superb. I almost fell asleep in this movie.

The story is about 3 young flies that want to have adventure and follow up on it. The characters are lacking, I truly do not care about these characters and feel that there was nothing to keep an adult interested. Pixar this is not.

I would have liked to see more special 3D effects. Also I wold like to see more fly jokes than the mom constantly saying \\\"Lord of the flies\\\" Pretty sexist in showing the women as house wives and fainting.\": {\"frequency\": 1, \"value\": \"This is not a good ...\"}, \"This has got to be one of my very favorite Twilight Zone episodes, primarily for the portrayal of two lonely souls in a post-apocalyptic environment.

The cobweb-strewn shops and rubble-laden streets are eerie in that particular way the Twilight Zone does best.

While the parable can be a bit heavy-handed by today's drama standards, it is an excellent one - using the setting to make a statement relevant to the human experience, as well as geopolitics, in a way that is timeless. The entire drama rests solely on the shoulders of Mr. Bronson and Ms. Montgomery, who do not disappoint. (May they both rest in peace.)

A true classic.\": {\"frequency\": 1, \"value\": \"This has got to be ...\"}, \"The film had some likable aspects. Perhaps too many for my taste. It felt as though the writer/director was desperately trying to get us to feel the inner conflict of ALL of its characters. Not once, a few times...but all of the time.

This is the job of television, not cinema.

The location of the train station was well chosen and I enjoyed Sascha Horler's performance as the pregnant friend.

I felt as though Justine Clarke's performance was wan. Her reactions to things felt forced, as though the director were trying to vocalise the themes of the film through her protagonist's expressions. I also can't believe that a director can make the wonderful Daniela Farinacci into an unbelievable presence.

I cannot understand the choice of pop music slapped over entire sequences. This is a lazy device, especially where the pop music comes from no place diagetic to the film and/or where the lyrics of the song feel embarrassingly earnest.

That said, there is a breezy quality about the film that evokes the Australian heat and local attitude with originality. It does create an atmosphere of heat and sunshine. Especially with the usage of wonderful animation sequences that rescue the film from complete mediocrity, infusing it with passion and hand-crafted charm.

I am curious why the dialogue feels so overworked. \\\"Who knows if there's a god? Like some guy sitting there up in the sky telling us what to do\\\" or whatever the line was.

Perhaps one of the more embarrassing moments was the friend returning home from cricket with a bunch of flowers to declare to his wife \\\"I'm giving up smoking.\\\"

An anti-smoking commercial? A TAC ad with some tasteful animation? I had to leave the cinema at the 50 minute mark -- it was all too much.\": {\"frequency\": 1, \"value\": \"The film had some ...\"}, \"Hello. This movie is.......well.......okay. Just kidding! ITS AWESOME! It's NOT a Block Buster smash hit. It's not meant to be. But its a big hit in my world. And my sisters. We are rockin' Rollers. GO RAMONES!!!! This is a great movie.............. For ME!\": {\"frequency\": 1, \"value\": \"Hello. This movie ...\"}, \"Mr. Blandings Builds His Dream House may be the best Frank Capra/Preston Sturges movie neither man ever made! If you love Bringing Up Baby, The Philadelpia Story, The Thin Man, I Was A Male War Bride or It's a Wonderful Life - movies made with wit, taste and and the occasional tongue firmly panted in cheek, check this one out. Post WWII life is simply and idyllically portrayed.

Grant is at the absolute top of his form playing the city mouse venturing into the life of a country squire. Loy is adorable as his pre-NOW wife. The cast of supporting characters compares to You Can't Take It With You and contains an early bit by future Tarzan Lex Barker. Art Direction and Editing are way above par.

The movie never stoops to the low-rent, by-the-numbers venal slapstick of the later adaptation The Money Pit.\": {\"frequency\": 1, \"value\": \"Mr. Blandings ...\"}, \"The memory banks of most of the reviewers here must've short-circuited when trying to recall this Cubic Zirconia of a gem, because practically everyone managed to misquote Lloyd Bochner's Walter Thornton, when in a fit of peevish anger, he hurls the phallic garden nozzle at his new wife, Jerilee Randall-Thornton, (a nearly comatose Pia Zadora) which was used to sexually assault her earlier in the movie...but I'm getting ahead of myself. In any case, poor Lloyd could've been snarling that line at the speechless audience as much as he was his put-upon co-star.

Hard as it is for most of us to believe, especially these days, nobody in Hollywood sets out to INTENTIONALLY make a bad movie. This is certainly not the most defensible argument to make, since there just seem to be so damn many of them coming out. But then again, there is that breed of film that one must imagine during the time of its creation, from writing, casting and direction, must've been cursed with the cinematic equivalent of trying to shoot during the Ides of March.

THE LONELY LADY is in that category, and represents itself very well, considering the circumstances. Here we have all the ingredients in a recipe guaranteed to produce a monumentally fallen souffl\\ufffd\\ufffd: Pia Zadora, a marginal singer/actress so determined to be taken seriously, that she would take on practically anything that might set her apart from her peers, (which this movie most certainly did!); a somewhat high-profile novel written by the Trashmaster himself, Harold Robbins (of THE CARPETBAGGERS and DREAMS DIE FIRST fame); a cast who probably thought they were so fortunate to be working at all, that they tried to play this dreck like it was Clifford Odets or Ibsen; plus a director who more than likely was a hired gun who kept the mess moving just to collect a paycheck, (and was probably contractually obligated NOT to demand the use of the 'Alan Smithee' moniker to protect what was left of his reputation.) Like Lamont Johnson's LIPSTICK, Meir Zarchi's I SPIT ON YOUR GRAVE, Roger Vadim's BARBARELLA, Paul Verhoeven's SHOWGIRLS or the Grandmammy of Really Bad Film-making, Frank Perry's MOMMY DEAREST, THE LONELY LADY is still often-discussed, (usually with disgust, disbelief, horrified laughter, or a unique combination of all three), yet also defies dissection, description or even the pretzel logic of Hollyweird. Nobody's sure how it came to be, how it was ever released in even a single theater, or why it's still here and nearly impossible to get rid of, but take it or leave it, it IS here to stay. And I don't think that lovers of really good BAD movies would have it any other way.\": {\"frequency\": 1, \"value\": \"The memory banks ...\"}, \"One question that must be asked immediately is: Would this film have been made if the women in it were not the aunt and cousin of Jacqueline Lee Bouvier Kennedy Onassis?

The answer is: Probably not.

But, thankfully, they are (or were) the cousin and aunt of Jackie.

This documentary by the Maysles brothers on the existence (one could hardly call it a life) of Edith B. Beale, Jr., and her daughter Edith Bouvier Beale (Edie), has the same appeal of a train wreck -- you don't want to look but you have to.

Big Edith and Little Edie live in a once magnificent mansion in East Hampton, New York, that is slowly decaying around them. The once beautiful gardens are now a jungle.

Magnificent oil painting lean against the wall (with cat feces on the floor behind them) and beautiful portraits of them as young women vie for space on the walls next to covers of old magazines.

Living alone together for many years has broken down many barriers between the two women but erected others.

Clothing is seems to be optional. Edie's favorite costume is a pair of shorts with panty hose pulled up over them and bits and pieces of cloth wrapped and pinned around her torso and head.

As Edith says \\\"Edie is still beautiful at 56.\\\" And indeed she is. There are times when she is almost luminescent and both women show the beauty that once was there.

There is a constant undercurrent of sexual tension.

Their eating habits are (to be polite) strange. Ice cream spread on crackers. A dinner party for Edith's birthday of Wonder Bread sandwiches served on fine china with plastic utensils.

Time is irrelevant in their world; as Edie says \\\"I don't have any clocks.\\\"

Their relationships with men are oh-so-strange.

Edie feels like Edith thwarted any of her attempts at happiness. She says \\\"If you can't get a man to propose to you, you might as well be dead.\\\" To which Edith replies \\\"I'll take a dog any day.\\\"

It is obvious that Edith doesn't see her role in Edie's lack of male companionship. Early in the film she states \\\"France fell but Edie didn't.

Sometimes it is difficult to hear exactly what is being said. Both women talk at the same time and constantly contradict each other.

There is a strange relationship with animals throughout the film; Edie feeds the raccoons in the attic with Wonder Bread and cat food. The cats (and there are many of them) are everywhere.

At one point Edie declares \\\"The hallmark of aristocracy is responsibility.\\\" But they seem to be unable to take responsibility for themselves.

This is a difficult film to watch but well worth the effort.\": {\"frequency\": 1, \"value\": \"One question that ...\"}, \"Ok, so it may not be the award-winning \\\"movie of the year\\\" type-film (apart from the brilliant soundtrack that I think won a few awards), but it is a really great film about 'The Kid' (Prince / O( take your pick) and the happenings around him living in Minneapolis, playing his music. The music is absolutely superb, in my opinion you HAVE to own this soundtrack, it is truly a classic and sums up the eighties sounds and feel in a wonderful fashion. And the movie itself plays out a nice plot, it's worth seeing over and over again, espeically if you like Prince / O (which I do) of course.\": {\"frequency\": 1, \"value\": \"Ok, so it may not ...\"}, \"I believe a lot of people down rated the movie, NOT because of the lack of quality. But it did not follow the standard Hollywood formula. Some of the conflicts are not resolved. The ending is just a little too real for others, but the journey the rich characters and long list of supporters provide is both thought provoking and very entertaining. Even the cinematography is excellent given the urban setting, the directing also is excellent and innovative.

This is a 10 in my book, this movie will take you places the normal and expected Hollywood script will not. They took some risks and did a few things different. I think it worked well, I am purposely trying to avoid any direct references to the movie because seeing it for yourself is the best answer, not accepting someone else's interpretation.\": {\"frequency\": 1, \"value\": \"I believe a lot of ...\"}, \"When I read MOST of the other comments, I felt they were way too glowing for this movie. I found it had completely lost the spark found in the earlier Zatoichi movies and just goes to prove that after a long absence from the screen, it's often best to just let things be. I completely agreed with the Star Trek analogy from another reviewer who compared the FIRST Star Trek movie to the original series---millions of excited fans were waiting and waiting and waiting for the return of the show and were forced to watch a bland and sterile approximation of the original.

The plot is at times incomprehensible, it is terribly gory (though the recent NEW Zatoichi by Beat Takeshi is much bloodier) and lacks the heart of the originals. I didn't mind the blood at all, but some may be turned off by it (particularly the scenes with the severed nose and the severed heads). In addition, time has not been good to Ichi--he seems a broken and sad man in this film (much, much more than usual)--and that's something fans of the series may not really want to see.

This was a very sorry return for Zatoichi. Unless you are like me and want to see EVERY Zatoichi film, this one is very skipable. See one of the earlier versions or the 2003 ALL-NEW version.\": {\"frequency\": 1, \"value\": \"When I read MOST ...\"}, \"It holds very true to the original manga of the same name, aka (Tramps Like Us in the U.S) but it can still be enjoyed even if you haven't read the manga. It's a different kind of tail, showing a strong and independent woman who hurts just like everyone else. However, because of her outward strength, she fears showing her inner feelings and thus let's those around her hurt her with their blunt comments. The only one who truly figures her out and who she can be at ease with is her new pet...human...Momo. If you want something different than the normal boring stuff with some wonderful J-Dorama (Japanese Drama) actors/resses then this is definitely the series to watch...and read!\": {\"frequency\": 1, \"value\": \"It holds very true ...\"}, \"The story is being told fluidly. There are no interruptions. The flash backs are woven into the present seamlessly. Casting was superb. Young Ya'ara looked very much like Ya'ara would have looked at that age. Her portrayal of a blind person was done convincingly. Director Daniel Syrkin have done a superb job in getting the various actors to work together in this story. The Cinematography is very good. You feel like you are with Ya'ara and Talia walking toward the ocean to the edge of the cliff. The English subtitles follow the Hebrew script very closely. It is interesting to note that even though \\\"Out of sight\\\" is not a direct translation of \\\"Lemarit Ayin\\\" Both names are very appropriate to the story.\": {\"frequency\": 1, \"value\": \"The story is being ...\"}, \"Yeah, Madsen's character - whilst talking to the woman from the TV station - is right: the LAPD IS a corrupt, violent and racist police. And this movie changes nothing about it. Okay, here are the good cops, the moral cops, even a black one, whow, a Christian, a martyr. But this is a fairy tale, admit it. Reality is not like that. And most important for the action fans: The shoot out is boring. It's just shooting and shooting and shooting. Nothing more. Play Counter Strike, then you will at least have something to do. The only moral of this film is: The LAPD is good now. No more bad cops in it. If you like uncritical, euphemistic commercials for police and military service, watch this movie. It's the longest commercial I've ever seen. (2 Points for camera and editing).\": {\"frequency\": 1, \"value\": \"Yeah, Madsen's ...\"}, \"as a habit i always like to read through the 'hated it' reviews of any given movie. especially one that i'd want to comment on. and it's not so much a point-counterpoint sorta deal; i just like to see what people say on the flipside.

however, i do want to address one thing. many people that hated it called it, to paraphrase, 'beautiful, but shallow,' some even going so far as to say that norm's desire yet inability to help his brother was a mundane plot, at best.

i'd like to disagree.

as a brother of a sibling who has a similar dysfunction, i can relate. daily, you see them abuse themselves, knowing only that their current path will inevitably lead them to self-destruction. and it's not about the specifics of what they did when; how or why paul decided to take up gambling and associating with questionable folks; it's really more how they are wired. on one hand, they are veritable geniuses, and on the other, painfully self-destructive (it's a lot like people like howard hughes \\ufffd\\ufffd the same forces which drive them are the same forces which tear them apart) and all the while you see this, you know this, and what's worse, you realize you can't do a damn thing about it.

for norman maclean, a river runs through it was probably a way to find an answer to why the tragedy had to occur, and who was to blame. in the end, no one is, and often, there is no why. but it takes a great deal of personal anguish to truly come to this realization. sometimes it takes a lifetime. and sometimes it never comes at all.\": {\"frequency\": 1, \"value\": \"as a habit i ...\"}, \"Curl up with this one on a dark and stormy night and prepare to be alternately amused, irritated and frightened. The creaky old plot about about a phantom train that's said to run through the lonely English countryside at dead of night may be implausible, but it's a lot of fun. There are some wonderful old cliches like \\\"THE ACCIDENT\\\" which the locals can remember but won't talk about. But primarily the movie's a vehicle for comedian Arthur Askey to showcase his particular brand of vaudeville style humour in between the scary bits. Askey's corny humor is not very trendy these days but if you just let it wash over you it can be fun. This is probably the best of Askey's movies.\": {\"frequency\": 1, \"value\": \"Curl up with this ...\"}, \"Band Camp was awful, The Naked Mile was a little better, and this third straight to DVD in the American Pie franchise seems the same quality as the predecessor. Basically Erik Stifler (John White) split from his girlfriend after losing his virginity, and now him and Mike 'Cooze' Coozeman (Jake Siegel) are joining Erik's cousin Dwight (Steve Talley) at college. With the promise of many parties, plenty of booze, and enough hot chicks at the Beta House, they only have fifty listed tasks to carry out to become official privileged members. But a threat comes into sight with the rivals, GEK (\\\"Geek\\\") House, led by power-hungry nerd (and sheep shagger) Edgar (Tyrone Savage) offering bigger and better than what Beta have. To settle it once and for all, Beta and Gek go into battle with the banned, for forty years, Greek Games to beat each other in, with the loser moving out. The last champion of the games, Noah Levenstein aka Jim's Dad (the only regular Eugene Levy) runs the show, which sees the people unhooking bras, a gladiator duel floating on water, catching a greased pig, Russian Roulette in the mouth with cartridges of aged horse spunk, wife carrying and drinking a full keg of alcohol (with puking not disqualifying). It all comes to the sudden death, with a guy getting stripper lap dancing, and they have to resist cumming, Beta House win when Edgar cums with a girl dressed as a sheep on his lap. Also starring Flubber's Christopher McDonald as Mr. Stifler, Meghan Heffern as Ashley, Dan Petronijevic as Bull, Nic Nac as Bobby, Christine Barger as Margie, Italia Ricci as Laura Johnson, Moshana Halbert as Sara Coleman, Sarah Power as Denise, Andreja Punkris as Stacy and Jordan Prentice as Rock. The nudity amount is very slightly increased, as is the grossness of the jokes, and I could guess it being rated one star out of five, but I like it. Adequate!\": {\"frequency\": 1, \"value\": \"Band Camp was ...\"}, \"I saw this movie when I was really little. It is, by far, one of the strangest movies I have ever seen. Now, normally, I like weird movies, but this was just a bit too much.

There's not much of a plot to the movie. If anything, it starts out like Toy Story, where toys come to life, and Raggedy Ann and Andy go on an adventure to rescue their new friend, Babette. From there, craziness ensues. There's the Greedy, the Looneys, a sea monster named Gazooks, and a bunch of pirates singing show tunes, all of which just made the movie weirder. Also, I can't help but feel that Babette is annoying and a bit too whiny. She definitely didn't help the movie.

Now, even though I didn't like this movie, there were a few cute parts. I liked the camel's song. Even though it was a song about being lonely, it had a friendly feel to it. Then, there was Sir Leonard. While most of the Looneys were just plain nuts, Sir Leonard was the most interesting and probably the funniest. King Koo Koo was just a little dirtbag that made Dr. Evil look like a serious villain. Also, there was Raggedy Andy's song, No Girl's Toy. It was definitely good song for little boys who wanted to act tough. But, honestly, even these things didn't make the movie any better. (But remember, this is just my perspective.)

While I personally wouldn't recommend this movie, even I have to admit, it does have its charming moments. See it if you're interested, but only if you're in the mood for something \\\"really\\\" out of the ordinary.\": {\"frequency\": 1, \"value\": \"I saw this movie ...\"}, \"The script for this movie was probably found in a hair-ball recently coughed up by a really old dog. Mostly an amateur film with lame FX. For you Zeta-Jones fanatics: she has the credibility of one Mr. Binks.\": {\"frequency\": 1, \"value\": \"The script for ...\"}, \"Documentary about nomadic Persians making a treacherous traverse of massive mountains to get their herds to grass. Watching this silent, black and white feature, marred in part by a twink-twink-twink Oriental music score that could not have been used in the original exhibition, is even duller than it sounds. The spectacular scenery is lost on a small black and white screen, and there is an utter failure to establish any kind of plot line. I loved Nanook of the North and March of the Penguins, but despised this movie, notwithstanding the similarity of the theme. Physical hardships alone are just not that interesting.\": {\"frequency\": 1, \"value\": \"Documentary about ...\"}, \"She may have an Oscar and a Golden Globe, but this film shows why she also is a perennial Razzie nominee. To do a film that is so bad must be an indication that she needs money. She could do ads on why you shouldn't talk on a cell phone while driving, especially at night on the way to a crowded mall.

Susan Montford should stick to producing (Shoot 'Em Up ) as she is not very good as a writer/director.

She is accosted by four thugs in the mall parking lot, and the first thing they do is tell her they have a gun. What does she do? She starts pushing and cursing them like she knows martial arts or something. She manages to get away, but gets lost in the forest after crashing. Why didn't she run to someones house? We get four thugs with guns chasing a lady with a toolbox. Of course, their guns are no match for her wrench. Ha! Of course, she also has a tire iron and a screwdriver. Those poor thugs.

Now, she's home for Christmas - and she brought a gun!\": {\"frequency\": 1, \"value\": \"She may have an ...\"}, \"The poor DVD video quality is the only reason why I gave this movie a 9 instead of a 10. That could have been so much better, this movie deserves it.

This is truly a movie that covers several themes simultaneously. If you do not like movies about serial killers, but are fascinated by the astonishing bureaucratic culture in the former Sovjet Union, this movie is a must-see anyway.

I can't compare it to \\\"Silence of the Lambs\\\" for several reasons. The way the serial killer is portrayed, has been done far much better in Citizen X. You see several details of his private life, because you \\\"travel\\\" along with the killer, which gives you some idea of the source of his constant anger and sexual frustration.

The only other movie I have seen that is as realistic as this one was \\\"Henry - portrait of a serial killer\\\". If you were fascinated by that movie you definitely need to take a look at Citizen X.\": {\"frequency\": 1, \"value\": \"The poor DVD video ...\"}, \"This film is to the F.B.I.'s history as Knott's Berry Farm is to the old west. Shamelessly sanitized version of the Federal Bureau of Investigation fight against crime. Hoover's heavy hand (did he have any other kind?) shows throughout with teevee quality script-reading actors, cheesy sets, cheap sound effects and lighting 101. With Jimmy Stewart at 20% of dramatic capacity, Vera Miles chewing the scenery, the film features every c-lister known in the mid-fifties with nary a hint of irony or humor, from the 'Amazon jungle' to the 'back yard barbecue', everything reeks of sound stages and back lots. Even the gunshots are canned and familiar. I imagine Mervyn Leroy got drunk every night. Except for a few (very few) interesting exterior establishing shots, nothing here of note beyond a curio.\": {\"frequency\": 1, \"value\": \"This film is to ...\"}, \"I loved this movie. I knew it would be chocked full of camp and silliness like the original series. I found it very heart warming to see Adam West, Burt Ward, Frank Gorshin, and Julie Newmar all back together once again. Anyone who loved the Batman series from the 60's should have enjoyed Return to the Batcave. You could tell the actors had a lot of fun making this film, especially Adam West. And I'll bet he would have gladly jumped back into his Batman costume had the script required him to do so. I told a number of friends about this movie who chose not to view it... now they wished they had. I have all of the original 120 episodes on VHS. Now this movie will join my collection. Thank You for the reunion Adam and Burt.\": {\"frequency\": 2, \"value\": \"I loved this ...\"}, \"Joan Fontaine stars as the villain in this Victorian era film. She convincingly plays the married woman who has a lover on the side and also sets her sights on a wealthy man, Miles Rushworth who is played by Herbert Marshall. Mr. Marshall is quite good as Miles. Miss Fontaine acted her part to perfection--she was at the same time cunning, calculating, innocent looking, frightened and charming. It takes an actress with extraordinary talent to pull that off. Joan Fontaine looked absolutely gorgeous in the elegant costumes by Travis Banton. Also in the film is Joan's mother, Lillian Fontaine as Lady Flora. I highly recommend this film.\": {\"frequency\": 1, \"value\": \"Joan Fontaine ...\"}, \"If this film had a budget of 20 million I'd just like to know where the money went. A monkey could make better CGI effects then what was wasted for 3 hours on this dreadful piece of garbage, although I must admit the machines and the martians would have looked really, really cool on an original play-station 1 game, and early PC games from the mid 90s if a game had ever been made. What puzzles me is where did the money go? Pendragon films could have made a great film with good old fashioned models and computer controlled cameras a la George Lucas circa 1975-83, and actors who actually look like they care about what they are doing (or ruining in this case) for about the same 20 million. This is quite possibly the worst film EVER made! I would rather sit through a 24 hour repeat screening of Ishtar than watch this film again. I hated it completely! I regress. I say this IS the WORST film EVER made because unlike other bad movies like Plan 9 or Killer Tomatoes, or Santa Claus Conquers the Martians, these are films that are so bad you have a special place in your heart for them, you love them. There is no love for this film and no place in my DVD library for it. I sold it to a guy for a dollar. I'm betting the money for the film was spent on booze and other vices for the cast and crew. Shame on you Pendragon films! I want my money back!\": {\"frequency\": 1, \"value\": \"If this film had a ...\"}, \"Loved the movie. I even liked most of the actors in it. But, for me Ms. Davis' very poor attempt at an accent, and her stiff acting really makes an otherwise compelling movie very hard to watch. Seriously if any other modern actor played the same role with the same style as Ms. Davis they would be laughed off the screen.

I really think she 'phoned this one in'. Now if it had Myrna Loy or Ingrid Bergman playing the part of the wife I would have enjoyed it much more.

I guess I just don't 'get' Bette Davis. I've always thought of her as an actor that 'plays herself' no matter what role she's in. The possible exception is Now Voyager.

I'm sure many of the other reviewers will explain in careful (and I hope civil) detail how I am totally wrong on this. But, I'll continue to watch the movies she's in because I like the stories/writing/supporting casts, but, I'll always be thinking, of different actresses that could have done a better job.\": {\"frequency\": 1, \"value\": \"Loved the movie. I ...\"}, \"After finally watching Walt Disney's Song of the South on myspace, I decided to watch Ralph Bakshi's response to that movie-Coonskin-on Afro Video which I linked from Google Video. In this one, during the live-action sequences, Preacherman (Charles Gordone) takes his friend Sampson (Barry White) with him to pick up Pappy (Scatman Crothers) and Randy (Philip Thomas, years before he added Michael for his middle name professionally) as the latter two escape from prison. During their attempt, Pappy tells Randy a tale of Brother Rabbit (voice of Thomas), Brother Bear (White), and Preacher Fox (Gordone) and their adventures in Harlem. As expected in many of these Bakshi efforts, there's a mix of animation and live-action that provides a unique point-of-view from the writer/director that is sure to offend some people. Another fascinating animated character is Miss America who's a big-as in gigantic in every way-white blonde woman dressed in skin-tight red, white, and blue stars and stripes who has a hold on a little black man and has him shot in one of the most sexually violent ways that was shockingly funny to me! There are plenty of such scenes sprinkled throughout the picture of which another one concerning Brother Bear's frontal anatomy also provided big laughs from me. There's also a segment of a woman telling her baby of a \\\"cockroach\\\" she was friends with who left her that was touching with that part seeming to be a tribute to the comic strip artist George Herriman. I was also fascinated hearing Grover Washington Jr.'s version of \\\"Ain't No Sunshine\\\" heard as part of the score. Most compelling part of the picture was seeing the Scatman himself depicted with his head in silhouette during the opening credit sequence singing and scatting to a song that has him using the N-word in a satirical way. When I saw a VHS cover of this movie years ago, it had depicted Brother Rabbit in insolent mode in front of what looked like the Warner circles with the slogan, \\\"This movie will offend EVERYBODY\\\". That is ample warning to anyone who thinks all cartoons are meant for children. That said, I definitely recommend Coonskin to fans of Bakshi and of every form of animation.\": {\"frequency\": 1, \"value\": \"After finally ...\"}, \"I just saw this movie the other day when I rented it, and I thought this was going to be just another movie with a girl trying to prove a point, but Diane joined boxing because she wanted to. I thought this movie was good. I gave it a 8/10. That's how good it is. Plus a movie with Michelle Rodriguez is always good. Even is she's been in only six.\": {\"frequency\": 1, \"value\": \"I just saw this ...\"}, \"At first sight this movie doesn't look like a particular great one. After all a Bette Davis movies with only 166 votes on IMDb and a rating of 6,5 must be a rather bad one. But the movie turned out to be a delightful and original surprise.

You would at first expect that this is a normal average typical '30's movie with a formulaic love-story but the movie is surprisingly well constructed and has an unusual and original story, which also helps to make this movie a very pleasant one to watch.

The story is carried by its two main characters played by Bette Davis and George Brent. Their helped by a cast of mostly amusing characters but the movie mainly involves just around them two. Their character are involved in a most unusual and clever written love-story that work humorous as well. It makes this movie a delightful little comedy to watch, that is perfectly entertaining.

The movie is quite short (just over an hour long), which means that the story doesn't waste any time on needless plot lines, development and characters. It makes the movie also rather fast paced, which helps to make this movie a perfectly watchable one by todays standards as well. It does perhaps makes the movie a bit of a simple one at times but this never goes at the expense of its entertainment or fun.

A delightful pleasant simple romantic-comedy that deserves to be seen by more!

8/10\": {\"frequency\": 1, \"value\": \"At first sight ...\"}, \"\\\"Kaabee\\\" depicts the hardship of a woman in pre and during WWII, raising her kids alone after her husband imprisoned for \\\"thought crime\\\". This movie was directed by Yamada Youji, and as expected the atmosphere of this movie is really wonderful. Although the historical correctness of some scenes, most notably the beach scene, is a suspect.

The acting in this movie is absolutely incredible. I am baffled at how they managed to gather this all-star cast for a 2008 film. Yoshinaga Sayuri, possibly the most decorated still-active actress in Japan, will undoubtedly win more individual awards for her performance in this film. Shoufukutei Tsurube in a supporting role was really nice as well. It was Asano Tadanobu though, who delivered the most impressive performance, perfectly portraying the wittiness of his character and the difficult situation he was in.

Films with pre-war setting is not my thing, but thanks to wonderful directing and acting, I was totally absorbed by the story. Also, it wasn't a far-left nonsense like \\\"Yuunagi no Machi, Sakura no Kuni\\\", and examines the controversial and sensitive issue of government oppression and brainwashing that occurred in that period in Japan. Excellent film, highly recommended for all viewers.\": {\"frequency\": 1, \"value\": \"\\\"Kaabee\\\" depicts ...\"}, \"I wished I'd taped MEN IN WHITE so I could watch it again

\\\" What ? You mean you really enjoyed it Theo ? \\\"

No I mean I could watch it again to see if it was as retarded , stupid and as embarrassingly unfunny as I can remember it

A lot of people have claimed it was made for children . May I suggest it was also made by children ? because the whole structure of the script lacks any type of discipline on the part of the producers and writers and much of set pieces seem to have been included because it seemed like a good idea at the time

The cast don't help but I genuinely started to feel sorry for them . Honestly you can believe that during filming the cast had to lie to their families that they were filming a hard core porn film such was their embarrassment at having to appear in something as dismal as this . To give you an idea of how bad the acting is every time BAYWATCH babe Donna D'Ericco disappeared from the narrative I waited patiently for her to reappear then seconds later I forgot she was in the movie . Got that ? A star from BAYWATCH appears and seconds later you forget they're in the movie . This tells you all you need to know about the standard of MEN IN WHITE

Fair enough it's trying to be a live action cartoon similar to THE GOODIES ( Although THE DISMALS would be a better adjective for this movie ) , though perhaps the movie deserves some credit for never descending to toilet humour , but considering this is a kids movie ( This didn't stop ITV broadcasting it at 11 pm ) then there should be no near the knuckle humour in it anyway\": {\"frequency\": 1, \"value\": \"I wished I'd taped ...\"}, \"1958. The sleepy small Southern town of Clarksburg. Evil Sheriff Roy Childress (the almighty Vic Morrow in peak nasty form) cracks down super hard on speeders by forcing said offenders off a cliff to their untimely deaths on an especially dangerous stretch of road. Childress meets his match when cool young hot rod driver Michael McCord (a splendidly smooth and brooding portrayal by Martin Sheen) shows up in town in his souped-up automobile with the specific intention of avenging the death of his brother (Sheen's real-life sibling Joe Estevez in a brief cameo). Director Richard T. Heffron, working from a taut and intriguing script by Richard Compton (the same guy who directed the 70's drive-in movie gems \\\"Welcome Home, Soldier Boys\\\" and \\\"Macon County Line\\\"), relates the gripping story at a brisk pace, neatly creates a flavorsome 50's period setting, and ably milks plenty of suspense out the tense game of wit and wills between Childress and McCord. The uniformly fine cast helps a lot: Sheen radiates a brash James Deanesque rebellious vibe in the lead, Morrow makes the most out of his meaty bad guy part, plus there are excellent supporting performances by Michelle Phillips as sweet diner waitress Maggie, Stuart Margolin as a folksy deputy, Nick Nolte as amiable gas station attendant Buzz Stafford, Gary Morgan as Buzz's endearingly gawky younger brother Lyle, Janit Baldwin as sassy local tart Sissy, Britt Leach as stingy cab driver Johnny, and Frederic Downs as the stern Judge J.A. Hooker. The climactic vehicular confrontation between Childress and McCord is a real pulse-pounding white-knuckle thrilling doozy. Terry K. Meade's sharp cinematography, the well-drawn characters (for example, Childress became obsessed with busting speeders after his wife and kid were killed in a fatal hit and run incident), the groovy, syncopated score by Luchi De Jesus, and the beautiful mountainside scenery all further enhance the overall sound quality of this superior made-for-TV winner.\": {\"frequency\": 1, \"value\": \"1958. The sleepy ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"The King of Masks ...\"}, \"This ranks as one of the worst movies I've seen in years. Besides Cuba and Angie, the acting is actually embarrassing. Wasn't Archer once a decent actress? What happened to her? The action is decent but completely implausible. The make up is so bad it's worth mentioning. I mean, who ever even thinks about the makeup in a contemporary feature film. Someone should tell the make up artist, and the DOP that you're not supposed to actually see it. The ending is a massive disappointment - along the lines of \\\"and then they realized it was all a dream\\\"

Don't waste your time or your money. You're better off just staring into space for 2 hours.\": {\"frequency\": 1, \"value\": \"This ranks as one ...\"}, \"It's hard to praise this film much. The CGI for the dragon was well done, but lacked proper modelling for light and shadow. Also, the same footage is used endlessly of the dragon stomping through corridors which becomes slightly tedious.

I was amazed to see \\\"Marcus Aurelius\\\" in the acting credits, wondering what an ex-Emperor of the Roman Empire was doing acting in this film! Like \\\"Whoopie Goldberg\\\" it must be an alias, and can one blame him for using one if he appears in this stinker.

The story might been interesting, but the acting is flat, and direction is tedious. If you MUST watch this film, go around to your friend's house and get drunk while doing so - then it'll be enjoyable.\": {\"frequency\": 1, \"value\": \"It's hard to ...\"}, \"SEVEN POUNDS: EMOTIONALLY FLAT, ILLOGICAL, MORALLY DISTURBING

The movie was distributed in Italy as \\\"Seven Souls\\\". I was curious about the original title and, after some research, I found out that it refers to Shakespeare's Merchant of Venice, where the usurer Shylock makes a terrible bond with the merchant Antonio, who will have to give him a \\\"pound\\\" of his flesh, in case he is not able to repay his debt. Whereas the Italian translation makes Ben's plan something deeply human, characterized by human sympathy, the original one, though cultivated enough to remain unperceived by anyone, makes it, just in its reference to the flesh, something cold, rational, deep-rooted in the physical side of man. Unfortunately, I think that the real quality of Ben's plan is revealed by the original title: it'a a cold machination, aimed at \\\"donating\\\" parts of his body, but lacking any authentic human empathy, at least the audience is not given the chance to see or perceive any pure relation of souls within the whole movie. The only exception is the love-story with the girl, which seems to be a sort of non-programmed incident, to which Ben yields, but incapable of conveying true emotional involvement. I really didn't like the idea at the core of the movie: the idea that a person, however devoured by the pain for the death of his beloved and of other people he himself has caused, takes the resolute decision to expiate his sense of guilt through suicide: besides being improbable, it makes no sense. I would have liked, and I think it would have been more positive if, in the end, Ben had decided to abandon the idea of committing suicide and go on living, thus helping those same people, and maybe many more, just standing near them, and helping them through his presence. He wouldn't have saved their lives miraculously, of course: this would have probably caused more suffering, but I think it could have been more constructive from a human, and moral point of view. There are many illogical and disturbing things: the initial reference to God's creation in seven days (which, by the way, according to the Bible, are six!): what does it mean? And what about a woman suffering from heart-disease which prevents her from running and even from singing without feeling bad, who can have normal sex with a man who, feeling, as it should be, destroyed by the death of his wife and having donated organs and pieces of his body, doesn't seem to feel so much tried, both emotionally and physically, from his impaired condition? The movie is saved by good acting, but all the rest is pure nonsense, not only from a logical point of view, but also from a human and emotional one.\": {\"frequency\": 1, \"value\": \"SEVEN POUNDS: ...\"}, \"War, Inc. - Corporations take over war in the future and use a lone assassin Brand Hauser (John Cusack) to do their wet-work against rival CEOs. A dark comedy satirizing the military and corporations alike. It was often difficult to figure out what exactly was going on. I kept waiting for things to make sense. There's no reason or method to the madness.

It's considered by Cusack to be the \\\"spiritual successor\\\" to Grosse Point Blank. I.e., War is more or less a knock-off. We again see Cusack as an assassin protecting *spoiler* the person he's supposed to kill as he grips with his conscience. To be fair, John Cusack looks kind of credible taking out half a dozen guys with relative ease. The brief fights look good. The rest of the film does not. It's all quirky often bordering on bizarre. War Inc's not funny enough to be a parody, and too buoyant for anyone to even think about whatever the film's message might be, which I suppose might be the heartless ways that corporations, like war factions compete and scheme without a drop of consideration given to how they affect average citizens. Interesting, but the satire just doesn't work because it's not funny and at its heart the film has no heart. We're supposed to give a damn about how war affects Cusack's shell of a character rather than the millions of lives torn apart by war.

John Cusack gives a decent performance. His character chugs shots of hot sauce and drives the tiniest private plane but quirks are meant to replace character traits. Marisa Tomei is slumming as the romantic sidekick journalist. There really isn't a lot of chemistry between them. Hilary Duff tries a Russian accent and doesn't make a fool of herself. Joan Cusack just screams and whines and wigs out. Blech. Ben Kingsley might have to return the Oscar if he doesn't start doling out a decent performance now and again. Pathetic.

It's not a terrible movie, but in the end you gotta ask \\\"War, what is it good for?\\\" Absolutely nothing. C-\": {\"frequency\": 1, \"value\": \"War, Inc. - ...\"}, \"This was quite possibly the worst film I've ever seen. The plot didn't make a whole lot of sense and the acting was awful. I'm a big fan of Amber Benson, I think she's usually a wonderful actress, I can't imagine why she decided to do this film. Her character, Piper, is drunk for almost the whole film, with the exception of the opening scene. On the plus side, there was several points in the film where the acting was so bad, I actually laughed out loud. But despite that, I would not recommend this film to anyone. It's only 80 minutes long, but that's 80 minutes of your life that you will have completely wasted.\": {\"frequency\": 1, \"value\": \"This was quite ...\"}, \"I remember my parents not understanding Saturday Night Live when I was 15. They also did not understand Rock n Roll and many other things. Now that I am approaching their age, I still remember, and find I understand many of the things my kids love. But this is pathetic. I cannot say I have seen any by Sarah except for a few appearances here and there. They were reasonable. I do not see her as anything special. But this show is just so far below what I expected from her. The IMDb write up made it sound like potential. So, just for that, I started watching the first episode. I turned it off half way through. Anything else is better that that. Jokes that are meant for a 5 year old presented on a supposed adult program. Well, Sarah, this adult is inly moved to turn you off. I just cant believe that someone actually financed this insult to comedy. Only good thing I can say is that there are sooooo many bad jokes deposited here, saving other shows from such an embarrassment.\": {\"frequency\": 1, \"value\": \"I remember my ...\"}, \"A large part of the scenes should be cut off. There is a lot of scenes that should have been cut off. For example the scene where the hunters mentions \\\"I got spiders on my dick\\\", \\\"I like dick\\\", playing in the mud scene, or a bar scene where a professional dinocroc hunters main job is a snake charmer.

How about other terribly incoherent scenes featuring a woman, Diane who wants to loose her virginity to a boyfriend who walks like he wears women's panties three sizes too small. While they make love, didn't they realized they are making it out next to the little boy who will soon run away and loose his head? Why did they do in a living room? I mean his head really flipped. How about the beach scene very reminiscent of Steven Spielberg's Jaws scene at Grant Lake. All these strange scene could easily be re-dubbed and billed as a comedy.

Here in my local town, the cineplex theaters had been advertising for months about Dinocroc, and I am glad I didn't watch it because I later found out it was shown only for 1 or 2 days before it was canceled. The movie was THAT bad. I suspected that Dinocroc was not a good movie looking at the preview. It features the leg of Dinocroc that looks like a child wearing green pajamas and slippers with claws and walks up and down like a 2 year old. It could easily passed over as Baby Geniuses.

If any students of movie making wants to learn what not to do this is a real classic trash. Such as Diane's boyfriend who walks like he had an advanced case of syphilis makes you wonder what the poor woman sees in this guy who looks drunk even before he get to drink beer. When this happens, who cares about Dinocroc? The panties man looked more more interesting than the entire movie of Dinocroc. His acting was so bad, he makes a much better replacement for Mr. Bean. MOVE OVER ROWAN ATKINSON, here is a man with a better comedic talent in a horror sci-fi flick. Perhaps the worse casting in the history of Hollywood.\": {\"frequency\": 1, \"value\": \"A large part of ...\"}, \"Being a fan of the first Lion King, I was definitely looking forward to this movie, but I knew there was really no way it could be as good as the original. I know that many Disney fans are wary of the direct-to-video movies, as I have mixed feelings of them as well.

While watching The Lion King 1\\ufffd\\ufffd, I tried to figure out what my own viewpoint was regarding this movie. Am I going to be so devout about The Lion King that I will nitpick at certain scenes, or am I just going to accept this movie as just another look at The Lion King story? Most of the time, I found myself embracing the latter.

The Lion King 1\\ufffd\\ufffd definitely has its cute and funny moments. Timon and Pumbaa stole the show in the first movie and definitely deserved a movie that centered around them. People just love these characters! My favorite parts of the movie include the montage of Timon & Pumbaa taking care of young Simba and the surprise ending featuring some great cameos.

I could have done without many of the bathroom jokes though, like the real reason everyone bowed to baby Simba at the beginning of Lion King 1. I guess those types of jokes are for the younger set (which after all is the target audience. I don't think many kids are really concerned about Disney's profit margin on direct-to-video movies.)

However, I will say that I was somewhat annoyed when they directly tied in scenes from the original movie to this movie. I'm just too familiar with the original that those scenes just stuck out like sore thumbs to me. Something would be different with the music or the voices that it would just distract me.

As for the music, it wasn't too bad, but don't expect any classics to come from this movie. At least LK2 had the nice ballad, \\\"Love Will Find a Way.\\\" As for the voicework, it was well done in this movie. Nathan Lane and Ernie Sabella did a great job as always, and even new cast members, the classic comedic actor Jerry Stiller and Julie Kavner (best known as Marge Simpson), did a great job also. You can even enjoy these great voice talents even more by checking out the Virtual Safari on Disc 2 of the DVD. That feature is definitely a lot of fun!!

So all in all, The Lion King 1\\ufffd\\ufffd isn't a perfect movie, but it's cute and entertaining. I think many Lion King fans will enjoy it and appreciate it for what it is - a fun, lighthearted look at the Lion King masterpiece from our funny friends' perspectives.

My IMDb Rating: 7/10. My Yahoo! Grade: B (Good)\": {\"frequency\": 1, \"value\": \"Being a fan of the ...\"}, \"IN COLD BLOOD is masterfully directed and adapted by Richard Brooks. However, it's also so bent on being realistic, it's sometimes more clinical than entertaining. Recounting the brutal killing of a Midwest family, author Truman Capote focused on minutia, wrapping himself and the reader up in the subject AND subjects! Brooks departs wildly from that approach in favor of something closer to docudrama. Although he films on actual locations, he keeps his distance. The murderers are portrayed as depraved imbeciles, which surely they were. They're not seen as misunderstood souls (as in the Capote book) and the savagery of their act is horrifyingly blunt. Scott Wilson and Robert Blake are excellent as the killers as is the supporting cast, including John Forsythe and Paul Stewart as the reporter (the Capote \\\"character?\\\") The landmark photography is by the great Conrad Hall.\": {\"frequency\": 1, \"value\": \"IN COLD BLOOD is ...\"}, \"This film is deeply disappointing. Not only that Wenders only displays a very limited musical spectrum of Blues, it is his subjective and personal interest in parts of the music he brings on film that make watching and listening absolutely boring. The only highlight of the movie is the interview of a Swedish couple who were befriended with J.B. Lenoir and show their private video footage as well as tell stories. Wenders's introduction of the filmic topic starts off quite interestingly - alluding to world's culture (or actually, American culture) traveling in space, but his limited looks on the theme as well as the neither funny nor utterly fascinating reproduction of stories from the 30s renders this movie as a mere sleeping aid. Yawn. I had expected more of him.\": {\"frequency\": 1, \"value\": \"This film is ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"Cute and playful, ...\"}, \"When you read the summary of this film, you might come to think that this is something of an odd film and in some ways it is, for the primary character of this film, Gerard Reve (Jeroen Krabb\\ufffd\\ufffd) is haunted by visions and hallucinations. The visions Gerard see are all (more or less) subtle hints to what will happen to him as the story continues and it is great fun for the viewer to try and figure out the symbolism used in the film. Despite the use of symbolism and a couple of hints to the ending of the film, the film maintains a very high level of excitement throughout and does not get boring for one minute. This is mostly due to the great performances of Jeroen Krabb\\ufffd\\ufffd and Ren\\ufffd\\ufffde Soutendijk (Christine) and the great direction of the whole by Paul Verhoeven. His directing style is clearly visible and one can say, looking at it from different angles, that 'De Vierde Man' is a typical Verhoeven film. It will not only seem typical for people familiar with his American films because of the nudity and the graphic violent scenes, but it will also seem typical for people familiar with his Dutch films, because of the same things and his talent to tell a great story. When people watch Verhoevens American films, short sighted people might say, he has no talent in telling a good story and only focuses on blood and sex. That is what some people think, whereas I think that he is a very talented director who tries to convey a deeper message in each with each film. Although not a good film, Hollow Man (his last American film) is an example that Verhoeven can do more than science fiction splatter movies and maybe companies should trust him more and offer him more various films to helm. He needs that. Just watch his Dutch films. Not only do they show that he needs a certain amount of freedom, but they also show that he has remarkable talent. 'De Vierde Man' brought him one step closer to Hollywood and is certainly one of his best.

8 out of 10\": {\"frequency\": 1, \"value\": \"When you read the ...\"}, \"What a long, drawn-out, pointless movie. I'm sure that historically this film is delightful but as entertainment goes it just doesn't make the grade. Ralph Fiennes has been in some fantastic movies, the English Patient, Schindler's List, but this one was such a let-down. It didn't seem to be going anywhere, his character at the beginning was so shallow and uptight it amazes me that his \\\"sister\\\" would ever have been interested at all. Don't bother paying to rent this movie, buy yourself a copy of the English Patient instead.\": {\"frequency\": 1, \"value\": \"What a long, ...\"}, \"Ever wonder where the ideas for romance novels and other paper back released come from? According to 'Jake Speed' they are based on real people, living out the adventures they write about and publish. This movie is quality family entertainment, moderate amounts of violence, and skimpy clothes at the worst. The language is is also not a problem, and the jokes are funny at all levels. This is a 'Austin Powers' look at 'Indian Jones', without the over-the-top antics of Michael Myers. I highly recommend this film for kids in the 10 to 15 range.\": {\"frequency\": 1, \"value\": \"Ever wonder where ...\"}, \"I really wanted to like this film, but the story is ridicules. I don't want to spoil this film, - don't worry right from the begin you know something bad is going to happen - but here's an example of how sloppy this film was put together. The Cowboy and \\\"Twig\\\" ride up the ridge. The Cowboy has a handle bar mustache. The Cowboy and \\\"Twig\\\" get into a shoot out and race half way down the ridge. The Cowboy is clean shaven through out the rest of the film. Sometime between the gun fight and the ride down the mountain the cowboy has had time to shave, in dark, on the back of a horse.

To be fair, the acting by the four main characters is solid.\": {\"frequency\": 1, \"value\": \"I really wanted to ...\"}, \"If I had just seen the pilot of this show I would have rated it a 10. I was immediately hooked on this gorgeous new world. Subsequent episodes have not completely lived up to the promise, but I will keep watching and hope that it keeps getting better. The production values are incredible and the acting is first-rate. I don't mind that it doesn't seem to align perfectly with BSG because I am so intrigued by the premise and let's face it, they are two different shows. I'm thrilled that both Esai Morales and one of my all-time faves, Eric Stoltz, are back in my life (if only weekly) as I've missed them both. This is a show that requires a bit of thought from its audience and that is always a good thing. You kind of have to wrap your head around certain aspects of the show; things are not always as they seem and certainly there are shades of gray, both literally and figuratively, in plot lines, characters and, of course, the various virtual worlds. We all know how it ends, but the journey is looking to be quite a ride.\": {\"frequency\": 1, \"value\": \"If I had just seen ...\"}, \"I honestly had no idea that the Notorious B.I.G. (Bert I. Gordon the director; not the murdered rapper) was still active in the 80's! I always presumed the deliciously inept \\\"Empire of the Ants\\\" stood as his last masterful accomplishment in the horror genre, but that was before my dirty little hands stumbled upon an ancient and dusty VHS copy of \\\"The Coming\\\", a totally obscure and unheard of witchery-movie that actually turned out a more or less pleasant surprise! What starts out as a seemingly atmospheric tale of late Dark Ages soon takes a silly turn when a villager of year 1692 inexplicably becomes transferred to present day Salum, Massachusetts and promptly attacks a girl in the history museum. For you see, this particular girl is the reincarnation of Ann Putman who was a bona fide evil girl in 1692 and falsely accused over twenty people of practicing witchcraft which led to their executions at the state. The man who attacked Loreen lost his wife and daughter this and wants his overdue revenge. But poor and three centuries older Loreen is just an innocent schoolgirl, \\ufffd\\ufffd or is she? \\\"Burned at the Stake\\\" unfolds like a mixture between \\\"The Exorcist\\\" and \\\"Witchfinder General\\\" with a tad bit of \\\"The Time Machine\\\" thrown in for good measure. Way to go, Bert! The plot becomes sillier and more senseless with every new twist but at least it never transcends into complete boredom, like too often the case in other contemporary witchcraft movies like \\\"The Dunwich Horror\\\" and \\\"The Devonsville Terror\\\". The film jumps back and forth between the events in present day and flashbacks of 1692; which keeps it rather amusing and fast-paced. The Ann Putman girl is quite a fascinating character, reminiscent of the Abigail Williams character in the more commonly known stage play \\\"The Crucible\\\" (also depicted by Winona Ryder in the 1996 motion picture). There are a couple of cool death sequences, like the teacher in the graveyard or the journalist in the library, that are committed by the ghost of malignant reverend who made a pact with Ann Putman and perhaps even the Devil himself. The film gets pretty spastic and completely absurd near the end, but overall there's some good cheesy fun to be had. Plus, the least you can say about Bert I. Gordon is that he definitely build up some directorial competences over the years.\": {\"frequency\": 1, \"value\": \"I honestly had no ...\"}, \"Awesomely improbable and foolish potboiler that at least has some redeeming, crisp location photography, but it's too unbelievable to generate much in the way of tension. I was kinda hoping that Stanwyck wouldn't make it back in time because, really, she was saddled with the wet, in more ways than one, husband,and she had an idiot child as well..why NOT run off with Meeker? But the nagging question remains..what sort of wood was that pier support made of if a rotten piece of it pulled off didn't float? Stanwyck, always impeccably professional, does the best she could with the material but it's threadbare.\": {\"frequency\": 1, \"value\": \"Awesomely ...\"}, \"So I'm looking to rent a DVD and I come across this movie called 'End Game'. It stars James Woods and Cuba Gooding JR and has the synopsis of a taught political thriller. Well worth a look then. Or so I thought.

Boy, was I wrong.

End Game has just about the most ridiculous plot I have ever had the displeasure of enduring. Now being something of a whodunnit, I can't really tear into it as I would like without 'ruining' it for those who have yet to experience this monstrosity. But questions such as 'Why has he/she/they done this?', and 'Where on earth did they get the resources to pull this off?' are all too abundant following the film's unintentionally hilarious conclusion.

As for the acting - you know those films where you can almost feel that an actor's realised that they've made a terrible mistake in signing on for a movie, and this then shows in their performance? This is one of those. Accompany this with a laughable script and seriously flawed, irritating direction and you have the recipe for cinematic poison.

Of course, this didn't make it to the cinema, and for the same reason you should not allow it into your living room; it is appalling.\": {\"frequency\": 1, \"value\": \"So I'm looking to ...\"}, \"Almost as tedious to watch as it was to read, Evening is a gorgeously produced failure...until Meryl Streep walks in and quietly shows her other cast members how to act this kind of stuff. Vanessa Redgrave is shockingly off in her role as the dying Ann and Claire Danes is a cipher. Perhaps if Vanessa and Claire had switched roles we could have seen the vibrancy in the young Ann that gave her entr\\ufffd\\ufffde to the rarefied world of the story and we could have imagined that the older Ann actually was dying.

I was hoping the addition of Michael Cunningham to the writing credits would smooth out the jumpy storytelling but alas. It gave me a headache.\": {\"frequency\": 1, \"value\": \"Almost as tedious ...\"}, \"OK the director remakes LOVE ACTUALLY The director Nikhil Advani after debuting with KHNH does his second half and wait

He makes a 3:30 hours + film which loses on patience, time.etc The viewer seems like a 3 hrs sleep watching this film

OK they had 6 stories so it was necessary but why? 6 stories?

We have the Anil- Juhi story convincing but boring don't TV serials show such stories?

We have Govinda- Shannon story which is funny and works well

We have Akshaye-Ayesha story again believable but gets boring soon and the focus is on comedy more and that too slapstick boring comedy

We have Salman- Priyanka story which is the worst, not just acting terms, it makes no sense at all

We have Sohail- Isha story to make you laugh and the trick works at times thanks to the boredom set by most of other stories

We have John- Vidya story a good story in all respects

But then by the time all stories come in bits n pieces the viewer gets bored and sleepy The climax isn't appealing though especially The climax of Salman- Priyanka story Nikhil Advani's handling is alright at places, some stories are well handled but weak at places Music(SEL)is good, but too many songs Cinematography is nice, every story is given a different look, texture and it works

Actors Govinda rocks, after a dismissal comeback with BB he actually makes you laugh and love him in this film despite his age and weight Anil Kapoor acts his part well, though he looks out of shape and tired John excels in his part, Akshaye Khanna overacts for a change

Sohail Khan is too over- the - top and Isha has nothing to do Anjana Suknani is dismissal

Priyanka and Salman deserve an award for this film you are shocked?

Salman Khan doesn't act only, just talks like he is in his sleep and that fake accent oh god Priyanka overacts to such a standard you feel like throwing something on her, she does get better towards the end Vidya Balan is good, Juhi Chawla is okay Shannon is okay\": {\"frequency\": 1, \"value\": \"OK the director ...\"}, \"In the periphery of S\\ufffd\\ufffdo Paulo, the very low middle-class dysfunctional and hypocrite family of Teodoro (Giulio Lopes), Cl\\ufffd\\ufffdudia (Leona Cavalli) and the teenager Soninha (S\\ufffd\\ufffdlvia Louren\\ufffd\\ufffdo) have deep secrets. The religious Teodoro is indeed a hit-man, hired to kill people in the neighborhood with his friend Waldomiro (Ailton Gra\\ufffd\\ufffda). He has a lover, the very devout woman Terezinha (Martha Meola), and he wants to regenerate, going to the country with her. Cl\\ufffd\\ufffdudia has a young lover, J\\ufffd\\ufffdlio (Ismael de Ara\\ufffd\\ufffdjo), who delivers meats for his father's butcher shop. Soninha is a common sixteen years old teenager of the periphery, having active sexual life, smoking grass and loving heavy metal. When J\\ufffd\\ufffdlio is killed and castrated in their neighborhood, the lives of the members of the family change.

\\\"Contra Todos\\\" is a great low budget Brazilian movie that pictures the life in the periphery of a big Brazilian city. The story is very real, uses the usual elements of the poor area of the big Brazilian cities (drug dealers, hit men, fanatic religious evangelic people, hopeless teenagers etc.), has many plot points and a surprising end, and the characters have excellent performances, acting very natural and making the story totally believable. The camera follows the characters, giving a great dynamics to the film. In the Extras of the DVD, the director Roberto Moreira explains that his screenplay had no lines, only the description of the situations, and was partially disclosed only one week before the beginning of the shootings. The actors have trainings in workshops and they used lots of improvisation, being the reason for such natural acting. My vote is eight.

Title (Brazil): \\\"Contra Todos\\\" (\\\"Against Everybody\\\")\": {\"frequency\": 1, \"value\": \"In the periphery ...\"}, \"This could be the most underrated movie of its genre. I don't remember seeing any advertisements or commercials for this one which could be the reason why it didn't do so well at the box office. However, Frailty is an excellent and a truly original horror movie. I rank it within the top 10 most favorite horror movies on my list.

Movie begins with snapshots of photos and news articles telling us about a killer who calls himself \\\"God's hand\\\". And then a man walks into a police station and tells the chief officer that he knows the killer is his brother. Two of them leave together to go to a location where victims are buried which might help solve the case. During that trip, the man begins telling the story of his brother and we go back in time when the events began. Fenton and Adam are two young brothers living with their strict and religious father who, one day, claims that he has received a divine message from God asking him to kill the demons that appear to be regular human beings. He receives from God a list of names of demons to be destroyed and asks his sons to help him carry out this divine mission.

This is an absolutely horrifying and suspenseful film that will keep you at the edge of your seat. The tension runs high, innocent people (or demons?) get killed and religious experiences are questioned. It has not one but few very intelligent twists at the end. If you like this genre, I highly recommend Frailty for you. I own the DVD and it is one of my all time favorite horror-thrillers.\": {\"frequency\": 1, \"value\": \"This could be the ...\"}, \"Part II or formerly known as GUERILLA, is also a great achievement but not quite as entertaining as PART I because this is where we begin to witness what might have caused the fall and death of Che Guevara. Once again, I'm impressed by the cause-and-effect that both parts have in their interconnecting stories. We're reminded again and again that the lead character, Che Guevara is an Argentine. Some of the men in Fidel's army chose not to take orders from a Foreigner and now that Che has chosen to leave the comfort of victory to continue the revolutionary in Bolivia, he doesn't get much respect from his new army and the natives either, only because he's a foreigner.

As far as technical goes, I think Part II would've been more helpful if before everything else, right after the display of the map, it would show some highlights from the previous installment just to refresh memory about his characters and what he's set himself on doing, to make the audience understand why his methods was successful in Cuba but they don't work in Bolivia. It is clear now in this segment, that Che is not as charismatic as Fidel Castro. In Bolivia, he's dealing with a bunch of soldiers whose hearts are not fully in it. It's said that the ingredient for revolutionary is love.. well, they don't give a damn that much about their country so it's a tough sell. It's excruciatingly painful and difficult for Che to get the others to buy into his vision.

I like one particular scene that illustrates Che's deteriorating condition, a scene in which his horse would not go no matter how badly Che tries to direct it, and then his temper took the better of him and for a moment there, he forgets he's a doctor, and he becomes this desperate soldier who's stabs his own horse. His army is like a horse that doesn't want to be led. But at the same time, the film drags, it relies on small cameos from familiar faces that you'll recognize just for the sake of brief entertainment and for the most part, you get pounded left and right by one obstacle after another, but maybe that is the intention of Part II, if so.. then it definitely works. Standing ovation to the cinematography that gives us a first person view at the moment of Che's last breath. This movie may not answer the questions of why Che Guevara was so stubborn, why he was so determined he could pull it off even wen the odds were against him and why he deeply wants South America to have the same fate as Cuba but the movie CHE is a story worth telling.\": {\"frequency\": 1, \"value\": \"Part II or ...\"}, \"This is a haunting, powerful Italian adaptation of James M. Cain's novel The Postman Always Rings Twice directed by the great Luchino Visconti. What is so interesting about the film is that in every way it transcends it's source material to become something bolder and more original (interestingly Camus also credits Cain's novel as the key inspiration for his landmark novel The Stranger). The film has a greater power and intensity than the novel because Visconti is able to create the filmic equivalent of Cain's narrative structure but offer a more complex exploration of gender. Cain's very American novel is also uncritically fascinated with the construction of whiteness (the lead character Cora is obsessively afraid she will be identified as a Mexican and embarrassed that she married a Greek immigrant), which is not relevant to the Italian rural context that Visconti is working in. This allows the class antagonisms to take center stage and dance among the embers of the passionate, doomed love affair of the two main characters. This film is a complex, suspenseful, rewarding experience.\": {\"frequency\": 1, \"value\": \"This is a ...\"}, \"\\\"Lost\\\", \\\"24\\\", \\\"Carnivale\\\", \\\"Desperate Housewifes\\\"...the list goes on and on. These, and a bunch of other high-quality, shows proves that we're in the middle of a golden age in television history. \\\"Lost\\\" is pure genius. Incredible layers of personal, and psychologically viable, stories, underscored by sublime cinematography (incredible to use this word, when describing a TV-show), a killer score, great performances and editing. Anyone who isn't hooked on this, are missing one of the most important creative expressions in television ever. It may have its problems, when watching only one episode a week, but the DVD format is actually an incredible way to watch this. Hope they keep it up (as I'm sure they do).\": {\"frequency\": 1, \"value\": \"\\\"Lost\\\", \\\"24\\\", ...\"}, \"I stopped watching this POS as soon as the snakes started \\\"taking over\\\" the plane.

At first I thought maybe it should get a \\\"one\\\" for the comic relief. But then I realized I could just watch the three stooges for free and laugh more!

Whatever respect I might have had for Samuel Jackson has been irreversibly destroyed. And Hollywood demonstrates once again how removed from reality they really are. When I was a kid we used to catch snakes for fun. The only thing snakes would do is huddle at the bottom of the cargo bay. And no amount of Hollywood cartoon snakes can change that.

This movie isn't worth a trip to Blockbuster. Be warned: if you pay for it, the only \\\"victim\\\" is your dumb ass.

If you want to be really scared, I suggest the Descent. If you want humor, go to your local stand up comedy club. Their worst performer will be a million times better than this trash.\": {\"frequency\": 1, \"value\": \"I stopped watching ...\"}, \"I'll say one thing for Jeanette and Nelson--even when stranded in a mirthless, witless, painfully inept musical like this, there's still that twinkle in their eyes. Yes, the chemistry between the famous duo is there even when the material is paper thin. Even when the score is practically a throwaway, non-existent one depending on just a couple of catchy tunes. And even when the circumstances are so unbelievable--yes, even for a fantasy.

Truth to tell, she has more chemistry with Nelson than with her own real-life husband Gene Raymond in SMILIN' THROUGH, which, nonetheless, was a considerably better film.

Sorry, I love Jeanette and Nelson as much as the next fan, but this is the bottom of the heap. Jeanette is more than embarrassing in her one \\\"hep\\\" number with Binnie Barnes--and Nelson can only come up with a blank stare when faced with the most ludicrous situations.

One can only wonder what this was like on Broadway in 1938. Surely, it must have had more wit and style than is evident in this weak MGM production. Edward Everett Horton fizzles in an unfunny role and none of the supporting players can breathe any semblance of life into this mess. It's like amateur night at the studio even with the few professionals sprinkled among the supporting cast.

Summing up: Painfully clumsy rendering of a Rodgers and Hart musical. Can't recommend it, even for fans of MacDonald and Eddy. And even if Jeanette's close-ups still glow with her gossamer beauty, this film is jaw-droppingly bad.\": {\"frequency\": 1, \"value\": \"I'll say one thing ...\"}, \"I should never have started this film, and stopped watching after 3/4's. I missed the really botched ending. This film was a disappointment because it could have been so much better. It had nice atmosphere, a top notch cast and director, good locations. But a baaaaaad story line, a bad script. I paid attention to Kenneth Branagh's southern accent--it was better than the script. The plot was stupid--driven by characters acting in unreal and improbable ways. No one behaves like this outside of Hollywood scripts.\": {\"frequency\": 1, \"value\": \"I should never ...\"}, \"Yokai Monsters: Spook Warfare (Yokai daisenso, 2005) a movie about \\\"yokai\\\" or traditional Japanese \\\"monsters\\\" of folklore. It is alternatively known as Big Monster War or as Ghosts on Parade.

The yokai of the first installment include the teapot freak, kappa water imp, a living 'brella, a woman whose sheeks can grow extremely gigantic, a woman with a second face on the back of her head, a dwarf priest with an enormous gourd-like wrist, & so on.

These sorts of whimsical monsters derive not only from fairy lore, but from a type of summer entertainment of the Tokugawa Era, comparable to today's Halloween haunted houses, or the \\\"freak shows\\\" of yesteryear but with exclusively phony freaks. Ghosts & goldfish monsters & dancing one-headed umbrellas were trumped up to create \\\"chills\\\" during the hot summers. The fatcheek woman & such were recreated by tricks or illusions, based on monsters depicted in medieval scrolls; & if their design for the movie is a bit simple & hoky, this makes them all the more representative of what historically was recreated for summer chills.

These rather endearing monsters have to face off & destroy an ancient Babylonian vampire demon who has come to Japan & disguised himself as a samurai lord. Despite that some of the Japanese apparitions are a bit goofy, & too many of the costumes scarsely more than masks without even moving lips as they speak, it is all played very poker-faced & is very charming. It has some beautiful cinematography, much as would be provided in a CGI film of the same decade. Viewed in the right mood or with the right friends, it is exciting, moving & touching.

Yoshiyuki Kuroda also directed the famed Lone Wolf & Cub: White Heaven & Hell (1974) &and was the special FX director for the excellent Daimajin trilogy. The Yokai Monsters series is not the equal of Majin at its best, but the Yokai are nevertheless great fun. The first miike movie which is the most child-oriented of his family films, with the GOZU & IZOO consecutively more serious though none too severe for young viewers.\": {\"frequency\": 1, \"value\": \"Yokai Monsters: ...\"}, \"This drama is unlike Sex and the City, where the women have a few drinks and share their sexual encounters with each other. Its much more personal and people can relate to it. Its much more engaging and emotional on a new level than other dramas focusing on women and their lives like \\\"Sex and the City, Lipstick Jungle....\\\"

Dr. Katie Roden, is a psychologist with a dark secret, she seems much more depressed and guilt ridden than the rest of her 3 friends. She is dealing with the death of her former lover who was her patient while tackling his son's advances on her. Her sombre clothes and empty and cold house convey her inside emotions very well.

Trudi Malloy, a widow is battling issues with \\\"letting go\\\" of her dead husband from 9/11. And when a handsome stranger, Richard shows an interest in her she is suddenly forced to do a reality check by her friends who suggest that she gets back into dating business. The ridiculous and embarrassing courting scenes between Richard and Trudi are totally funny! It is interesting to note that Richard asks her out the day she gets a millions from the 9/11 board for her husband's death..lets see what his intentions are

Siobhan Dillon, a lawyer is fed up of her husband's love making tactics which only involve \\\"baby making\\\" (as they are having trouble conceiving) and she quickly falls for her colleague who offer his \\\"services\\\" a little too willingly to her and she does not hesitate for long!It will interesting to see whether she will continue her affair or patch up with her husband (played by Raza Jeffrey) Jessica, a real estate business woman is single and is straight, until she organizes a lesbian wedding and has an affair with one of them. Her character is shown as a bold and provocative woman who before her lesbian encounter is having sex with a \\\"married man\\\", her colleague. Lets see where her character venture to....

The beauty of this drama is that we are shown 4 totally different women with different scenarios, whose ambitions and inhibitions are shown. Its also a good thing that the drama reveals the fact that sometimes friends lie to each other to be \\\"safe\\\"!\": {\"frequency\": 1, \"value\": \"This drama is ...\"}, \"Another entry in the \\\"holiday horror\\\" category that fills the shelves of your local video store. The *spoiler* \\\"wronged nerdy teen taking revenge on the 'cool' kids who wronged him\\\" plot will of course be familiar to those who've watched it before. And those who've seen it before will probably watch it again; those who are expecting Ingmar Bergman and will subsequently become indignant about their wasted time should just skip it. Marilyn Manson on the soundtrack and David Boreanaz, Denise Richards and Katherine Heigl as eye candy--go with the flow and enjoy it. Oh, and I loved the creepy mask.\": {\"frequency\": 1, \"value\": \"Another entry in ...\"}, \"While I don't claim to be any sort of expert in marine life, I must say anyone with a modicum of intelligence could not possibly buy in to this notion of a whale (and not even the mother!) having a clue about revenge because it witnessed his dead mate having a forced abortion by humans! I mean, really! This is basically the whole plot. Richard Harris must have been extremely hard up for roles to have accepted this junk. This is the kind of movie that is so bad that if you paid 50 cents to see it, you would feel like demanding your money back.\": {\"frequency\": 1, \"value\": \"While I don't ...\"}, \"...but it's certainly not without merit. Already writer-director Preston Sturges is experimenting with unusual cinematic effects in telling his stories, creating broadly drawn yet distinctive characters and situations, and writing clever and sometimes unexpectedly wise and compassionate dialogue. (No wonder the Coen brothers' next movie is going to be an homage to Sturges.)

The major problem is that the plot's not all the way there yet; it lacks surprise, the unexpected plot twists and sudden changes of fortune that keep viewers guessing. The coffee slogan is a lousy thing to hang the plot upon, and the ending is thoroughly predictable. Frank Capra does this sort of thing much better.

If you're new to Preston Sturges, check out \\\"The Lady Eve\\\" or \\\"Sullivan's Travels\\\" or \\\"The Miracle of Morgan's Creek\\\" first. If you've seen these already, then go ahead and watch this one.\": {\"frequency\": 1, \"value\": \"...but it's ...\"}, \"******WARNING: MAY CONTAIN SPOILERS**************

So who are these \\\"Mystery Men?\\\" Simply put, the Mystery Men are a group of sub-Heroes desperately trying to live out their adolescent fantasy lives while botching both their real identities and their super identities. The Shoveller (Bill Macy) works construction during the day, and at night, leaves his wife and kids at home while he cruises the street looking for crimes to tackle with his extraordinary and unique Shovel-fighting style. The Blue Raja (Hank Azaria) sells silverware to newlyweds by day and flings tableware at crackpot villians by night, if his mom isn't keeping him busy with the latest snooping. Mr. Furious works in a junk yard to earn his pay, then takes out his frustration on his friends at night, tossing ill-conceived one-liners at friend and foe alike and threatening to get really angry (leaving everyone to wonder, So What?). Ben Stiller breathes such life into this character, you can't help but love him.

These three spend their nights trying to capture that 'moment of glory' they've dreamed about... becoming real Super Heroes. Obviously, it could happen. Champion City has Captain Amazing, after all... a flying, fighting super-cop with enough corporate logos on his costume to stop an extra bullet or two. Greg Kinnear turns in a stellar performance as a middle-aged sellout trying to recapture his fans attention in the twilight of his career.

To bring back that 'extra magic' that might win the endorsements again, C.A. frees Casanova Frankenstein, a WAAAAAY over-the-top menace played to chilling perfection by Goeffrey Rush. This lunatic genius has created a 'psychofrakulator' to warp Champion City into a reflection of his own insanities... and ends up capturing C.A. within hours of his release from prison. This leaves only the Mystery Men to stop Frankenstein's evil plan, but with such henchmen as the Disco Boys protecting Frankenstein, the trio are going to need a little help.

Recruiting commences, and after a painful recruitment party, the team settles in with The Bowler (Janeane Garofolo), who initially has the only real talent in the team, with her mystic bowling ball seemingly animated by the vengeful spirit of her dead father; the Invisible Boy (Kel Mitchell), who CLAIMS to turn invisible when ABSOLUTELY NO ONE is looking at him; the Spleen (Paul Reubens), granted mystically powerful flatulence by an angry gypsy; and the much underused Sphinx (Wes Studi), who is shown to be able to cut guns in half with his mind, then spends much of the rest of the movie spouting inane riddles and acting over-wise.

This film really is a cross-genre romp. Anyone wanting to pigeon-hole films into neat little categories is fighting a losing battle. This is a spoof/parody of the superhero genre - from the pseudo-Burton sets recycled endlessly (and occasionally decorated with more spoof material) to the ridiculous costumes, the comic-book genre gets a pretty good send-up. But at the same time, it is a serious superhero flick, as well. Both at once. While not a necessarily unique idea in itself (for example, this movie is in some ways reflective of D.C. Comic's short-lived Inferior Five work), it is fairly innovative for the big screen. It offers the comic-book world that requires a suspension of disbelief to accept anyway, then throws in the inevitable wanna-bes - and we all know, if superheroes were real, so would these guys be real. If the Big Guy with the S were flying around New York City, you'd see a half-dozen news reports about idiots in underwear getting their butts kicked on a regular basis. Sure, the Shoveller fights pretty well, and the Blue Raja hurls forks with great accuracy - all parts of the super-hero world. But does that make them genuine super-heroes? Only in their minds.

This movie is also a comedy, albeit a dark one. Inevitable, when trying to point out the patent ridiculous nature of super-heroics. One-liners fly as the comic geniuses on stage throw out numerous bits to play off of. Particularly marvelous is the dialogue by Janeane Garofalo with her bowling ball/father. Yet, it isn't a comedy in the sense of side-splitting laughter or eternally memorable jokes. It mixes in a dose of drama, of discovery and of romance, but never really ventures fully into any of it.

What really makes Mystery Men a good film, in the end, is that it is very engaging. The weak/lame good guys are eventually justified and, for one shining moment, really become super-heroes; justice is served; and the movie ends with a scene that reeks of realism (as much realism as is possible in a world where bowling balls fly and glasses make the perfect disguise). If the viewer stops trying to label the film, then the film can be a great romp.

Of course, no movie is perfect. Claire Forlani comes off as bored and directionless as Mr. Furious' love interest, in spite of having a pivotal role as his conscience. Tom Waits seems somehow confused by his own lines as the mad inventor Dr. Heller, although his opening scenes picking up retired ladies in the nursing home is worth watching alone. And the villians are never more than gun-toting lackeys (a point of which is made in the film). The cinematography is choppy and disjointed (such as happens in the average comic book, so it is excusable), the music sometimes overpowers the scenery, and the special effects are never quite integrated into the rest very well.

Yet, overall, this film is incredible. You probably have to be a fan of comics and the superhero genre to really appreciate this movie, but it's a fun romp and a good way to kill a couple of hours and let your brain rest.

8/10 in my opinion.\": {\"frequency\": 1, \"value\": \"******WARNING: MAY ...\"}, \"I am commenting on this miniseries from the perspective of someone who read the novel first. And from that perspective I can honestly say that while enjoyable, I can see why it hasn't been rebroadcast anytime recently. More specifically, this mini has some serious problems, such as:

1) It is terribly miscast. The actors who played the younger generation were all 15 to 20 years older than the characters. Ali McGraw (45 at the time) was playing Natalie Jastrow who was supposed to be about 26. Jan-Michael Vincent (39 at the time) was playing Byron Henry who was supposed to be about 22. The other Henry children, and Pamela Tudsbury, were also played by actors way too old for characters who were supposed to be in their 20's.

2) Some of the acting was absolutely awful. Ali McGraw at times almost made this mini unwatchable. I have seen more convincing performances in high school plays.

3) The directing was poor. To be fair to Ali McGraw, the bad acting and character development were probably the directing. The portrayal of Hitler was way overdone. His character came off looking and behaving more like a cartoon villain than the charismatic, sometimes charming, but always diabolical genius Herman Wouk painted him as in the novel. Some of the other characters are done so stereotypically (Berel Jastrow) they do not gain the depth of character that Wouk created for them.

4) This mini is very dated. The hokey music, the pretentious narration (it sounded like a junior high school history film narration), and the entire prime-time soap opera feel of the mini made it almost comical at times. Also, too often Byron and Natalie are costumed and made up to look like they are in 1979 rather than 1939.

Someone who watches this without the benefit of reading the novel first will probably not sit through it all, because it will come off more as a late 70's / early 80's \\\"take myself too seriously\\\" prime-time soap drama, rather than the television version of what is certainly a modern American classic.

Remakes of older movies and the like are sometimes poorly done, but this is probably one case where a creative and inspired director could make a very stunning, memorable, and critically acclaimed production. I don't ever see that happening since a remake would have to be just as long (15 hours) or longer to do it right, and given the short attention span of most of the current American viewing public, it wouldn't fly.\": {\"frequency\": 1, \"value\": \"I am commenting on ...\"}, \"Cult classics are nearly impossible to predict. Who could guess that Vision Quest, Fight Club, and 2001: A Space Oddysey, movies that were panned by critics and audiences alike upon their release, would become immensely popular? Like many IMDBers, I consider myself a movie expert. Unlike the majority of those who hated Envy(evidenced by a dismal 4.4 rating), I found Envy to be one of the funniest movies in the last decade.

The plot of the movie is ridiculous. The dialogue isn't clever, the scenes have little continuity, and the script seems like it was written by a fourth grader. But that's exactly why the movie is so hilarious. You see, in order to appreciate the accidental genius of Envy, you have to enjoy the movie from an ironically-detached point of view.

Why do I love Envy? Because the movie is bad to the point that it becomes good. This is the recipe for a cult classic, and Envy definitely fits the bill.\": {\"frequency\": 1, \"value\": \"Cult classics are ...\"}, \"Go see this movie for the gorgeous imagery of Andy Goldsworthy's sculptures, and treat yourself to a thoroughly eye-opening and relaxing experience. The music perfectly complements the footage, but never draws attention towards itself. Some commentators called the interview snippets with the artist a weak spot, but consider this: why would you expand on this in a movie, if you can read Andy's musings at length in his books, or attend one of his excellent lectures? This medium is much more suitable to show the ephemeral nature of the artist's works, and is used expertly in this respect.\": {\"frequency\": 1, \"value\": \"Go see this movie ...\"}, \"If you like horror movies with lots of blood and gore, tons of jump-scare moments and unrelenting, escalating scenes of excruciating death, then look elsewhere. If you like quiet, moody, thoughtful horror which casts blood aside in favor of a genuine feeling of dread, then Wendigo is for you.

Thoughtful, stressed out George, his psychoanalyst wife Kim and their young son Miles are heading out to the snowy countryside for a long weekend vacation away from the city. On the way up, George hits a stag with his car. The hunters who had been pursuing the deer are not thrilled when they find that George has ended their chase. In particular, deranged hunter Otis takes it personally. He follows the family to their vacation home, making sure they see him. He spies on George and Kim as they have sex. He fires through their windows with his rifle when they aren't home, letting them discover the ominous holes in their windows and walls when they return. When Kim takes Miles to the drugstore in town, Miles is attracted to a small sculpture in a display case, carved to resemble a man with the head of a stag. A Native American man tells Miles that this is the Wendigo, a spirit of the woods who has a taste for flesh and is always hungry. Miles takes the figure home with him, already haunted by the death of the deer the day before. That afternoon, when he and his father go sledding, George is shot and Miles pursued through the woods by a creature barely glimpsed...or is he just in shock, and imagining the whole thing? Hours later, George is rushed to the hospital and Miles, still clutching his statue, either faints, dreams or goes on a vision quest, in which the Wendigo returns. This time the angry, flesh eating god - part tree, part stag and part man - is hunting for Otis, who has finally gone over the edge.

Wendigo is a beautifully made film, almost totally silent but for the wind howling through the snow covered trees. Okay, so the monster itself is kind of fakey-looking, but it's a small flaw, more than made up for by the genuine feeling of tension and dread that creeps through every frame of the film, and the eerie backdrop of the silent, snowy countryside. The performances are great, particularly by Jake Weber as the moody and thoughtful George and Patricia Clarkson as his sweet but no-nonsense wife. They are a happy couple with their share of common problems, and it is the strength of their relationship and their love for each other that makes this film powerful. Watching this film is often like watching someone's home videos, so realistic are the performances.

This movie is not for everyone. A lot of people may find themselves totally bored, waiting for the hideous Lovecraftian Beast and bloody revenge that never come. We can never really be sure if the Wendigo even exists, seen as it is through the eyes of a sensitive child and also, later, through the eyes of a madman. This is more a psychological drama than a horror film, but it has more than enough creepy elements in it to satisfy fans of subtle horror.\": {\"frequency\": 1, \"value\": \"If you like horror ...\"}, \"may contain spoilers!!!! so i watched this movie last night on LMN (Lifetime Movie Network) which is NOT known for showing quality movies. THIS MOVIE IS AWFUL! i am still amazed that i watched the entire thing, as it was terrible. could this movie contain any more stereotypes? (harping jewish mother who wants son to be a doctor, catholic family with priest sons, big big crucifixes in every room shown in the catholic family's house, mexican whores, \\\"bad\\\" guy who is really a softie at heart, incredibly bad country accents) GAG!!!! i was at first intrigued by the fact that i had never heard of this movie and after seeing that cheryl pollack and corin nemec were in it, i decided to stay awake until 4am to watch it. anyway, the only redeeming thing about this movie is madchen amick's beauty. i suppose pollack's and nemec's acting is okay, but they have a horrid script to work with. unlike the other reviewer who commented on the lack of texan accents (the movie is supposed to take place in austin and very few people there have a twang) i think that the accents were there (in supporting characters like mary margaret's date and john) and were unnecessary. they were also very very bad. i am so very tired of hollywood \\\"southern\\\" accents that sound nothing like the area where the accent is supposed to be from. and since it was supposed to take place in austin and shooting movies there in 1991 would not have been expensive, i fully expected there to be familiar shots of the town: the beautiful capitol building, the UT tower lit up for a winning football game, etc. none of these things were there. also, it takes about 5-6 hours to drive to mexico from austin. at one point in the movie, michael and his posse take off for mexico to lose their virginities and are able to drive off when it is dark (during the summer and early fall it doesn't get dark in austin until 9pm or so), spend time in mexico getting drunk and having sex with mexican (is there any other kind?) whores, and then return to austin by dawn. while this is theoretically possible it is NOT very likely. and if anyone has started school in the hill country (usually the third week of august, but may have been in september in 1960) they know that unless they want to pass out from heat stroke they DO NOT wear their letter jackets!!!!! in august and september in austin and the surrounding areas it is 90+ degrees. only people with no body temperature would be stupid enough to wear sweaters or letter jackets on the first day of school. all in all, a very bad made for tv movie experience.\": {\"frequency\": 1, \"value\": \"may contain ...\"}, \"It's difficult to precisely put into words the sheer awfulness of this film. An entirely new vocabulary will have to be invented to describe the complete absence of anything even remotely recognizable as 'humor' or even 'entertainment' in \\\"Rabbit Test.\\\" So, as a small contribution to this future effort, I'd like to suggest this word:

\\\"Hubiriffic\\\" (adj.) A combination of 'hubristic' and 'terrific'; used to describe overly ambitious debacles like the film \\\"Rabbit Test.\\\"

Joan Rivers and \\\"Hollywood Squares\\\" producer Jay Redack have severely over-reached their meager abilities to amuse in this 82-minute festival of wretchedness. Trying to put together an Airplane! style comedy with a moldy collection of gags, (Note to Joan: German doctors haven't been funny since Vaudeville) disinterred from their graves in the Catskills - that's is bad enough. But compounding this cinematic crime is River's directorial style, which can best be described as 'ugly', and a cast of once-and-future has-beens so eager to please they overplay even the weakest of throwaway gags.

Adrift in this Sargasso Sea of sap is a hapless Billy Crystal in his film debut role as the film's hapless protagonist Lionel. Watching Crystal in this pic is much like watching a blind person take a stroll in a minefield; eventually the cringe reflex becomes a semi-permanent condition as cheap joke after cheap joke blows up in his face.

I can only speculate about the sort of audience who might actually like Rabbit Test. Cabbages, mollusks and mildly retarded lizards are all likely candidates. But for self-aware, thinking humans - I'd enthusiastically recommend pouring bleach in your eyes before I'd recommend \\\"Rabbit Test.\\\"\": {\"frequency\": 1, \"value\": \"It's difficult to ...\"}, \"Mother Night is one of my favorite novels and going to see this I was expecting a huge disappointment. Instead I got a film that perfectly portrays the irony, humor, elequence, and above all else the crushing sadness of Vonnegut's novel.

This is certainly Nolte's best preformance to date. He captures the defeat and selfloathing of Howard Cambell Jr. consistently from the subtle intonations of his speech to the held back tears behind his eyes.

Alan Arkin is absolutly hilarious as George Kraft. Sherryl Lee is haunting in her detachment from reality as Cambell's young lover. John Goodman is understated and more than effective as Cambell's \\\"Blue Fairy Godmother.\\\"

This Pinnocioesque story of Cambell trying to be his own ideal hero and unwittingly becoming his ideal tragic villian is a mature and vivid look into what we are as people. And aside from that, it is one of the most deeply romantic films I have ever come across. Cambell is the incarnation of both foolish and wise love. And at the films sastifyingly painful conclusion, he finally learns what it means to be a real boy as his Blue Fairy Godmother grants him his wish. And he realizes that...well, watch the movie and you'll see.

Mother Night is without a doubt in my mind one of the best films ever made. It is a beautiful poetic story that digs deep within our emotions and is completely faithful to its original author.\": {\"frequency\": 1, \"value\": \"Mother Night is ...\"}, \"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!\": {\"frequency\": 1, \"value\": \"Okay, let me break ...\"}, \"One of my favorite shows in the 80's. After the first season, it started going downhill when they decided to add Jean Bruce Scott to the cast. Deborah Pratt was wonderful and it was fun watching her and Ernest Borgnine's character go at it with each other. The last episode she appeared in was one of my favorites for in the second season. Unfortunately during those days, blacks did not last long on television shows. Some of the episodes in the second season where okay but the third season it was more about the human characters than Airwolf and it was not shown until almost at the end of the show. When it went to USA, it was disgusting!!!\": {\"frequency\": 1, \"value\": \"One of my favorite ...\"}, \"This film has got to be ranked as one of the most disturbing and arresting films in years. It is one of the few films, perhaps the only one, that actually gave me shivers: not even Pasolini\\ufffd\\ufffds S\\ufffd\\ufffdlo, to which this film bears comparison, affected me like that. I saw echoes in the film from filmmakers like Pasolini, Fassbinder and others. I had to ask myself, what was it about the film that made me feel like I did? I think the answer would be that I was watching a horror film, but one that defies or even reverses the conventions of said genre. Typically, in a horror film, horrible and frightening things will happen, but on the margins of civilized society: abandoned houses, deserted hotels, castles, churchyards, morgues etc. This handling of the subject in horror is, I think, a sort of defence mechanism, a principle of darkness and opacity functioning as a sort of projective space for the desires and fears of the viewer. So, from this perspective, Hundstage is not a horror film; it takes place in a perfectly normal society, and so doesn\\ufffd\\ufffdt dabble in the histrionics of the horror film. But what you see is the displacement of certain key thematics from the horror genre, especially concerning the body and its violation, the stages of fright and torture it can be put through. What Seidl does is to use the settings of an everyday, middle class society as a stage on which is relayed a repetitious play of sexual aggression, loneliness, lack and violation of intimacy and integrity: precisely the themes you would find in horror, but subjected to a principle of light and transparency from which there is no escape. It is precisely within this displacement that the power of Seidl\\ufffd\\ufffds film resides. Hundstage deals with these matters as a function of the everyday, displays them in quotidian repetition, rather than as sites of extremity and catharsis - a move you would encounter in said horror genre. One important point of reference here is Rainer Werner Fassbinder. Fassbinder also had a way of blending the political with the personal in his films, a tactics of the melodrama that allowed him to deal in a serious and even moral way with political issues like racism, domination, desire, questions concerning ownership, sexual property and control, fascism and capitalism etc. Seidl\\ufffd\\ufffds tactic of making the mechanisms of everyday society the subject of his film puts him in close proximity with Fassbinder; like this German ally, he has a sort of political vision of society that he feels it is his responsibility to put forward in his films. During a seminar at the Gothenburg Film Festival this year, at which Seidl was a guest, he was asked why he would have so many instances of violated, subjugated women in Hundstage, but no instances of a woman fighting back, liberating herself. Seidl replied that some may view it as immoral to show violence against women, but that he himself felt it would be immoral not to show it. An artistic statement as good as any, I think. Thank you.\": {\"frequency\": 1, \"value\": \"This film has got ...\"}, \"This film was in one word amazing! I have only seen it twice and have been hunting it everywhere. A beautiful ensemble of older screen gems who still have that energy. Judy Denchs ability to carry the whole film was amazing. Her subtle chemistry with the knight in stolen armour was great\": {\"frequency\": 1, \"value\": \"This film was in ...\"}, \"The Clouded Yellow is a compact psychological thriller with interesting characterizations. Barry Jones and Kenneth More are both terrific in supporting roles in characters that both have more to them than what meets the eye. Jean Simmons is quite good, and Trevor Howard makes a fascinatingly offbeat suspense hero.\": {\"frequency\": 1, \"value\": \"The Clouded Yellow ...\"}, \"For those who like depressing films with sleazy characters and a sordid storyline, this one is for you! From the bleak New York City atmosphere, which comes across as an extremely grim and almost hopeless place, to two diverse lead characters devoid of much sense of morality, this movie is a real downer.

Why it won the Academy Award was because it was so shocking at that time that Hollywood, brand new its freedom to show anything it wanted with all moral codes abandoned, wanted to celebrate that fact. Filmmakers then were like an immature six-year-old with an unlimited expense account at the local candy store. So, Hollywood gave theater viewers (for probably the first time) a dose of rape, prostitution, homosexuality, child nudity, homeless existence and other such wonderful sights and sounds only its twisted brain would think is appealing....and then awarded its work.

It also hoped, I'm sure, to shock mainstream audiences. Well, it succeeded on that level. Audiences were stunned at what they say and heard and the Academy, proud of itself for being able to display filth and make money at the same time, couldn't help but bestow honors upon this piece of gilded garbage.

Forty years ago, as a very young man, I found this film fascinating, too. However, seeing it again in the 1990s left such a bad taste in my mouth I never watched to view it again.

The acting was good, but so what? Acting is good in many films. Nobody ever said Dustin Hoffman and Jon Voight couldn't act. Hoffman was particularly good in his younger days in playing wacked-out people. He was kind of like the Johnny Depp of his era, playing guys like \\\"Ratso Rizzo\\\" in this film and then going to be the \\\"Rain Man\\\" later on. Yes, \\\"Ratso\\\" is a character you'll never forget, and \\\"Joe Buck\\\" (Voight) is one you want to forget, but the story is so sordid, it overwhelms the fine acting.

This movie isn't \\\"art,\\\" and it isn't worthy of its many awards; it only pushed the envelope big-time in 1969 and that's why it is so fondly remembered in the hearts of film people and critics. It's two hours of profanity and ultra-sleazy, religious cheap shots, glorifying weirdos (Andy Warhol even gets in the act - no surprise), and generally despicable people.

I did like the catchy song, \\\"Everybody's Talking'\\\" that helped make Harry Nilsson famous, but even that was bogus because Fred Neil wrote the song and sang it better, before Nilsson did it....and few people have ever heard of Neil (which is their loss). And - as mentioned - the name \\\"Ratso Rizzo\\\" kind of stays with you!

The film is a landmark, but in a negative sense, I fear: this marked it as \\\"official\\\" that Hollywood had gone down the toilet, and it has remained in the sewer ever since.\": {\"frequency\": 1, \"value\": \"For those who like ...\"}, \"I'm not going to approach and critique the theories of RAW. I mean, this is a site about movies and whether the movie delivers or is well-made, and not a site debating philosophy.

Having said that, this video really blows. It's one talking-head shot of RAW after another. Some of it is archival video, so you can see how he has aged over the years, and that's pretty cool. But, otherwise, the viewing experience is relentlessly monotonous.

It's a strange comparison, but I kept thinking of the Sunday afternoon when I watched some of the Barbra Streisand star vehicle *Funny Lady* (another really bad movie). After a while, I was so OD'd on Barbra, I kept wishing there would be one scene that she wouldn't appear in: you know, a \\\"meanwhile, other characters in the movie were up to something else...\\\" moment. But it was all about Barbra. Well this video is RAW's *Funny Lady*.

So, if your idea of a good time is to look at multiple takes and angles of the face of RAW while he prattles on with his theories, assembled in a lame structure that doesn't add any interest or insight, then be my guest. For me, I couldn't take it after 20 minutes.\": {\"frequency\": 1, \"value\": \"I'm not going to ...\"}, \"Elvira Mistress Of The Dark (1988): Cassandra Peterson, Daniel Greene, William Morgan Sheppard, Susan Kellerman, Edie McClug, Jeff Conaway, Phil Rubenstein, Larry Flash Jenkins, Tress MacNeille, Damita Jo Freeman, Mario Celario, William Dance, Lee McLaughlin, Charles Woolf, Sharon Hays, Bill Cable, Joseph Arias, Scott Morris, Ira Heiden, Frank Collison, Lynne Marie Stewart, Marie Sullivan, Jack Fletcher, Robert Benedetti, Kate Brown, Hugh Gillin, Eve Smith, Raleigh Bond, Tony Burrier, Alan Dewames, Timm Hill, Read Scot, James Hogan, Derek Givens...Director James Signorelli...Screenplay Sam Egan, John Paragon.

Elvira, Mistress of the Dark was an 80's TV icon who had her own late night show on cable. She hosted and presented classic American horror films, many of them campy, while providing her own quips and humorous remarks. Actress Cassandra Peterson has to this date ridden on that success. In 1988, her first film was released. Playing herself, she's stuck hosting monster movie shows but longs for her own show in Las Vegas and make big money. Her agent Manny proves a disappointment. It's not long before she inherits a mansion from a deceased relative, a pet dog and a book of recipes. She comes to claim her inheritance in a small Nevada town - she was on her way to Vegas and became lost - and soon stirs things up in the sedate community. Outspoken conservative town council woman Chastity Pariah (Edie McClurg) soon sees her as a threat to the decency and values of the small town. Her voluptuous figure and winning personality soon draws the youth of the town. She falls for Bob Redding (Daniel Greene) the town handyman/carpenter, but before any real relationship can bloom, she finds herself in deep trouble. Vincent Talbot (William Morgan Sheppard) an eerie older man who is also set to inherit part of the fortune of Elvira's relative is in fact an age-old sorcerer who has a personal vendetta against Elvira's aunt and Elvira herself. He is aware that the so-called \\\"recipe book\\\" is actually a book of powerful magic, a power he wishes to claim for himself. He schemes to bring down Elvira by having the town burn her at the stake. How will Elvira get out of this one ? The movie was no real success at the box office, drawing a crowd of mostly young audiences familiar with the Elvira show on cable. Truth be told, this is a funny and feel-good movie. The script is chalk full of all kinds of jokes, some bad, some good, lots of sexual innuendo, visual jokes and overall campiness i.e. the hilarious last scene in which Elvira has finally got her own strip show in Vegas. This film is a cult classic of sorts, catering to Elvira fans. You couldn't enjoy this film otherwise. It's also a look back at \\\"pop\\\" culture of the 80's. Elvira was as much an icon of the 80's as was Alf, Vicky the Robot, Hulk Hogan, Mr. T and Madonna.\": {\"frequency\": 1, \"value\": \"Elvira Mistress Of ...\"}, \"Lorenzo Lamas stars as Jack `Solider` Kelly an ex-vietnam vet and a renegade cop who goes on a search and destroy mission to save his sister from backwoods rednecks. Atrocious movie is so cheaply made and so bad that Ron Palillo is third billed, and yet has 3 minutes of screen time, and even those aren't any good. Overall a terrible movie, but the scenes with Lorenzo Lamas and Josie Bell hanging from a tree bagged and gagged are worth a few (unintentional) laughs. Followed by an improved sequel.\": {\"frequency\": 1, \"value\": \"Lorenzo Lamas ...\"}, \"My wife and I are semi amused by Howie Mandel's show.. I also like Shatner - even when he's at his most pathetic..

But this is absolutely the worst show on television.

Please cancel this show. It sucks a**.

The only positive thing I can say is that the girls are hotter on this show and seem to wear less clothing than Deal or no Deal...

The questions are a mixture of way too easy and incredibly obscure. And watching Shatner or the contestant say \\\"Show me the money\\\" makes me want to vomit..

This one will not last.\": {\"frequency\": 1, \"value\": \"My wife and I are ...\"}, \"With the exception of the sound none of the above are really criticisms for this type of no budget, (truly) independent horror film. Make up effects and gore are very good and the lead actor was effective, the lead actress although attractive needs some coaching as she was particularly poor.

The major problem with Frightworld is it's length, at 108 minutes its half an hour too long to be effective as a slasher movie, plot wise only about ten minute of the first fifty are relevant.

In places it is visually engaging and sometimes the lack of lighting works in the films favour. However when this is combined with the poor sound as is the case with most of the film large sections are difficult to watch.

This could certainly be an entertaining if unoriginal \\\"serial killer back from the dead\\\" movie with some judicious and ruthless editing, in its current form it plays like an unfinished rough cut.\": {\"frequency\": 1, \"value\": \"With the exception ...\"}, \"Noni Hazlehurst's tour-de-force performance (which won her an AFI award) is at least on par with her effort in FRAN three years later. Colin Friels is also good, and, for those who are interested, Alice Garner appears as Noni's child, and Michael Caton (best known for THE CASTLE) is a bearded painter. (Also interestingly, Hazlehurst is currently the host of lifestyle program BETTER HOMES AND GARDENS, and Caton is the host of property-type programs including HOT PROPERTY, HOT AUCTION, etc...) This film reaffirms the popularly-held belief that Noni was arguably Australia's top female actor during the early-to-mid 1980s. Rating: 79/100.\": {\"frequency\": 1, \"value\": \"Noni Hazlehurst's ...\"}, \"Ray Liotta and Tom Hulce shine in this sterling example of brotherly love and commitment. Hulce plays Dominick, (Nicky) a mildly mentally handicapped young man who is putting his 12 minutes younger, twin brother, Liotta, who plays Eugene, through medical school. It is set in Baltimore and deals with the issues of sibling rivalry, the unbreakable bond of twins, child abuse and good always winning out over evil. It is captivating, and filled with laughter and tears. If you have not yet seen this film, please rent it, I promise, you'll be amazed at how such a wonderful film could go un-noticed.\": {\"frequency\": 1, \"value\": \"Ray Liotta and Tom ...\"}, \"A great opportunity for and Indy director to make an interesting film about a rock musician on the brink of stardom. It could have been a decent film if it would have dealt with John Livien's traumatic past and how it is torturing his psyche. Instead, it is a ridiculous attempt to identify John Livien's life with John Lennon's. John Livien's suicida mother's hero was John Lennon and she wished for him to become as powerful and prolific as Lennon himself. Instead of focusing on John Lennon's musical brilliance, and his wonderful ability to bare himself for others to learn something about their own life, it showed Lennon's legacy to be that of a confused, drug addicted soul, who should looked upon as a God instead a man. I am a huge John Lennon fan and this movie reminded me of another \\\"crazy\\\" person obsessed with Lennon, Lennon's killer , Mark David Chapman. Lennon was a man who was brutally murdered by someone else who had an identity crisis with Lennon. Do we need to be reminded of that? John Lennon gave so much to the world with his music and honesty and I was repulsed to see another disturbed person, as the main character in this movie obsessed by Lennon, and not show his beautiful contributions to the world. Yoko Ono graciously honored John Lennon's memory,by making the memorial in Central Park to give his fans a chance to pay their respects, and remember John. Instead the director of this movie chose to use that site to have the killer attempt to commit suicide. I found this so disturbing and disrespectful to Lennon's memory. He was a man of peace who died a brutal senseless death, and to see such violence near this site felt like a revisiting a terrible wound for any Lennon fan. It ruined the movie completely for me . It could have been a decent movie, but it left me with a bitter taste in my mouth. Let John Lennon, and his family rest in peace and not be reminded of his vicious murder by this irresponsible movie.\": {\"frequency\": 1, \"value\": \"A great ...\"}, \"I've just seen it....for those who don't know what it is, I suggest to download the entire feature and enjoy viewing it...it's kinda amateur made trailer featuring the same producer of the famous short Batman Dead End, but this time besides the black knight there is also Superman... It would be wonderful if they made the entire movie...but I'm afraid that it's almost impossible, especially just before the official Batman 5 film.

-- There is no greater crime against peace than the refusal to fight for it.

Lorenzo 'Purifier'Pinto\": {\"frequency\": 1, \"value\": \"I've just seen ...\"}, \"IT IS So Sad. Even though this was shot with film i think it stinks a little bit more than flicks like Blood Lake, There's Nothing Out There & . The music they play in this is the funniest stuff i've ever heard. i like the brother and sister in this movie. They both don't try very hard to sound sarcastic when they're saying stuff like \\\"My friends are going to be so jealous!\\\" Hey, whats with the killer only wearing his mask in the beginning? Thats retarded! I practically ignored the second half of this. My favorite part about this movie is the sound effect they use when the killer is using the axe. The same exact sound for every chop!\": {\"frequency\": 1, \"value\": \"IT IS So Sad. Even ...\"}, \"Born Again is a sub-standard episode from season one. It deals with the subject of reincarnation and just doesn't fly. I've never been big on reincarnation and that could be part of my apathy toward this episode. It does reference the Tooms case which is some nice continuation from the previous episode. But the positives end there. Which is unfortunate because that takes place at the beginning of the episode. I think it's ludicrous that a dead guy would chose to reincarnate in the body of a completely unrelated girl. And he waits until the girl turns eight to start exacting revenge. There's even a serious lack of witty Mulder & Scully dialogue to keep the episode afloat. If you're into reincarnation, maybe this episode is up your alley. If you're not, then at least you can learn what bradycardia is.\": {\"frequency\": 1, \"value\": \"Born Again is a ...\"}, \"but it's worth watching for Boyer, Lorre and Paxinou. Greene's entertainments that were filmed during the war either required transplanting to American shores, as in This Gun for Hire, or the use of American actors in roles where they did not fit. Bacall fits that part here. I kept waiting for her to whistle and bring Bogie to life; her tone of voice is simply all wrong for an upper class Englishwoman. But listen to the dialogue! No, people don't talk that way except in books, but Greene was sending a message about an England that needed to wake up to the dangers of the world. One other positive note: Greene's range of characters were kept whole. While Mr. Mukerjee resembled more a Brahamin, at least his nationality was kept, and his final conversation with Paxinou is priceless.\": {\"frequency\": 1, \"value\": \"but it's worth ...\"}, \"I showed this to my 6th grade class about 17 years ago and the students loved it. I loved it, too. The story of the termites and their interaction with their environment is amazing. The cast of creatures is deep and they all play their parts well. The battle between the two cold-blooded titans is truly classic footage.

Alan Root has done some incredible camera work and this should have won the Best Documentary Oscar. The copy I have doesn't have Orson Welles narrating it (Derek Jacobi) and it isn't called the \\\"Mysterious Castles of Clay,\\\" just \\\"Castles of Clay.\\\" This makes me think that it must have been done with Welles added for star power and an Oscar push.

I was lucky enough to find this VHS just recently and it is now my children's favorite movie. They brought it to the latest family gathering instead of a Disney movie. If you can find this movie you are indeed lucky.\": {\"frequency\": 1, \"value\": \"I showed this to ...\"}, \"I was quite a fan of the series as a child and after that it has always remained in my mind as one of those memorable cartoons that made a difference in the early 80s compared to previous animated series (Heidi, Barbapapa, Il Etait une Fois l'Homme..., most of which I love). I find that other similar Japanese cartoons of this kind released later can't match Mazinger Z, as they started to boringly repeat the same pattern.

That very thing, the novelty, may be one of the best features of Mazinger Z. Another good point is its inventiveness, with so many extravagant monsters, strange devices and bizarre characters; actually, we were eager to see each new installment to find out what kind of new fiend or evil machine was awaiting us!\": {\"frequency\": 1, \"value\": \"I was quite a fan ...\"}, \"Before watching this film, I could already tell it was a complete copy of Saw (complete with the shack-like place they were in and the black guy wanting someone to break his hand to get out of the cuffs). MJH's name on a movie would typically turn me away (ugh, can we say GROSS?!), but I still wanted to give it a try.

Starting out, I was a bit interested. The acting is absolutely horrible and I found myself laughing at almost each reaction from the characters (especially the man that played \\\"Sulley\\\"). MJH was even worst, but I continued to watch.

However, the ending was the biggest joke of them all! I seriously sat in shock thinking \\\"THAT was the ending?! Is this a comedy?!\\\".

I thought this pile of crap was funnier than the \\\"Scary Movie\\\" spoofs and that is REALLY saying something!\": {\"frequency\": 1, \"value\": \"Before watching ...\"}, \"This is absolutely one of the best movies I've ever seen. It takes me on a a roller-coaster of emotions. I laugh and cry and get disgusted and happy and in love! All this in a little over two hours of time!

The actors are all brilliant! I have to mention the leading actor of course, Michael Nyquist. He does a remarkable job!! I also admire the actor who plays Tore, who plays this mentally-challenged young man in such a convincing way! He sort of reminded me of Leonardo di Caprios roll in Gilbert Grape! And then there is the most beautiful song in the world: Gabriella's s\\ufffd\\ufffdng.

I recommend this for everyone to see and enjoy!\": {\"frequency\": 1, \"value\": \"This is absolutely ...\"}, \"This film was choppy, incoherent and contrived. It was also an extremely mean-spirited portrayal of women. I rented it because it was listed as a comedy (that's a stretch), and because the cover said Andie McDowell was acting up a storm in it. She wasn't. I'm a gal, I watched this film with two guys, and we spent an hour afterwards exclaiming over how bad it was.

WARNING: PLOT SUMMARY BELOW! RAMPANT SPOILERS!

The movie starts out with a fairly hackneyed plot about an older woman who takes up with a younger man, to the severe disapproval of her two jealous single girlfriends. They want her to marry a boring guy their own age who is kind of in love with her. But she's so happy with her oversexed puppy that you're rooting for them to stick it out, and sure enough, she decides to marry the guy. But her harpy girlfriend, aided by the wishy-washy one, sets up a plot to trick our heroine into thinking the guy is cheating on her. It works. She has a fight with him, he runs out of the house and is crushed by a truck (Remember the movie's title?) So now he's dead, two-thirds of the way through the film. And although our heroine is a school headmistress who spends her time watching over girls, she apparently forgot to use birth control and is pregnant.

She's already broken off relations with her girlfriends, because they were so unsupportive. Alone and pitiful, she decides to marry the boring guy. Did I mention that the boring guy who kind of loves her is a minister? She had asked him to marry her to the young guy (nice, huh?), but now she tells him she'll marry him, and apparently he has no objections to being dicked around in this fashion. But her girlfriends rescue her at the altar and take her home, where they not-quite-confess that they were mostly responsible for the love of her life getting smushed. She has the kid. In the final scene, they leave it in a crib inside her house while they go out on the porch to drink, smoke and be smug. I kid you not, it's that bad. I left out the part about the cancer red-herring and the harpy's ridiculous lesbian moment.\": {\"frequency\": 1, \"value\": \"This film was ...\"}, \"Clint Eastwood reprises his role as Dirty Harry who this time is on the case of a vigilante (Sondra Locke)who is killing the people that raped her and her sister at a carnival many years ago. Eastwood makes the role his and the movie is mainly more action then talk, not that I'm complaining. Sudden Impact is indeed enjoyable entertainment.\": {\"frequency\": 1, \"value\": \"Clint Eastwood ...\"}, \"I recently watched Belle Epoque, thinking it might be wonderful as it did win an Oscar for Best Foreign Language Film. I was a bit underwhelmed by the predictability and simplicity of the film. Maybe the conflict I had was that from the time the movie was filmed to now, the plot of a man falling for beautiful women and eventually falling for the good girl has been done so many times. Aside from predictability of the plot, some scenes in the film felt really out of place with the storyline (ex. a certain event at the wedding). At times the film was a bit preachy in it's ideas and in relation to the Franco era the film was set in and the Church. The only thing the film had going for it was the cutesy moments, the scenery, and the character of Violeta being a strong, independent woman during times when women were not really associated with those characteristics.\": {\"frequency\": 1, \"value\": \"I recently watched ...\"}, \"Jason Lee does his best to bring fun to a silly situation, but the movie just fails to make a connect.

Perhaps because Julia Stiles character seems awkward as the conniving and sexy soon to be cousin-in-law.

Maybe it is because she and Selma Blair's characters should have been cast the opposite way. (Selma Blair seems more conniving than Julia would be).

Either way this movie is yet another Hollywood trivialization of a possibly real world situation (that being getting caught with your pants out at your bachelor party not stooping your cousin), which while having promise fails to deliver.

There are some laughs to be sure and the cast (even if miscast) do their best with sub grade material which doesn't transcend its raunchy topic. So instead of getting a successful raunch fest (ie Animal House or American Pie) we are left with a middle ground of part humor and part stupidity (ala Meatballs 2 or something).\": {\"frequency\": 1, \"value\": \"Jason Lee does his ...\"}, \"Moonwalker is probably not the film to watch if you're not a Michael Jackson fan. I'm a big fan and enjoyed the majority of the film, the ending wasn't fantastic but the first 50 or so minutes were - if you're a fan.

I personally believe the first 50 minutes are re-watchable many times over. The dancing in each video is breathtaking, the music fantastic to listen to and the dialogue entertaining.

It includes many of his finest videos from Bad and snippets from his earlier videos. It also includes some live concert footage.

If you're a big fan of Michael Jackson this is a must, if you're not a fan/don't like Michael Jackson, steer well clear.

9/10\": {\"frequency\": 1, \"value\": \"Moonwalker is ...\"}, \"The morbid Catholic writer Gerard Reve (Jeroen Krabb\\ufffd\\ufffd) that is homosexual, alcoholic and has frequent visions of death is invited to give a lecture in the literature club of Vlissingen. While in the railway station in Amsterdam, he feels a non-corresponded attraction to a handsome man that embarks in another train. Gerard is introduced to the treasurer of the club and beautician Christine Halsslag (Ren\\ufffd\\ufffde Soutendijk), who is a wealthy widow that owns the beauty shop Sphinx, and they have one night stand. On the next morning, Gerard sees the picture of Christine's boyfriend Herman (Thom Hoffman) and he recognizes him as the man he saw in the train station. He suggests her to bring Herman to her house to spend a couple of days together, but with the secret intention of seducing the man. Christine travels to K\\ufffd\\ufffdln to bring her boyfriend and Gerard stays alone in her house. He drinks whiskey and snoops her safe, finding three film reels with names of men; he decides to watch the footages and discover that Christine had married the three guys and all of them died in tragic accidents. Later Gerard believes Christine is a witch and question whether Herman or him will be her doomed fourth husband.

The ambiguous \\\"The Vierde Man\\\" is another magnificent feature of Paul Verhoeven in his Dutch phase. The story is supported by an excellent screenplay that uses Catholic symbols to build the tension associated to smart dialogs; magnificent performance of Jeroen Krabb\\ufffd\\ufffd in the role of a disturbed alcoholic writer; and stunning cinematography. The inconclusive resolution is open to interpretation like in many European movies that explore the common sense and intelligence of the viewers. There are mediocre directors that use front nudity of men to promote their films; however, Paul Verhoeven uses the nudity of Gerard Reve as part of the plot and never aggressive or seeking out sensationalism. Last but not the least; the androgynous beauty of the sexy Ren\\ufffd\\ufffde Soutendijk perfectly fits to her role of a woman that attracts a gay writer. My vote is eight.

Title (Brazil): \\\"O 4o Homem\\\" (\\\"The 4th Man\\\")\": {\"frequency\": 1, \"value\": \"The morbid ...\"}, \"A dreary and pointless bit of fluff (bloody fluff, but fluff). Badly scripted, with inane and wooden dialogue. You do not care if the characters (indeed, even if the actors themselves) live or die. Little grace or charm, little action, little point to the whole thing. Perhaps some of the set and setting will interest--those gaps between the boards of all the buildings may be true to the way life was lived. The framework encounter is unnecessary and distracting, and the Hoppalong Cassidy character himself is both boring and inept.\": {\"frequency\": 1, \"value\": \"A dreary and ...\"}, \"Repugnant Bronson thriller. Unfortunately, it's technically good and I gave it 4/10, but it's so utterly vile that it would be inconceivable to call it \\\"entertainment\\\". Far more disturbing than a typical slasher film.\": {\"frequency\": 1, \"value\": \"Repugnant Bronson ...\"}, \"This movie was great and I would like to buy it.The boy goes with his grandfather to catch a young eagle. the boy has to feed and care for the eagle until it is old enough to be sacrificed for the crops. the boy saves the eagle from being killed and runs away from the tribe.The eagle helps feed him by catching a duck from a small pond the boy scares up. Later the boy shoots a deer that a bully kid was claiming because their arrows were marked very close the same. Only until they check the thickness of the red lines do they determine who actually got the deer. But this was unfortunate because it made the other boys even crueler to him,and at the end he is being chased up onto a cliff but when you think he will fall off his pure love for the eagle transforms him into a golden eagle with only a necklace as a reminder of who he was.Please if anyone knows where I can buy this movie let me know.I haven't seen it for over 30 years,but still remember parts of the movie.deniselacey2000@yahoo.com\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"The year 2005 saw no fewer than 3 filmed productions of H. G. Wells' great novel, \\\"War of the Worlds\\\". This is perhaps the least well-known and very probably the best of them. No other version of WotW has ever attempted not only to present the story very much as Wells wrote it, but also to create the atmosphere of the time in which it was supposed to take place: the last year of the 19th Century, 1900 \\ufffd\\ufffd using Wells' original setting, in and near Woking, England.

IMDb seems unfriendly to what they regard as \\\"spoilers\\\". That might apply with some films, where the ending might actually be a surprise, but with regard to one of the most famous novels in the world, it seems positively silly. I have no sympathy for people who have neglected to read one of the seminal works in English literature, so let's get right to the chase. The aliens are destroyed through catching an Earth disease, against which they have no immunity. If that's a spoiler, so be it; after a book and 3 other films (including the 1953 classic), you ought to know how this ends.

This film, which follows Wells' plot in the main, is also very cleverly presented \\ufffd\\ufffd in a way that might put many viewers off due to their ignorance of late 19th/early 20th Century photography. Although filmed in a widescreen aspect, the film goes to some lengths to give an impression of contemporaneity. The general coloration of skin and clothes display a sepia tint often found in old photographs (rather than black). Colors are often reminiscent of hand-tinting. At other times, colors are washed out. These variations are typical of early films, which didn't use standardized celluloid stock and therefore presented a good many changes in print quality, even going from black/white to sepia/white to blue/white to reddish/white and so on \\ufffd\\ufffd as you'll see on occasion here. The special effects are deliberately retrograde, of a sort seen even as late as the 1920s \\ufffd\\ufffd and yet the Martians and their machines are very much as Wells described them and have a more nearly realistic \\\"feel\\\". Some of effects are really awkward \\ufffd\\ufffd such as the destruction of Big Ben. The acting is often more in the style of that period than ours. Some aspects of Victorian dress may appear odd, particularly the use of pomade or brilliantine on head and facial hair.

This film is the only one that follows with some closeness Wells' original narrative \\ufffd\\ufffd as has been noted. Viewers may find it informative to note plot details that appear here that are occasionally retained in other versions of the story. Wells' description of the Martians \\ufffd\\ufffd a giant head mounted on numerous tentacles \\ufffd\\ufffd is effectively portrayed. When the Martian machines appear, about an hour into the film, they too give a good impression of how Wells described them. Both Wells and this film do an excellent job of portraying the progress of the Martians from the limited perspective (primarily) of rural England \\ufffd\\ufffd plus a few scenes in London (involving the Narrator's brother). The director is unable to resist showing the destruction of a major landmark (Big Ben), but at least doesn't dwell unduly on the devastation of London.

The victory of the Martians is hardly a surprise, despite the destruction by cannon of some of their machines. The Narrator, traveling about to seek escape, sees much of what Wells terms \\\"the rout of Mankind\\\". He encounters a curate endowed with the Victorian affliction of a much too precious and nervous personality. They eventually find themselves on the very edge of a Martian nest, where they discover an awful fact: the Martians are shown to be vampires who consume their prey alive in a very effective scene. Wells adds that after eating they set up \\\"a prolonged and cheerful hooting\\\". The Narrator finally is obliged to beat senseless the increasingly hysterical curate \\ufffd\\ufffd who revives just as the Martians drag him off to the larder (cheers from the gallery; British curates are so often utterly insufferable).

This film lasts almost 3 hours, going through Wells' story in welcome detail. It's about time the author got his due \\ufffd\\ufffd in a compelling presentation that builds in dramatic impact. A word about the acting: Don't expect award-winning performances. They're not bad, however, the actors are earnest and they grow on you. Most of them, however, have had very abbreviated film careers, often only in this film. The Narrator is played by hunky Anthony Piana, in his 2nd film. The Curate is John Kaufman \\ufffd\\ufffd also in his 2nd film as an actor but who has had more experience directing. The Brother (\\\"Henderson\\\") is played with some conviction by W. Bernard Bauman in his first film. The Artilleryman, the only other sizable part, is played by James Lathrop in his first film.

This is overall a splendid film, portraying for the first time the War of the Worlds as Wells wrote it. Despite its slight defects, it is far and away better than any of its hyped-up competitors. If you want to see H. G. Wells' War of the Worlds \\ufffd\\ufffd and not some wholly distorted version of it \\ufffd\\ufffd see this film!\": {\"frequency\": 1, \"value\": \"The year 2005 saw ...\"}, \"At the time I recall being quite startled and amused by this movie. I referred to it as the most important movie I'd seen in ten years, and found myself bumping into people who said similar things.

Bernhard has an unusually perceptive behavioral notebook. And she has shaped the bitter adolescent personality that we all had, into a corrosive, adult world-view. The two together provide a startling mix which may be too edgy for some viewers. (Hi Skip. I wish you weren't my brother so I could **** you!)

Bernhards search for herself after returning to LA from New York, results in the immersive trying-on of various personas (all of which fit poorly) for our amusement, but enough of them involve acting out to appeal to a \\\"black imperative\\\" values system that the real barometer of her resituation is whether black culture accepts her. (It's been a while. Nina Simone comes to mind. And she has an impressive, solidly-built black lover in the movie) A pretty black girl attends the shows, and seems to be authorizing Sandra's faux-blackness, but ultimately rejects her.

Just as Catholics deem themselves lucky to suffer for Christ, here Sandra depicts herself suffering at the hands of a black culture in which she craves a place; as if she cherishes her worthiness and her rejection. It's the only value system implicated in the films world, outside of Bernhards arty confusion.

For a nation whose chief issues are racism and money, it's refreshing to see one of the 2 topics dealt with in an atypical way.\": {\"frequency\": 1, \"value\": \"At the time I ...\"}, \"A Kafkaesque thriller of alienation and paranoia. Extremely well done and Polanski performs well as the diffident introvert trying hard to adapt to his dingy Paris lodgings and his fellow lodgers. Horrifying early on because of the seeming mean and self obsessed fellow tenants and horrifying later on as he develops his defences which will ultimately be his undoing. Personally I could have done without the cross dressing element but I accept the nod to Psycho and the fact that it had some logic, bearing in mind the storyline. Nevertheless it could have worked without and would have removed the slightly theatrical element, but then maybe that was intended because the courtyard certainly seems to take on the look of a theatre at the end. I can't help feel that there are more than a few of the director's own feelings of not being a 'real' Frenchman and Jewish to boot. Still, there is plenty to enjoy here including a fine performance from a gorgeous looking Isabelle Adjani and good old Shelly Winters is as reliable as ever.\": {\"frequency\": 1, \"value\": \"A Kafkaesque ...\"}, \"I don't watch much porn, but I love porn stars. And I love gory movies. So when I heard about a porn-star gore movie, I was really excited. Of course, that was years ago and when I heard about all the trouble with making and finishing the movie, I never thought I'd actually get to see it. But I did and I'm not ashamed to admit I loved it, even with all its flaws.

First, the flaws. The story is set in Ireland and is called Samhain, but the story it seemed to want to tell is about the Sawney Beane clan from Scotland. So why not just set it there and skip the third-grade report about Samhain/Irish immigrants/Halloween? Also, it breaks its own rules by stating that you're safe on the trails, but then the cannibal mutants just start running amok everywhere. It's never clear how many cannibals we're dealing with. There's a big stone castle that's obviously ancient, yet no one's noticed it before. The self-conscious horror film references are annoying and so are the characters. The heroine has a flashback montage of all her dead friends that include a character she NEVER MET. The ending makes no sense.

So what works? The gore! Sure I would have liked more, but it was refreshing to see such a nasty movie that wasn't afraid to be nothing more than a gore movie. Two murders are waay over the top and Taylor Hayes has a nice disgusting scene. The two wild murders are even given extended shots on the DVD. I've always been of the mind that gore can overcome a stupid story and Evil Breed reinforced that.\": {\"frequency\": 1, \"value\": \"I don't watch much ...\"}, \"Where to start...Oh yea, Message to the bad guys: When you first find the person you have been tracking (in order to kill) that witnessed a crime you committed, don't spend time talking to her so that she has yet another opportunity to get away. Message to the victim: When the thugs are talking amongst themselves and arguing, take that opportunity to \\\"RUN AWAY\\\", don't sit there and watch them until you make a noise they hear. Message to the Director: if someone has a 5 or 10 minute head start in a vehicle or on foot, you can't have the bad guys on their heels or bumper right away! time and motion doesn't work that way. It would also be nice to think that a woman doesn't have to brutally kill( 4) men in order to empower herself to leave an abusive relationship at home.\": {\"frequency\": 1, \"value\": \"Where to ...\"}, \"Just two comments....SEVEN years apart? Hardly evidence of the film's relentless pulling-power! As has been mentioned, the low-budget telemovie status of 13 GANTRY ROW is a mitigating factor in its limited appeal. Having said that however the thing is not without merit - either as entertainment or as a fright outing per se.

True, the plot at its most basic is a re-working of THE AMITYVILLE HORROR - only without much horror. More a case of intrigue! Gibney might have made a more worthwhile impression if she had played Halifax -investigating a couple of seemingly unconnected murders with the \\\"house\\\" as the main suspect. The script is better than average and the production overall of a high standard. It just fails to engage the viewer particularly at key moments.

Having picked the DVD up for a mere $3.95 last week at my regular video store, I cannot begrudge the expenditure. $10.95 would be an acceptable price for the film. Just don't expect fireworks!\": {\"frequency\": 1, \"value\": \"Just two ...\"}, \"Many reviews here explain the story and characters of 'Opening Night' in some detail so I won't do that. I just want to add my comment that I believe the film is a wonderful affirmation of life.

At the beginning Myrtle Gordon is remembering how 'easy' it was to act when she was 17, when she had youth and energy and felt she knew the truth. Experience has left her emotionally fragile, wondering what her life has been for and, indeed, if she can even continue living. A tragic accident triggers a personal crisis that almost overwhelms her.

Almost - but not quite. At the eleventh hour she rediscovers the power of her art and reasserts herself (\\\"I'm going to bury that bastard,\\\" she says of fellow actor Maurice as she goes on stage). It seems almost sadistic when Myrtle's director prevents people from helping her when she arrives hopelessly drunk for her first performance. He knows, however, that she has to have the guts to make it herself if she is to make it at all.

Some critics wonder if this triumph is just a temporary pause on Myrtle's downward path. I believe this is truly her 'opening night' - she opens like a flower to new possibilities of life and action, she sees a way forward. It is tremendously moving.

Gena Rowlands is superb. The film is superb. Thank you, Mr Cassavetes, wherever you are.\": {\"frequency\": 1, \"value\": \"Many reviews here ...\"}, \"I found this movie to be suspenseful almost from the get-go. When Miss Stanwyck starts her narration it's only a few minutes until you realize that trouble is coming. The deserted area, the lock on the deserted gas station door, everything sets you up to wait for it...here it comes. At first you think it will be about the little boy, but all too soon you start holding your breath watching the tide coming in. I found this movie to be really stressful, even though I had watched it before and was prepared for the denouement. Now a movie that can keep you in suspense even when you have seen it before deserves some sort of special rating, maybe a white knuckles award?\": {\"frequency\": 1, \"value\": \"I found this movie ...\"}, \"JUDAAI was a bold film by Raj Kanwar at it's time In 1997 when such a topic was damn out of the box

To give him his credit he does succeed in showing how greed changes a person and to what extent the person can go to get what she wants

The film however is damn melodramatic, many places ridiculous

One wonders why Anil doesn't buy a TV for his wife? when he earns so much Just to show how poor he is?

The twist is well handled but the handling is straight out of 80's The Johny- Paresh comedy which entertains here and there stands out as a sore thumb as it doesn't fit in the story

Even there are several cringeworthy scenes

Direction by Raj Kanwar is adequate though at times too melodramatic Music is okay but most songs look forced

Anil does his part well Sridevi is excellent in her part Urmila is decent Amongst rest Kader Khan is as usual Johny Lever is funny, Paresh irritates Farida is decent\": {\"frequency\": 1, \"value\": \"JUDAAI was a bold ...\"}, \"Though I'm not the biggest fan of wirework based martial arts films, when a film goes straight for fantasy rather than fighting I get a lot more fun out of it and this film is one of the best in terms of fantastical plotting and crazy flying shenanigans. Ching Siu Tung has crafted here an enchanting treat with fine performance and much ethereal beauty. The great, tragic Leslie Cheung plays a tax collector hero who stays the night in a haunted temple and gets involved with a stunning fox spirit and a wacky Taoist. Cheungs performance is filled with naive but dignified charm and Wu Ma is pleasingly off the wall as the Taoist monk, who shows off some swordplay and even gets a musical number. Perhaps best off all is Joey Wang as the fox spirit, truly a delight to behold with every movement and gesture entrancingly seductive. The film takes in elements of fantasy, horror, comedy and romance, all stirred together into a constantly entertaining package. Ching Siu Tung, directing and handling the choreography gives some neat wirework thrills, and fills the film with mists, shadows and eerily enthralling benighted forest colours, giving every forest scene a wonderfully bewitching atmosphere. Also notable are the elaborate hair stylings and gorgeous flowing garments of the female characters, with, if I'm not mistaken, Joey Wang sporting hair done up like fox ears at times, a marvellous touch. Though the film features relatively little action and some perhaps ill advised cheesy pop songs at times, this is a beautiful piece of entertainment, with swell characters and plotting, even the odd neat character arc, a near constant supply of visual treats and copious dreamy atmosphere. An ethereal treasure, highly recommended.\": {\"frequency\": 1, \"value\": \"Though I'm not the ...\"}, \"This movie awed me so much that I watch it at least once a year. At times I find it uncomfortable. At times I find it empowering. And I always find the characters human and real. It is a movie that shows you the gritty reality of life in LA, starting with the recurring helicopter search lights scanning for the dangers lurking so close to the ordinary lives being carried on by the characters. It is also a movie that shows you how the kindness of a stranger can change your life and empower you to make a difference. Grand Canyon reminds you that every action you take, whether intended or not, has powerful repercussions. I found this movie to be similar in many ways to Robert Altman's film Short Cuts. Both had a star-studded roster of perfectly cast actors & actresses and both movies allowed you to gradually see how the the characters interrelated with one another and affected each other, for better or worse. Grand Canyon did a better job of providing a cohesive message, (hope in the face of despairing reality), than Altman's film, although I found them both intriguing in their own way. This film is a definite must see!!!\": {\"frequency\": 1, \"value\": \"This movie awed me ...\"}, \"

What an absolutely crappy film this is. How or why this movie was made and what the hell Billy Bob Thornton and Charlize Theron were doing signing up for this mediocre waste of time is beyond me. Strong advise for anyone sitting down to catch a flick: DO NOT waste your time on this 'film'.\": {\"frequency\": 1, \"value\": \"

What ...\"}, \"Worry not, Disney fans--this special edition DVD of the beloved Cinderella won't turn into a pumpkin at the strike of midnight. One of the most enduring animated films of all time, the Disney-fide adaptation of the gory Brothers Grimm fairy tale became a classic in its own right, thanks to some memorable tunes (including \\\"A Dream Is a Wish Your Heart Makes,\\\" \\\"Bibbidi-Bobbidi-Boo,\\\" and the title song) and some endearingly cute comic relief. The famous slipper (click for larger image) We all know the story--the wicked stepmother and stepsisters simply won't have it, this uppity Cinderella thinking she's going to a ball designed to find the handsome prince an appropriate sweetheart, but perseverance, animal buddies, and a well-timed entrance by a fairy godmother make sure things turn out all right. There are a few striking sequences of pure animation--for example, Cinderella is reflected in bubbles drifting through the air--and the design is rich and evocative throughout. It's a simple story padded here agreeably with comic business, particularly Cinderella's rodent pals (dressed up conspicuously like the dwarf sidekicks of another famous Disney heroine) and their misadventures with a wretched cat named Lucifer. There's also much harrumphing and exposition spouting by the King and the Grand Duke. It's a much simpler and more graceful work than the more frenetically paced animated films of today, which makes it simultaneously quaint and highly gratifying.\": {\"frequency\": 1, \"value\": \"Worry not, Disney ...\"}, \"By 1976 the western was an exhausted genre and the makers of this film clearly knew it. Still, instead of shelving the project and saving us from having to watch it, they went ahead and made it anyway. Apparently in need of an interesting thread to get the audiences to come and see the film, they decided to make it as blatantly violent and unpleasant as possible. Hell, it worked for The Wild Bunch so why shouldn't it work here? Of course, The Wild Bunch had the benefit of a superb script but the script of The Last Hard Men is plain old-fashioned rubbish.

It's hard to figure out what attracted Charlton Heston and James Coburn to their respective roles. Heston plays a retired lawman who goes after an escaped bunch of convicts led by a violent outlaw (Coburn). The hunt becomes even more personal when Heston's daughter (Barbara Hershey) is kidnapped by the convicts and subjected to sexual degradation.

This is a bloodthirsty film indeed in which every time someone dies it is displayed in over-the-top detail. It's tremendously disappointing really, because the star pairing sounds like a mouth-watering prospect. There's no sense of pace or urgency in the film either. It takes an eternity to get going, but when the action finally does come it is marred by the emphasis on nastiness. All in all, this might be the very worst film that Heston ever made. I'm sure it's one of the productions he is loathe to include on his illustrious CV.\": {\"frequency\": 1, \"value\": \"By 1976 the ...\"}, \"The Golden Era of Disney cartoons was dying by the time the end of the 90s. This show Quack Pack shouldn't even be considered a DuckTales spin off because the show barely had anything to do with DuckTales. It's about a teen-aged Huey, Dewey and Louie as they make trouble for their uncle Donald and talk in hip-hop lingo and they are fully dressed unlike in DuckTales. I prefer the little adventurous nephews from DuckTales. There are humans in Duckburg and the ducks are the only animals living in Duckburg. There's no references of Scrooge McDuck. The stories are repetitive, the plot is boring but the animation is good. If you want lots of slapstick humor, I recommend this to you. If you want a better Disney show watch \\\"Darkwing Duck\\\" or \\\"DuckTales\\\".\": {\"frequency\": 1, \"value\": \"The Golden Era of ...\"}, \"The One and only was a great film. I had just finished viewing it on EncoreW on DirecTV. I am an independent professional wrestler, and I thought this was a good portray of what life is like as a professional wrestler. Now this film was made 4 years before I was born, but I don't think the rigors of professional wrestling traveling has changed all that much. Sad, funny, and all around GREAT!!! **** 10+\": {\"frequency\": 1, \"value\": \"The One and only ...\"}, \"Very bad film. Very, very, very bad film. It's a rarity, but it defenitly is not worth hunting down. This Italian Jaws rip-off makes little sense most of the time, and no sense the rest. The \\\"alligator\\\" is not at all convincing, and many of the sub-plots go nowhere. If it's at the local video store, you may want to watch it if you're a fan of monster movies, but it's not worth hunting down.\": {\"frequency\": 1, \"value\": \"Very bad film. ...\"}, \"Omen IV: The Awakening starts at the 'St. Frances Orphanage' where husband & wife Karen (Faye Grant) & Gene York (Michael Woods) are given a baby girl by Sister Yvonne (Megan Leitch) who they have adopted, they name her Delia. At first things go well but as the years pass & Delia (Asia Vieria) grows up Karen becomes suspicious of her as death & disaster follows her, Karen is convinced that she is evil itself. Karen then finds out that she is pregnant but discovers a sinister plot to use her as a surrogate mother for th next Antichrist & gets a shock when she finds out who Delia's real father was...

Originally to be directed by Dominique Othenin-Girard who either quit or was sacked & was replaced by Jorge Montesi who completed the film although why he bothered is anyone's guess as Omen IV: The Awakening is absolutely terrible & a disgrace when compared to it illustrious predecessors. The script by Brian Taggert is hilariously bad, I'm not sure whether this nonsense actually looked good as the written word on a piece of paper but there are so many things wrong with it that I find even that hard to believe. As a serious film Omen IV: The AWakening falls flat on it's face & it really does work better if you look at it as a comedy spoof, I mean the scene towards the end when the Detective comes face-to-face with a bunch of zombie carol singers who are singing an ominous Gothic song has to be seen to be believed & I thought it was absolutely hilarious & ridiculous in equal measure. Then there's the pointless difference between this & the other Omen films in that this time it's a young girl, the question I ask here is why? Seriously, why? There's no reason at all & isn't used to any effect at all anyway. Then of course there's the stupid twist at the end which claims Delia has been keeping her brother's embryo inside herself & that in a sinister conspiracy involving a group of Satan worshippers it has been implanted in Karen so she can give birth to the Antichrist is moronic & comes across as just plain daft. At first it has a certain entertainment value in how bad it is but the unintentional hilarity gives way to complete boredom sooner rather than later.

It's obviously impossible to know how much of Omen IV: The Awakening was directed by Girard & Montesi but you can sort of tell all was not well behind the camera as it's a shabby, cheap looking poorly made film which was actually made-for-TV & it shows with the bland, flat & unimaginative cinematography & production design. Then there's the total lack of scares, atmosphere, tension & gore which are the main elements that made the previous Omen films so effective.

The budget must have been pretty low & the film looks like it was. The best most stylish thing about Omen IV: The Awakening is the final shot in which the camera rises up in the air as Delia walks away into the distance to reveal a crucifix shaped cross made by two overlapping path's but this is the very last shot before the end credits roll which says just about everything. I have to mention the music which sounds awful, more suited to a comedy & is very inappropriate sounding. The acting is alright at best but as usual the kid annoys.

Omen IV: The Awakening is rubbish, it's a totally ridiculous film that tries to be serious & just ends up coming across as stupid. The change of director's probably didn't help either, that's still not a excuse though. The last Omen film to date following the original The Omen (1976), Damien: Omen II (1978) & The Final Conflict (1981) all of which are far superior to this.\": {\"frequency\": 1, \"value\": \"Omen IV: The ...\"}, \"Midnight Cowboy opens with a run down Drive In theater with the voice-over of the main character Joe Buck (Jon Voight) singing in the shower. He is singing a cowboy song, the very thing he strives to be. Joe picks up his humdrum life living in Texas and moves it to New York City with the dream of lots of women, and even more money. He dresses as the epitome of the cowboy, but in a cartoonish fashion, not even his friends take him seriously. He begins his journey on the bus to NYC and we can quickly see how diluted Joe is through his interactions with the other passengers. This is primarily a story of Joe's realization of the harsh realities of the real world.

He starts off as a very na\\ufffd\\ufffdve southerner thinking he can make it in NYC just on his good looks. He has no other reason to think otherwise, as they proved helpful in the past; we learn this from the many flashbacks he has. In the beginning the flashbacks are filmed in a way that portrays them as being somewhat whimsical. They are hazy and the voices sound as if they are coming from a great distance, as they are, they are coming out of his past. However, as Joe delves deeper and deeper into the reality of the harsh atmosphere of NYC we see more of his past, which is no longer whimsical but gritty, filmed in black and white with rapid editing to portray the cruel nature of the past events. This is especially seen in the flashback of him and his girlfriend being assaulted, and her being raped. In one of these flashbacks we see a building being torn down brick by brick. This mirrors the way in which Joe himself is falling apart; the naivet\\ufffd\\ufffd that he once carried is falling off of him. He and Ratso (Dustin Hoffman) are living in squalor, and barely able to get food to eat; Joe is realizing he cannot live off of his looks, that there is a gritty underbelly of New York that he didn't envision. His subconscious mirrors the way in which his real life is panning out.

Ratso is also serves as a kind of mirror to Joe, but in an opposite way; Ratso is Joe's foil. Joe is a handsome, strong man who, for the most part, has a good outward appearance. Ratso, on the other hand, from the very first time we see him sitting next to Joe in the bar we can tell he is the opposite. He is short, dark, and always coated with a sheen of sweat. He understands how the world works, that it is unforgiving, and sometimes no matter how hard you try you will fail; just as his father did. They are living in the same world, the same apartment even, but they understand things on a completely different level.

The theme of alienation, one that is common of this era, is very apparent in this film. Neither Joe nor Ratso fit into the culture surrounding them. Joe feels trapped in Texas and moves to NYC where he is still very much an outsider. Ratso, living in the cold of NYC, wishes to move to sunny Florida where he thinks he will be able to find a good life. Even though this is his ideal, in the fantasy we get from Ratso's perspective, it is apparent that he knows he will never really fit into society. In said fantasy he is turned on by the people living around him, he is yet again an outsider, alienated from society.

It is not until the end that the gap between Joe and Ratso begins to narrow. Joe resorts to violence; he takes on the mentality of this city in order to get money to fund a means of escape for Florida for himself and Ratso. On the journey we see Joe coming out of a store not wearing the cowboy clothes that he is never without in the rest of the film. He is dressed as someone who looks like they are headed to Florida for vacation. He dresses Ratso the same way; he tires to make them fit into the new society they are entering, but it is to no avail. Upon Ratso's death on the bus, their fellow passengers once again look them upon as outsiders. Even in this new culture they have entered, they cannot escape the alienation they have met at every turn in this film. Despite the Ratso's death, and Joe's continued alienation, the film ends with the hope that Joe can take his new knowledge of how the world works and create a better life than he would have had as a hustler in NYC. Midnight Cowboy is an excellent film portraying the harsh reality of society, and alienation, with stellar performances by both Voight and Hoffman.\": {\"frequency\": 1, \"value\": \"Midnight Cowboy ...\"}, \"In 1972, after his wife left to go her own way, Elvis Presley began dating Linda Thompson. Miss Thompson, a good-humored, long haired, lovely, statuesque beauty queen, is charted to fill a void in Elvis' life. When Elvis' divorce became final, Linda was already in place as the legendary performer's live-in girlfriend and travel companion until 1976.

This is a gaudy look at their love affair and companionship. Linda whole-heartedly tending to her lover's needs and desires. And even putting up with his swallowing medications by the handful and introducing her to her own love affair with valium. At times this movie is harsh and dark of heart; a very unattractive look at the 'King' and his queen.

Don Johnson is absolutely awful as Elvis. Over acting to the hilt is not attractive. Stephanie Zimbalist lacks the classiness of Linda, but does the job pretty well. Supporting cast includes: John Crawford, Ruta Lee, and Rick Lenz. Watching this twice is more than enough for me, but don't let this review stop you from checking it out. For most Elvis fans that I have conferred with, this is not a favored presentation.\": {\"frequency\": 1, \"value\": \"In 1972, after his ...\"}, \"This was by far the worst low budget horror movie i have ever seen. I am an open minded guy and i always love a good horror movie. In fact, when I'm renting movies i specifically look for some good underrated horror movies. They are always good for a laugh, believe i know, i have seen many. But this movie was just so terrible it wasn't worth a chuckle. I was considering turning it off in the first five minutes... which i probably should have. There is nothing good about it, first and foremost, the camera crew suck3d A$$. The intro was stupid just like the ending. Acting and special effects were terrible. Please I'm begging you, do NOT watch this movie, you will absolutely hate it.\": {\"frequency\": 1, \"value\": \"This was by far ...\"}, \"This is the worst movie ever made. The acting, the script, the location, everything! I would have given it a little chance if there were attractive women in the movie, but even they were bad. You would think that a movie with the word \\\"beach\\\" in it's title would have good-looking women in it. Wouldn't you?\": {\"frequency\": 1, \"value\": \"This is the worst ...\"}, \"I loved this movie! It was all I could do not to break down into tears while watching it, but it is really very uplifting. I was struck by the performance of Ray Liotta, but especially the talent of Tom Hulce portraying Ray's twin brother who is mentally slow due to a tragic and terrible childhood event. But Tom's character, though heartbreaking, knows no self pity and is so full of hope and life. This is a great movie, don't miss it!!\": {\"frequency\": 1, \"value\": \"I loved this ...\"}, \"No one would argue that this 1945 war film was a masterpiece. (How could any 1945 war film be a masterpiece?) And yet this is an extremely effective telling of a true story, that of Al Schmidt, blinded on Guadalcanal, as played by John Garfield, who spent days wearing a blindfold to capture the nuances of a blind person's actions. Robert Leckie, in \\\"Helmet for My Pillow\\\",denigrates Schmidt's popularity in favor of his foxhole mate, who was killed, writing that \\\"the country must have needed live heroes.\\\"

Well, I suppose the country did. And they had one here. There is a single combat scene in the movie, bound to the studio lot, lasting only ten minutes or so, and occurring less than halfway through the film instead of being saved for the climax, but it is the scariest and most realistic depiction of men under fire that I can remember having seen on screen, including those in \\\"Saving Private Ryan\\\". Men yell with fear, scream at each other and at the enemy, and bleed and die, without the aid of color, stereophonic sound, squibs, or gore.

Simply from a technological point of view, the film is outstanding. It isn't just that we learn how complicated a mechanism a .30 caliber, water-cooled Browning machine gun is, or that it must be fired in bursts of only a few rounds, or that it isn't waved around like a fire hose, as in so many other war movies. The technical precision adds to the scene's riveting quality. The need to stick to short bursts is horrifying when dozens of shrieking enemies are pouring across a creek fifty feet away with the sole aim of exterminating you and your two isolated comrades confined to a small gun emplacement.

The performances are solid, if not bravura, including those of the ubiquitous 1940s support, John Ridgeley, and a radiant, youthful Eleanor Parker. The framing love story is spare, but it works, and ultimately is quite moving. A striking dream sequence is included. It's not Bunuel, but for a routine 1945 film, it stands out as original and effective.

Albert Maltz may have overwritten the script, or it may have been altered by someone else. It could have used the kind of pruning that might have introduced some much needed ambiguity. Still, there are odd verbal punctuations that have a surprising impact on the viewer -- \\\"Why don't God strike me dead?\\\" And, \\\"In the eyes, Lee. Get 'em in the eyes!\\\" Depths of anguish in a few corny words. And a surprising amount of bitterness expressed by wounded veterans in a 1945 war film.

Notes that might seem false to a contemporary viewer but perhaps shouldn't: the dated vernacular which it's difficult to believe many of today's kids could think was actually ever spoken -- \\\"private gab,\\\" \\\"dope\\\", \\\"drip,\\\" \\\"Gee,\\\" \\\"you dumb coot,\\\" \\\"dame,\\\" \\\"a swell guy,\\\" and \\\"feeling sorry for yourself.\\\" Let us consider the historical context and be kind in our judgments. At the time, some of this goofy lingo was at the cutting edge.

Real weak points? The wounded veterans get together and argue with each other about how much of a collective future they have and the argument is oversimply resolved with a conclusion along the lines of, \\\"Just because you have a silver plate in your head doesn't mean people will think you're a bad person.\\\" There are sometimes voice overs and silent prayers that are both unnecessary and downright unimaginative. \\\"Please, God, let him return to me,\\\" and that sort of thing.

Well, the film makers were operating within the constraints of their times. Maybe that's why the final fade is on a shot of Independence Hall and the inspiring strains of \\\"America the Beautiful\\\" swell in the back.

None of this can undo the film's virtues, which are considerable, particularly the impact of that horrifying combat scene. It's not on television that often. If you have a chance, by all means catch it.\": {\"frequency\": 1, \"value\": \"No one would argue ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"Some people seem ...\"}, \"No ,I'm not kidding. If they ever propose a movie idea, they should be kicked out of the studio. I'm serious. Their movies are exactly the same in every one, and they only consist of traveling to foreign locations, having a problem which they easily resolve, hoping to be popular, and getting new boyfriends. Think about it. If you have ever seen a movie starring them with a different plot, contact me and tell me its name. These \\\"movies\\\" are poor excuses to be on TV and go to other countries. There is a reason that the movies never go to theaters. I'm sure that when they were really young and made some O.K. movies, some studio boss bought all their rights for 15 years, or something, so that now that they're, what, 17, they can make movies in other countries whenever they want using the studio's money. Let me advise you, STAY AWAY FROM MARY-KATE AND ASHLEY! IT'S FOR YOUR OWN GOOD!\": {\"frequency\": 1, \"value\": \"No ,I'm not ...\"}, \"Some wonder why there weren't anymore Mrs. Murphy movies after this one. Will it's because this movie totally blew snot. Disney was not the right studio to run this film. MAYBE Touchstone (well, they're owned by Disney, but it'd be more adult). The film is too kid-ish, as the book series is not. The casting is all wrong for the characters. The characters don't even act the way they do in the books. And why was Tucker changed to a guy? He's a girl in the frigging books! Was this done to make the film appeal to boys? Sheesh. And where was Pewter, the gray cat? One of the funniest characters from the book is absent from this filth. Rita Mae Brown is a good writer, but letting Disney blow her work was wrong. An animated feature film, perhaps in the vane of Don Bluth's artwork would suit a better Mrs. Murphy film. Overall, I give this a 2, because at least Disney made a film from an under-appreciated book series. But, I wish they did better. Either way, I still have my books to entertain me.\": {\"frequency\": 1, \"value\": \"Some wonder why ...\"}, \"Some guys think that sniper is not good because of the action part of it was not good enough. Well, if you regard it as an action movie, this view point could be quite true as the action part of this movive is not actually exciting. However, I think this is a psychological drama rather than an action one.

The movie mainly told us about the inside of two snipers who definitely had different personalities and different experiences. Tomas Beccket , who was a veteran and had 74 confirmed kills, looked as if he was cold-hearted. However, after Beccket showed his day dream of Montana, we can clearly see his softness inside. It was the cruel war and his partners' sacrifice that made Beccket become so called cold-hearted.

Millar, on the contrary, was a new comer, a green hand, and was even not qualified as a sniper. Billy Zane did quite well to show millar's hesitation and fear when he first tried to \\\"put a bullet through one's heart\\\"(as what Beccket said). What he thought about the actuall suicide mission was that it could be easily accomplished and then he could safely get back and receive the award.

These two guys were quite different in their personalities and I think that the movie had successfully showed the difference and the impact they had to each other due to the difference in their personalities. These two snipers quarreled, suspected each other and finally come to an understanding by the communication and by what they had done to help even to save the other.

Sniper isn't a good action movie but a good psychological one.\": {\"frequency\": 1, \"value\": \"Some guys think ...\"}, \"The original was a good movie. I bought it on tape and have watched it several times. And though I know that sequels are not usually as good as the original I certainly wasn't expecting such a bomb. The romance was flat, the sight gags old, the spoken humor just wasn't. This may not have been the worst movie I've ever seen but it comes close.\": {\"frequency\": 1, \"value\": \"The original was a ...\"}, \"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!\": {\"frequency\": 1, \"value\": \"If you like cars ...\"}, \"Jean-Marc Barr (Being Light, The big blue, Dogville) has directed and interpreted this strange movie which is the second installment of some kind of trilogy. I might be wrong but I don't think this movie's part of the Dogma '95 manifesto, though it really looks like it. I'm not really sure of what I think about this film. All actors are good. They deliver pretty good performances, especially Rosanna Arquette and Jean-Marc Barr. The story is somehow interesting. But I don't know, there's something about the movie that I don't like. The sex scenes are way too long. It goes from an interesting work of art to an erotic piece of crap I don't know exactly where it stands. Sure it's not a bad movie, but I won't suggest people to see it neither I'll tell them not to watch. Just do as you want. If you feel curious and you're open-minded, give it a try, you might like it.\": {\"frequency\": 1, \"value\": \"Jean-Marc Barr ...\"}, \"Portly nice guy falls for a luscious blonde; she likes him too, but not for the reasons you might think. Little-seen black comedy from writer Pat Proft features very good performances by Joe Alaskey and Donna Dixon, yet it makes no lasting impact. It's just a quickie throwaway effort, helmed by Norman Bates himself, Anthony Perkins. Even on the level of B-comedies, the somewhat-similar \\\"Eating Raoul\\\" is a better bet. There's definitely an amusing set-up here; unfortunately, the picture has nowhere to go in its second act. An interesting try, but it misfires.

** from ****\": {\"frequency\": 1, \"value\": \"Portly nice guy ...\"}, \"Some people say this is the best film that PRC ever released, I'm not too sure about that since I have a fond place in my heart for some of their mysteries. I will say that this is probably one of the most unique films they, or any other studio, major or minor, ever released.

The plot is simple. The ghost of a wrongly executed ferryman has returned to the swamp to kill all those who lynched him as well as all of their off spring. Into this mix comes the granddaughter of one ghosts victims, the current ferryman. She takes over the ferry business as the ghost closes in on the man she loves.

Shrouded in dense fog and set primarily on the single swamp set this is more musical poem than regular feature film.Listen to the rhythms of the dialog, especially in the early scenes, their is poetical cadence to them. Likewise there is a similar cadence to the camera work as it travels back and forth across the swamp as if crossing back and forth across the door way between life and death, innocence and guilt. The film reminds me of an opera or oratorio or musical object lesson more than a normal horror film. Its an amazing piece of film making that is probably unique in film history.

This isn't to guild the Lilly. This is a low budget horror/mystery that tells you a neat little story that will keep you entertained. Its tale of love and revenge is what matters here, not the poetical film making and it holds you attention first and foremost (the technical aspects just being window dressing.) If there is any real flaw its the cheapness of the production. The fog does create a mood but it also hides the fact that this swamp is entirely on dry land. The constant back and forth across it is okay for a while but even after 58 minutes you do wish that we could see something else.

Don't get me wrong I do like the film a great deal. Its a good little film that I some how wish was slightly less poverty stricken. Its definitely worth a look if you can come across it.\": {\"frequency\": 1, \"value\": \"Some people say ...\"}, \"This was one of the lamest movies we watched in the last few months with a predictable plot line and pretty bad acting (mainly from the supporting characters). The interview with Hugh Laurie on the DVD was actually more rewarding than the film itself...

Hugh Laurie obviously put a lot of effort into learning how to dance the Samba but the scope of his character only required that he immerse himself at the kiddie end of the pool. The movie is based on the appearance of a lovely girl and great music but these are not sufficient to make good entertainment.

If you have never seen Rio, or the inside of a British bank, this film is for you. 2 out of 10.\": {\"frequency\": 2, \"value\": \"This was one of ...\"}, \"Since Crouching Tiger Hidden Dragon came along, there's been a lot of talk about a revival of the Hong Kong movie industry. Don't believe it. The people now making movies in HK give new meaning to the word crass. Running Out of Time 2 is a perfect example. Ekin Cheng is the name draw, here, but he spends most of the film just grinning idiotically and flipping a coin. He flips the coin over and over and again and again. Why? Who knows? Sean Lau plays a cop who chases after the coin-flipping pretty boy. But once again: who knows why? There's a pretty actress in the female lead who runs some sort of company and she has to pay a ransom or something but she mostly just looks like she would rather be at a spa or shopping centre than in front of a camera. Nothing makes any sense. There is no action. There is no sex. There is no comedy. All there is is a name: Ekin Cheng. And you know what? Who cares?\": {\"frequency\": 1, \"value\": \"Since Crouching ...\"}, \"I just finished watching the 139 min version (widescreen) with some friends and we were blown away. I won't bother repeating what others have said. What the filmmakers do with the concept is unexpected and fun. The huge battle is exhausting. Afterwards we were stunned to find there was still nearly 30 minutes left to go but that didn't keep us from being completely involved and entertained.

There is one thing that nearly ruined it and that was the horrific music/songs. Blues, Country/Folk and Rock Ballads do not belong here and every time they are used we all broke out in laughter. It's hideous. You have been warned but the story and storytelling keeps you grounded.

There are several outstanding moments that make you appreciate the talent behind the camera. There are many uses of silence as well as slow-motion photography that work beautifully. I really wish I could erase the music but alas.

Seek this out. It's fun, it's different and it takes you to places you wouldn't expect and that's very refreshing.\": {\"frequency\": 1, \"value\": \"I just finished ...\"}, \"Wow this was a movie was completely captivating I could not believe that I started awake so late to watch it but it came on late ounce I started watching I couldn't stop it had a full range of very good cast members wow even Eartha Kitt and Ruby Dee Forrest Whittaker and James Earl Jones and many more well known actors and actresses this was more than a glimpse into history it was eye opening into another part of society that people don't know of and may even be embarrassed to talk about . I've never heard of a book or movie about this before and this is something that black history never addresses only looks down on because they were privleged and mixed race , I highly recommend this movie\": {\"frequency\": 1, \"value\": \"Wow this was a ...\"}, \"\\\"And All Through the House\\\" is a special crypt episode not only because it's from the first season, but this episode was the first one I saw! I remember as a young man being on vacation with my parents that summer in 1989 in our hotel room in South Carolina on HBO I saw this episode and I was buried to the Crypt right then and forever! I had always been a fan of horror-suspense series and liked monster movies, and with this series started by HBO I again had fearful pleasure. This episode being the first one I saw is memorable for me and one of my favorites, it's just so enjoyable with a nice twist. \\\"And All Through the House\\\" has a nice cozy setting on a snowy Christmas Eve, which is a perfect way to get you relaxed for holiday chopping! Well anyway you have Mary Ellen Trainor(who by the way plays in several warner brothers works, usually small parts) as a greedy philandering wife who takes care of her hubby while waiting on some money and a new romance. Only like most horror series things take a turn for the worst and bad people get what they deserve. The odds are greatly stacked when a maniac dressed as Santa escapes from a local nut house, making for a late holiday chopping on Christmas Eve! As from the old E.C. comic lessons, you learn bad people get what they axe for! Well this tale ends with a perfect holiday scream! Also this tale was in the 1972 movie and featured Joan Collins, this is without a doubt one of my favorites and probably one of the classic crypt episodes of all-time!\": {\"frequency\": 1, \"value\": \"\\\"And All Through ...\"}, \"One of Scorsese's worst. An average thriller; the only thing to recommend it is De Niro playing the psycho. The finale is typically of this genre i.e. over-the-top, with yet another almost invincible, immune-to-pain villain. I didn't like the 60s original, and this version wasn't much of an improvement on it. I have no idea why Scorsese wasted his time on a remake. Then again, considering how bad his recent movies have been (I'm referring to his dull Buddhist movie and all the ones with his new favourite actress, the blond girl Di Caprio) this isn't even that bad by comparison. And considering Spielberg wanted to do the remake... could have been far worse.\": {\"frequency\": 1, \"value\": \"One of Scorsese's ...\"}, \"This is a classic stinker with a big named cast, mostly seniors who were well past their prime and bedtime in this one.

This is quite a depressing film when you think about it. Remain on earth, and you will face illness and eventually your demise.

Gwen Verndon showed that she could still dance. Too bad the movie didn't concentrate more on that. Maureen Stapleton, looking haggard, still displayed those steps from \\\"Queen of the Star Dust Ballroom,\\\" so much more down to earth from 10 years earlier.

I only hope that this film doesn't encourage seniors to commit mass suicide on the level of Jim Jones. How can anyone be idiotic enough to like this and say it gets you to think?

Why did Don Ameche win an Oscar for this nonsense?

If the seniors were doing such a wonderful thing at the end, why was the youngster encouraged to get off the boat? Why did Steve Guttenberg jump ship as well? After all, he had found his lady-love.

This would have been a nice film if the seniors had just managed to find their fountain of youth on earth and stay there.

Sadly, with the exception of Wilford Brimley, at this writing, Vernon, Gilford, Stapleton, Ameche, Tandy, Cronyn and lord knows who else are all gone. The writers should have taken the screenplay and placed it with this group as well.\": {\"frequency\": 1, \"value\": \"This is a classic ...\"}, \"Elvira(Cassandra Peterson) is the host of a cheap horror show. After she finds out that her dead aunt has left her some stuff, elvira goes to England to pick it up, hoping it will be some money. But to her horror, elvira finds out that all her aunt has left her is her house, her dog and a cookbook. Elvira decides to settle in the house anyways, but with her striking dark looks and her stunning features, she will not be able to live in peace. All the neighbours are now turning the whole town against her, and with Elvira's outrageous attitude and looks, everyone better watch out, because Elvira is on Fire! I really enjoyed this movie, it's really fun to watch get Elvira into all these adventures, she's just great. The whole movie puts you into a halloween mood, sure, it's silly and the jokes are cheap but it's a pleasure to watch it. I would give Elvira, Mistress Of The Dark 8/10\": {\"frequency\": 1, \"value\": \"Elvira(Cassandra ...\"}, \"Ah yez, the Sci Fi Channel produces Yeti another abominable movie. I was particularly taken by the scenes immediately following the crash where, as the survivors desperately searched for matches, at least a half dozen fires burned \\ufffd\\ufffd with no apparent reason \\ufffd\\ufffd at various points of the wreckage. Fire seemed to be a predominate theme throughout. They searched corpses for lighters and matches, and finally finding a box built a fire every day for, apparently, 12, but no one ever gathered wood. Then when the vegan (hah) burned the bodies, what did she use for an accelerant? I mean these guys were frozen \\ufffd\\ufffd well maybe not. Despite the apparent low temperature everything the yeti ate, bled. Maybe it's just me, but even in a totally unbelievable tale (none of the survivors had ever heard of a yeti, or an abominable snowman, until the very end), if you take care of the little things the bigger deals become more acceptable. Oh, what did the prologue (1972) have to do with the remainder of the movie? And the revolver, warm enough to hold in his hand, froze up and wouldn't fire. Gimme a break. Well, at least we have Carly Pope, another eminently lovely Canadian lass. And, with little irony, Ed Marinaro as the coach.

Well I might as well add, the rabbit they ate (despite it looking like chicken) is not a rodent, but a lagomorph. Now if it had been a squirrel (or a rat) it would have been a rodent, but it still looked like chicken. And the writers missed a real chance to have someone note \\\"It tastes just like...\\\"\": {\"frequency\": 1, \"value\": \"Ah yez, the Sci Fi ...\"}, \"Boring and appallingly acted(Summer Pheonix). She sounded more Asian than Jewish. Some of the scenes and costumes looked more mid 20th century than late 19th century. What on earth fine actors like Ian Holm & Anton Lesser were doing in this is beyond me.\": {\"frequency\": 1, \"value\": \"Boring and ...\"}, \"I read somewhere (in a fairly panning review) that this is something of a live-action mecha anime, and I think they're on the right lines. I first watched this movie when I was very young and I've been dying to see it again, and when I finally did just recently all the memories came flooding back. I don't think this is to be taken too seriously - it's just a bit of good old 80's almost-a-TV-movie fun (it is set against the backdrop of a fairly dark future, although this point isn't stressed too much). What I admired most about this movie was that the dialogue didn't sound generic - no clich\\ufffd\\ufffds, no predictable lines - all in all just good fun! Maybe time hasn't been kind to this little movie, but still I can find appreciation for it in me. It's by no means perfect, but it's entertaining and doesn't try to be anything other than that. Let the nerds and comic-store-guys worry about technicalities - who cares? See it for yourself and make your own decision. No-one else's opinion matters.\": {\"frequency\": 1, \"value\": \"I read somewhere ...\"}, \"This film is a massive Yawn proving that Americans haven't got the hang of farce. Even when it has already been written for them! The original film \\\"Hodet Over Vannet\\\" is a witty comedy of errors that I would rate 8/10. It isn't just about a linguistic translation, but certain absurd chains of events are skipped entirely, robbing the film of its original clever farcical nature and turning it into a cheap \\\"oops there go my trousers\\\" style of farce.\": {\"frequency\": 1, \"value\": \"This film is a ...\"}, \"Soon Americans would swarm over a darkened, damaged England preparing to invade Europe, but in 1937 the picture of hip Americans in the sunny, slightly ridiculous English countryside was an appealing, idyllic diversion. American dancing star & heartthrob Jerry Halliday (Astaire), on a European tour & weary of the screaming female crowds generated by the lurid propaganda of his manager (Burns), is unwittingly caught up in the marriage prospects of frustrated heiress Lady Alice Marshmorton (Fontaine). The tale is complicated by a betting pool among the Marshmorton servants that is run by (and rigged for) head butler Keggs (Gardiner), who's betting on Lady Alice's cousin Reggie (Noble), the favorite of Alice's stuffy, domineering aunt (Collier). The story would have been much better as a half-hour TV episode. The usual Wodehouse plot devices of mistaken identity and jumps to wrong conclusions wear thin in a full-length film. Both Alice & Jerry appear impossibly (and annoyingly) clueless by the second half of the film. The amusement park interlude & the climax in the castle are too long & begin to drag. Fontaine is too beautiful, too dignified & too quiet to be a ditzy blonde, no matter how aristocratic, while young footman Albert (Watson) is painfully awful. But while \\\"Damsel\\\" is a pretty diminutive vehicle for so much talent, the talent doesn't let us down. Astaire's romantic comedy skill is no less enjoyable here than in any of his films with Ginger Rogers and his dance scenes, both solo & with Burns & Allen, are up to par, though his one dance with novice hoofer Joan is necessarily tame. Gracie nearly steals the whole show as George's bubbly secretary who is at once airheaded, conniving & coolly self-confident. Her scene with solid character actor Gardiner as the devious snob Keggs is a one-of-a-kind classic. This & Astaire's priceless scene with the madrigal singers give \\\"Damsel\\\" a delightful color of naive but noble-spirited Americans mixing with noble but dull-spirited Englishmen. Gershwin is at the top of his game with \\\"Nice Work if You Can Get it\\\" & \\\"Stiff Upper Lip,\\\" which carry the film through its weak points. And is there another film where madrigals get a Gershwin swing treatment? \\\"Damsel\\\" is more than a piece of trivia for those who might want to see Astaire without Rogers or Fontaine before she was a real star. It's a fine diversion as entertaining as any of the vaudevillian musical comedies that ruled the 1930s but will never be made again.\": {\"frequency\": 1, \"value\": \"Soon Americans ...\"}, \"Well well well. As good as John Carpenter's season 1 outing in \\\"Masters of Horror\\\" was, this is the complete opposite. He certainly proved he was still a master of horror with \\\"Cigarette Burns\\\" but \\\"Pro-Life\\\" is perhaps the worst I have seen from him.

It's stupid, totally devoid of creepy atmosphere and tension and it overstays it's welcome, despite the less-than-an-hour running time. The script is nonsense, the characters are irritable and un-appealing and the conclusion is beyond absurd.

And for those suckers who actually bought the DVD (one of them being me); did you see how Carpenter describes the film? He's actually proud of it and he talks about it as his best work for a long time, and he praises the script. And in the commentary track, where he notices an obvious screw up that made it to the final cut, he just says he didn't feel it essential to rectify the mistake and he just let it be there. I fear the old master has completely lost his touch. I sincerely hope I'm proved wrong.

I want to leave on a positive note and mention that the creature effects are awesome, though. Technically speaking, this film is top notch, with effective lighting schemes and make up effects.\": {\"frequency\": 1, \"value\": \"Well well well. As ...\"}, \"Let this serve as a warning to anyone wishing to draw attention to themselves in the media by linking their name to that of a well-loved and well-respected, not to say revered author, in order to draw attention to their home-movies out on DVD.

Hyped to the skies by its obviously talentless makers, in fact lied about only to be revealed, finally, as ludicrously inept in every department, the fans of Wells and of his book have been after the blood of its Writer-Producer-Director since it appeared on DVD.

Many good points have been made by the other comments users on this page. Particularly the one about using this as a teaching aid for Film School students, since this \\\"film\\\" does not even use the basic grammar of scripting, editing, continuity, direction throughout its entire 3 hours running time. It is possible the Director did show up for the shoot. Certainly there was no-one present who knew even remotely what they were doing.

An ongoing thread continues to evolve on this IMDb page which should at least furnish the watchers of this witless drivel with a few laughs for their $9.00 outlay.

Much was promised. Absolutely nothing was delivered. Except \\\"Monty Python Meets \\\"War of The Worlds\\\" with all the humour taken out.

Indefensible trash. Just unbelievable.

There are REAL independent film-makers out there to be checked out. People who actually try to work to a high standard instead of flapping their gums about how great their movie is going to be.

People could do worse than keep an eye on Brit film-maker Jake West's \\\"Evil Aliens\\\" for example.\": {\"frequency\": 1, \"value\": \"Let this serve as ...\"}, \"Since most review's of this film are of screening's seen decade's ago I'd like to add a more recent one, the film open's with stock footage of B-17's bombing Germany, the film cut's to Oskar Werner's Hauptmann (captain) Wust character and his aide running for cover while making their way to Hitler's Fuehrer Bunker, once inside, they are debriefed by bunker staff personnel, the film then cut's to one of many conference scene's with Albin Skoda giving a decent impression of Adolf Hitler rallying his officer's to \\\"Ultimate Victory\\\" while Werner's character is shown as slowly coming to realize the bunker denizen's are caught up in a fantasy world-some non-bunker event's are depicted, most notable being the flooding of the subway system to prevent a Russian advance through them and a minor subplot involving a young member of the Flak unit's and his family's difficulty in surviving-this film suffer's from a number of detail inaccuracies that a German film made only 10 year's after WW2 should not have included; the actor portraying Goebbels (Willy Krause) wear's the same uniform as Hitler, including arm eagle- Goebbels wore a brown Nazi Party uniform with swastika armband-the \\\"SS\\\" soldier's wear German army camouflage, the well documented scene of Hitler awarding the iron cross to boy's of the Hitler Youth is shown as having taken place INSIDE the bunker (it was done outside in the courtyard) and lastly, Hitler's suicide weapon is clearly shown as a Belgian browning model 1922-most account's agree it was a Walther PPK-some bit's of acting also seem wholly inaccurate with the drunken dance scene near the end of the film being notable, this bit is shown as a cabaret skit, with a intoxicated wounded soldier (his arm in a splint) maniacally goose-stepping to music while a nurse does a combination striptease/belly dance, all by candlelight... this is actually embarrassing to watch-the most incredible bit is when Werner's Captain Wust gain's an audience alone with Skoda's Hitler, Hitler is shown as slumped on a wall bench, drugged and delirious, when Werner's character begin's to question him, Hitler start's screaming which bring's in a SS guard who mortally wound's Werner's character in the back with a gunshot-this fabricated scene is not based on any true historic account-Werner's character is then hauled off to die in a anteroom while Hitler prepare's his own ending, Hitler's farewell to his staff is shown but the suicide is off-screen, the final second's of the movie show Hitler's funeral pyre smoke slowly forming into a ghostly image of the face of the dead Oskar Werner/Hauptmann Wust-this film is more allegorical than historical and anyone interested in this period would do better to check out more recent film's such as the 1973 remake \\\"Hitler: the last 10 day's\\\" or the German film \\\"Downfall\\\" (Der Untergang) if they wish a more true accounting of this dramatic story, these last two film's are based on first person eyewitness account's, with \\\"Hitler: the last 10 day's\\\" being compiled from Gerhard Boldt's autobiography as a staff officer in the Fuehrer Bunker and \\\"Downfall\\\" being done from Hitler's secretary's recollection's, the screen play for \\\"Der Letzte Akte\\\" is taken from American Nuremberg war crime's trial judge Michael Musmanno's book \\\"Ten day's to die\\\", which is more a compilation of event's (many obviously fanciful) than eyewitness history-it is surprising that Hugh Trevor Roper's account,\\\"The last day's of Hitler\\\" was never made into a film.\": {\"frequency\": 1, \"value\": \"Since most ...\"}, \"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-)\": {\"frequency\": 1, \"value\": \"was this tim ...\"}, \"Actually had to stop it. Don't get me wrong, love bad monster movies. But this one was way too boring, regardless of the suspenseful music that never leads you anywhere. The actress had too many teeth and that moment when she makes contact with one of the beasts, was way too obvious a clich\\ufffd\\ufffd. This film totally betrays the cover on the DVD which looks pretty interesting. From the cover one expects a giant monster, but you get these cute not as gigantic as expected electric eels. Moved on to watch another film called The Killer Rats but that's another review. Deep Shock was really crap, a big shame considering the fact that it looks pretty high budget.\": {\"frequency\": 1, \"value\": \"Actually had to ...\"}, \"Perhaps I couldn't find the DVD menu selection for PLOT: ON OFF. Clearly, the default is OFF. When the end credits began to roll, I couldn't believe that was it. Like our poor, but beautiful protagonist, I felt used, dirty, cheap....

The characters were drawn in very broad strokes and the writer's disdain for wealthy Thatcherites was all to apparent. I consider myself a \\\"Roosevelt Democrat\\\", but would appreciate a bit more subtlety.

Of course, the problem could be with me. I see that many others seem to find some meaning or message in this picture. Alas, not I.

The only thing that kept me from giving this a \\\"1\\\" was the nice scenery, human and plant.\": {\"frequency\": 1, \"value\": \"Perhaps I couldn't ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"This Worldwide was ...\"}, \"Joel Schumaker directs the script he co-wrote and has a group of Georgetown grads confronted with adult life situations. The story line is a scrambled mess, but some scenes are actually good. There is a lot of wasted talent and time here. The cast is more impressive than the movie. Featured are Demi Moore, Rob Lowe, Judd Nelson, Andrew McCarthy, Emilio Estevez, Ally Sheedy and Mare Winningham. The most notable being McCarthy and Moore. Lowe is quite obnoxious. Coming of age is not so damn easy.\": {\"frequency\": 1, \"value\": \"Joel Schumaker ...\"}, \"G\\ufffd\\ufffdd\\ufffd\\ufffdon and Jules Naudet wanted to film a documentary about rookie New York City firefighters. What they got was the only film footage inside the World Trade Center on September 11.

Having worked with James Hanlon's ladder company before, Jules went with the captain to inspect and repair a gas leak, while G\\ufffd\\ufffdd\\ufffd\\ufffdon stayed at the firehouse in case anything interesting happened. An airplane flying low over the City distracted Jules, and he pointed the camera up, seconds before the plane crashed into Tower One.

Jules asked the captain to follow him into the Towers. The first thing he saw was two people on fire, something he refused to film. He stayed on site for the next several hours, filming reactions of the firefighters and others who were there.

The brothers Naudet took great care in not making the movie too violent, grizzly, and gory. But the language from the firefighters is a little coarse, and CBS showed a lot of balls airing it uncensored. The brothers Naudet mixed footage they filmed with one-on-one interviews so the firefighters could explain their thoughts and emotions during particular moments of the crisis.

Unlike a feature film of similar title, most of the money from DVD sales go to 9/11-related charities. Very well made, emotional, moving, and completely devoid of political propaganda, is the best documentary of the sort to date.\": {\"frequency\": 1, \"value\": \"G\\u00e9d\\u00e9on and Jules ...\"}, \"Freeway Killer, Is a Madman who shoots people on the freeway while yelling a bunch of mystical chant on a car phone. The police believe he is a random killer, but Sunny, the blond heroine, played by Darlanne Fluegel detects a pattern. So does the ex-cop, played by James Russo, and they join forces, and bodies, in the search for the villain who has done away with their spouses. Also starring Richard Belzer, this movie has its moments especially if you like car chases, but its really not a good movie for the most part, check it out if you're really bored and have already seen The Hitcher, Joy Ride, or Breakdown, otherwise stay away from the freeway.\": {\"frequency\": 1, \"value\": \"Freeway Killer, Is ...\"}, \"My flatmate rented out this film the other night, so we watched it together.

The first impression is actually a positive one, because the whole movie is shot in this colorful, grainy, post-MTV texture. Fast sequences, cool angles, sweeping camera moves - for the moment there you feel like you about to watch another \\\"Snatch\\\", for the moment....

When the plot actually starts unfolding, one starts to feel as if one over-dosed amphetamine. things just don't make sense anymore. i would hate to spoil the fun of watching it by giving out certain scenes, but then again, the film is so bad that you are actually better off NOT watching it.

First you think it is a crime story recounted in a conversation between Keira Knightley and Lucy Liu. WRONG. This conversation provides no coherent narrative whatsoever. Rather on the contrary, Domino's lesbian come on on Lucy Liu's character during the second part of the movie just throws the audience into further confusion.

Then i thought that maybe it is a movie about a girl from affluent but dysfunctional background who grew to be a tough bounty hunter. In any case, that is the message conveyed by the opening scenes. But after that the question of Domino's character is entirely lost to the criminal plot. So in short, NO this is NOT a movie about Domino's character.

Then i thought, it's probably a story of one robbery. A pretty bloody robbery. 10 millions went missing, bounty hunters are chasing around suspected robbers, mafia kids are executed, hands are removed, Domino tries to crack why this time they get no bounty certificates, etc. But soon this impression is dispelled by another U-turn of the plot.

This time we are confronted with a sad story of an obese Afro-American woman, who fakes driver's licenses at the local MVD and at the age of 28 happens to be a youngest grandmother. Lateesha stars on Jerry Springer show, tries to publicize some new, wacky racial theory, and at the same time struggles to find money for her sick granddaughter.

What does this have to do with the main plot? URgh, well, nobody knows. Except that director had to explain the audiences where will bounty hunters put their collectors' fee of 300,000.

Then at some point you start to think: \\\"Oh, it is about our society and the way media distorts things\\\". There is reality TV crew driving around with the bounty hunters and doing some violent footage. The bounty hunters are also stuck with a bunch of Hollywood actors, who just whine all the time about having their noses broken and themselves dragged around too many crime scenes. But NO, this is not a movie about media, they just appear sporadically throughout the movie.

Plus there are numerous other sub-plots: the crazy Afghani guy bent on liberating Afghanistan, the love story between Domino and Chocco, the mescaline episode, the FBI surveillance operation...

Can all of the things mentioned above be packed into 2 hrs movie? Judge for yourself, but my conclusion is clear - it is a veritable mess!\": {\"frequency\": 1, \"value\": \"My flatmate rented ...\"}, \"I saw this film earlier today, and I was amazed at how accurate the dialog is for the main characters. It didn't feel like a film - it felt more like a documentary (the part I liked best). The leading ladies in this film seemed as real to me as any fifteen year-old girls I know.

All in all, a very enjoyable film for those who enjoy independent films.\": {\"frequency\": 1, \"value\": \"I saw this film ...\"}, \"A Blair Witch-War Movie that is as much of a letdown as Bwitch was! The title says it all, save your money and your time and spend it on a good movie such as \\\"Once Upon a Time in America\\\", \\\"The Shawshank Redemption\\\" or \\\"Enemy at the Gates\\\" (if you want to watch a GREAT \\\"war\\\" movie) etc.

This movie, if it were a baseball team and the Major Leagues were the pinnacle and Single A was the rookies, then this movie was High school ball. It was filmed as if it were a High school drama club filming with their daddy's old camera. Sure they went into a hostile area (to make a film) but I don't call that brave, around here we call that plain stupid! This is a pass all the way! Now go watch it and then you tell me what you think.\": {\"frequency\": 1, \"value\": \"A Blair Witch-War ...\"}, \"I have seen this movie when I was about 7 years old - which was 33 years ago - and I never forgot this movie! I was deeply touched and moved by the brave little boy and the beautiful eagle. And I just couldn't believe it when he turned into an eagle just when everyone in the theater thought he was going to die...

My sister was in the movie with me and I asked her recently if she remembered the movie we saw with the boy and the eagle and she said she remembered it like we saw it only yesterday. So it isn't just me.

This movie is a MUST SEE !!!

You will never forget it - just like my sister and me...\": {\"frequency\": 1, \"value\": \"I have seen this ...\"}, \"I had never heard of Leos Carax until his Merde segment in last years Tokyo, and his was easily the stand-out the film's three stories. It wasn't my favorite of the shorts, but it was the most unique, and the most iconic. \\\"The Lovers on the Bridge\\\" was the first of his full length features I've seen, a virtuoso romantic film that uses image and music to communicate an exuberant young love that overflows into the poetic. Though he's classified as a neo-nouvelle vogue, his films owe as much to silent cinema as the 60's experimental narratives. His movies are closer to Jean Vigo in \\\"L'atlante\\\", Jean Cocteau, and Guy Maddin, than Godard and Truffaut.

In Boy Meets Girl Carax's 1984 debut he uses black and white and the heavy reliance on visual representation to display emotional states. He combines the exaggerated worlds of Maddin, but based in a reality that never seems quite stable like Cocteau, but by virtue of its expressions it becomes more accessible, emotional, and engaging like Vigo's movies.

The story of Boy Meets Girl is simple, and similar to Carax's two following films which comprise this \\\"Young lovers\\\" trilogy. A boy named Alex played by Denis Lavant (who plays a character named Alex in Carax's next two movies), has just been dumped by his girlfriend who has fallen in love with his best friend. In the first scene he nearly kills his friend on a boardwalk but stops short of murder. He walks around reminded of her by sounds of his neighbors having sex, and daydreams of his girlfriend and best friend getting intimate. He steals records for her and leaves them at his friend's apartment, but avoids contacting either of them directly. He wanders around and finds his way to a party, where he meets a suicidal young woman, and the film becomes part \\\"Breathless\\\" and part \\\"Limelight\\\".

Later he is advised by an old man with sign language to \\\"speak up for yourself...young people today It's like they forgot how to talk.\\\" The old man gives an anecdote about working in the days of silent film, and how an actor timid off stage became a confident \\\"lion\\\" when in front of the camera. Heres where the movie tips its hand, but the overt reference to silent film is a crucial scene, since it overlaps the style of the film (silent and expressionist), with the content (a lovelorn young man trying to work up the courage to say and do the things he really wants to). Though Alex is pensive at first and a torrent of romantic words tumbling out of him by the end, he is the shy actor who becomes a lion thanks to the films magnification of his inward feelings which aren't easy to nail down from moment to moment, aside from a desire to fall in love.

There is a scene in the film where Alex retreats from the party into a room where the guests have stashed their children and babies, all crying in a chorus that fills that room, until he turns on a tape of a children's show making them fall silent. Unexpectedly due a glitch the TV ends up playing a secret bathroom camera which reveals the hostess sobbing to herself into her wig about someone she misses. Even as Carax is self-reflexive and self deprecating of the very kind of angst ridden coming of age tale he is trying to tell (the room full of whining infants), he's mature enough to see through the initial irony to the lovelorn in everything the film crosses. Even the rich old, bell of the ball has a brother she misses. In another scene an ex astronaut stares at the moon he once walked on in his youth while sipping a cocktail in silence.

Though indebted to films before talkies, Carax is a master of music, knowing when to pipe in the Dead Kennedy's \\\"Holiday in Cambodia\\\", or an early David Bowie song, the sounds of a man playing piano, or of a girl softly humming.

In Boy Meets Girl, when someone gets their heart broken we see blood pour from their shirt, when a couple kiss on the sidewalk they spin 360 degrees as if attached to a carousel, when Alex enters a party an feels out of place, its because the most interesting people in the world really are in attendance; like the famous author who can't speak because of a bullet lodged in his brain, or the miss universe of 1950 standing just across from the astronaut. This film is the missing link between Jean Piere Jenuet, Michel Gondry, and Wes Anderson, whose stylistic flourishes and quirky tales of whimsy, all have a parallel with different visuals, musical, and emotional cues in these Carax movies.

Every line of dialog, every piece of music and every effect and edit in this movie resonated with me on some emotional level, some I lack words to articulate. There are many tales of a boy meeting a girl, but rather than just explore the banal details of any particular event this movie captures the ecstatic truth of adolescent passion and disappointment. The other movies you want to watch can wait. See this first. If I were to make films, I would want them to be like this, in fact I wish all films were like this, where the ephemeral becomes larger than life, and life itself becomes a dream.\": {\"frequency\": 1, \"value\": \"I had never heard ...\"}, \"What a terrible film.

It starts well, with the title sequence, but that's about as good as it gets.

The movie is something about rats turning into monsters and going on a killing spree. The acting isn't so much poor, but the script is pointless and the film isn't even scary despite the atmospheric music.

It really is amazing that some group cobbled together this bag of rubbish and thought it would make a good film.

It isn't a good film. It's trash, and I urge you not to waste a minute of your life on it! One out of ten.\": {\"frequency\": 1, \"value\": \"What a terrible ...\"}, \"this is a wonderful film, makes the 1950'S look beautifully stylish. Kim Novak is intriguing and compelling as a modern-day witch with one foot in Manhattan and another in infinity. All the supporting performances are terrific, from Jack Lemmon as her bother Nicky to Ernie Kovacs as the author of Magic in Mexico who is working on Magic in Manghattan, to Elsa Lanchester as the slightly batty as well as witchy Aunt Queenie. And then there is the cat- I have no idea how many witches (besides me) have named a cat Pyewacket but suggest a zillion. Jmes Stewart looks out of place, but only just as much as his character is out of p;ace in this weird sub-world of magic and witchcraft. Perfect. And it has the perfect romantic happy ending, which we believe in because movies of this vintage do have those happy endings. Gillian and Shep certainly have as much chance to be happy ever after as Rose and Charlie Allnut in The African Queen (another great film)\": {\"frequency\": 1, \"value\": \"this is a ...\"}, \"In all honesty, if someone told me the director of Lemony Snicket's Series of Unfortunate Events, City of Angels, and Caspers was going to do a neat little low budget indie film and that'd it be real good, I'd say that person must be joking. But that's what director Brad Siberling did. And it was really good.

\\\"10 Items or Less\\\" has a similar conceit to films like \\\"Before Sunrise,\\\" \\\"Lost in Translation,\\\" or more recently \\\"Once.\\\" It involves the chance meeting of two people who if serendipity didn't put them there, they'd probably never cross paths, or if they did, they wouldn't say word one to each other. Like those films, \\\"10 Items or Less\\\" focuses on the relationship that builds and how the characters come to understand each other and build on each other's strengths and weaknesses.

The story involves Morgan Freeman, playing an unnamed actor who goes to research his role as a grocery store employee for an upcoming independent movie and because of things beyond his control, ends up spending the day with the lady in the 10 items or less lane played by Paz Vega. She has a rotten marriage and is hoping to land a new job as a secretary. Initially, Freeman's character just needs a lift home. After spending time with her, however, he wants to get to know her and maybe even offer her some advice.

Brad Siberling builds the characters almost entirely through the exchanges between Freeman and Vega. The plot is merely a setup for these two characters to interact with each other for most of the film's 80 minute duration. Freeman has fun with his character, as he appears an outsider in lower class world that Vega's character, Scarlett, inhabits. Vega, in the meantime, grows beyond the stubborn checkout clerk upset with her life's situation looking to move on.

There a couple things that really stood out in this film. First of all, Siberling has probably taken note from independent cinema to make sure the relationship is sincere and doesn't fall into any Hollywood pitfalls. It's a very mutual friendship that develops convincingly throughout the film. It works, even though the situation itself does seem a little inconceivable.

I am also impressed with the performances. While Freeman's presence gives this film credibility from the get-go, he shows a certain amount of charm and fun not usually seen from him. Paz Vega, meanwhile, is priming herself for a breakthrough in US film sometime in the future. I loved her in Spanglish and she's equally good here as the tough, no-nonsense Scarlet. Towards the end of the film, she successfully conveys the growth of her character. I'm looking forward to seeing her in more films.

Overall, 10 Items of Less functions best as a character piece, well scripted and directed by Brad Siberling. He hasn't done much writing and his feature film work has consisted mostly of big Hollywood films. Yet there's certainly an artist at work here and am anxious to see if he'll take this road again.\": {\"frequency\": 1, \"value\": \"In all honesty, if ...\"}, \"For some reason, this film has never turned up in its original language in my neck of the woods (despite owning the TCM UK Cable channel, which broadcasts scores of MGM titles week in week out). More disappointingly, it's still M.I.A. on DVD \\ufffd\\ufffd even from Warners' recently-announced \\\"Western Classics Collection\\\" Box Set (which does include 3 other Robert Taylor genre efforts); maybe, they're saving it for an eventual \\\"Signature Collection\\\" devoted to this stalwart of MGM, which may be coming next year in time for the 40th anniversary of his passing\\ufffd\\ufffd

I say this because the film allows him a rare villainous role as a selfish Westerner with a fanatical hatred of Indians and who opts to exploit his expert marksmanship by making some easy money hunting buffaloes; an opening statement offers the alarming statistic that the population of this species was reduced from 60,000,000 to 3,000 in the space of just 30 years! As an associate, Taylor picks on former professional of the trade Stewart Granger \\ufffd\\ufffd who rallies alcoholic, peg-legged Lloyd Nolan (who continually taunts the irascible and vindictive Taylor) and teenage half-breed Russ Tamblyn to this end. As expected, the company's relationship is a shaky one \\ufffd\\ufffd reminiscent of that at the centre of Anthony Mann's THE NAKED SPUR (1953), another bleak open-air MGM Western. The film, in fact, ably approximates the flavor and toughness of Mann's work in this field (despite being writer/director Brooks' first of just a handful of such outings but which, cumulatively, exhibited a remarkable diversity); here, too, the narrative throws in a female presence (Debra Paget, also a half-breed) to be contended between the two rugged leads \\ufffd\\ufffd and Granger, like the James Stewart of THE NAKED SPUR, returns to his job only grudgingly (his remorse at having to kill buffaloes for mere sport and profit is effectively realized).

The latter also suffers in seeing Taylor take Paget for himself \\ufffd\\ufffd she bravely but coldly endures his approaches, while secretly craving for Granger \\ufffd\\ufffd and lets out his frustration on the locals at a bar while drunk! Taylor, himself, doesn't come out unscathed from the deal: like the protagonist of THE TREASURE OF THE SIERRA MADRE (1948), he becomes diffident and jealous of his associates, especially with respect to a rare \\ufffd\\ufffd and, therefore, precious \\ufffd\\ufffd hide of a white buffalo they've caught; he even goes buffalo-crazy at one point (as Nolan had predicted), becoming deluded into taking the rumble of thunder for the hooves of an approaching mass of the species! The hunting scenes themselves are impressive \\ufffd\\ufffd buffaloes stampeding, tumbling to the ground when hit, the endless line-up of the day's catch, and the carcasses which subsequently infest the meadows. The film's atypical but memorable denouement, then, is justly famous: with Winter in full swing, a now-paranoid Taylor out for Granger's blood lies in wait outside a cave (in which the latter and Paget have taken refuge) to shoot him; when Granger emerges the next morning, he discovers Taylor in a hunched position \\ufffd\\ufffd frozen to death!

Incidentally, my father owns a copy of the hefty source novel of this (by Milton Lott) from the time of the film's original release: actually, he has collected a vast number of such editions \\ufffd\\ufffd it is, after all, a practice still in vogue \\ufffd\\ufffd where a book is re-issued to promote its cinematic adaptation. Likewise for the record, Taylor and Granger \\ufffd\\ufffd who work very well off each other here \\ufffd\\ufffd had already been teamed (as sibling whale hunters!) in the seafaring adventure ALL THE BROTHERS WERE VALIANT (1953)\\ufffd\\ufffdwhich, curiously enough, is just as difficult to see (in fact, even more so, considering that it's not even been shown on Italian TV for what seems like ages)!!\": {\"frequency\": 1, \"value\": \"For some reason, ...\"}, \"I saw this film a few years ago and I got to say that I really love it.Jason Patric was perfect for this weird role that he played.The director?I don't too many things about him...and I don't care.The screenplay is good,that's for sure.In just a few words I have to say about this movie that is weird,strange,even dark,but it's a good one.I saw it a few years ago and never saw it since then.I want to see it again and again.I know that I'm not gonna get sick of watching it.The scenes,the atmosphere,the actors,the story...everything is good.The movie should have lasted longer.I think 120 minutes should have been perfect.I was hoping for a part 2 for this movie.Too bad it din't happened.Jason Patric:you're the man ! very good movie. the end. :-)\": {\"frequency\": 1, \"value\": \"I saw this film a ...\"}, \"I don't think any movie of Van Damme's will ever beat Universal Soldier but u never know. This movie was good but not as good as 1st. VD returns a Luc & must do battle again. He tries 2 b funny here but its maybe worth a smirk of a chuckle. VD has a kid this time from Ally W., good it showed a pic of them 2. Goldberg was cool, he does his famous move-forgot what its called cause i don't watch wrestling-sucks. VD & Goldberg had some good fights. It was the ending like the 1st but just not that good. VD does his best move in his career, like always-the HELICOPTER KICK. Even though, the final ending should've been longer. Anyway, it is worth seeing but it will never top the original.\": {\"frequency\": 1, \"value\": \"I don't think any ...\"}, \"A noted cinematic phenomenon of the late eighties and early nineties was the number of Oscars which went to actors playing characters who were either physically or mentally handicapped. The first was Marlee Matlin's award for \\\"Children of a Lesser God\\\" in 1986, and the next ten years were to see another \\\"Best Actress\\\" award (Holly Hunter for \\\"The Piano\\\" in 1994) and no fewer than five \\\"Best Actor\\\" awards (Dustin Hoffman in 1988 for \\\"Rain Man\\\", Daniel Day-Lewis in 1989 for \\\"My Left Foot\\\", Al Pacino in 1992 for \\\"Scent of a Woman\\\", Tom Hanks in 1994 for \\\"Forrest Gump\\\" and Geoffrey Rush in 1996 for \\\"Shine\\\") for portrayals of the disabled. Matlin, who played a deaf woman, is herself deaf, but all the others are able-bodied.

This phenomenon aroused some adverse comment at the time, with suggestions being made that these awards were given more for political correctness than for the quality of the acting. When Jodie Foster failed to win \\\"Best Actress\\\" for \\\"Nell\\\" in 1994 some people saw this as evidence of a backlash against this sort of portrayal. My view, however, is that the majority of these awards were well deserved. I thought the 1992 award should have gone to either Clint Eastwood or Robert Downey rather than Pacino, but apart from that the only one with which I disagreed would have been Hanks', and that was because I preferred Nigel Hawthorne's performance in \\\"The Madness of King George\\\". In that film, of course, Hawthorne played a character who was mentally ill.

\\\"My Left Foot\\\" was based upon the autobiography of the Irish writer and painter Christy Brown. Brown was born in 1931, one of the thirteen children of a working-class Dublin family. He was born with cerebral palsy and was at first wrongly thought to be mentally handicapped as well. He was for a long time incapable of deliberate movement or speech, but eventually discovered that he could control the movements of one part of his body, his left foot (hence the title). He learned to write and draw by holding a piece of chalk between his toes, and went on to become a painter and a published novelist and poet.

Life in working-class Dublin in the thirties and forties could be hard, and the city Jim Sheridan (himself a Dubliner) shows us here is in many ways a grim, grey, cheerless place, very different from our normal idea of the \\\"Emerald Isle\\\". (Sheridan and Day-Lewis were later to collaborate on another film with an Irish theme, \\\"In the Name of the Father\\\"). Against this, however, must be set the cheerfulness and spirit of its people, especially the Brown family. Much of Christy's success was due to the support he received from his parents, who refused to allow him to be institutionalised and always believed in the intelligence hidden beneath a crippled exterior, and from his siblings. We see how his brothers used to wheel him round in a specially-made cart and how they helped their bricklayer father to build Christy a room of his own in their back yard.

The film could easily have slid into sentimentality and ended up as just another heart-warming \\\"triumph over adversity\\\" movie. That it does not is due to a number of factors, principally the magnificent acting. In the course of his career, Day-Lewis has given a number of fine performances, but this, together with the recent \\\"There Will Be Blood\\\", is his best. He is never less than 100% convincing as Christie; his tortured, jerky movements and strained attempts at speech persuade us that we really are watching a disabled person, even though, intellectually, we are well aware that Day-Lewis is able-bodied. The other performances which stand out are from Fiona Shaw as his mentor Dr Eileen Cole, from Hugh O'Conor as the young Christy and from Brenda Fricker as Christy's mother (which won her the \\\"Best Supporting Actress\\\" award).

The other reason why the film escapes sentimentality is that it does not try to sentimentalise its main character. Christy Brown had a difficult life, but he could also be difficult to live with, and the film gives us a \\\"warts and all\\\" portrait. He was a heavy drinker, given to foul language and prone to outbursts of rage. He could also be selfish and manipulative of those around him, and the film shows us all these aspects of his character. Of course, it also shows us the positive aspects- his courage, his determination and his wicked sense of humour. Day-Lewis's acting is not just physically convincing, in that it persuades us to believe in his character's disability, but also emotionally and intellectually convincing, in that it brings out all these different facets of Christy's character. His Oscar was won in the teeth of some very strong opposition from the likes of Robin Williams and Kenneth Branagh, but it was well deserved. 8/10\": {\"frequency\": 1, \"value\": \"A noted cinematic ...\"}, \"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.

\": {\"frequency\": 1, \"value\": \"Wow, this film was ...\"}, \"I've seen some crappy movies in my life, but this one must be among the very worst. Definately bottom 100 material (imo, that is).

We follow two couples, the Dodds (Billy Bob Thornton as Lonnie Earl and Natasha Richardson as Darlene) and the Kirkendalls (Patrick Swayze as Roy and Charlize Theron as Candy) in one car on a roadtrip to Reno.

Apparently, Lonnie isn't too happy with his sex-life, so he cheats on his wife with Candy, who's despirately trying to have a baby. Roy, meanwhile, isn't too sure if his sperm is OK so he's getting it checked by a doctor.

Now, I had read the back of the DVD, but my girlfriend didn't, and she blurted out after about 20 minutes: 'oh yeah, she's gonna end up pregnant but her husband can't have any baby's'. Spot on, as this movie is soooo predictable. As well as boring. And annoying. Meaningless. Offensive. Terrible.

An example of how much this movie stinks. The two couples set out in their big car towards Nevada, when they are stopped by 2 police-officers, as they didn't stop at a stop-sign. The guys know each other and finally bribe the two officers with a case of beer. Not only is this scene pointless and not important (or even relevant) for the movie, it takes about 5 minutes! It's just talk and talk and talk, without ever going somewhere.

I still have to puke thinking about the ending though. Apparently, Roy ISN'T having problems down there so he IS the father of the child. How many times does that happen in the movies... try something new! The cheated wife ultimately forgives her husband and best friend for having the affair and they all live happily ever after. Yuck.

Best scene of the movie is right at the end, with a couple of shots of the Grand Canyon. Why couldn't they just keep the camera on that for 90 minutes?

One would expect more from this cast (although Thornton really tries), but you can't really blame them. Writers, shame on you!

1/10.\": {\"frequency\": 1, \"value\": \"I've seen some ...\"}, \"This story was probably one of the most powerful I have ever taken in. John Singleton certainly went above and beyond when putting together this educational masterpiece. Brilliant performances by the whole cast, but Epps and Rapaport turned in the best and most convincing of either young star's career.

However, as a college student myself, many of the issues that Singleton touched on were taken to the extreme. In a sense that, while they are issues faced on many college campuses, they aren't presented as big or out in the open as this movie would make one believe. In some instances, it almost seemed ridiculous to think that something of this nature could actually occur. However, aside from the fact that it was a little over dramatic, the film was brilliant and left me stunned, unable to talk, just think. One of the things from this picture I will remember forever, was a quote from Lawrence Fishburn's character, \\\"Knowledge is power, without knowledge, you cannot see your power.\\\" Brilliant, just brilliant.\": {\"frequency\": 1, \"value\": \"This story was ...\"}, \"I make just one apology for this film: there are far, far, too many wide angle close-ups, and if they irritate you beyond endurance, fair enough. They drove ME barmy for the first ten minutes or so. But after that I made a kind of a truce with the terrible cinematography; and long before the end of the film, I had ceased to care. This is too rich a comedy to be destroyed so easily. It's hilarious, it's witty, the comic delivery of ALL of the cast is flawless, and however much Usher peers at his characters through a cold, fish-eye lens - HE may not care for them much - he manages to present them with warmth. `Mystery Men' is, in fact, not only funnier, not only more clever, but also deeper, than anyone seems to have given it credit for being. The jokes in the Austin Powers movies, for instance, as well as being less funny than the jokes here, are also much more toothless. The satire of `Mystery Men' bites when there's something worth biting and gnaws gently when there isn't. It doesn't mock just any old thing. Which is why, contrary to what some (I must regard them as unobservant) critics have said, it never runs out of ideas.

The `super' heroes are an attractive bunch. Sure, they're second-rate, but they're not merely second rate. The Blue Rajah, for instance, does nothing but throw cutlery at people, and he isn't THAT good at it. On the other hand, neither is he comically bad. He's better in his limited field than most people, and he DOES practise diligently. He's not a buffoon, which makes him a much funnier character than if he was. If Superman is Christ in a cape, the Mystery Men are all the minor demigods from the foothills of Mount Olympus, in capes. Much funnier; also much more endearing.\": {\"frequency\": 1, \"value\": \"I make just one ...\"}, \"This is the Neil Simon piece of work that got a lot of praises! \\\"The Odd Couple\\\" is a one of a kind gem that lingers within. You got Felix Ungar(Jack Lemmon); a hypochondriac, fussy neat-freak, and a big thorn in the side of his roommate, Oscar Madison(Walter Matthau); a total slob. These men have great jobs though. Felix is a news writer, and Oscar is a sports writer. Both of these men are divorced, Felix's wife is nearby, while Oscar's is on the other side of the U.S. (The West Coast). Well, what can you say? Two men living in one roof together without driving each other crazy, is impossible as well as improbable. It's a whole lot of laughs and a whole lot of fun. I liked the part where when those two British neighbors that speak to both gentlemen, and after Oscar kicked out Felix, he gets lucky and lives with them when he refused to have dinner with them the night earlier. It's about time that Felix needed to lighten up. I guess all neat-freaks neat to lighten up. They can be fussy, yet they should be patient as well. A very fun movie, and a nuevo classic. Neil Simon's \\\"The Odd Couple\\\" is a must see classic movie. 5 STARS!\": {\"frequency\": 1, \"value\": \"This is the Neil ...\"}, \"I show this film to university students in speech and media law because its lessons are timeless: Why speaking out against injustice is important and can bring about the changes sought by the oppressed. Why freedom of the press and freedom of speech are essential to democracy. This is a must-see story of how apartheid was brought to the attention of the world through the activism of Steven Biko and the journalism of Donald Woods. It also gives an important lesson of free speech: \\\"You can blow out a candle, but you can't blow out a fire. Once the flame begins to catch, the wind will blow it higher.\\\" (From Biko by Peter Gabriel, on Shaking the Tree).\": {\"frequency\": 1, \"value\": \"I show this film ...\"}, \"The infamous Ed Wood \\\"classic\\\" Plan 9 From Outer Space features an indignant alien calling the human race, \\\"...stupid! Stupid, stupid stupid!\\\" I'd have to say exhibit A in that trial would probably this movie, a ridiculously silly sci-fi film.

Falling action star Jean Claude Van Damme returns to a hit role for him from the original movie, Luke, a former Universal Soldier who now works making really good universal soldiers. While Van Damme was too big to reprise the role in the first two sequels, he was too small to do much of anything else by the time the fourth film in the Universal Soldier series came around. So, probably cursing under his breath the whole way, he kicks and grunts and scowls through ninety minutes of explosions and karate kicks. You'll find plenty of mindless violence, but I'd advise you get a coat check for your brain at the door when you start watching this thing. Otherwise, you are liable to forget where you left it by the time it's over.

Luke is called into action against more Universal Soldiers after a really really REALLY evil computer named Seth (makes HAL look like Ghandi) turns all the other universal soldiers into evil, remorseless killers. Of course this is what these things are programmed to do, but in this case they are killing their creators, not \\\"the enemy\\\" so that's a problem.

I love the dumb logic of this movie. Logic that believes that a supercomputer would create a body for itself that looks as ashamed as Michael Jai White does to be in this movie. Logic that dictates that the creator of Seth be a blue-haired cyber-stereotype geek who spouts cliches more regularly than Old Faithful does steam. Logic that has a climactic karate fight feature two characters kicking each other though ten separate panes of shattering glass in the span of three minutes of screen time.

The film also features a daughter in peril character, wrestler Bill Goldberg as a wrestler disguised as a Universal Soldier, and a romance so tacked on, I have to think the writers thought tacked on romances were actually a GOOD thing. And when this movie ends, it ends. Not a minute after a gigantic towering finale-style explosion are the credits running. No epilogue, no where are they now, no final kiss, just explosion, hug, over. Even the creators want to get out of this thing as soon as possible.

While it's no Plan 9, US:TR is a silly little trifle of an action movie that would be fun at parties full of rowdy Van Damme fans who enjoy seeing their hero really reaching new depths. Not to be seen on a serious stomach.\": {\"frequency\": 1, \"value\": \"The infamous Ed ...\"}, \"I have copy of this on VHS, I think they (The television networks) should play this every year for the next twenty years. So that we don't forget what was and that we remember not to do the same mistakes again. Like putting some people in the director's chair, where they don't belong. This movie Rappin' is like a vaudevillian musical, for those who can't sing, or act. This movie is as much fun as trying to teach the 'blind' to drive a city bus.

John Hood, (Peebles) has just got out of prison and he's headed back to the old neighborhood. In serving time for an all-to-nice crime of necessity, of course. John heads back onto the old street and is greeted by kids dogs old ladies and his peer homeys as they dance and sing all along the way.

I would recommend this if I was sentimental, or if in truth someone was smoking medicinal pot prescribed by a doctor for glaucoma. Either way this is a poorly directed, scripted, acted and even produced (I never thought I'd sat that) satire of ghetto life with the 'Hood'. Although, I think the redeeming part of the story, through the wannabe gang fight sequences and the dance numbers, his friends care about their neighbors and want to save the ghetto from being torn down and cleaned up.

Forget Sonny spoon, Mario could have won an Oscar for that in comparison to this Rap. Oh well if you find yourself wanting to laugh yourself silly and three-quarters embarrassed, be sure to drink first.

And please, watch responsibly. (No stars, better luck next time!)\": {\"frequency\": 1, \"value\": \"I have copy of ...\"}, \"This was one of the worst movies i have ever seen. The plot is awful, and the acting is worse. The jokes that are attempted absolutley suck. Don't bother to waste your time on a dumb movie such as this. And if for some reason that you do want to see this movie, don't watch it with your parents.\": {\"frequency\": 1, \"value\": \"This was one of ...\"}, \"I really liked this film. All three stars(Connery,Fishburne and Underwood) give credible performances;and Harris is enjoyably over the top. The lighting and shot angles in some of Harris' scenes make his face look truly diabolical. The surprising turn of plot at the end makes it interesting. Not a great movie, but an enjoyable one. I gave it 7 of 10.\": {\"frequency\": 1, \"value\": \"I really liked ...\"}, \"Some have compared this film to Deliverance. I believe Of Mice and Men is more appropriate. Our leading man, Heaton, definitely loves Spike. It is irrelevant and immaterial whether that is a sexual love. It is the reason Heaton does not leave Spike. He needs him. They need each other. As brothers, as family, as their only connection to humanity. The setting, scenario, minimal cast all add up to a fine film. Frankly, I did not care what happened to the characters. But, I did care about what the film maker did with them. He did well with them. I spent some time wondering how the ending would resemble Of Mice and Men. The soundtrack and cinematography were compelling and intriguing.\": {\"frequency\": 1, \"value\": \"Some have compared ...\"}, \"Well I gave this movie a 7. It was better than \\\"Thirdspace\\\" but not as good as \\\"In the Beginning\\\" as far as the B5 movies go. I really think the television series did a much better job overall with the special effects and character portrayal. Let's hope the producers and cast get the next series \\\"Crusade\\\" up to the standards of B5.\": {\"frequency\": 1, \"value\": \"Well I gave this ...\"}, \"David Duchovny and Michelle Forbes play a young journalist couple who want to go to California, but can't really afford to, so they 'ride share\\\" with another young couple (Brad Pitt and Juliette Lewis) to save on expenses. The idea is for them to stop at various murder sites along the way, sites where serial killers did their thing, since Brian (Duchovny) is a writer and Carrie (Forbes) is his photographer. What they don't know is that Pitt (Earley) and Lewis are serial killer and girlfriend who just goes along with whatever HE says. I don't care for Pitt as a rule but he does justice to psycho roles. The scary thing is that he does them so well; I've actually KNOWN people like him before, no, not killers, but with pretty much the same mindset. Anyway, as the road trip goes along, Carrie guesses that the others are about out of money, but Earley seems to always come up with the cash somehow....never mind that he leaves someone dead here and there to do it though. Lewis does her role well, one that she excels at, a not-too-bright waif that has a good heart but doesn't understand that she doesn't have to put up with being beaten up by Earley when she does something he doesn't like. As things begin to get more unacceptable Carrie insists that the other couple be put out at a gas station, and unfortunately it's at that point where she's inside that she sees a news bulletin that tells her exactly who they've been ride-sharing with, after which things go downhill for them at a rapid clip. This is not the greatest flick in the world, but it's not bad...I watched what was supposed to be the 'unrated' version but I wonder how much was cut out of the rated version, because this seemed fairly tame to me, really...not that this makes it family fare or anything, unless it's maybe the Manson Family. 7 out of 10.\": {\"frequency\": 2, \"value\": \"David Duchovny and ...\"}, \"An update of the skits and jokes you would have seen on a Burlesque stage in the first half of the 20th Century. It's a string of several jokes acted out. Some of them you could tell your Grandmother, some of them not, but it's a fairly safe bet she's heard them all before. For what it tries to be, it's not too bad. Before you rent it, remember that it's an older style of entertainment and has more value as history than as comedy or titillation. Robin Williams has a couple of bits, but he's interchangeable with the other players.\": {\"frequency\": 1, \"value\": \"An update of the ...\"}, \"Whoa boy.

Ever wanted to watch a documentary about a megalomaniacal jerk ruining his own life and alienating everyone around him? Well they exist, in many forms. But have you ever wanted to watch said documentary about one who didn't ultimately succeed in doing anything despite everyone's praises about how much of an artistic \\\"genius\\\" he is? Well you could probably just grab a camera and find someone like that in any local scene (I know they're everywhere and I don't even follow the local scene), or you could save yourself the trouble by spending money watching this tripe.

The premise is good and, honestly, it's not as if the filmmakers knew precisely where it was going considering that's one of the difficulties of doing a documentary. We are made to follow two bands, The Brian Jamestown Massacre, lead by Anton, and The Dandy Warhols, lead by Courtney. I've heard of The Dandy Warhols before watching this movie... not so the Brian Jamestown Massacre. Why? Well from this documentary's perspective, because The Brian Jamestown Massacre's intergroup dysfunction refused them the ability to really make it in the music industry. However, instead of this becoming an analysis of the two separate bands and how one was able to succeed, the focus becomes much more on Anton and his insanity.

Because, see, Anton is a \\\"genius.\\\" Because he plays rock music. He really \\\"understands the evolution of music\\\"... because he plays rock music with a lot of different instruments. His music is considered \\\"post-modern retro but the future\\\"... because it's rock music. He wants to bring out a \\\"revolution\\\"... through rock music. Okay so let's face it... twenty minutes in and this is one of the stupidest kids I'd care to watch a documentary about.

The documentary itself doesn't really lend itself to showcasing any of Anton's talent, because in the nature of editing down 2000 hours of material into a quarter short of two hours we don't really have the time to focus on that. So instead we watch Anton, \\\"the genius\\\", the socio-maniacal loser, be a jerk for the two hours and are just told to understand that he made really great music. Whether he did or not I won't know, because its not like the documentary had enough time to prove it. What I do know is that then we're left with a story about some self-centered obnoxious twerp running around the country calling himself a God of music and doing nothing to back it up. Why even bother watching that? People like Anton don't deserve the attention they seek, the hope and admiration of all those different people, and especially a post-failure paean to lost potential. This movie plays like a two-hour rough-cut VH1 special for a reason: he goes on and on about the music, but it's all about the image and the attention. Look at the guy, look at how he dresses, look at how he acts, look at how he tries to create controversy because he can't afford marketing.

Honestly the only interesting character in this film is Joel, and that's because of anyone in this documentary, Joel is the only person who seems to have any fun. Maybe it's because he's the tambourine man. The rest of them are all \\\"rock stars\\\"! They deserve our attention, and admiration, and interest, and engagements! They are out there to \\\"save rock and roll.\\\" Do you remember when The White Stripes were supposed to \\\"save rock and roll\\\"? Yeah, that was because of Anton, and it's \\\"selfish of them not to mention me (Anton) as an inspiration.\\\" What a load. People like Anton are best left forgotten. This documentary explains why mainstream music is so dull--because music execs have to deal with people like Anton for a living and ultimately can only really throw their support behind someone safe and passionless. Thanks a lot, Anton. Your antics ruined music for EVERYONE you touched, whatever the opinion to the contrary is. And if people \\\"in the know\\\" about Anton disagree and he really was a genius, it still shows how bad this documentary is that it cuts it down that way.

--PolarisDiB\": {\"frequency\": 1, \"value\": \"Whoa boy.


The show was educational as well showing the viewer things about scuba diving from someone who appeared to be a consummate pro, Mike Nelson. There were excellent shows, and the program always appeared to be well produced. Granted, the drama in the scripts sometimes hit the same notes in more than 1 episode but each show holds it's own with any other show produced during this era, the infancy of American television.\": {\"frequency\": 1, \"value\": \"Lloyd Bridges as ...\"}, \"A young basketball-playing professor of genetics is doing research on the genetic sequence, using human fetuses. He hopes to be able to find a cure for all diseases and aging. He's pressured into concluding his research because he hasn't published, so the university is having trouble justifying funding him (I think).

He does a trial injection on a monkey, which quickly dies. He then tries it on himself. He starts a relationship with the single mother of an extremely annoying little boy; she's the one who had been demanding results from the research.

Initially, he seems to have no effects from the injection, except some new strength. He then realizes that he had some memory loss, and starts recalling what happened. Additionally, he starts to appear very unhealthy.

Since the movie is named metamorphosis, he does eventually change into something else. You won't believe your eyes - either what he turned into, or the absolutely crappy costume the actor is wearing to depict what he's turned into. Incredibly, there's a further change in store - the end of the movie is really, really absurd.

About the only thing this movie has going for it is that Laura Gemser is in it, but she has a very small part.

I'd once seen a the video box for this with a sculpted plastic form glued to the boxcover. Possibly it might even have had some electronics in it at one time, perhaps eyes that light up (the main character's eyes occasionally turn green in the movie). The copy I watched had a box that only showed tear marks where the glue had held on the plastic, which had been removed. The novelty boxcover, if it still had it, would have been the only reason I would have held onto this movie; I'm definitely getting rid of it.\": {\"frequency\": 1, \"value\": \"A young ...\"}, \"Knights was just a beginning of a series, a pilot, one might say. The plot (I really shouldn't call it that, there wasn't any plot) wasn't logical at all and there were many mistakes, like [warning, I'm summarizing the plot]:

In the beginning of the movie someone said that there was only a couple of those cyborgs (the bad guys) but after the climax, Nea found out that there were many many more left of them. And it was told that cyborgs were hard to kill, but after a month's training, Nea could kill them with a single blow.

The movie was just pure kicking. I wasn't surprised at all, when I found out that the leading star was a kick boxer.

There was ONE positive thing in the whole movie: it really gave a great deal of laughter when watching it and talking about it with my friends. I recommend watching it, if you are in need of laughter.\": {\"frequency\": 1, \"value\": \"Knights was just a ...\"}, \"This is probably Karisma at her best, apart from Zubeidaa. Nana Patekar also gives out his best, without even trying. The story is very good at times but by the end seems to drag, especially when Shahrukh comes in the picture. What really made me like it were the performances of the leads, the dialog delivery, as well as the story, for what it was. It could've been directed better, and edited. The supporting case was even great, including Karima's mother in law, even though she just had one shining moment, it was great to watch her.

The sets were also pretty good. I didn't really like their portrayal of a Canadian family, but once they step in India, it's as real as it gets.

Overall, I would give it a thumbs up!\": {\"frequency\": 1, \"value\": \"This is probably ...\"}, \"If this series supposed to be an improvement over Batman - The Animated Series, I, for one, think it failed terribly. The character drawing is lousy... (Catwoman, for instance, looks awful...) But what really annoyed me is that it made Batman look like a sort of wimp who just can't take care of himself in a battle, without the help of two, even three sidekicks. I mean, he's Batman, for God's sake! I know the comic books, I know that Nightwing and Batgirl are supposed to be Batman's allies, besides Robin, but still... making Batman say that he needs help from them... What, he can't handle a few punches? In BTAS, he could face a dozen adversaries without any problem... He's getting old? Come on...

And another thing: I really don't think that Batman would allow a kid like Tim Drake to go into battle that soon, without years of hard training. One, it's irresponsible (and Batman is everything, but irresponsible), and two, it's not what happened in the comics, if we are to remain faithful to them.

Batman - The Animated Series made history, with its animation, its stories and its characters... That really was a legend of Batman. The New Adventures series turned the legend into just another Batman flick.\": {\"frequency\": 1, \"value\": \"If this series ...\"}, \"my friend bought the movie for 5\\ufffd\\ufffd (its is not even 1 cent worth), because they wrote it was like American pie. but we would soon find out that there is a long way from American pie to that piece of crap. it is not even a comedy, its more like a really really really bad documentary. not only the story is bad, the picture and sound also sucks to. they put in some alcohol, chicks, dwarfs and drunken teens. and the result is a disaster. if you see this movie don't buy it, rather spend your money on something else, and better. if you are gonna torture yourself, then don't invite your friend/s, unless you hate really much and you want to get rid of them.\": {\"frequency\": 1, \"value\": \"my friend bought ...\"}, \"Outrageously trashy karate/horror thriller with loads of graphically gory violence and gratuitous nudity, and a thoroughly preposterous and bizarre \\\"plot\\\". This is lowbrow and low-grade entertainment that will appeal only to viewers with particularly kinky tastes, but it's kind of cheerfully bad and I must admit that I wasn't actually bored while watching it.... (*1/2)\": {\"frequency\": 1, \"value\": \"Outrageously ...\"}, \"Yes it was a little low budget, but this movie shows love! The only bad things about it was that you can tell the budget on this film would not compare to \\\"Waterworld\\\" and though the plot was good, the film never really tapped into it's full potential! Strong performances from everyone and the suspense makes it worthwhile to watch on a rainy night.\": {\"frequency\": 1, \"value\": \"Yes it was a ...\"}, \"Filmfour are going to have to do a lot better than this little snot of a film if they're going to get the right sort of reputation for themselves.

This film is set in Glasgow (although only a couple of secondary characters have anything approaching a Scottish accent). The premise, about people who's lives are going nowhere, who all meet up in the same cafe in the early hours of the morning as they have night jobs, COULD have made for a really funny, insightful, quirky, cultish film. Instead we have a group of self-obsessed saddos and a plot which has been so done to bits I'm suprised it hasn't been banned. X and Y are friends. X is sleeping with Z. Y sleeps with Z as well. Oh you figure it out.

A total waste of time. Painful dialogue - it sounded like something that a group of 16 year olds would have written for a GCSE drama project. The female character was completely superfluous - just written in as a token female in the hope that women would be cajoled into seeing it.

If you're the sort of thicko lad who laughs at beer adverts and can usually be found wandering round in packs shouting on Saturday nights in nondescript town centres then you will love this film and find it \\\"a right laff\\\". Everyone else, run, don't walk away from this sorry little misfit.

And one question, when the group left the \\\"boring\\\" seaside town (Saltcoats incidentally although they changed the name on the film), to go back to Glasgow, WHY did they do it via the Forton motorway services at LANCASTER which is in England?\": {\"frequency\": 1, \"value\": \"Filmfour are going ...\"}, \"I really like Star Trek Hidden Frontier it is an excellent fan fiction film series and i cant wait to see more I have only started watching this film series last week and i just cannot get enough of it. I have already recommended it too other people to watch since it is well worth the view. I have already watched each episode many times over and am waiting to see more episodes come out. I rated it a ten but i think it deserves a 12 loll My compliments to the staff of the Star Trek Hidden Frontiers on an excellent job. If u like Star Trek i highly recommend checking out this star trek fan fiction film. The detail associated with this series of films is excellent especially the ships and planets used in it\": {\"frequency\": 1, \"value\": \"I really like Star ...\"}, \"Iberia is nice to see on TV. But why see this in silver screen? Lot of dance and music. If you like classical music or modern dance this could be your date movie. But otherwise one and half hour is just too long time. If you like to see skillful dancing in silver screen it's better to see Bollywood movie. They know how to combine breath taking dancing to long movie. Director Carlos Saura knows how to shoot dancing from old experience. And time to time it's look really good. but when the movie is one and hour it should be at least most of time interesting. There are many kind of art not everything is bigger then life and this film is not too big.\": {\"frequency\": 1, \"value\": \"Iberia is nice to ...\"}, \"...in an otherwise ghastly, misbegotten, would-be Oedipal comedy.

I was the lone victim at a 7:20 screening tonight (3 days after the movie opened) , so there is some satisfaction in knowing that moviegoers heeded warnings.

The bloom is off Jon Heder's rose. The emerging double chin isn't his fault; but rehashing his geeky kid shtick in another bad wig simply isn't working. It would be another crime if this were to be Eli Wallach's last screen appearance. Diane Keaton will probably survive having taken this paycheck - basically because so few will have seen her in this, the very worst vehicle she's chosen in the last few weeks.

Sitting alone in the theater tonight I came alive (laughed, even) whenever Daniels was given the latitude in which to deliver the film's sole three dimensional character. He really is among our very best actors.

In summary, even Jeff Daniels's work can't redeem this picture.\": {\"frequency\": 1, \"value\": \"...in an otherwise ...\"}, \"...On stage, TV or in a book, 'The Woman in Black' is an outstanding ghost story. Other reviewers have already said just about all there is to say about this film, but I thought I would add my belated little review too. The made-for-TV movie has a deliberately slow first act, which chronicles the main character Arthur as he goes about his business as a solicitor in 1920s London. I can understand why this might not appeal to all palates. Nevertheless, for me, I love this British-style of storytelling similar to any of the BBC's \\\"Ghost Story for Christmas\\\" adaptations of the great M.R. James' work. In the second act, the ghost story kicks in as Arthur is sent to the provinces by his boss, to tidy up the affairs of a deceased client. The third act relentlessly builds up to a spine-tingling conclusion... As a Londoner, I have seen the play. I own the book, DVD-R and have the unabridged audio book on my iPod, too. What is sure for me, 'The Women in Black' on any medium is a ghost story with few equals. It is about time that we had a legitimate region 2 DVD release.\": {\"frequency\": 1, \"value\": \"...On stage, TV or ...\"}, \"Saw it as many times as I could before it left the scene. A delightful and entertaining film with some of my very favorite stars. Only wish I could find it again! Would certainly buy/view it if I could. Please, somebody, bring it back. Fred MacMurray was perfect in his role as a patriot during World War II, and his leading ladies, Joan Leslie, and especially June Haver were beautiful and charming. It was a musical, but also romantic, funny, and clever. This was my favorite movie starring June Haver, although I always liked her. Her dazzling smile lit up the screen, and her beauty and talent were an asset to any film. The supporting cast lent credit to their individual roles. A well-balanced and light-hearted film; only wish we had more like it!\": {\"frequency\": 1, \"value\": \"Saw it as many ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"If ever I was ...\"}, \"/The first episode I saw of Lost made me think, i thought what is this some people who crashed and get chased by a giant monster. But it's not like that, it's far more than that,because their is no monster at all and every episode that you see of Lost , well it's getting better every time. a deserted island with an underground bunker and especially the connection between the people who crossed paths with each other before they crashed. That's the real secret.

This series rules and I can't wait to know what's really going on there I hope that they don't air the last 2 episodes in the theaters,this series deserves a 9 out of 10\": {\"frequency\": 2, \"value\": \"/The first episode ...\"}, \"I've seen better production quality on YouTube! I pity the actors, as the writing was terrible and the direction shocking, not sure how they could get the lines out - I really doubt any actor would have been able to salvage this movie no matter how good they were. The characters were not developed at all, and there was no real cohesion in the plot which just seemed to go nowhere much. It's a shame really, as the premise for the movie was good and with better production quality, direction and script it could have been a decent movie. It certainly was not a comedy, unless you laugh out loud at the dubbing - which was amateurish, even the English actors sounded weird.\": {\"frequency\": 1, \"value\": \"I've seen better ...\"}, \"Enjoyable movie although I think it had the potential to be even better if it had more depth to it. It is a mystery halfway through the film as to knowing why Elly is such a recluse. Then, when we are finally given an explanation going back to her childhood there still isn't much detail. Perhaps had they shown flashbacks or something.

Anyway, it is still a good movie that I'd watch again. 7/10

\": {\"frequency\": 1, \"value\": \"Enjoyable movie ...\"}, \"This film has to be the worst I have ever seen. The title of the film deceives the audience into thinking there maybe hope. The story line of the film is laughable at best, with the acting so poor you just have to cringe. The title 'Zombie Nation' implies a hoard of zombies when in fact there are six in total. This cannot be categorised as a horror film due to the introduction of cheesy 80's music when the zombies 'attack'. The zombies actually talk and act like human beings in the film with the only difference being the make up which looks like something out a La Roux video. If you ever get the chance to buy this film then do so, then burn the copy.\": {\"frequency\": 1, \"value\": \"This film has to ...\"}, \"The question, when one sees a movie this bad, is not necessarily, \\\"How did a movie this bad get made?\\\" or even, \\\"Why did I see this awful in the first place?\\\" but, \\\"What have I learned from this experience?\\\" Here's what I learned:

- Just because the \\\"rules\\\" of horror movies have been catalogued and satirized countless times in the last ten years doesn't mean someone won't go ahead and make a movie that uses ALL of them, without a shred of humor or irony.

- If your movie has to be described as **loosely** based on the video game, you have script problems.

- The black character may not always die first, but the Asian character does always know kung-fu.

- While you may be proud that you figured out how to do the \\\"the Matrix effect\\\" on a budget, that doesn't necessarily mean you should use it over and over again ad nausea.

- Being Ron Howard's brother does not guarantee choice roles.

- Whenever a scene doesn't edit together, just use some footage from the video game, no one will notice.

- If your cousin's rap-metal band offers to write your movie's theme for free, politely decline.

- Zombie movies are not about people killing zombies. They're about zombies killing people, preferably in the most gruesome way possible. That's what makes them SCARY.

- White people who can pay $1600 to get to a rave deserve to die.

- If you find an old book, it will tell you everything you need to know. Anything else you will figure out on your own two lines after someone asks, \\\"What was that?\\\" or, \\\"Where are we?\\\"

- Bare breasts are not horror movie panacea.

- A helicopter boom shot and a licensing deal with Sega magically transforms your movie from \\\"student film\\\" to \\\"major studio release\\\". Try it!

- Just because you can name-drop all three \\\"Living Dead\\\" movies, that does not make you George Romero. Or even Paul W. S. Anderson.

I've seen worse movies, but only because I've seen \\\"Mortal Kombat: Annihilation.\\\"\": {\"frequency\": 1, \"value\": \"The question, when ...\"}, \"New York, I Love You, or rather should-be-titled Manhattan, I Love Looking At Your People In Sometimes Love, is a precise example of the difference between telling a story and telling a situation. Case in point, look at two of the segments in the film, one where Ethan Hawke lights a cigarette for a woman on a street and proceeds to chat her up with obnoxious sexy-talk, and another with Orlando Bloom trying to score a movie with an incredulous demand from his director to read two Dostoyevsky books. While the latter isn't a great story by any stretch, it's at least something that has a beginning, middle and end, as the composer tries to score, gets Dostoyevky dumped in his lap, and in the end gets some help (and maybe something more) from a girl he's been talking to as a liaison between him and the director. The Ethan Hawke scene, however, is like nothing, and feels like it, like a fluke added in or directed by a filmmaker phoning it in (or, for that matter, Hawke with a combo of Before Sunrise and Reality Bites).

What's irksome about the film overall is seeing the few stories that do work really well go up against the one or two possible 'stories' and then the rest of the situations that unfold that are made to connect or overlap with one another (i.e. bits involving Bradley Cooper, Drea DeMatteo, Hayden Christensen, Andy Garcia, James Caan, Natalie Portman, etc). It's not even so much that the film- set practically always in *Manhattan* and not the New York of Queens or Staten Island or the Bronx (not even, say, Harlem or Washington Heights)- lacks a good deal of diversity, since there is some. It's the lack of imagination that one found in spades, for better or worse, in Paris J'taime. It's mostly got little to do with New York, except for passing references, and at its worst (the Julie Christie/Shia LaBeouf segment) it's incomprehensible on a level that is appalling.

So, basically, wait for TV, and do your best to dip in and out of the film - in, that is, for three scenes: the aforementioned Bloom/Christina Ricci segment which is charming; the Brett Ratner directed segment (yes, X-Men 3 Brett Ratner) with a very funny story of a teen taking a girl in a wheelchair to the prom only to come upon a great big twist; and Eli Wallach and Cloris Leachman as an adorable quite old couple walking along in Brooklyn on their 67th wedding anniversary. Everything else can be missed, even Natalie Portman's directorial debut, and the return of a Hughes brother (only one, Allan) to the screen. A mixed bag is putting it lightly: it's like having to search through a bag of mixed nuts full of crappy peanuts to find the few almonds left.\": {\"frequency\": 1, \"value\": \"New York, I Love ...\"}, \"and forget this. Completely. If you really need to see Madonna act, rent \\\"Body of Evidence\\\", at least Willem Defoe is in that one.

In this film, while the sets are beautiful, you may want to mute the dialog. You won't miss anything. Bruce Greenwood is wasted, Jeanne Tripplehorn is a prop, and Madonna is so awful, it becomes amusing. Why they had to butcher the original film into this mess, I will never know; guess they thought it was \\\"bankable\\\". Madonna, as an actress, certainly is NOT.

If you rent the original film from 1979, though, you will enjoy it, and the actors in it can actually act. 1/10.\": {\"frequency\": 1, \"value\": \"and forget this. ...\"}, \"This could be a strong candidate for \\\"The Worst Flick Ever\\\". Perhaps without the presence of John Hurt, it could be tolerated as a kid-film. However, the TRAGEDY of this entire endeavor, is that John Hurt, one of the screen's greatest actors, diminishes himself in this....I gave it two points just because Mr. Hurt SHOWED UP...I take AWAY 8 points, because he didn't run from it fast enough. As far as the rest of the cast, they are, simply, terrible. Janine Turner, as pretty as she might be, cannot act to save her soul. And the lead actor is, for all intents and purposes, AWFUL. If you can spare yourself this embarrassment, please do so. It's so bad, it almost HURTS.\": {\"frequency\": 1, \"value\": \"This could be a ...\"}, \"I also saw this amazingly bad piece of \\\"anime\\\" at the London Sci-Fi Festival. If you HAVE to watch this thing, do so with a large audience preferably after a few beers, you may then glean some enjoyment from it.

I found the dialogue hilarious, lodged in my mind is the introduction of Cremator. The animation is awful. It is badly designed and badly executed. It may have been a good idea for the producers to have hired at least one person who was not colour blind.

There's nothing else to say really, this film is a failure on every level.\": {\"frequency\": 1, \"value\": \"I also saw this ...\"}, \"One of the things that interested me most about this film is the way the characters and their associated histories are developed on the fly. I suppose the writers wanted us to gain interest in the characters by not force feeding their characters. The premise of using the art and craft of furniture design and construction was a unique theme and/or analogy for what families/siblings go through in life. The complexity of having a twin serve as a surrogate father and even husband added great tension towards making this film emotionally interesting. Also, although the story was not one that the masses might directly relate to (i.e. Jewish/twins/family business) the themes are fairly universal as every family has a black sheep in it. That made it very engaging.\": {\"frequency\": 1, \"value\": \"One of the things ...\"}, \"Just saw this tonight at a seminar on digital projection (shot on 35mm, and first feature film fully scanned in 6k mastered in 4k, and projected with 2k projector at ETC/USC theater in Hwd)..so much for tech stuff. 18 directors (including Alexander Payne, Wes Cravens, Joel and Ethan Coen, Gus Van Sant, Walter Salles and Gerard Depardieu, among several good French/ international directors) were each given 5 minutes to make a love story. They come in all shapes and forms, with known actors(Elijah Wood, Natalie Portman, Steve Buscemi ..totally hilarious..., Maggie Glyllenhall, Nick Nolte, Geena Rowlands ..soo good..and she actually wrote the piece she was in, Msr Depardieu and many good international actors as well. The stories vary from all out romance to quirky comedy to Alex Payne's touching study of a woman discovering herself to Van Sant and one of those things that happens anywhere..maybe? Nothing really off putting by having French spoken in most sequences (with English subtitles) and a small amount of actual English spoken, though that will probably relegate it to art houses (a la Diva.) Also only one piece that might be considered \\\"experimental\\\" but colorful and funny as well, the rest simple studies of sometimes complex relationships. All easy to follow (unless the \\\"experimental\\\" one irritates your desire for a formulaic story. Several brought up some emotions for me...I admit I am affected by love in cinema...when it is presented in something other than sentimentality. I even laughed at a mime piece, like no other I have seen (thank you for that!) The film hit its peak, for me, somewhere around a little more than half way through, then the last two sequences picked up again. Some beautiful shots of Paris at night, lush romantic kind of music, usually used to good effect, not just schmaltz for \\\"emotions\\\" in sound, generally good cinematography, though some shots seemed soft focus when it couldn't have meant to have been (main character in shot/scene). Pacing of each film was good, and overall structure, though a bit long (they left out two of what was to be 20 films, but said all would be on the DVD) seemed to vary between tones of the films to keep a good balance. Not sure when it comes out, but a good study of how to make a 5 min film work..and sometimes, what doesn't work (if it covers too much time, emotionally, for a short film.) Should be in region one when released, but they didn't know when.\": {\"frequency\": 1, \"value\": \"Just saw this ...\"}, \"I think this movie got a low rating because it got judged by it's worst moments. There is a diarrhea joke and an embarrassing nut-scratching scene, but apart from that there are actually quite a few moments that made me laugh out loud. Jason Lee is performing some wonderfully subtle comedy in this movie and Julia Stiles manages to be pretty damn funny herself. Apart from that this movie behaves like most romantic comedies, after about 40 minutes into it you know how it is going to end. (Which is better than most of them, where you already know after +/- 5 minutes). Anyway, better movies to watch but definitely not the worst pick...Cheers\": {\"frequency\": 1, \"value\": \"I think this movie ...\"}, \"One can deal with historical inaccuracies, but this film was just too much. Practically nothing was even close to truth, and even for the era, it was seen as silly.

In defense of ford, it was revealed on an old talk show, that he was operating on the story as told to him by the real Wyatt Earp, who was obviously old, senile, and replayed the scene his own way. Earp told the director about the stagecoach, and how it was planned to happen during the stagecoach arrival, so despite what other historians claim, Wyat himself asserts that it was premeditated.

This movie portrays Earp as an honest man, and also his brothers. History doesn't exactly say they were or weren't. Most people like to interject a bit of deceit and lawlessness into their characters, but that is nothing new. The truth is probably closer to them being the law abiding sorts of GUNFIGHT AT THE OK CORRAL. Men who saw it as a career, and believe me, in the old West, you didn't have time to think about too much else.

Characters that don't exist, characters depicted dying at the corral who really didn't, all make this a weaker film. It is further weakened by Mature, who really didn't make a convincing Doc. He may be the worst cast choice ever for Doc, but at the same time we must remember that older movies were closer to the era and closer to a feel for the truth. After all, ford did get information first hand from Wyatt Earp.

It is also weakened by the all so predictable events involving the Mexican girl. Hollywood was very pro Nazi in those days, and ready to kill off brunette women in very predictable fashion to show their patronage to Hitler idealism. This occurs in most movies until the eighties. It is no excuse, and does cheapen the art, however.

The actors who play the Earps do well, and Brennan is always a thrill. In fact, Mature may be the only acting downside of this flick. Still, it is the weakest of the old OK Corral movies.\": {\"frequency\": 1, \"value\": \"One can deal with ...\"}, \"This movie is yet another in the long line of no budget, no effort, no talent movies shot on video and given a slick cover to dupe unsuspecting renters at the video store.

If you want to know what watching this movie is like, grab a video camera and some red food dye and film yourself and your friends wandering around the neighborhood at night growling and \\\"attacking\\\" people. Congratulations, you've just made \\\"Hood of the Living Dead\\\"! Now see if a distribution company will buy it from you.

I have seen some low budget, shot on video films that displayed talent from the filmmakers and actors or at the very least effort, but this has neither. Avoid unless you are a true masochist or are amused by poorly made horror movies.\": {\"frequency\": 1, \"value\": \"This movie is yet ...\"}, \"Star Pickford and director Tourneur -- along with his two favorite cameramen and assistant Clarence Brown doing the editing -- bring great beauty and intelligence to this story of poor, isolated Scottish Islanders -- the same territory that Michael Powell would stake twenty years later for his first great success. Visions of wind and wave, sunbacked silhouettes of lovers do not merely complement the story, they are the story of struggle against hardship.

The actors bring the dignity of proud people to their roles and Pickford is brilliant as her character struggles with her duties as head of the clan, wavering between comedy and thoughtfulness, here with her father's bullwhip lashing wayward islanders to church, there seated with her guest's walking stick in her hand like a scepter, discussing her lover, played by Matt Moore.

See if you can pick out future star Leatrice Joy in the ensemble. I tried, but failed.\": {\"frequency\": 1, \"value\": \"Star Pickford and ...\"}, \"I may not be a critic, but here is what I think of this movie. Well just watched the movie on cinemax and first of all I just have to say how much I hate the storyline I mean come on what does a snowman scare besides little kids, secondly it is pretty gory but I bet since the movie is so low budget they probably used ketchup so MY CRITICAL VOTE IS BOMB!!! nice try and the sequel will suck twice as much.\": {\"frequency\": 1, \"value\": \"I may not be a ...\"}, \"Omigosh, this is seriously the scariest movie i have ever, ever seen. To say that i love horror movies would be an understatement, and i have seen heaps (considering the limited availability in New Zealand, that's quite a lot), but never before have i had to sleep with the light on...until i saw The Grudge.

Some may say that it is a rip off of The Ring (both based on Japanese horror movies), both similar (yet different) story lines, but the Grudge holds its own as a terrifying movie - seeing at at the cinema, i even screamed at a certain point in the movie.

The acting is great, particularly from the supporting characters - KaDee Strickland is fantastic and steals the show, she is such an enthusiastic person. Jason Behr is a real hottie, and William Mapother looks like he is having fun. However, while i am normally a fan of Clea DuVall's, she doesn't really seem into this movie. Of the supporting characters, hers probably got the most depth and back story, but she doesn't seem like she is all there. As for Sarah Michelle Gellar, well, she stays about the same through all her films and roles doesn't she? The ghosts were genuinely scary, the music and sound effects were chilling (particularly the noise being made when KaDee Strickland's character answered the phone in her apartment), the ending was cool too.

Super highly recommended. 9/10\": {\"frequency\": 1, \"value\": \"Omigosh, this is ...\"}, \"Fear of a black hat is a hilarious spoof of Hip-Hop culture. It is just as funny as This Is Spinal Tap, if not funnier. The actors are incredible and the documentary style is superb. Mark Christopher Lawrence is a tremendous talent that should be starring in a lot more films. This film is a true cult classic!\": {\"frequency\": 1, \"value\": \"Fear of a black ...\"}, \"When robot hordes start attacking major cities, who will stop the madman behind the attacks? Sky Captain!!! Jude Law plays Joe Sullivan, the ace of the skyways, tackling insurmountable odds along with his pesky reporter ex-girlfriend Polly Perkins (Gwyneth Paltrow) and former flight partner, Captain Franky Cook (Angelina Jolie).

Sky Captain and the World of Tomorrow may look and feel like an exciting movie but it really is quite dull and underwhelming. The film's running time is 106 minutes yet it feels so much longer because there is no substance in this movie. The visuals were great and the film did a nice job on that. However, there is nothing to support these wonderful visuals. The film lacks a story and interesting characters making the while thing quite dull and unnecessary. I blame director and writer Kerry Conran. He focuses too much on the visuals and spent little time on the actual story. The movie is like a girl with no personality, after awhile it kind of gets bland and tiring. Sky Captain represents a beautiful girl with no personality. It's simply just another case of style over substance.

The acting is surprisingly average and that's not really their fault since they had very little to work with. The main reason I watched this movie is because of Angelina Jolie. However, the advertising is quite misleading and she is only in the film for about 30 minutes. Her performance is surprisingly bland as well. Jude Law gives an okay performance though you would expect a lot more from him. Gwyneth Paltrow was just average, nothing special at all. Ling Bai's performance was the only one I really liked. She gives a pretty good performance as the mysterious woman and she was the only interesting character in the entire film.

The movie is not a complete bust though. There were some \\\"wow\\\" and exciting scenes. There just weren't enough of them. The film just doesn't have that hook to really make it memorable. It was actually quite bland and it wasn't very engaging at all. It's too bad the film wasn't very good since it had such a promising premise. In the end, Sky Captain is surprisingly below average and not really worth watching. Rating 4/10\": {\"frequency\": 1, \"value\": \"When robot hordes ...\"}, \"I recently watched the '54 version of this film with Judy, and while i appreciated the story and music, i found that the film failed to hold my attention. I expected the '76 remake to be the same story, except with a Barbra twist. I was pleasantly surprised - it was a much more realistic and modern look at fame, money, love and the price of it all. This version is so much more real than the '54 one, with arguably better music, better acting, a more gripping plot line, and, of course, a deeper love. I do not understand why the previous film is on the American Film Institute's top 100 list, while this gripping remake fails to make a mark on any critic's list.\": {\"frequency\": 1, \"value\": \"I recently watched ...\"}, \"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!\": {\"frequency\": 1, \"value\": \"Is there a ...\"}, \"\\\"Bend It Like Beckham\\\" is a film that got very little exposure here in the United States. It was probably due to the fact that the movie was strongly British in dialogue and terminology and dealt a lot with football, (soccer here), which some may have trouble relating too in the U.S. It's unfortunate because this movie is absolutely fantastic and deserved much more coverage over here. I think the basis of the storyline, (following a dream), is something many people can relate to and in the end, \\\"Bend It Like Beckham\\\" proves to be a good-feeling film with a source of inspiration and really good acting. I was not overly excited about seeing this film initially but now I regret not seeing it sooner. I highly recommend this movie!\": {\"frequency\": 1, \"value\": \"\\\"Bend It Like ...\"}, \"This film concerns a very young girl, Cassie, (Melissa Sagemiller) who leaves her family and heads off to become a college freshman. One night Cassie and her friends decide to go to a wild party with plenty of drinking and dancing and Cassie is riding with her boyfriend who she likes but never told him she loved him. As Cassie was driving, a car was stopped in the middle of the road and she was unable to avoid an accident and as a result there is a bloody loss of lives along with her boyfriend. Cassie becomes very emotionally upset and has nightmares which cause her to have hallucinations about her boyfriend coming back to life and encounters men trying to murder her and she is struggling to find out who her real friends are, who wants her dead and will she survive this entire horror ordeal. Cassie dreams she is being made love to by her boyfriend after he died and finds another guy in her bed and is told she was asking him to make love. This is a way out film, and not very good at all.\": {\"frequency\": 1, \"value\": \"This film concerns ...\"}, \"Though the title may suggest examples of the 10 commandments, it is a definitely incorrect assumption. This is an adaptation of 9 SEEMINGLY unrelated stories from Giovanni Bocaccio's 14th century \\\"Decameron\\\" story collection.

Set within a medieval Italian town's largely peasant population, it is a diatribe on the reality of sex (and its consequences) within that world and time. A realistic view of Life within this world, it sometimes feels like a journey back in time.

Given the depicted human element of its time, one can also see the more adventurous side of morality in its protagonists - as well as the ironies of Life, at times. Or it may also be viewed as a general satire of the Catholic Church's rules.

Nothing terribly special, but definitely interesting if one comes with no expectations or assumptions.\": {\"frequency\": 1, \"value\": \"Though the title ...\"}, \"I, myself am a kid at heart, meaning I love watching cartoons, still do! I remember watching Bugs Bunny when I was a kid, he was my favourite still is. I thought man, this was a great \\\"new\\\" show on TV, and than my dad said, \\\"Bugs Bunny, I remember watching him when I was younger\\\" and I'm like, \\\"Dad, Bugs didn't exist when you were younger\\\". So I guess he's definitely pleased more than one generation, possibly 3. I love the show it's great for kids and adults, OK, everybody. It's very funny, me and my husband, both in our 20s, love watching the shows, and we don't mind the re-runs either. This show brings back a lot of memories, happy ones. I love the Christmas special too with Tweety as Tiny Tim, it's cute. I can't pick my favourite Looney Toons character, because they've changed over the years. When I was little it was Bugs of course, and Porky Pig. Pepe is cool, I always loved him. Actually, I have to say there all my favourite. I'm giving this show a 10 out of 10, because it's a great show for all ages, very funny, voice acting is incredible, the only flaw is that unfortunately it came to an end, 2 decades ago, but the re-runs are great!\": {\"frequency\": 1, \"value\": \"I, myself am a kid ...\"}, \"This has to be creepiest, most twisted holiday film that I've ever clapped eyes on, and that's saying something. I know that the Mexican people have some odd ideas about religion, mixing up ancient Aztec beliefs with traditional Christian theology. But their Day of the Dead isn't half as scary as their take on Santa Claus.

So..Santa isn't some jolly, fat red-suited alcoholic(take a look at those rosy cheeks sometime!). Rather, he's a skinny sociopathic pedophile living in Heaven(or the heavens, whichever), with a bunch of kids who work harder than the one's in Kathy Lee Gifford's sweat shops. They sing oh-so-cute traditional songs of their homelands while wearing clothing so stereotypical that i was surprised there wasn't a little African-American boy in black face singing 'Mammy'. This Santa is a Peeping Tom pervert who watches and listens to everything that everybody does from his 'eye in the sky'. This is so he can tell who's been naughty or nice(with an emphasis on those who are naughty, I'd bet).

There's no Mrs. Claus, no elves(what does he need elves for when he's got child labor?) and the reindeer are mechanical wind-up toys! This floating freak show hovers on a cloud, presumably held up by its silver lining.

Santa's nemesis is...the Devil?! What is this, Santa our Lord and Savior? Weird. Anyhoo, Satan sends one of his minions, a mincing, prancing devil named Pitch, to try to screw up Christmas. Let me get this straight-the forces of purest evil are trying to ruin a completely commercial and greed driven holiday? Seems kind of redundant, doesn't it?

Pitch is totally ineffectual. He tries to talk some children into being bad, but doesn't have much luck. I was strongly struck by the storyline of the saintly little girl Lupe, who's family is very poor. All that she wants is a doll for Christmas, but he parents can't afford to buy her one(they spent all of their money on the cardboard that they built their house out of). So Pitch tries to encourage her to steal a doll. In reality, that's the only way that a girl that poor would ever get a doll, because being saintly and praying to God and holy Santa doesn't really work. But Lupe resists temptation and tells Pitch to get thee behind her, and so is rewarded by being given a doll so creepy looking that you just know that it's Chucky's sister.

Along the way Pitch manages to get Santa stuck in a tree(uh-huh) from whence he's rescued by Merlin! Merlin? You have got to be kidding me! Since when do mythical Druidic figures appear in Christmas tales, or have anything to do with a Christian religion? And doesn't God disapprove of magic? They'd have been burning Merlin at the stake a few hundred years ago, not asking him to come to the rescue of one of God's Aspects(or that's what I assume Santa must be, to be going up against Satan). This movie is one long HUH? from start to finish, and it'll make you wonder if that eggnog you drank wasn't spiked or something. Probably it was, since this movie is like one long giant DT.\": {\"frequency\": 1, \"value\": \"This has to be ...\"}, \"I've probably been spoilt by having firstly seen the 1973 version with Michael Jayston and Sorcha Cusack so the 1983 adaptation is such a disappointment. I just didn't get any chemistry between the 2 main stars. A lot of staring and theatrical acting just doesn't do it for me, and what was all that about putting Tim in the role of Rochester. Had the casting director actually ever read the book. Very strange! He's a fine actor but Mr. Rochester he definitely isn't! And Zelah was just, well, strange, bit of a mix matched couple. In it's favour the supporting cast were pretty good and the Lowood scenes for me were the best of the adaptation, but overall didn't capture any of the magic of the novel. Certainly wouldn't ask anyone to watch it as a true adaptation of the novel. A real let down!\": {\"frequency\": 1, \"value\": \"I've probably been ...\"}, \"I think the movie was pretty good, will add it to my \\\"clasic collection\\\" after all this time. I believe I saw other posters who reminded some of the pickier people that it is still just a movie. Maybe some of the more esoteric points defy \\\"logic\\\", but a great many religious matters accepted \\\"on faith\\\" fail to pass the smell test. If you're going to accept whatever faith you subscribe to you can certainly accept a movie. Is it just me or has anyone else noticed the Aja-Yee Dagger is the same possessed knife Lamonte Cranston had so much trouble gaining control of in \\\"The Shadow\\\". No mention of it in the trivia section for either movie here (IMDB), but I would bet a dollar to a donut it's the same prop.\": {\"frequency\": 2, \"value\": \"I think the movie ...\"}, \"\\\"A Town Called Hell\\\" (aka \\\"A Town Called Bastard\\\"), a British/Spanish co-production, was made on the heels of Clint Eastwood's success in the Italian made \\\"Man With No Name\\\" trilogy. The template used in most of these films was to hire recognizable American actors, whose careers were largely in decline and dub their voices. This film is no exception except for the fact that they used some British actors as well.

It's difficult to summarize the plot, but here goes. The story opens with rebels or whatever, led by Robert Shaw and Marin Landau raiding a church and killing everyone inside, including the priest. Fast forward to the subject town a few years later where the Shaw character is masquerading as a priest. The mayor of the town (Telly Savalas) is a brutal leader who thinks nothing of meting out justice with his gun.

Throw into the mix a grieving widow Alvira (Stella Stevens) who is searching for her husband's killer. Add to this the fact that she rides around in a hearse lying dead like in a coffin for God knows why. After the mayor is murdered by his henchman La Bomba (Al Lettieri) the town is invaded by a federale Colonel (Landau) in search of a rebel leader (I'm sorry but the name escapes me). The Colonel takes over the town and begins summarily executing the townsfolk to force them to reveal the identity of the leader.

Even though they opened the film side by side, its difficult to tell from the dialog that the Landau and Shaw characters know each other. A blind man (Fernando Rey) claims he can identify the rebel leader by touching his face. He does so and..............................................

I'm sure the principals regretted making this film. It's just plain awful and well deserving of my dreaded \\\"1\\\" rating. Shaw spends most of the film fixating his trademark stare at whomever is handy. Even Landau can't salvage this film. The beautiful Ms. Stevens is totally wasted here too. Having just made Peckinpah's \\\"The Ballad of Cable Hogue\\\" the previous year, I found it odd that she would appear in this mess of a movie. Savalas made several of these pictures, (\\\"Pancho Villa\\\" and \\\"Horror Express\\\" come to mind) during he pre-Kojak period.Michael Craig is also in it somewhere as a character called \\\"Paco\\\".

Fernando Rey appeared in many of these \\\"westerns\\\" although he would emerge to play the villain in the two \\\"French Connection\\\" films. Al Lettieri would also emerge with a role in \\\"The Godfather\\\" (1972) and go on to other memorable roles before his untimely death in 1975.

In all fairness, the version I watched ran only 88 minutes rather than the longer running times of 95 or 97 minutes listed on IMDb, however I can't see where an extra 7 or 8 minutes would make much difference.

Avoid this one.\": {\"frequency\": 1, \"value\": \"\\\"A Town Called ...\"}, \"When you see this movie you begin to realise what a drastically under-utilised asset the late Dudley Moore was. There should be a dozen movies like this in our archive.

He was already top-notch talent before he went to Hollywood, both as a comedian and a musician. But mostly he is remembered for his pairing with Peter Cook, on television and in one or two indifferent British movies. Perhaps the best of these was 'Bedazzled'.

He always tended to be eclipsed by Cook, who's jealousy and meanness rifted their partnership and enabled Moore to realise his true potential in America. 'Arthur' is the result.

This is a truly splendid movie. Moore's clownish comedy as a drunkard is undeniable. The script is perfectly suited to his manner with lot's of hilarious, almost surreal conversational digressions. There is something so British about him that I'm actually surprised he found such an appeal to American tastes. Tommy Cooper, an anarchic comedian after the same fashion tended to draw a blank. It is Moore's almost childish vulnerability that is so endearing.

Liza Minelli and John Guilgud tend to play straight roles against him, but still have some excellent one-liners. John Guilgud in particular delivers his with a sarcastic and acerbic authority that is a treasure to watch. He invariably steals any scene in which he features and thoroughly deserved his Oscar. Correct me if I'm wrong, but he has never played any other comic role.

There is a follow-up movie called 'Arthur 2 - On The Rocks'. It never attains the same sublime levels of fun that this one reaches, but it is still rather good even so. Guilgud only gets a cameo appearance at the beginning and as a ghost. It is darker. And there is some interesting soul-searching. It will disappoint if you watch 'Arthur' first.

Hollywood seemed to loose interest in cuddly Dudley after these two outings. He eventually returned to Britain, dejected and apparently dying.

But 'Arthur' is a sample of what might have been. We can only imagine the other great movies he should have made.

Your're sadly missed, Dudley.\": {\"frequency\": 1, \"value\": \"When you see this ...\"}, \"The Good Earth is not a great film by any means, it is way to ordinary. Maybe it was different in the 1930's but who would want to see the life of a farmer. It is not very interesting to me. Yes, Luis Rainer and Paul Muni do an excellent job acting but the film dragged on way too long. I could have told you the ending of this movie by the first act. In short Wang Lung (Muni) a small time farmer who does not want to be like his own father turns out exactly like him. Both falling in love with their wives just as they are on their death beds. The film does a complete 360 going from one generation to the next. Also this film did not have any good character actors or funny moments, it just was depressing stuff about lasting as a farmer during a time of crisis.\": {\"frequency\": 1, \"value\": \"The Good Earth is ...\"}, \"I can understand those who dislike this movie cause of a lack of knowledge.

First of all, those girls are not Geisha, but brothel tenants, and one that don't know the difference will not understand half of the movie, and certainly not the end. This is a complete art work about the women's life and needs in this era. Everything is important, and certainly the way they dress, all over the movie means more than words. To those who thought it was a boring geisha movie, I'll suggest you to read a bit about this society before making a conclusion that is so out of the reality. This is Kurosawa's work of is life, and I'm sure that the director understood the silent meaning of Kurosawa's piece to the right intellectual range.\": {\"frequency\": 1, \"value\": \"I can understand ...\"}, \"What begins as a fairly clever farce about a somewhat shady security monitoring company turns, almost instantaneously, into an uninteresting and completely inane murder mystery. David Arquette and the great Stanley Tucci try mightily to make this train wreck watchable, but some things are just not humanly possible.

What, for instance, causes Gale to turn suddenly from a sweet motherly figure into a drunken shrew at Tommy's parents house? Why would Heinrich, although admittedly a sleezebag, want to destroy the business to which he devotes his life, by robbing and possibly murdering his customers? Why does the seemingly sensible Tommy believe that Heinrich could be a murderer (based almost entirely on a dream), and even if that were believable, why wouldn't he go to the police? And why didn't Gale activate the alarm when she got home, especially after scolding Howie about it being off? Of course, all of these events are necessary for the plot (and I use the term very, very loosely) to unfold. And it might be forgivable if it resulted in even the slightest bit of comedy. But everything, from Howie's description of his date rape, to the coroner's misidentification of Gale, to the final \\\"joke\\\" about Gale and Howie still being dead, is more tasteless and pathetic than anything else.

I checked the box indicating that my comments contained \\\"spoilers\\\", but there's nothing more I or anyone else could do to spoil this thing that already stinks to high heaven.\": {\"frequency\": 1, \"value\": \"What begins as a ...\"}, \"Parsifal (1982) Starring Michael Kutter, Armin Jordan, Robert Lloyd, Martin Sperr, Edith Clever, Aage Haugland and the voices of Reiner Goldberg, Yvonne Minton, Wolfgang Schone, Director Hans-Jurgen Syberberg.

Straight out of the German school of film, the kind that favored tons of symbolism and Ingmar Bergmanesque surrealism, came this 1982 film of Wagner's final masterpiece- Parsifal, written to correspond with Good Friday/Easter and the consecration of the Bayreuth Opera House. This film follows the musical score and plot accurately but the manner in which it was filmed and performed is bold and avant-garde and no other Parsifal takes the crown in its bizarre cinematography. Syberberg is known for controversial films. Prior to this film he had released films about Hitler and Nazism, Richard Wagner and his personal Anti-Semitism and a documentary about Winifred Wagner, one of his grand-daughters. This film is possibly disturbing in many aspects. Parsifal (sung by Reiner Goldberg but acted by Michael Kutter) is a male throughout the first part of the film and then, after the enchantment of Kundry's kiss, is transformed into a female. This gender-bending element displays the feminine/masculine/ying-yang nature of the quest for the Holy Grail, which serves all mankind and redeems it through Christ's blood. In the pagan sorcerer Klingsor's fortress, there are photographs of such notoriously sinister figures as Hitler, Nietzche, Cosima Wagner and Wagner's mistress Matilde Wesendock. The Swaztika flag hangs outside the fortress. Parsifal journeys into the 19th and 20th century throughout the film. The tempting Flower Maidens are in the nude. Kundry is portrayed as a sort of beautiful but corrupt Mary Magdalene or Eve from Genesis (played by Edith Clever but beautifully sung by mezzo-soprano Yvonne Minton). Ultimately, this film is for fans of this type of bizarre Germanic/European symbolic metafiction and for intellectuals who appreciate the symbolism, the history and lovers of Wagner opera. Indeed, the singing is grand and compelling. Reiner Goldberg's Parsifal is a focused and intense voice but it lacks the depth and overall greatness of the greater Parsifals of the stage - James King, Wolfgang Windgassen, Rene Kollo and today's own Placido Domingo. Yvone Minton is a sensual-voiced, dramatic and exciting Kundry, delving into her tormented state perfectly. While the production is certainly unorthodox and as un-Wagnerian as it can possibly get (Wagner's concept was Christian ceremonial pomp with Grails, spears, castles, Knights and wounded kings, a dark sorcerer, darkness turning into light, etc typical Wagnerian themes)..it is still an enjoyable, art-house film.\": {\"frequency\": 1, \"value\": \"Parsifal (1982) ...\"}, \"Steve Carell comes into his own in his first starring role in the 40 Year Old Virgin, having only had supporting roles in such films as Bewitched, Bruce Almighty, Anchorman, and his work on the Daily Show, we had only gotten a small taste of the comedy that Carell truly makes his own. You can tell that Will Ferrell influenced his \\\"comedic air\\\" but Carell takes it to another level, everything he does is innocent, lovable, and hilarious. I would not hesitate to say that Steve Carell is one of the next great comedians of our time.

The 40 Year Old Virgin is two hours of non-stop laughs (or 4 hours if you see it twice like I did), a perfect supporting cast and great leads charm the audience through the entire movie. The script was perfect with so many great lines that you will want to see the movie again just to try to remember them all. The music fit the tone of the movie great, and you can tell the director knew what he was doing.

Filled with sex jokes, some nudity, and a lot of language, this movie isn't for everyone but if you liked the Wedding Crashers, Anchorman, or any movie along those lines, you will absolutely love The 40 Year Old Virgin.\": {\"frequency\": 1, \"value\": \"Steve Carell comes ...\"}, \"Whoever wrote the script for this movie does not deserve to work in Hollywood at all (not even live there), and those actors need to find another job. The most dreadful hour and some minutes of my life... and I only kept watching to see if it would get better which, unfortunately for me it did not.

Even at the end, the credits gave me anxiety. I guess there weren't a lot of people behind the movie so they had to roll the credits slowly... very slowly.

This movie is definitely a great \\\"How Not To Make a Movie\\\" guide. Too bad I can't give a 0.\": {\"frequency\": 2, \"value\": \"Whoever wrote the ...\"}, \"This is a fair little show about the paranormal although it feels as if Art Bell and his ilk figured out how to carve a career out of the attitude that Carl Kolchak exemplified. Of course there probably wouldn't be an X-Files if this show hadn't prepped this audience for it so well. Darren McGavin is not exactly the super-heroic type but he is a plausible(enough) guy to deliver heroic deeds. Check out his work on some of those old Alfred Hitchcock Presents. Here he is the main attraction, there doesn't seem to be a girlfriend or wife who's a distraction. In fact there isn't a whole lot of sex appeal to the show. Something I'm noticing as well is that the pacing isn't really suspenseful in a typical way. There's a lot of throwaway humor to this show. Sometimes its just pokey to get to the climax. There's a thread from this show coming all the way up to the present MAD MEN show in terms of style. Not that David Chase writes Mad Men but the people that worked under him on The Sopranos definitely have emulated and inherited his serio-comic tone.\": {\"frequency\": 1, \"value\": \"This is a fair ...\"}, \"It was such a treat when this show was on because it was such a fresh, innovative, and original show. This makes every show I've ever watched look plain boring. The moment the first episode aired I was entranced and I became attached to all the characters so easy (which usually never happens because I always hate a few characters). It is a pity this show won't have a third season, because it has to be one of the best shows I have ever seen and that isn't exaggerating my feelings for the show at all. Nothing can ever replace Pushing Daisies, because what could ABC possibly find to replace this show? This is easily the best show on television.

I came for Kristin Chenoweth and I stayed because I fell in love with the entire show.\": {\"frequency\": 1, \"value\": \"It was such a ...\"}, \"\\\"Mechenosets\\\" is one of the most beautiful romantic movies I've ever seen. The name of the film can be translated in English as \\\"the sword-bearer\\\". The main hero (Sasha) was born with one exceptional ability: he can protect himself with the extremely sharp sword which emerges from under the skin in his hand. At first side he can seem one more foolish superhero from the senseless movie about unreal events and feelings. But it is not about Mechenosets. He hardly can be even called the anti-hero. I think he is just a person who lost the purport in his life and faith in good, justice and love. In his life he has never met someone who could understand and love him (except his mother). Every his step is stained with blood; he takes revenge on everybody for his gift which became a damnation for him. And suddenly he meets her. She doesn't need the idle talks and explanations. She loves him for what he is. She doesn't care what he did. The fact that he's next to her is more important than anything else. But soon she finds out his secret: he kills two people (her ex-boyfriend and his bodyguard) to protect her before her very eyes. Even after that she couldn't escape her feelings. They try to run but it's hart to hide. Finally they have a serious car accident. He is caged; she is in a mental hospital. They don't know anything about each other, but she believes that he'll save her. He surmounts a lot of obstacles but finally finds her. They run again but they aren't invulnerable. She is wounded, she needs a rest, but police almost catch them. He doesn't know what to do, they drive into a corner, and then his sword begins to cut down trees, helicopter around them, but there is no need for it, because she is already dead in his arms, and he is the lonely person in the whole world again.\": {\"frequency\": 1, \"value\": \"\\\"Mechenosets\\\" is ...\"}, \"First of all, this is a low-budget movie, so my expectations were incredibly low going into it. I assume most people looking at the info for this movie just wanted a bloodfest, and essentially that's all it is.

Plot? There really is none. It's basically Saw but in China and a whole hell of a lot worse. Cast? There is none, period. Special Effects? Absolutely awful in my opinion... There were cutaways and the blood was often completely unbelievable because of amounts, splatter, color, texture, etc.

I believe the purpose of this movie was supposed to be a brutal, shock film. Now it had some great potential on a bigger budget but poor scripting, poor dialogue, awful acting, what seemed like camcorder video shots, and just plain unbelievable \\\"gore,\\\" made this movie truly awful.

There are movies worth taking a chance against some reviews, even \\\"b-rate\\\" movies deserve some opportunities (blood trails for example was the most recent I saw against reviews that was worth it), but this was simply awful. I hope that people considering this movie read my comment and decide against it.

I'm all for brutality and shock, but the overall unrealism and truly awful acting makes for an awful experience. Save your time/money and chance something else, you won't be disappointed.\": {\"frequency\": 1, \"value\": \"First of all, this ...\"}, \"The 1960's were a time of change and awakening for most people. Social upheaval and unrest were commonplace as people spoke-out about their views. Racial tensions, politics, the Vietnam War, sexual promiscuity, and drug use were all part of the daily fabric, and the daily news. This film attempted to encapsulate these historical aspects into an entertaining movie, and largely succeeded.

In this film, two families are followed: one white, one black. During the first half of the film, the story follows each family on a equal basis through social and family struggles. Unfortunately, the second half of the movie is nearly dedicated to the white family. Admittedly, there are more characters in this family, and the story lines are intermingled, but equal consideration is not given to the racial aspects of this century.

On the whole, the acting is well done and historical footage is mixed with color and black and white original footage to give a documentary feel to the movie. The movie is a work of fiction, but clips of well-known historical figures are used to set the time-line.

I enjoyed the movie but the situations were predictable and the storyline was one-sided.\": {\"frequency\": 2, \"value\": \"The 1960's were a ...\"}, \"DEAD HUSBANDS is a somewhat silly comedy about a bunch of wives conspiring to bump off each others husbands`. It`s by no means embarrassingly bad like some comedies I could mention but it never fufils its potential . Imagine how good this could have been if we had the Farrelly brothers directing Ben Stiller in the role of Carter Elson .

Oh is Carter based on Jerry Springer ? Just curious because the catch phrase on Dr Elson`s show is \\\" look after each other and keep talking \\\"\": {\"frequency\": 1, \"value\": \"DEAD HUSBANDS is a ...\"}, \"\\\"A young woman unwittingly becomes part of a kidnapping plot involving the son of a movie producer she is babysitting. The kidnappers happen to be former business partners of the son's father and are looking to exact some revenge on him. Our babysitter must bide her time and wait to see what will become of the son and herself, while the kidnappers begin to argue amongst themselves, placing the kidnap victims in great peril,\\\" according to the DVD sleeve's synopsis.

That acclaimed director Ren\\ufffd\\ufffd Cl\\ufffd\\ufffdment could be responsible for this haphazard crime thriller is the real shocker. Despite beginning with the appearance of having been edited in a washing machine, the film develops a linear storyline. Once you've figured out what is going on, the engaging Maria Schneider (as Michelle) and endearing John Whittington (as Boots) can get you through the film. There are a couple of female nude scenes, which fit into the storyline well.

**** Wanted: Babysitter (10/15/75) Ren\\ufffd\\ufffd Cl\\ufffd\\ufffdment ~ Maria Schneider, John Whittington, Vic Morrow\": {\"frequency\": 1, \"value\": \"\\\"A young woman ...\"}, \"Take \\\"Rambo,\\\" mix in some \\\"Miami Vice,\\\" slice the budget about 80%, and you've got something that a few ten-year-old boys could come up with if they have a big enough backyard & too much access to \\\"Penthouse.\\\" Cop and ex-commando McBain (Busey, and with a name like McBain, you know he's as gritty as they come) is recruited to retrieve an American supertank that has been stolen & hidden in Mexico. Captured with the tank were hardbitten Sgt. Major O'Rourke (Jones) & McBain's former love Devon (Fluegel), the officer in command & now meat for the depraved terrorists/spies/drug peddlers, who have no sense of decency, blah, blah, blah. For an action movie with depraved sex, there's a dearth of action and not much sex. The running joke is that McBain gets shot all the time & survives, keeping the bullets as souvenirs. Apparently the writers didn't see \\\"The Magnificent Seven\\\" (\\\"The man for us is the one who GAVE him that face\\\"), nor thought to give McBain even a pretense of intelligence. Even for a budget actioner, the production values are poor, with distant shots during dialog and very little movement. The main prop, the tank, is silly enough for an Ed Wood production. Fluegel, who might have been a blonde Julia Roberts (she had a far bigger role in \\\"Crime Story\\\" than Julia!) has to go from simpering to frightened to butt-kicking & back again on an instant's notice. Jones, who's been in an amazing array of films, pretty much hits bottom right here. Both he & Busey were probably just out for some easy money & a couple of laughs. Look for talented, future character actor Danny Trejo (\\\"Heat,\\\" \\\"Once Upon a Time in Mexico\\\") in a stereotyped, menacing bit part. Much too dull even for a guilty pleasure, \\\"Bulletproof\\\" is still noisy enough to play when you leave your house but want people to think there's someone home.\": {\"frequency\": 1, \"value\": \"Take \\\"Rambo,\\\" mix ...\"}, \"The Horror Channel plays nothing but erotic soft porn Gothic flicks each night from 10pm till about 4 in the morning, but their 'scare' factor is very limited, if one exists at all. In fact I am sure I will find a multi-million pound lottery win more scary than anything this channel has to offer.

The Bloodsucker Leads the Dance deserves special mention because it is I feel, the undisputed low of a channel full of lows. I cannot even begin to tell you how bad this film is, but for the purpose of completing the minimum 10 lines demanded by this site, I will at least give it a go.

Firstly the title is misleading and bears no resemblance to the action on the screen. In fact the film might as well have been called 'Toothbrush' or 'Wallpaper' for all it has to do with the plot. At least they used toothbrushes...at least they had wallpaper.

There are no bloodsuckers for miles around and whats even worse there are no dances, not one. I'm sure they were making two different films by mistake here.

A more suitable title would have been, 'Horny Italian Count Leads Five People to a Scary Castle and Bores us Silly for Ninety Minutes.' Yes that fits better.

The acting is terrible and and the dubbing appalling, and that guy who plays Seymour was almost as wooden in his walk as he was in his character....abysmal.

The only saving graces of this film are a small but slightly interesting lesbian sex scene, two small and very interesting heterosexual sex scenes, and the added attraction in that every single female character gets her kit off. Bonus.

Otherwise steer a wide birth away from this one. No vampires, no dancing, no scenes of a brutal or gruesome nature and no way on Gods earth I will ever, ever, ever watch this one again.

No word of a lie, this film could put you off motion pictures for life.\": {\"frequency\": 1, \"value\": \"The Horror Channel ...\"}, \"Yaaaaaaaaaaaaaawwwwwwwwwwwwwwwwwnnnnnnnnnnnnn! :=8O

ZZZZZZZZzzzzzzzzzzzzzzzzzzzzzzzzzzzzzzzzz........... <=8.

Oh, um excuse me, sorry, fell asleep there for a mooment. Now where was I? Oh yes, \\\"The Projected Man\\\", yes... ZZZZZZZZzzzzzzzzzzzzzzzzzzzzzzz........... <=8.

Ooops, sorry. Yes, \\\"The Projected Man\\\". Well, it's a British sci-fi yawnfest about nothing. Some orange-headed guy projects himself on a laser, gets the touch of death. At last he vanishes, the end. Actually, the film's not even that interesting. Dull, droning, starchy, stiff, and back-breakingly boring, \\\"The Projected Man\\\" is 77 solid minutes of nothing, starring nobody. Dull as dishwater. Dull as doorknob dust. Dull as Ethan Hawke - we're talking really DULL here, people! But wait, in respect to our dull cousins from across the puddle, the MooCow will now do a proper review for \\\"The Projected Man\\\":

ZZZZZZZZZZzzzzzzzzzzzzzzzzzzzzzzzzzzzzzzzzzz.............. <=8.\": {\"frequency\": 1, \"value\": \"Yaaaaaaaaaaaaaawww ...\"}, \"Human pot roast Joe Don Baker (MITCHELL) stars in this dull, unremarkable `action' movie as Deputy Geronimo, a fat, gassy slob who sits around in a stupid looking cowboy suit, listening to country music and eating too many donuts. Meanwhile, a vaguely criminal guy named Palermo (played by the guy who owned the drill in Fulci's GATES OF HELL) stumbles into Joe Don's territory and shoots the sheriff in a poorly edited scene. Joe Don- slowly- gives chase and offs Palermo's brother after uttering his now legendary catch phrase `It's your move. Think you can take me? Well, go ahead on'. For some reason Joe Don, a Texas lawman, must transport Palermo to Italy (`Mr. Palermo's been a major source of embarrassment to the Italian government,' says Mr. Wilson, another vague character played by Bill McKinney, who was in MASTER NINJA 1, SHE FREAK, and a lot of good Clint Eastwood movies).

Anyhoo, Joe Don's plane must land on the island of Malta, where Palermo escapes with the help of a briefcase and a guy who looks like Jon Lovitz. And that's where the movie grinds to a halt. For the rest of the movie, Joe Don looks for Palermo, looses Palermo, ends up in a jail cell, is yelled at by the Malta chief of police, and then is let go with a warning not to look for Palermo any more. Then Joe Don keeps looking for Palermo, looses Palermo, ends up in a jail cell, is yelled at by the Malta chief of police, and then is let go with a warning not to look for Palermo any more. Then Joe Don looks for Palermo, looses Palermo, ends up in a jail cell, is yelled at by the Malta chief of police, and then is let go with a warning not to look for Palermo any more. This is one aggravating movie.

At one point Joe Don is thought to be dead at sea. All the other characters wonder if he's dead or not, finally concluding that he is. But then he shows up (he was rescued by a poor family) and no one mentions the fact that he was missing at sea for several days. Even his cute, Julia Louise-Dreyfuss-esque sidekick doesn't welcome him back. She does, however, offer to help him find Palermo, so Joe Don looks for Palermo, looses Palermo, ends up in a jail cell, is yelled at by the Malta chief of police, and then let go with a warning not to look for Palermo any more.

Highpoints include, a bizarre carnival with strange colorful floats, some sexy strippers, a shoot out involving a kid dressed like Napoleon AND a cart of tomatoes, a chase scene involving a guy dressed like a monk, and any scene without Joe Don. Lowpoints include Joe Don threatening a stripper with a coat hanger.

It should be noted that this is from Greydon Clark, director of ANGEL'S REVENGE, who appears as the sheriff. Ick!

\": {\"frequency\": 1, \"value\": \"Human pot roast ...\"}, \"Columbo movies have been going downhill for years, this year it may have reached the bottom. Peter Falk gives the same uninspired performance and comes over as creepy in this movie. As is usual in this series, crime scene protocols are unheard of so plausibility is always lacking. Brenda Vaccaro chews the scenery and pulls pantomime faces and Andrew Stephens is a pretty unconvincing lady's man. (His faint, though, was a hoot!)The script was by the numbers and its delivery patronising. They should never have brought Columbo into the nineties, just left us all with one or two happy memories of clever plots, better scripts and sharp characterisations.\": {\"frequency\": 1, \"value\": \"Columbo movies ...\"}, \"A LAUREL & HARDY Comedy Short. The Boys arrive to sweep the chimneys at the home of Professor Noodle, a mad scientist who's just perfected his rejuvenation serum. Stan & Ollie proceed with their DIRTY WORK, spreading destruction inside the house and on the roof. Then the Professor wants to try out his new potion...

A very funny little film. The ending is a bit abrupt, but much of the slapstick leading up to it is terrific. Especially good is Stan & Ollie's contest of wills at opposite ends of the chimney. That's Lucien Littlefield as the Professor.\": {\"frequency\": 1, \"value\": \"A LAUREL & HARDY ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"I just rented this ...\"}, \"I bought this video at Walmart's $1 bin. I think I over-paid!!! In the 1940s, Bela Lugosi made a long string of 3rd-rate movies for small studios (in this case, Monogram--the ones who made most of the Bowry Boys films). While the wretchedness of most of these films does not approach the level of awfulness his last films achieved (Ed Wood \\\"classics\\\" such as Bride of the Monster and Plan 9 From Outer Space), they are nonetheless poor films and should be avoided by all but the most die-hard fans.

I am an old movie junkie, so I gave this a try. Besides, a few of these lesser films were actually pretty good--just not this one.

Lugosi is, what else, a mad scientist who wants to keep his rather bizarre and violent wife alive through a serum he concocts from young brides. They never really explained WHY it had to be brides or why it must be women or even what disease his wife had--so you can see that the plot was never really hashed out at all.

Anyways, a really annoying female reporter (a Lois Lane type without Jimmy Olsen or Superman) wants to get to the bottom of all these apparent murders in which the bodies were STOLEN! So, she follows some clues all the way to the doorstep of Lugosi. Lugosi's home is complete with his crazed wife, a female assistant and two strange people who are apparently the assistant's sons (an ugly hunchbacked sex fiend and a dwarf). Naturally this plucky reporter faints repeatedly throughout the film--apparently narcolepsy and good investigative journalism go hand in hand! Eventually, the maniacs ALL die--mostly due to their own hands and all is well. At the conclusion, the reporter and a doctor she just met decide to marry. And, naturally, the reporter's dumb cameraman faints when this occurs. If you haven't noticed, there's a lot of fainting in this film. Or, maybe because it was such a slow and ponderous film they just fell asleep!\": {\"frequency\": 1, \"value\": \"I bought this ...\"}, \"First of all I am a butch, straight white male. But even with that handicap I love this movie. It's about real people. A real time and place. And of course New York City in the 80's. I had many gay friends growing up in New York in the eighties and the one thing about them i always admired was their courage to live their lives the way they wanted to live them. No matter what the consequences. That's courageous. You have to admire that. This is a great film, watch it and take in what it was like to be a flamboyant African American or Hispanic Gay man in the New York of the eighties. It's real life. Bottom line it's real life.\": {\"frequency\": 1, \"value\": \"First of all I am ...\"}, \"I have to admit right off the top, I'm not a big fan of \\\"family\\\" films these days. Most of them, IMHO, are sentimental crap. But this one, like TOY STORY, the previous film from Pixar, is a lot of fun. The two lead characters were perhaps a bit too bland(especially compared to the two leads in ANTZ, but otherwise this film is better), but the rest of the film more than made up for it. The animation looked great, the humor, though broad, was consistently good(I especially liked Hopper's line \\\"If I hadn't promised Mother on her deathbed that I wouldn't kill you, I would kill you!\\\"), and the actors doing the voices, except the two leads, were all terrific(Denis Leary doing an animated movie; what a concept). And like everyone else, I loved the outtakes! I hope the video has the new ones.\": {\"frequency\": 1, \"value\": \"I have to admit ...\"}, \"I have to say, Seventeen & Missing is much better than I expected. The perception I took from the previews was that it would be just humdrum but I was pleasantly surprised with this impressive mystery.

Dedee Pfeiffer is Emilie, a mom who insists her daughter, Lori (Tegan Moss), not attend a so-called graduation party one weeknight, but Lori ignores her mother's wishes and takes off for the party anyway. When Lori does not come home, Emilie knows something is wrong and she begins to have visions of her daughter and the events that led to her disappearance.

Seventeen & Missing is better than so many other TV movies of this type, as it is not so predictable. Pfeiffer is the reason to see this movie, and most of it comes off as believable. This LMN Original Movie premiered last night. 10/10\": {\"frequency\": 1, \"value\": \"I have to say, ...\"}, \"The arrival of vast waves of white settlers in the 1800s and their conflict with the Native American residents of the prairies spelled the end for the buffalo...

The commercial killers, however, weren't the only ones shooting bison... Train companies offered tourist the chance to shoot buffalo from the windows of their coaches... There were even buffalo killing contests... \\\"Buffalo\\\" Bill Cody killed thousands of buffalo... Some U. S. government officers even promoted the destruction of the bison herds... The buffalo nation was destroyed by greed and uncontrolled hunting... Few visionaries are working today to rebuild the once-great bison herds...

\\\"The Last Hunt\\\" holds one of Robert Taylor's most interesting and complex performances and for once succeeded in disregarding the theory that no audience would accept Taylor as a heavy guy...

His characterization of a sadistic buffalo hunter, who kills only for pleasure, had its potential: The will to do harm to another...

When he is joined by his fellow buffalo stalker (Stewart Granger) it is evident that these two contrasted characters, with opposite ideas, will clash violently very soon...

Taylor's shooting spree was not limited to wild beasts... He also enjoy killing Indians who steal his horses... He even tries to romance a beautiful squaw (Debra Paget) who shows less than generous to his needs and comfort...

Among others buffalo hunters are Lloyd Nolan, outstanding as a drunken buffalo skinner; Russ Tamblyn as a half-breed; and Constance Ford as the dance-hall girl... But Taylor steals the show... Richard Brooks captures (in CinemaScope and Technicolor) distant view of Buffalos grazing upon the prairie as the slaughter of these noble animals...

The film is a terse, brutish outdoor Western with something to say about old Western myths and a famous climax in which the bad guy freezes to death while waiting all night to gun down the hero...\": {\"frequency\": 1, \"value\": \"The arrival of ...\"}, \"This film has a clear storyline, which is quite unusual to the musical genre. \\\"Cats\\\", \\\"Phantom of the Opera\\\", and other Andrew Lloyd Webber's musicals can be considered metaphorical, as they use literary works as their framework. \\\"Biarkan Bintang Menari\\\" (BBM)'s storyline touches the very core of human relationships, especially that of Indonesian people. Despite the fact the film was based on a \\\"supposedly\\\" fairytale, it's actually a fantasy of the 'child' in Indonesian adults. The dance sequences are not perfect, yet the songs represent how Indonesians express themselves. I reckon the choreographer should explore Indonesian way of dancing, by not dismaying the fact that Indonesia's dance development tends to be more westernized. The dance sequences seem awkward in some ways and not synchronized with the songs and/or music. Yet, I still love this movie and regard it as a new wave of Indonesian film genre which I hope to improve in the future.\": {\"frequency\": 1, \"value\": \"This film has a ...\"}, \"I came across this film by accident when listing all the films I wanted my sister to record for me whilst I was on holiday and I am so glad that I included this one. It deals with issues that most directors shy away from, my only problem with this film is that it was made for TV so I couldn't buy a copy for my friend!

It's a touching story about how people with eating disorders don't necessarily shy away from everyone and how many actually have dieting buddies. It brought to my attention that although bulimics can maintain a fairly stable weight, it has more serious consequences on their health that many people are ignorant of.\": {\"frequency\": 1, \"value\": \"I came across this ...\"}, \"Eric Rohmer's 'The Lady and the Duke' is based on the journals of an English aristocrat who lived through the French revolution. But it's a stilted affair, with its strange, painted backdrops and mannered conversational tone. Most notably, this portrait of age of terror takes place almost entirely at one remove from the real action; one sees very little of ordinary people in this movie, and little of the chaos, poverty and terror that unfolded away from the drawing rooms of the persecuted, but spoilt, aristocratic classes. The result is frequently dull, and ultimately unenlightening about the forces that sometimes drive societies to the brink of destruction; it's a disappointing film from an acclaimed director.\": {\"frequency\": 1, \"value\": \"Eric Rohmer's 'The ...\"}, \"Either or, I love the suspension of any formulaic plot in this movie. I have re-visited it many times and it always holds up. A little too stylized for some but I fancy that any opera lover will love it. Norman Jewison, a fellow Canadian, takes enormous chances with his movies and his casting and it nearly always pays off in movies that are off centre and somehow delicious, as this one is. I have often wondered at the paucity of Cher's acting roles, whether she has chosen to minimize this part of her life or she does not get enough good roles to chew on. I have found her to be a superb actress who can retreat into a role, as in this particular one or be loud and daring and fierce as in \\\"Mask\\\". I found the comedic strokes broad at times ( a hair salon called \\\"Cinderella\\\")but this was the whole intent of both the writer and director. Nicolas Page plays the angst ridden tenor of opera, all extravagant gestures, at one point demanding a knife so as to slit his own throat. The Brooklyn scenes are magical, this is a Brooklyn under moonlight, romanticized and dramatic, just like opera. All in all a very satisfying film not to everyone's taste by a long shot, I loved the ending, everyone brought together like a Greek Chorus, every part subtly nuanced and blending with the others, the camera pulling away down the hall, leaving the players talking. 8 out of 10.\": {\"frequency\": 1, \"value\": \"Either or, I love ...\"}, \"Although I am generally a proponent of the well-made film, I do not limit myself to films which escape those boundaries, and more often than not I do enjoy and admire films that successfully \\\"break the rules.\\\" And it is quite true that director Pasolini breaks the rules of established cinema. But it is also my opinion that he does not break them successfully or to any actual point.

Pasolini's work is visually jarring, but this is less a matter of what is actually on the screen than how it is filmed, and the jumpiness of his films seem less a matter of artistic choice than the result of amateur cinematography. This is true of DECAMERON. Pasolini often preferred to use non-actors, and while many directors have done so with remarkable result, under Pasolini's direction his non-actors tend to remain non-actors. This is also true of DECAMERON. Pasolini quite often includes images designed to shock, offend, or otherwise disconcert the audience. Such elements can often be used with startling effect, but in Pasolini's hands such elements seldom seem to actually contribute anything to the film. This is also true of DECAMERON.

I have been given to understand there are many people who like, even admire Pasolini's films. Even so, I have never actually met any of them, and I have never been able to read anything about Pasolini or his works that made the reason for such liking or admiration comprehensible to me. Judging him from his works alone, I am of the opinion that he was essentially an amateurish director who did not \\\"break the rules\\\" so much by choice as by lack of skill--and who was initially applauded by the intelligentsia of his day for \\\" existential boldness,\\\" thereby simply confirming him in bad habits as a film maker. I find his work tedious, unimpressive, and pretentious. And this, too, is true of DECAMERON. It is also, sadly, true of virtually every Pasolini film it has been my misfortune to endure.\": {\"frequency\": 1, \"value\": \"Although I am ...\"}, \"This tear-teaser, written by Steve Martin himself, is so unbelievably bad, it makes you sick to your stomach!

The plot is pathetic, the acting awful, and the dialogue is even more predictable than the ending.

Avoid at all costs!\": {\"frequency\": 1, \"value\": \"This tear-teaser, ...\"}, \"As much as I like big epic pictures - I'll spare you the namedropping - it's great to kick back with a few beers and a simple action flick sometimes. Films where the plot takes a backseat to the set-pieces. Films where the dialogue isn't so cleverly written that it ties itself in endless knots of purple prose. There are HUNDREDS of films that fit the bill... but in my opinion Gone In Sixty Seconds is one of the better ones.

It's an update of the movie that shares its name. It also shares that picture's ethos, but not quite it's execution. Whatever was great about the original has been streamlined. Whatever was streamlined was also amped up thanks to a bigger budget. Often these kinds of endeavours are recipes for complete disaster - see the pug-ugly remake of The Italian Job for one that blew it - but here, thanks to a cast of mostly excellent actors, Sixty succeeds.

The plot and much of the dialogue isn't much to write IMDb about. Often you'll have scenes where the same line of dialogue goes back and forth between the actors, each of whom will voice it with different inflections. A lot of people found this annoying; I find it raises a smile. Each actor gets a chance to show off his or her definition of style here, with Cage, Jolie and Duvall leading the pack of course (and it should be noted that it's also amusing to see Mrs Pitt not given first billing here). The chemistry between good ol' Saint Nick the stalwart (see date of review) and Angelina leads to a couple of nice moments.

The villain is not even a little scary - I've seen Chris Eccleston play tough-guy roles before so I know he can handle them, but I think he was deliberately directed to make his role inconsequential as not to distract from the action. We know the heroes are going to succeed, somehow; we're just sitting in the car with them, enjoying the ride. I think a lot of these scenes were played with tongue so far in-cheek that it went over the heads of a lot of people giving this a poor rating. In fact, I wouldn't have minded some fourth-wall breaking winks at the camera: it's just that kind of movie.

All this style and not so much substance - something that often exhausts my patience if not executed *just* so - would be worthless if the action wasn't there. And for the most part, it is. Wonderfully so. I've noticed that it seems to be a common trend to be using fast-cut extreme close-up shots to direct action these days. I personally find this kind of thing exhausting. I prefer movies like this where the stunts are impressive enough to not need artificial tension ramping by raping tight shots all the time. I've been told that Cage actually did as many of the car stunts as he could get away with without losing his insurance (in real life I mean - his character clearly doesn't care) and it shows. The man can really move a vehicle and this is put to good use in the slow-burning climatic finale where he drives a Mustang into the ground in the most outlandish - and FUN - way possible.

So yes, this movie isn't an \\\"epic, life-affirming post-9/11 picture with obligatory social commentary\\\" effort. The pacing is uneven, some of the scenes could have been cut and not all the actors tow the line. But car movies rarely come better than this. So if you hate cars... why are you even reading these comments?!

I'd take it over the numerous iterations of \\\"The Flaccid And The Tedious\\\" (guess the franchise) any day. 7/10\": {\"frequency\": 1, \"value\": \"As much as I like ...\"}, \"Vijay Krishna Acharya's 'Tashan' is a over-hyped, stylized, product. Sure its a one of the most stylish films, but when it comes to content, even the masses will reject this one. Why? The films script is as amateur as a 2 year old baby. Script is king, without a good script even the greatest director of all-time cannot do anything. Tashan is produced by the most successful production banner 'Yash Raj Films' and Mega Stars appearing in it. But nothing on earth can save you if you script is bland. Thumbs down!

Performances: Anil Kapoor, is a veteran actor. But how could he okay a role like this? Akshay Kumar is great actor, in fact he's the sole saving grace. Kareena Kapoor has never looked so hot. She looks stunning and leaves you, all stand up. Saif Ali Khan doesn't get his due in here. Sanjay Mishra, Manoj Phawa and Yashpal Sharma are wasted.

'Tashan' is a boring film. The films failure at the box office, should you keep away.\": {\"frequency\": 1, \"value\": \"Vijay Krishna ...\"}, \"I saw this on cable recently and kinda enjoyed it. I've been reading the comments here and it seems that everyone likes the second half more than the first half. Personally, I enjoyed the first story (too bad that wasn't extended.) The second story, I thought, was cliched. And that \\\"California Dreaming,\\\" if I hear that one more time... Chungking Express is alright, but it's not something that mainstream audiences will catch on to see, like \\\"Crouching Tiger.\\\"\": {\"frequency\": 1, \"value\": \"I saw this on ...\"}, \"\\\"The Brain Machine\\\" will at least put your own brain into overdrive trying to figure out what it's all about. Four subjects of varying backgrounds and intelligence level have been selected for an experiment described by one of the researchers as a scientific study of man and environment. Since the only common denominator among them is the fact that they each have no known family should have been a tip off - none of them will be missed.

The whole affair is supervised by a mysterious creep known only as The General, but it seems he's taking his direction from a Senator who wishes to remain anonymous. Good call there on the Senator's part. There's also a shadowy guard that the camera constantly zooms in on, who later claims he doesn't take his direction from the General or 'The Project'. Too bad he wasn't more effective, he was overpowered rather easily before the whole thing went kablooey.

If nothing else, the film is a veritable treasure trove of 1970's technology featuring repeated shots of dial phones, room size computers and a teletype machine that won't quit. Perhaps that was the basis of the film's alternate title - \\\"Time Warp\\\"; nothing else would make any sense. As for myself, I'd like to consider a title suggested by the murdered Dr. Krisner's experiment titled 'Group Stress Project'. It applies to the film's actors and viewers alike.

Keep an eye out just above The General's head at poolside when he asks an agent for his weapon, a boom mic is visible above his head for a number of seconds.

You may want to catch this flick if you're a die hard Gerald McRaney fan, could he have ever been that young? James Best also appears in a somewhat uncharacteristic role as a cryptic reverend, but don't call him Father. For something a little more up his alley, try to get your hands on 1959's \\\"The Killer Shrews\\\". That one at least doesn't pretend to take itself so seriously.\": {\"frequency\": 1, \"value\": \"\\\"The Brain ...\"}, \"Four macho rough'n'tumble guys and three sexy gals venture into a remote woodland area to hunt for a bear. The motley coed group runs afoul of crazed Vietnam veteran Jesse (an effectively creepy portrayal by Alberto Mejia Baron), who not surprisingly doesn't take kindly to any strangers trespassing on his terrain. Director/co-writer Pedro Galindo III relates the gripping story at a steady pace, creates a good deal of nerve-rattling tension, and delivers a fair amount of graphic gore with the brutal murder set pieces (a nasty throat slicing and a hand being blown off with a shotgun rate as the definite gruesome splatter highlights). The capable cast all give solid performances, with especially praiseworthy work by Pedro Fernandez as the nice, humane Nacho, Edith Gonzalez as the feisty Alejandra, Charly Valentino as the amiable Charly, and Tono Mauri as antagonistic jerk Mauricio. Better still, both yummy blonde Marisol Santacruz and lovely brunette Adriana Vega supply some tasty eye candy by wearing skimpy bathing suits. Antonio de Anda's slick, agile cinematography, the breathtaking sylvan scenery, Pedro Plascencia's robust, shuddery, stirring score, the well-developed characters, and the pleasingly tight'n'trim 76 minute running time further enhance the overall sound quality of this bang-up horror/action hybrid winner.\": {\"frequency\": 1, \"value\": \"Four macho ...\"}, \"This movie is really special. It's a very beautiful movie. Which starts with three orphans, Sho, his brother Shinji and their friend Toshi, They're poor children's, living on the street, but one day they succeeded to steal a bag full of money, and then their able to live on, to buy a house, and their life seems to become much better. They're making new friend, life-friends. But something went wrong and they're becoming enemies and it all ends up with them killing each other.

I was negative about this movie in the beginning, because when singers (Gackt - Solo, ex-singer in Malice Mizer, Hyde - Solo, singer in L'Arc~en~Ciel, both very famous in Japan and Wang Lee-Hom - Taiwanese singer) trying to become actors, but this isn't like the other singers-going-actors-movies. They're doing a great job, and with no earlier experience in movies (except for Lee-Hom, who had been in two movies before).

This is absolutely one of my favorite movies. Maybe that's a little because I'm a very big fan of Hyde, but - it was this movie who made me discover him.

Well, Gackt (playing the main character - the orphan Sho) was a part of the group who wrote the script, and it was he who insisted that Hyde should play Sho's friend, the vampire Kei. At that time they didn't know each other, at least not like friends. But after the movie they became really good friend, and that shows us too that they really worked hard on this movie and that they had good cooperation.

The movie have many different feelings running trough the story, Love, Hate, Sadness, Pain, Loneliness, Happiness and so on. I think the first hour are the best, it's so beautiful. After that people are dying, Kei's leaving and it all changes so much. But still it's a great movie, it's the only movie who has ever made me cry, it ends up so sad, but still beautiful.

So if you haven't seen this movie, you really should. Because it's wonderful, but sad. You won't regret it. ^^\": {\"frequency\": 1, \"value\": \"This movie is ...\"}, \"The Maxx is a deep psychological introspective lightly camouflaged as a weird-out superhero story. Julie Winters is a \\\"freelance social worker\\\" in an unnamed filthy city, ridden with crime, and she and everyone she knows has a lot of issues to work through. The Maxx is her friend and client, a street bum who thinks he's a costumed superhero - or is it the other way around?

The Maxx is not to be missed for the artwork, the story itself, or the excellent voice work - particularly the late Barry Stigler's deliciously urbane, drippingly evil voicing of the main villain, Mr. Gone.

If you get the chance to see this, don't miss it.\": {\"frequency\": 1, \"value\": \"The Maxx is a deep ...\"}, \"In Mexico this movie was aired only in PayTV. Dietrich Bonhoeffer's life, is a true example about a good German and specially, about a good man. The conversations between Tukur's character and the Nazi prosecutor are specially interesting. A true ideas' war: two different Germans, both with faith in there believes. Bonhoeffer was a very complex person: man, freedom fighter, boyfriend, churchman and a great intellectual; Ulrich Tukur is outstanding as Bonhoeffer. I recommended this film a lot, specially in this difficult times for the planet. In Mexico we don't know a lot about Pastor Bonhoeffer life and legacy, this is a great work for rescue a forgotten hero.\": {\"frequency\": 1, \"value\": \"In Mexico this ...\"}, \"The comedic might of Pryor and Gleason couldn't save this dog from the tissue-thin plot, weak script, dismal acting, and laughable continuity in editing this mess together. It has a very few memorable moments, but the well dries up quickly. As a kid I remember this as a Luke-warm vehicle for the two actor-comedians, but there was always something strange about the flow and feeling of what was being conveyed in each scene and how this ties to the plot overall. Watching it again after many years, it screams schlock-a-mania. I'm not so concerned with the racial controversy, as I wouldn't mind seeing a movie take that issue on with a little levity. The most obvious fault to me is that the scenes are laid out like a jumbled, non-related series of 2 minute situation comedy bits (any not very good ones at that), that were stapled together by the editor after an all-nighter at the local watering hole. Characters change feelings and motivations on a dime, without rhyme nor reason, between scenes and within scenes, making this feel as though no one had any idea of what to get out of the screenplay. Not that it was any gem to start with. I feel bad for the two actors whose legacy is marred by this disaster that should never have been made. Maybe my sense of humor has become too refined...\": {\"frequency\": 1, \"value\": \"The comedic might ...\"}, \"SPOILERS All too often, Hollywood's Shakespeare adaptations entertaining pieces of cinema. Beautifully shot they are well performed and faithful to the text. Films including Branagh's \\\"Henry V\\\" and 1993's \\\"Much Ado About Nothing\\\" are powerful pieces of work. Watching \\\"Love's Labour's Lost\\\" therefore, it's such a huge disappointment for expectation to be so hideously thrown to waste. Sadly \\\"Love's Labour's Lost\\\" is awful! The King of Navarre (Alessandro Nivola) and his friends have forsaken drink and women for three years to focus on their studies. Plans begin to fall apart however when the enigmatic Princess of France (Alicia Silverstone) and her entourage arrive. Soon love is in the air and philosophy is off the Prince's mind.

From the start, you realise that this film is not quite Shakespeare. Cleverly relocated into a 1930s musical by Ken Branagh, the plot is still there and the script remains, but now it has been sacrificed in favour of dire musical taste. Classics like \\\"The Way You Look Tonight\\\", \\\"Let's Face The Music and Dance\\\", \\\"I'm in Heaven\\\" are all destroyed by weak singing and a strong feel that they just don't belong here.

Aside from weak singing, we are also treated to an increasingly large number of awkward performances by regular stars. Ken Branagh and friends might enjoy making this film, but they provide us with a stomach turning collection of roles.

The main eight actors (four men & four women) are all equally dire, and the only positive on their behalf is a vast improvement on the truly dreadful Timothy Spall.

In fact, only one individual leaves the film worthy of any praise and that's the consistently magnificent Nathan Lane. Lane has proved over the years that he is a comedy genius and in this feature he once again adds an air of humour to the jester Costard.

There's little else to be said really. \\\"Love's Labour's Lost\\\" deserves mild praise for Branagh's original take on an old tale. Unfortunately though, that's where the positives end. Weakly acted, performed, sang and constructed, \\\"Love's Labour's Lost\\\" is perhaps the weakest Shakespeare adaptation of the last forty years. It should be avoided like the plague and should never have been made. A poor, disappointing choice by Branagh and here's hoping his next effort is better.\": {\"frequency\": 1, \"value\": \"SPOILERS All too ...\"}, \"The ending of this movie made absolutely NO SENSE. What a waste of 2 perfectly good hours. If you can explain it to me...PLEASE DO. I don't usually consider myself unable to \\\"get\\\" a movie, but this was a classic example for me, so either I'm slower than I think, or this was a REALLY bad movie.\": {\"frequency\": 1, \"value\": \"The ending of this ...\"}, \"This is the official sequel to the '92 sci-fi action thriller. In the original, Van Damme was among several dead Vietnam War vets revived to be the perfect soldiers (Unisols). In this one, it's, I guess, about a dozen years later, since Van Damme has a daughter about that age. Now he's working with the government in a classified installation to train the latest Unisols - codenamed Unisol 2500, for some reason. As usual, something goes wrong: the on-site super-computer (named Seth - like the snake in \\\"King Cobra\\\" the same year) goes power-crazy, takes command of the Unisols, and even downloads its computer brain into a new super-Unisol body (Jai White). We're lookin' at the next step in evolution, folks! Most of Van Damme's fights are with one particularly mean Unisol (pro wrestler Goldberg) who just keeps on comin': drop him off a building - no good; run him down with a truck - no go! Shoot him, burn him - forgetaboutit! Much of the humor is traced to how Van Damme is now outmoded and out-classed(he's even going grey around the edges). But, though he takes a lickin', he keeps on kickin'! Most sequels of this sort are pretty lame - pale imitations of the originals, and while this one is certainly no stroke of genius, it manages to be consistently entertaining, especially if you're a pro-wrestling fan.\": {\"frequency\": 1, \"value\": \"This is the ...\"}, \"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\": {\"frequency\": 1, \"value\": \"Ronald Reagan and ...\"}, \"This is one of those landmark films which needs to be situated in the context of time.Darkness in Tallinn was made in 1993.It was a period of chaos,confusion and gross disorder not only for ordinary denizens of Estonia but also for countless citizens of other former nations which were a part of mighty Soviet empire.It was in such a tense climate that a young country named Estonia was born.As newly established governments are known to encounter teething problems,Estonia too faced numerous troubles as some corrupt officials manipulated state machinery for filling their dirty pockets by making use of their selfish means.This is one of this film's core themes.Darkness in Tallinn appears as an Estonian film but it was made by a Finnish director Ilka J\\ufffd\\ufffdrvilaturi. He has tried his best to infuse as many possible doses of Estonian humor.This is why one can call it a comedy film of political undertones.As ordinary people are involved in this film, we can say that this film signifies good versus evil.This is not a new concept as it is readily available in most of the religious books of different faiths.Darkness in Talinn shows us as to how ordinary governments can also be toppled by corrupt people.A nice film to watch on a sunny day.\": {\"frequency\": 1, \"value\": \"This is one of ...\"}, \"When I refer to Malice as a film noir I am not likening it to such masterpieces as Sunset Boulevard, Double Indemnity or The Maltese Falcon, nor am I comparing director Becker to Alfred Hitchcock, Stanley Kubrick, Stanley Kramer or Luis Bunuel. I am merely registering a protest against the darkness that pervades this movie from start to finish, to the extent that most of the time you simply cannot make out what is going on. I can understand darkness in night scenes but this movie was dark even in broad daylight, for what reason I am at loss to understand. As it is, however, it wouldn't have made much difference if director Becker had filmed it in total darkness.\": {\"frequency\": 1, \"value\": \"When I refer to ...\"}, \"I love this show! Mr. Blick, Gordon, and Waffle are cats so different from each other, yet they refer to themselves collectively as 'brothers.' I often find myself trying to imitate the tired, sighing accent of their butler, Hovis, or even the Scottish borough of Gordon. There should be more episodes made about Human Kimberly. The episode about the cats disguising themselves as pre-teen girls to gain admittance to Human Kimberly's slumber party in order to get their thirsty paws on their favorite drink, Rootbeer, is a hilarious classic. We can't drink rootbeer in our house now without either doing the Catscratch voices or the Hanson Brothers from the movie 'Slap Shot.' Future classic. Where can I get the first two seasons on DVD??\": {\"frequency\": 1, \"value\": \"I love this show! ...\"}, \"The movie 'Gung Ho!': The Story of Carlson's Makin Island Raiders was made in 1943 with a view to go up the moral of American people at the duration of second world war. It shows with the better way that the cinema can constitute body of propaganda. The value of this film is only collection and no artistic. In a film of propaganda it is useless to judge direction and actors. Watch that movie if you are interested to learn how propaganda functions in the movies or if you are a big fun of Robert Mitchum who has a small role in the film. If you want to see a film for the second world war, they exist much better and objective. I rated it 4/10.\": {\"frequency\": 1, \"value\": \"The movie 'Gung ...\"}, \"The film is poorly casted, except for some familiar old Hollywood names. Other performances by unknown names (i.e., Jennifer Gabrielle) are uninspiring. I have seen other films by this director, unfortunately this is one of his worst. Perhaps this is a reflection of the screenplay?

In a positive note, Kim Bassinger's and Pat Morita's performance saved the movie from oblivion. I enjoyed Pat more in Karate Kid, though. There are many good movies to see, and in short, this one is not one of them. Save your money and the celluloid.

Jason Vanness\": {\"frequency\": 2, \"value\": \"The film is poorly ...\"}, \"If you are studying Welles and want to see just how far he fell after Citizen Kane, this film will prove it. The cheap excuse of making the protagonist a self-admitted dummy to explain how he might fall into such a half-baked scheme fails to explain the absurd courtroom theatrics and ridiculous plot twists that eventually ensue. Don't be taken in by the high rating of this film in the db as I was; all I can guess is that there are a lot of die hard old Welles and Hayworth fans out there.\": {\"frequency\": 1, \"value\": \"If you are ...\"}, \"Director Raoul Walsh was like the Michael Bay of the '40's and years before that. And I mean that in a positive way, since I'm definitely ain't no Bay-hater. His movies are just simple high quality entertainment, just like the Raoul Walsh movies were in his days.

\\\"Gentleman Jim\\\" is fine quality entertainment. Besides a first class director, it also features a first grade cast, with Raoul Walsh's regular leading man Errol Flynn in the main part.

What surprised me was how well the boxing matches were brought to the screen. They used some very dynamic camera-work, which also really made the boxing matches uplifting and exciting to watch, with the end championship fight against John L. Sullivan as the ultimate highlight.

Biopics of the '40's and earlier on were obviously still very much different from biographies being made this present day. Modern biographies often glorify its main subject and show his/her life from basically birth till death and everything, mostly emotional aspects, in between. 'Old' biopics were just made the same as movies that weren't based on actual real life persons, which also means that the film-makers would often use a use amount of creative liberty with the main character's personality and events that happened in his/her life. This movie is also not just a biography about a boxing legend but also forms a nice portrayal from the period when illegal bare knuckle fighting entered the modern era of boxing.

Errol Flynn does a great job portraying the real life famous boxer James J. Corbett aka Gentleman Jim. Not too many people known it but Flynn did some real good acting jobs in the '40's, of which this movie is one. Fysicaly he also looks in top-shape. He also looks quite different by the way without his trademark small mustache in this movie. The movie also features some fine supporting actors and some fine acting throughout.

A great and entertaining movie that also still truly holds up real well today.

8/10\": {\"frequency\": 1, \"value\": \"Director Raoul ...\"}, \"An ultra-nervous old man, \\\"Mr. Goodrich,\\\" terrorized by the news that a gang is stalking the city and prominent citizens are disappearing, really panics when someone throws a rock through his window with a message tied to it, saying \\\"You will be next!\\\"

He calls the detective agency wondering where are the guys he asked for earlier. Of course, it's the Stooges, who couldn't respond because had come into the office, robbed them and tied them up. Some detectives! The moment poor Mr. Goodrich hangs up the phone and says, \\\"I feel safer already,\\\" a monster-type goon named \\\"Nico\\\" appears out of a secret panel in the room and chokes him unconscious. We next find out that his trusted employees are anything but that. Now these crooks have to deal with the \\\"detectives\\\" that are coming by the house for Mr. Goodrich.

Some of the gags, like Moe and Larry's wrinkles, are getting a bit old, but some of them will provoke laughs if I see them 100 times. I always laugh at Shemp trying to be a flirt, as he does here with Mr. Goodrich's niece, in a classic routine with a long, accordion-like camera lens. The act he puts on when he's poisoned is always funny, too. Shemp was so good that I didn't mind he was taking the great Curly's place.

Larry, Moe, Curly/Shemp were always great in the chase scenes, in which monsters or crooks or both are chasing them around a house. That's the last six minutes in here. At times, such as this film,\": {\"frequency\": 1, \"value\": \"An ultra-nervous ...\"}, \"Cypher is a clever, effective and eerie film that delivers. Its good premise is presented well and it has its content delivered in an effective manner but also in a way the genre demands. Although one could immediately label the film a science fiction, there is a little more to it. It has it's obvious science fiction traits but the film resembles more of a noir/detective feel than anything else which really adds to the story.

The film, overall, plays out like it's some kind of nightmare; thus building and retaining a good atmosphere. We're never sure of what exactly is going on, we're never certain why certain things that are happening actually are and we're not entirely sure of certain people, similar to having a dream \\ufffd\\ufffd the ambiguity reigns over us all \\ufffd\\ufffd hero included and I haven't seen this pulled off in such a manner in a film before, bar Terry Gilliam's Brazil. Going with the eeriness stated earlier, Cypher presents itself with elements of horror as well as detective, noir and science fiction giving the feeling that there's something in there for everyone and it integrates its elements well.

There is also an espionage feeling to the film that aids the detective side of the story. The mystery surrounding just about everyone is disturbing to say the least and I find the fact that the character of Rita Foster (Liu), who is supposed to resemble a femme fatale, can be seen as less of a threat to that of everything else happening around the hero: People whom appear as friends actually aren't, people who say they're helping are actually using and those that appear harmless enough are actually deadlier than they look. Despite a lot of switching things around, twisting the plot several times and following orders that are put across in a way to make them seem that the world will end if they're not carried out; the one thing that seems the most dangerous is any romantic link or connection with Lucy Liu's character \\ufffd\\ufffd and she's trying to help out(!) The film maintains that feeling of two sides battling a war of espionage, spying and keeping one up on its employees and opponents. The whole thing plays out like some sort of mini-Cold war; something that resembles the U.S.A. and the U.S.S.R. in their war of word's heyday and it really pulls through given the black, bleak, often CGI littered screen that I was glued to.

What was also rather interesting and was a nice added touch was the travel insert shot of certain American states made to resemble computer microchips as our hero flies to and from his stated destinations \\ufffd\\ufffd significant then how the more he acts on his and Foster's own motivation this sequence disappears because he's breaking away from the computerised, repetitive, controlled life that he's being told to live and is branching out.

Cyhper is very consistent in its content and has all the elements of a good film. To say it resembles the first Jason Bourne film, only set in the sci-fi genre, isn't cutting it enough slack but you can see the similarities; despite them both being released in the same year. Like I mentioned earlier, there feels like there is something in this film for everyone and if you can look past the rather disappointing ending that a few people may successfully predict, you will find yourself enjoying this film.\": {\"frequency\": 1, \"value\": \"Cypher is a ...\"}, \"This is no doubt one of the worst movies I have ever seen. This makes your run of the mill TV movie look like Reservoir Dogs. Based on a book by the one and only Britney Spears and her mother this is trash with nothing bar a reasonable performance from Virginia Madsen (I hope you got paid well) to save it. The story of a red neck country gill who wins a scholarship in a prestigious music school is little but a vehicle to pedal Ms Spears pants music to the consumer and to generally agree that low brow must be the way. There is nothing good going on here with all the beats as predictable as night following day. Never ever again.\": {\"frequency\": 1, \"value\": \"This is no doubt ...\"}, \"A charming boy and his mother move to a middle of nowhere town, cats and death soon follow them. That about sums it up.

I'll admit that I am a little freaked out by cats after seeing this movie. But in all seriousness in spite of the numerous things that are wrong with this film, and believe me there is plenty of that to go around, it is overall a very enjoyable viewing experience.

The characters are more like caricatures here with only their basis instincts to rely on. Fear, greed, pride lust or anger seems to be all that motivate these people. Although it can be argued that that seeming failing, in actuality, serves the telling of the story. The supernatural premise and the fact that it is a Stephen King screenplay(not that I have anything specific against Mr. King) are quite nicely supported by some interesting FX work, makeup and quite suitable music. The absolute gem of this film is without a doubt Alice Krige who plays Mary Brady, the otherworldly mother.

King manages to take a simple story of outsider, or people who are a little different(okay - a lot in this case), trying to fit in and twists it into a campy over the top little horror gem that has to be in the collection of any horror fan.\": {\"frequency\": 1, \"value\": \"A charming boy and ...\"}, \"I'm watching the series again now that it's out on DVD (yay!) It's striking me as fresh, as relevant and as intriguing as when it first aired.

The central performances are gripping, the scripts are layered.

I'll stick my neck out and put it up there with The Prisoner as a show that'll be winning new fans and still be watched come 2035.

I've been asked to write some more line (it seems IMDb is as user unfriendly and anally retentively coded as ever! Pithy and to the point is clearly not the IMDb way.)

Well, unlike IMDb's submissions editors, American Gothic understands that simplicity is everything.

In 22 episodes, the show covers more character development than many shows do in seven seasons. On top of which it questions personal ethics and strength of character in a way which challenges the viewer at every turn to ask themselves what they would choose and what they would think in a given situation.

When the show first aired, I was still grieving for Twin Peaks and thought it would be a cheap knock off. Personally I'm starting to rate it more highly and suspect it will stand up better over the years. Reckon it don't get more controversial than that!\": {\"frequency\": 1, \"value\": \"I'm watching the ...\"}, \"This move was on TV last night. I guess as a time filler, because it sucked bad! The movie is just an excuse to show some tits and ass at the start and somewhere about half way. (Not bad tits and ass though). But the story is too ridiculous for words. The \\\"wolf\\\", if that is what you can call it, is hardly shown fully save his teeth. When it is fully in view, you can clearly see they had some interns working on the CGI, because the wolf runs like he's running in a treadmill, and the CGI fur looks like it's been waxed, all shiny :)

The movie is full of gore and blood, and you can easily spot who is going to get killed/slashed/eaten next. Even if you like these kind of splatter movies you will be disappointed, they didn't do a good job at it.

Don't even get me started on the actors... Very corny lines and the girls scream at everything about every 5 seconds. But then again, if someone asked me to do bad acting just to give me a few bucks, then hey, where do I sign up?

Overall boring and laughable horror.\": {\"frequency\": 1, \"value\": \"This move was on ...\"}, \"Ashley Judd, in an early role and I think her first starring role, shows her real-life rebellious nature in this slow-moving feminist soap opera. Wow, is this a vehicle for political correctness and extreme Liberalism or what?

Being a staunch feminist in real life, she must have cherished this script. No wonder Left Wing critic Roger Ebert loved this movie; it's right up his political alley, too.

Unlike the reviewers here, I am glad Judd elevated herself from this moronic fluff to better roles in movies that entertained, not preached the heavy-handed Liberal agenda.\": {\"frequency\": 1, \"value\": \"Ashley Judd, in an ...\"}, \"This show proved to be a waste of 30 minutes of precious DVR hard drive space. I didn't expect much and I actually received less. Not only do I expect this show to be canceled by the second episode, I cannot believe that Geico will ever attempt to use the cavemen ad campaign EVER again. I would have preferred spending a night checking my daughter's hair for head lice than watching this piece of refuse. I wonder what ABC passed on to make this show fit into the '07 fall schedual, perhaps a hospital/crime/mocumentary reality show featuring the AFLAC duck? In the event that I failed to express my opinion about this show let me be clear and say that it is not too good.\": {\"frequency\": 1, \"value\": \"This show proved ...\"}, \"My kid makes better videos than this! I feel ripped off of the $4.00 spent renting this thing! There is no date on the video case, apparently designed by Wellspring; and, what's even worse, there's no production date for the original film listed anywhere in the movie! The only date given is 2002, leading an unsuspecting renter to believe he's getting a recent film.

This movie was so bad from a standpoint of being outdated and irrelevant for any time period but precisely when it was made, that I'm amazed that anyone would take the time and expense to market it as a video. It might be of interest to students studying the counter-culture of the 1960's, the anti-war, anti-establishment, tune-in, turn-on and drop out culture; but when you read the back of the video case, there's no hint that that is what you're getting. If you do make the mistake of renting it though, it is probably best viewed while on drugs, so that your mind will more closely match the wavelength of the minds of the directors, Fassbinder and Fengler. Regardless of your state of mind while watching it, I can tell you that it doesn't get any better after the first scene; so, knowing that, I'm sure you'll be fast asleep long before the end.\": {\"frequency\": 1, \"value\": \"My kid makes ...\"}, \".... And after seeing this pile of crap you won't be surprised that it wasn't published

!!!! SPOILERS !!!!

This is a terrible movie by any standards but when I point out that it's one of the worst movies that has the name Stephen King in the credits you can start to imagine how bad it is . The movie starts of with two characters staring open mouthed at a scene of horror :

\\\" My god . What happened here ? \\\"

\\\" I don't know but they sure hate cats \\\" *

The camera pans to the outside of a house where hundreds of cats are strung up dead and mutilated . Boy this guy is right , someone does hate cats and with a deduction like that he should be a policeman . Oh wait a minute , he is a policeman and when a movie starts with a cop making an oh so obvious observation you just know you're going to be watching a bad movie

The reason SLEEPWALKERS is bad is that it's very illogical and confused . We eventually find out the monsters of the title need the blood of virgins to survive . Would they not be better looking for a virgin in the mid west bible belt rather than an American coastal town ? Having said that at least we know of the monsters motives - That's the only thing we learn . We never learn how they're able to change shape or are able to make cars become invisible and this jars with the ending that seems to have been stolen from THE TERMINATOR . Monster mother walks around killing several cops with her bare hands or blowing them up via a police issue hand gun ( ! ) but if her monster breed is immune from police fire power then why do the creatures need the ability to change shape or become invisible ? The demise of the creatures is equally ill thought out as there killed by a mass attack of household cats . If they can be killed by cats then why did the monsters not kill all the cats that were lying around the garden ? There was a whole horde of moggies sitting around but the monsters never thought about killing them . I guess that's so the production team can come up with an ending . It was that they started the movie my complaint lies

We're treated to several scenes where famous horror movie directors like John Landis , Clive Barker and even Stephen King make cameos . I think the reason for this is because whenever a struggling unknown actor read the script they instantly decided that no matter what , they weren't going to appear in a movie this bad so Stephen King had to phone up his horror buddies in order to fill out the cast . That's how bad SLEEPWALKERS is

* Unbelievable as it seems that wasn't the worst line in the movie . The worst line is - \\\" That cat saved my life \\\"\": {\"frequency\": 1, \"value\": \".... And after ...\"}, \"Grey Gardens was enthralling and crazy and you just couldn't really look away. It was so strange, and funny and sad and sick and \\ufffd\\ufffd\\ufffd\\ufffd\\ufffd\\ufffd.. really no words can describe. The move Grey Gardens is beyond bizarre. I found out about this film reading my Uncle John's Great Big Bathroom Reader, by the Bathroom Reader's Institute and it was well worth the rental and bump to the top of my movie watching queue. This movie is about the nuttiest most eccentric people that may have ever been filmed. One should watch it for their favorite Edie outfits, which I am sure include curtains. When I get old I almost wish to be just like Big Edie, thumbing my nose at normalcy and society.\": {\"frequency\": 1, \"value\": \"Grey Gardens was ...\"}, \"OK, so obviously ppl thought this was a good movie in 1955.

I pity the fools who still think so... Its absolute rubbish.

The story is just ... ridiculous. The characters are absurd caricatures - but this film is not meant to satirise, im sure its meant to be a serious drama isn't it?

Dean and others, are too old for their parts. People say Dean is great in this film, and well, maybe he did play his part as well as he possibly could've. His character is meant to be 16 or 17 or so. But Dean was a 24 year old man when he made this film. Seeing him agonise and throw little tantrums like a 4 year old boy... its pathetic.

Natalie Wood is gorgeous, but the early scenes at the police station where she is crying and whining are very unconvincing. It sets a bad precedent for the film... and for the rest of it, you feel like cringing every time one of these badly acted emotional scenes comes along.

It may've been good for its time, but, really, its drivel.

It must've just been hype about Dean's death that has over-inflated the reputation of this film.\": {\"frequency\": 1, \"value\": \"OK, so obviously ...\"}, \"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\": {\"frequency\": 1, \"value\": \"The head of a ...\"}, \"When I heard Patrick Swayze was finally returning to his acting career with KING SOLOMON'S MINES I was very excited. I was expecting a great Indiana Jones type action adventure. What I got was a 4 hour long (with commercials) epic that was very slow. The second and third hour could have been dropped altogether and the story would not have suffered for it. The ending was good (no spoilers here)but I was still left wanting more. Well all a guy can do is prey that Swayze does \\\"RoadHouse 2\\\" so he can get back into the action genre that made him famous. Until than if your a fan of King Solomon's Mines than read the book or watch the 1985 version with Richard Chamberlain and Sharon Stone which is also not very good but its only and hour and forty minutes of your life gone instead of 4 hours.\": {\"frequency\": 1, \"value\": \"When I heard ...\"}, \"The film starts in the Long Island Kennel Club where is murdered a dog,later is appeared dead as a case of committing suicide a collector millionaire called Arched,but sleuth debonair Philo Vance(William Powell)to be aware of actually killing.There are many suspects : the secretary(Ralph Morgan),the butler,the Chinese cooker,the contender(Paul Cavanagh) in kennel championship for revenge killing dog ,the nephew(Mary Astor) facing off her tyrant uncle,the Italian man(Jack La Rue),the brother,the attractive neighbour..Stylish Vance tries to find out who murdered tycoon,appearing many clues ,as a book titled:Unsolved murders. The police Inspector(Eugene Palette)and a coroner are helped by Vance to investigate the mysterious death.The sympathetic forensic medic examines boring the continuous body-count .Who's the killer?.The public enjoys immensely about guess the murder.

The picture is an interesting and deliberate whodunit,it's a laborious and intriguing suspense tale.The personages are similar to Agatha Christie stories, all they are various suspects.They are developed on a whole gallery of familiar actors well characterized from the period represented by a glittering casting to choose from their acting range from great to worst. Powell is in his habitual elegant and smart form as Philo.He's protagonist of two famed detectives cinema,this one, and elegant Nick Charles along with Nora(Mirna Loy)make the greatest marriage detectives. Special mention to Mary Astor as the niece enamored of suspect Sir Thomas,she was a noted actress of noir cinema(Maltese falcon). The movie is magnificently directed by Hollywood classic director Michael Curtiz.He directs utilizing modern techniques as the image of dead through a lock-door,a split image while are speaking for phone and curtain-image.The tale is remade as \\ufffd\\ufffdCalling Philo Vance\\ufffd\\ufffd(1940).The film is a good production Warner Bros, by Vitagraph Corp.\": {\"frequency\": 1, \"value\": \"The film starts in ...\"}, \"This movie documents a transformative experience for a group of young men, and the experience of watching it is in itself transformative for the viewer. Few movies even aspire to this level of transcendence, and I can think of no other movie -- documentary or drama -- that achieves it. There is no other movie in which I have both laughed so much and cried so much. Yes, it is about DMD and accessible travel; on those issues alone, it is a worthwhile venture, but it is more. It is about friendship. It is about life itself, about living every day that you're alive. And it's a great, fun, adventurous narrative. This is why God created the cinema! See this movie!!!\": {\"frequency\": 1, \"value\": \"This movie ...\"}, \"This is a very unusual film in that the star with the top billing doesn't appear literally until half way in. Nevertheless I was engaged by the hook of the Phantom Lady. Curtis, though competent as the falsely accused Scott Henderson, looks a little tough to be be sympathetic towards (perhaps he should have shaved his moustache) and his behavior when he first comes home should have convinced the cops at least to some degree of his innocence. While another commentator had a problem with Franchot Tone as Jack Marlowe I found his portrayal of the character to be impressively complex. He is no stock villain. Superb character actor Elisha Cook Jr. is again in top form as the 'little man with big ambitions.' His drumming in the musical numbers added a welcome touch of eroticism. This movie however is carried by the very capable and comely Ella Raines as the devoted would be lover of Henderson, Carol Richmond. She definitely has talent and her screen presence is in the tradition of Lauren Bacall. This is the first of her work I have seen and I am definitely inclined to see her other roles. The rest of the supporting cast is also more than competent. All in all a very satisfying film noir mystery which when viewed today fully conveys the dark and complex urban world it is intended to. Recommended, 8/10.\": {\"frequency\": 1, \"value\": \"This is a very ...\"}, \"they have sex with melons in Asia.

okay. first, i doubted that, but after seeing the wayward cloud, i changed my mind and was finally convinced that they have sex with watermelons, with people dead or alive. no safe sex of course. the (terrifyingly ugly) leading man shoots it all into the lady's mouth after he did the dead lady. never heard of HIV? guess not.

the rest of this movie is mainly boring, but also incredibly revolting. as a matter of fact, in parts it got so disgusting i couldn't take my virgin eyes off. sex with dead people! how gross is that? and what's the message behind it all? we need water, we need melons, we need to be dead to have sex? sorry, but this stinks!\": {\"frequency\": 1, \"value\": \"they have sex with ...\"}, \"How sheep-like the movie going public so often proves to be. As soon as a few critics say something new is good (ie - \\\"Shake-Cam\\\"), everyone jumps on the bandwagon, as if they are devoid of independent thought. This was not a good movie, it was a dreadful movie. 1) Plot? - What plot? Bourne was chased from here to there, from beginning to end. That's the plot. Don't look for anything deeper than this. 2) Cinematography? - Do me a favor! Any 7 year old armed with an old and battered 8mm movie camera would do a far better job (I am not exaggerating here). This film is a tour-de-force of astonishingly amateurish camera-work. The ridiculous shaking of EVERY (I really do mean every) scene will cause dizziness and nausea. 3) Believable? - Oh yes definitely. This is a masterpiece of credibility. I loved scenes about Bourne being chased by (local) police through the winding market streets of Tangier. - I've BEEN to Tangier. Even the guides can't navigate their way through those streets but Bourne shook off 100 police with speed and finesse. Greengrass must be laughing his head off at the gullibility of his film disciples. 4) Editing? - I don't know what the editor was on when he did this film but I want some! - Every scene is between 0.5 and 2 seconds. I felt nauseous at the end of the film from the strobe effect of the \\\"scenes\\\" flashing by. 5) Directing? - Hmmm. This is an interesting aspect. The film appears to have actually NOT had any directing. More a case of Greengrass throwing a copy of the script (all two pages) at the cameramen and told to \\\"shoot a few scenes whilst drunk\\\". - \\\"Don't worry boys, we'll tie the scenes together in the editing room\\\". The editor should be tarred, feathered and put in the stocks for allowing this monstrosity to hit the silver screen 6) Not one but TWO senior CIA operatives giving the tender feminine treatment to the mistreated and misunderstood Jason Bourne. - Putting their lives on the line for someone they couldn't even be sure wasn't a traitor. Talk about stupid nincompoops. (Whilst the evil male CIA members plot to terminate any operative who so much as drops a paper-clip on the floor). (well, all men are evil, aren't they? - Except for SNAGS of course). Yes, this really is a modern and politically correct film that shows the females to be the heroes of the day and the oppressive males as the real threat to humanity. 7) When the you-know-what finally hits the fan, good triumphs over evil (just like it always does, eh?) and the would-be assassin gets the drop on Jason Bourne - he suddenly undergoes a guilt trip and refrains from pulling the trigger (Yeah - right...) - at that very moment, the evil deputy director just happens to turn up - gun in hand and he does pull the trigger. - How did this 60 year old man run so fast and not even be out of breath? Wonders will never cease 8) Don't worry, there's a senate hearing and the baddies get pulled up before the courts. Well, we can't have nasty, politically incorrect, CIA operatives going round shooting people, can we? How lovely to see a true to life P.C. film of the Noughties. -------------The Bourne Ultimatum is utter rubbish.\": {\"frequency\": 1, \"value\": \"How sheep-like the ...\"}, \"I went to a prescreening of this film and was shocked how cheesy it was. It was a combination of every horror/thriller clich\\ufffd\\ufffd, trying to comment on many things including pedophilia, Satan worship, undercover cops, affairs, religion... and it was a mess. the acting was pretty washboard; the kid and the Jesus dude were alright, but apart from them.... Anyways. I admire the effort (though slightly failed) on the attempt at showing the Christian people in a different way...even though they did that, the way it presented the gospel was a bit stock and kiddish. But then again, it may have to be since he was talking to a little kid... no. actually, I've decided it's just all around bad. music... oh my gosh... horrible... toooo over-dramatic. Okay. I felt bad for the people who made this movie at the premier; It seemed like a poor student project. I'm going to stop ranting about this now and say bottom line, go see this movie if you want to waste an hour and fifty minutes of your life on crap. there you go.\": {\"frequency\": 1, \"value\": \"I went to a ...\"}, \"Lin McAdam (James Stewart) wins a rifle, a Winchester in a shooting contest.Dutch Henry Brown (Stephen McNally) is a bad loser and steals the gun.Lin takes his horse and goes after Dutch and his men and the rifle with his buddy High Spade (Millard Mitchell).The rifle gets in different hands on the way.Will it get back to the right owner? Anthony Mann and James Stewart worked together for the first time and came up with this masterpiece, Winchester '73 (1950).Stewart is the right man to play the lead.He was always the right man to do anything.The terrific Shelley Winters plays the part of Lola Manners and she's great as always.Dan Duryea is terrific at the part of Waco Johnnie Dean.Charles Drake is brilliant as Lola's cowardly boyfriend Steve Miller.Also Wyatt Earp and Bat Masterson are seen in the movie, and they're played by Will Geer and Steve Darrell.The young Rock Hudson plays Young Bull and the young Anthony (Tony) Curtis plays Doan.There are many classic moments in this movie.In one point the group is surrounded by Indians, since this is a western.It's great to watch this survival game where the fastest drawer and the sharpest shooter is the winner.All the true western fans will love this movie.\": {\"frequency\": 1, \"value\": \"Lin McAdam (James ...\"}, \"\\\"Hollywood Hotel\\\" is a fast-moving, exuberant, wonderfully entertaining musical comedy from Warners which is sadly overlooked. It should be remembered if only for providing the official theme song of Tinseltown -- \\\"Hooray for Hollywood.\\\" The score by Richard Whiting and Johnny Mercer has a number of other gems, however, including the charming \\\"I'm Like a Fish Out of Water,\\\" and \\\"Silhouetted in the Moonlight.\\\" The best musical number is \\\"Let That Be a Lesson to You,\\\" in which Dick Powell and company detail the misadventures of people who found themselves \\\"behind the eight-ball,\\\" a fate which literally befalls slow-burning Edgar Kennedy at the number's end. The picture celebrates Hollywood glamour and punctures it all at once, as it gets a lot of comic mileage out of pompous and ego-maniacal actors and duplicitous studio executives. The cast includes a gaggle of great character comedians--Allyn Joslyn as a crafty press agent, Ted Healy as Dick Powell's would-be manager, Fritz Feld as an excitable restaurant patron, Glenda Farrell as Mona Marshall's sarcastic Gal Friday, Edgar Kennedy as a put-upon drive-in manager, Mabel Todd as Mona's goofy sister, and Hugh Herbert as her even goofier dad. The \\\"racist\\\" element mentioned in another review here is a ten-second bit where Herbert appears in black-face during a pseudo-\\\"Gone With the Wind\\\" sequence. It's in questionable taste, but it shouldn't prevent you from seeing the other delights in this film, notably the Benny Goodman Quartet (including Teddy Wilson and Lionel Hampton!) in what I believe is the only footage available on this incredible jazz combo. The \\\"Dark Eyes\\\" sequence goes on a bit too long and comes in too late, but otherwise \\\"Hollywood Hotel\\\" is a gem, well worth your time and certainly a film which should be considered for DVD release.\": {\"frequency\": 1, \"value\": \"\\\"Hollywood Hotel\\\" ...\"}, \"Despite reading the \\\"initial comments\\\" from someone who curiously disliked the film -- (WHY IS THE ONLY NEGATIVE COMMENT VERY FIRST ON THE LIST?)it was very nice to note that virtually everyone else loved it! Obviously the Church wanted to stress certain points and portray the prophet Joseph Smith in a positive manner ~ thats the whole idea. And in fact, those points were extremely effective. We already know Joseph Smith was human... but despite that, AND all of the horrific negative attempts stirred on by the adversary, it showed just how he was able to complete a remarkable, God-given work. I'd recommend it to anyone!\": {\"frequency\": 1, \"value\": \"Despite reading ...\"}, \"Add to the list of caricatures: a Southern preacher and \\\"congregation,\\\" a torch singer (Sophie Tucker?), a dancing chorus, and The Mills Brothers -- it only makes it worse.

Contemptible burlesques of \\\"Negro\\\" performers, who themselves often appear in films to be parodying themselves and their race. Though the \\\"Negro comedy\\\" may have been accepted in its day, it's extremely offensive today, and I doubt that it was ever funny. Though I wouldn't have been offended, I don't think that I'd have laughed at the feeble attempts at humor. As an 11-year-old white boy, however, I might not have understood some of it.\": {\"frequency\": 1, \"value\": \"Add to the list of ...\"}, \"This movie was awesome!! (Not quite as good as the Leif Garrett masterpiece Longshot) but still awesome!! I thought Ashley looked freakin' huge compared to Mary-Kate in this film. I wonder why. Who woulda thought they could swith places like that and almost get away with it. Dad was kinda a jerk though and Mom was a little too chummy with Helmit Head. I give it 4. Any one who likes this movie shoudl check out Longshot.\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"The Impossible Planet and The Satan Pit together comprise the two best episodes of the 'new' Doctor Who's second season. Having said that, it should be obvious that much of the story basically transposes the plot of Quatermass and the Pit (1967) to an outer space setting, with the history of the universe intertwined with that of the Beast 666. These episodes cement the emotional ties between Rose and the Doctor, whilst also highlighting Rose's increasing self-confidence, establishing her as a not-quite-equal-yet-but-getting-there partner with our beloved Time Lord. Also of note is Matt Jones elegant screenplay, which decreases the occasional over-reliance on one-liners for the Doctor, and the performances of the entire cast, most notably the excellent Shaun Parkes as acting Captain Zachary Cross Flane.\": {\"frequency\": 1, \"value\": \"The Impossible ...\"}, \"The Perfect Son is a story about two 30-something brothers, one who is seemingly \\\"perfect\\\" and the other who is basically a screw-up, frequently landing himself in drug rehab centers. After the death of their father, the two are brought together after a long absence and the usual sibling rivalry resurfaces. It isn't until the \\\"perfect\\\" brother makes the startling revelation that he has AIDS that the irresponsible younger brother finally makes a move to get his life in order, and take some responsibility.

The movie does a nice job of chronicling the younger brother's \\\"comeback\\\", though it may seem a bit far-fetched at times (beating drug addiction is never so easy). What makes the film more tender is the treatment of AIDS, a topic that has become somewhat passe in cinema over the last 5-10 years. And also the development of an almost sweet relationship between the two formerly feuding brothers is very believable and well-done. The two main actors were both very competent, if not terribly charismatic.

A solid first feature effort from director and writer Leonard Farlinger whose own brother died of AIDS. The ending is nicely done as well.

\": {\"frequency\": 1, \"value\": \"The Perfect Son is ...\"}, \"I rented this movie yesterday and can hardly express my disappointment in little Laura Ingalls for getting involved in something so poorly produced. I am not sure if it was horrible writing or bad directing or both but it leaves a viewer very disappointed in having wasted the time to watch this swill. It consisted of a weak naive story line, very poor lines, and relied solely on pretty scenery, and pretty people to sell it. Unfortunately this was not enough. You would be better off to rent a tape full of static than to waste your time on this crap. Lindsey Wagner also played a pretty pathetic part as a ranch owner who apparently works very hard doing nothing, anybody who has ever been near a ranch knows that this was obviously written by a young person from los Angeles and not someone with much knowledge of the world.\": {\"frequency\": 1, \"value\": \"I rented this ...\"}, \"Superbly trashy and wondrously unpretentious 80's exploitation, hooray! The pre-credits opening sequences somewhat give the false impression that we're dealing with a serious and harrowing drama, but you need not fear because barely ten minutes later we're up until our necks in nonsensical chainsaw battles, rough fist-fights, lurid dialogs and gratuitous nudity! Bo and Ingrid are two orphaned siblings with an unusually close and even slightly perverted relationship. Can you imagine playfully ripping off the towel that covers your sister's naked body and then stare at her unshaven genitals for several whole minutes? Well, Bo does that to his sister and, judging by her dubbed laughter, she doesn't mind at all. Sick, dude! Anyway, as kids they fled from Russia with their parents, but nasty soldiers brutally slaughtered mommy and daddy. A friendly smuggler took custody over them, however, and even raised and trained Bo and Ingrid into expert smugglers. When the actual plot lifts off, 20 years later, they're facing their ultimate quest as the mythical and incredibly valuable White Fire diamond is coincidentally found in a mine. Very few things in life ever made as little sense as the plot and narrative structure of \\\"White Fire\\\", but it sure is a lot of fun to watch. Most of the time you have no clue who's beating up who or for what cause (and I bet the actors understood even less) but whatever! The violence is magnificently grotesque and every single plot twist is pleasingly retarded. The script goes totally bonkers beyond repair when suddenly \\ufffd\\ufffd and I won't reveal for what reason \\ufffd\\ufffd Bo needs a replacement for Ingrid and Fred Williamson enters the scene with a big cigar in his mouth and his sleazy black fingers all over the local prostitutes. Bo's principal opponent is an Italian chick with big breasts but a hideous accent, the preposterous but catchy theme song plays at least a dozen times throughout the film, there's the obligatory \\\"we're-falling-in-love\\\" montage and loads of other attractions! My God, what a brilliant experience. The original French title translates itself as \\\"Life to Survive\\\", which is uniquely appropriate because it makes just as much sense as the rest of the movie: None!\": {\"frequency\": 1, \"value\": \"Superbly trashy ...\"}, \"This movie is about as underrated as Police Acadmey Mission to Moscow. This movie is never funny. It's maybe the worst comedy spoof ever made. Very boring,and dumb beyond belief. For those people that think this movie is underrated god help you. I give this movie * out of ****

\": {\"frequency\": 1, \"value\": \"This movie is ...\"}, \"Butch the peacemaker? Evidently. After the violent beginning with Spike, Tom and Jerry all swinging away at each other, Butch calls a halt and wants to know why. It's a good question.

\\\"Cats can get along with dogs, can't they?\\\" he asks Tom, who nods his head in agreement. \\\"Mice can get along with cats, right?\\\" Jerry nods \\\"no,\\\" and then sees that isn't the right answer.

They go inside and Butch draws up a \\\"Peace Treaty\\\" (complete with professional artwork!). Most of the rest, and the bulk of the cartoon, is the three of them being extremely nice to one another What a refreshing change-of-pace. I found it fun to watch. I can a million of these cartoons in which every beats each other over the head.

Anyway, you knew the peace wasn't going to last. A big piece of steak spells the death of the \\\"peace treaty\\\" but en route it was nice change and still had some of usual Tom & Jerry clever humor.\": {\"frequency\": 1, \"value\": \"Butch the ...\"}, \"I picked up TRAN SCAN from the library and brought it home. We have considered taking a trip out east and thought it would give us a feel of what it was like. The film was a total waste of time, if I went out to buy it I would call it TRAN SCAM when I saw that it costs $49.

The DVD ran for 8 minutes and showed a roller coaster ride across Canada with my stomach feeling ill as they went up and down and around curve with the film at high speed.

There was a lot of footage they probably shot on this and you would think that they could have made a better product. If I would of done this project I would of provided more footage, paused on road signs to let people know where they were and linger in places to view the scenery. To make a film like this it should of been 60 to 90min. Oh yes the case said it was in stereo, the whole film was a hissing sound from sped up car sound, thet could of at least put some music to it.

If you want a good cross Canada film watch The railrodder / National Film Board of Canada starring Buster keaton (the one of the last film he made) in this comical film Buster Keaton gets on to a railway trackspeeder in Nova Scotia and travels to British Columbia\": {\"frequency\": 1, \"value\": \"I picked up TRAN ...\"}, \"Police, investigations, murder, suspicion: we are all so acquainted with them in movies galore. Most of the films nowadays deal with crime which is believed to involve viewers, to provide them with a thrilling atmosphere. However, most of thrill lovers will rather concentrate on latest movies of that sort forgetting about older ones. Yet, it occurs that these people may easily be misled. A film entirely based on suspicion may be very interesting now despite being more than 20 years old...it is GARDE A VUE, a unique movie by Claude Miller.

Is there much of the action? Not really since the events presented in the movie take place in a considerably short time. But the way they are executed is the movie's great plus. Jerome Charles Martinaud (Michel Serrault) is being investigated by Inspector Gallien (Lino Ventura) and Insector Belmont (Guy Marchand). It's a New Year's Eve, a rainy evening and not very accurate for such a meeting. Yet, after the rape and murder of two children, at the dawn of the old year, the door of suspicion must be open at last. In other words, (more quoted from the movie), it must be revealed who an evil wolf really is. To achieve this, one needs lots of effort and also lots of emotions from both parties...

Some people criticize the script for being too wordy. Yet, I would ask them: what should an investigation be like if not many questions and, practically, much talk. This wordiness touches the very roots of the genre. In no way is this boring but throughout the entire film, it makes you, as a viewer, as an observer, involved. Moreover, the film contains well made flashbacks as the stories are being told. Not too much and not too little of them - just enough to make the whole story clearer and more interesting. The most memorable flashbacks, for me, are when Chantal (Romy Schneider), Martinaud's wife, talks about one lovely Christmas... But these flashbacks also contain the views of the places, including the infamous beach. It all wonderfully helped me keep the right pace. And since I saw GARDE A VUE, I always mention this film as one of the \\\"defenders\\\" of French cinema against accusations of mess and chaos.

But those already mentioned aspects may not necessarily appeal to many viewers since they might not like such movies and still won't find the content and its execution satisfactory. Yet, GARDE A VUE is worth seeing also for such people. Why? For the sake of performances. But here don't expect me to praise foremost Romy Schneider. GARDE A VUE is not Romy Schneider vehicle. She does a terrific job as a mother who is deeply in despair for a lost child. She credibly portrays a person who is calm, concrete, who does not refuse an offered cup of tea but who does not want to play with words. Her part which includes a profound talk of life and duty is brilliant, more credible than the overly melancholic role of Elsa in LA PASSANTE DE SANS SOUCI. It is still acted. However, Romy Schneider does not have much time on screen. Practically, she appears for the first time after 45 minutes from the credits; she, as a wife and a different viewpoint, comes symbolically with the New Year, at midnight. Her role is a purely supporting one. Who really rocks is Lino Ventura. He IS the middle aged Inspector Antoine Gallien who wants to find out the truth, who is aware that his questions are \\\"missiles\\\" towards the other interlocutor but does not hesitate. He is an inspector who, having been married three times, is perfectly acknowledged of women's psyche. He is the one who does not regard his job as a game to play but a real service. Finally, he is a person who does not find it abnormal to sit there on New Year's Eve. Michel Serrault also does a fine job expressing fear, particularly in the final scenes of the movie. But thumbs up for Mr Ventura. Brilliant!

As far as memorable moments are concerned, this is not the sort of film in which this aspect is easily analyzed. The entire film is memorable, has to be seen more than once and has to be felt with its atmosphere and, which I have not mentioned before, gorgeous music. For me, the talk of Chantal and Inspector Gallien is the most brilliant flawless moment. You are there with the two characters, you experience their states of mind if you go deeper into what you see.

GARDE A VUE is a very interesting film, a must see for thrill lovers and connoisseurs of artistic performances. New Year has turned and...is it now easier to open the door? You'll find out when you decide to see the memorably directed movie by Claude Miller. 8/10\": {\"frequency\": 1, \"value\": \"Police, ...\"}, \"This was the worst acted movie I've ever seen in my life. No, really. I'm not kidding. All the \\\"based on a true story/historical references\\\" aside, there's no excuse for such bad acting. It's a shame, because, as others have posted, the sets & costumes were great.

The sound track was typical \\\"asian-style\\\" music, although I couldn't figure out where the \\\"modern\\\" love song came in when Fernando was lying in his bed thinking of Maria. I don't know who wrote & sang that beautiful song, but it was as if suddenly Norah Jones was transported to the 1500s.

The Hershey syrup blood in Phycho was more realistic than the ketchup spurted during the Kwik-n-EZ battle scenes.

But the acting. Oh, so painfully sad. Lines delivered like a bad junior high play. If Gary Stretch had donned a potato costume for the County 4H Fair he may have been more believable. Towards the end he sounded more like a Little Italy street thug. At times I half expected him to yell out \\\"Adrian!\\\" or even \\\"You wanna piece of me?!\\\".

Favourite line: When the queen says to her lover (after barfing on the floor) \\\"I'm going to have a baby.\\\" He responds \\\"A child?\\\" I expected her to retort \\\"No, jackass, a chair leg! Duh.\\\"\": {\"frequency\": 1, \"value\": \"This was the worst ...\"}, \"What a shame that a really competent director like Andre de Toth who specialized in slippery, shifting alliances didn't get hold of this concept first. He could have helped bring out the real potential, especially with the interesting character played by William Bishop. As the movie stands, it's pretty much of a mess (as asserted by reviewer Chipe). The main problems are with the direction, cheap budget, and poor script. The strength lies in an excellent cast and an interesting general concept-- characters pulled in different directions by conflicting forces. What was needed was someone with vision enough to pull together the positive elements by reworking the script into some kind of coherent whole, instead of the sprawling, awkward mess that it is, (try to figure out the motivations and interplay if you can). Also, a bigger budget could have matched up contrasting location and studio shots, and gotten the locations out of the all-too-obvious LA outskirts. The real shame lies in a waste of an excellent cast-- Hayden, Taylor (before his teeth were capped), Dehner, Reeves, along with James Millican and William Bishop shortly before their untimely deaths. Few films illustrate the importance of an auteur-with-vision more than this lowly obscure Western, which, in the right hands, could have been so much more.\": {\"frequency\": 1, \"value\": \"What a shame that ...\"}, \"\\\"My child, my sister, dream

How sweet all things would seem

Were we in that kind land to live together,

And there love slow and long,

There love and die among

Those scenes that image you, that sumptuous weather.\\\"

Charles Baudelaire

Based on the novel by Elizabeth Von Arnim, \\\"Enachanted April\\\" can be described in one sentence \\ufffd\\ufffd it takes place in the early 1920s when four London women, four strangers decide to rent a castle in Italy for the month of April. It is the correct description but it will not prepare you for the fact that \\\"Enchanted April\\\" - an ultimate \\\"feel good\\\" movie is perfection of its genre. Lovely and sunny, tender and peaceful, kind and magical, it is like a ray of sun on your face during springtime when you want to close your eyes and smile and stop this moment of serene happiness and cherish it forever. This is the movie that actually affected my life. I watched it during the difficult times when I was lost, unhappy and very lonely, when I had to deal with the sad and tragic events and to come to terms with some unflattering truth about myself. It helped me to regain my optimism and hope that anything could be changed and anything is possible. I had promised to myself then that no matter what, I would pull myself out of misery and self-pity and I would appreciate every minute of life - with its joy and its sadness...I promised myself that I would go to Italy and later that year I did and I was not alone.

Charming, enchanting, and heartwarming, \\\"Enchanted April\\\" is one of the best movies ever made and my eternal love. This little film is a diamond of highest quality.\": {\"frequency\": 1, \"value\": \"\\\"My child, my ...\"}, \"how can this movie have a 5.5 this movie was a piece of skunk s**t. first the actors were really bad i mean chainsaw Charlie was so retarded. because in the very beginning when he pokes his head into the wooden hut (that happened to be about oh 1 quarter of an inch thick (that really cheap as* flimsy piece of wood) and he did not even think he could cut threw it)second the person who did the set sucks as* at supplying things for them to build with. the only good thing about this movie is the idea of this t.v. show. bottom line DO NOT waste your hard earned cash on this hunk of s**t they call a movie.

rating:0.3\": {\"frequency\": 1, \"value\": \"how can this movie ...\"}, \"Star Trek Hidden Frontier will surprise you in many ways. First, it's a fan made series, available only on the web, and it features mainly friends & neighbors who have the computer programs and home video cameras and sewing machines to, as Mickey & Judy once put it, put on a show. It's definitely friends & neighbors to, you can tell. A lot of these people aren't the most beautiful looking folks you've ever seen, or the youngest, or the thinnest\\ufffd\\ufffd some of them stumble through their lines like they're walking on marbles\\ufffd\\ufffd some of them have thick accents, or simply don't seem to speak well in the first place, whick makes it virtually impossible to understand a single solitary word that they're saying. Still, you have to admit, for everything these friends & neighbors have put together, it's actually fun to watch. Yes, some of the dialogue is hokey. Yes, it's a little odd (though admittedly a little cool too) watching two Starfleet males kiss (although some of the kissing scenes seem to go on and on.) Yes, you cringe a bit when they clearly quote from ST:TOS, TNG, other shows and the movies, or when you hear the theme from Galaxy Quest played at the beginning and end of every show. Okay. We can get by that. Why? The graphics are first rate. Better than almost anything you've seen. And sometimes, a show or two really stands out story-wise\\ufffd\\ufffd some of them are actually real tear-jerkers.

Hidden Frontier is a total guilty pleasure in every sense of the word\\ufffd\\ufffd but you have to give the people involved credit where credit is due. It takes a lot of effort to put on a production of this magnitude. People, sets, costumes, graphics\\ufffd\\ufffd it's a huge effort on a lot of people's parts. We watch, we return, and we thank them.\": {\"frequency\": 1, \"value\": \"Star Trek Hidden ...\"}, \"OK first of all the video looks like it was filmed in the 80s I was shocked to find out it was released in 2001. Secondly the plot was all over the place, right off the bat the story is confusing. Had there been some brief prologue or introduction the story would've been better. Also I appreciate fantasy but this film was too much. It was bizarre and badly filmed. The scenes did not flow smoothly and the characters were odd. It was hard to follow and maybe it was the translation but it was even hard to understand. I love Chinese epic films but if you're looking for a Chinese epic fantasy film i would recommend the Promise (visually stunning, the plot is interesting and good character development) not this film. Beware you will be disappointed.\": {\"frequency\": 1, \"value\": \"OK first of all ...\"}, \"Do not bother to waste your money on this movie. Do not even go into your car and think that you might see this movie if any others do not appeal to you. If you must see a movie this weekend, go see Batman again.

The script was horrible. Perfectly written from the random horror movie format. Given: a place in confined spaces, a madman with various weapons, a curious man who manages to uncover all of the clues that honest police officers cannot put together, and an innocent and overly curious, yet beautiful and strong woman with whom many in the audience would love to be able to call their girlfriend. Mix together, add much poorly executed gore, and what the hell, let's put some freaks in there for a little \\\"spin\\\" to the plot.

The acting was horrible, and the characters unbelievable - Borat was more believable than this.

***Spoiler***and can someone please tell me how a butcher's vest can make a bullet ricochet from the person after being shot without even making the person who was shot flinch??? I'm in the army. We need that kind of stuff for ourselves.

1 out of 10, and I would place it in the decimals of that rounded up to give it the lowest possible score I can.\": {\"frequency\": 1, \"value\": \"Do not bother to ...\"}, \"Cary Grant, Douglas Fairbanks Jr. and Victor McLaglen are three soldiers in 19th Century India who, with the help of a water boy (Sam Jaffe) rid the area of the murderous thuggee cult. The chemistry between the actors helps make this one of the most entertaining movies of all time. Sam Jaffe is exceptional as the outcast water boy who is mistreated by all and still wants to be accepted as a soldier in the company. Loosely based on Rudyard Kipling's poem. A must see by anyone who enjoys this type of movie.\": {\"frequency\": 1, \"value\": \"Cary Grant, ...\"}, \"I first saw this movie on television some years ago and frankly loved it. Charles Dance makes one of the most terrifying villains anyone can imagine. His sophistication is such a perfect contrast to the crudely good hero. I have never been much of an Eddie Murphy fan but find his irritating portrayal here a winner: a bit of \\\"Axel Foley Through the Looking Glass\\\". Charlotte Lewis is, to utilize a hackneyed phrase but the only one applicable, luminously gorgeous. Some scenes are wonderfully created: the dream sequence, the bird, the silly fight scenes, and the climactic confrontation. Through it all Murphy is the modern man suddenly dropped into an oriental myth, a stunned and quieter version of Kurt Russell in his oriental fantasy romp. Like that movie we have James Hong, the incomparable actor whose scenes, however short, raise the quality even of Derek. Since 1955 Hong has defined the fine supporting actor, the \\\"class act\\\" of his profession. \\\"The Golden Child\\\" is silly; it is not perfect; but it has so many redeeming features that it is an enjoyable and amusing fantasy, well worth watching. After four years I have seen \\\"The Golden Child\\\" again; I enjoyed it even more! It truly is great fun.\": {\"frequency\": 1, \"value\": \"I first saw this ...\"}, \"This movie is a good example of how to ruin a book in 109 minutes. Except for the names of the characters the movie bears very little resemblance to the book. A book full of strong Latino characters and they are represent, for the most part, by non-Latinos. There is no character development in the movie and we have no reason to love or hate the characters. And to delete a complete generation is inexcusable. Isabel Allende has written a powerful book and the book is what should be read!\": {\"frequency\": 1, \"value\": \"This movie is a ...\"}, \"If it were possible to distill the heart and soul of the sport--no, the pure lifestyle--of surfing to its perfect form, this documentary has done it. This documentary shows the life isn't just about the waves, but it's more about the people, the pioneers, and the modern day vanguard that are pushing the envelope of big wave further than it's ever been.

Stacy Peralta--a virtual legend from my early '80s skateboarding days as a SoCal teen--has edited reams of amazing stock and interview footage down to their essence and created what is not just a documentary, but a masterpiece of the genre. When his heart and soul is in the subject matter--and clearly it is here--his genius is fraught with a pure vision that doesn't glamorize, hype, or sentimentalize his subject. He reveres surfers and the surfing/beach lifestyle, but doesn't whitewash it either. There is a gritty reality to the sport as well.

There is so much that could be said about this documentary, about the surfers, the early history of the sport, and the wild big wave surfers it profiles. Greg Noll, the first big wave personality who arguably pioneered the sport; Jeff Carter, an amazing guy who rode virtually alone for 15 years on Northern California's extremely dangerous Maverick's big surf; and, the centerpiece of the documentary, Laird Hamliton, big wave surfing's present day messiah.

There is tremendous heart and warmth among all these guys--and a few girls who show up on camera--and a deep and powerful love for surfing and the ocean that comes through in every word. I found the story of how Hamilton's adopted father met him and how Hamilton as a small 4- or 5-year old boy practically forced him to be his dad especially heartwarming (and, again, stripped of syrupy sentimentality).

If you like surfing--or even if you don't--this is a wonderful documentary that must be watched, if only because you're a student of the form or someone who simply appreciates incredibly well-done works of art.\": {\"frequency\": 1, \"value\": \"If it were ...\"}, \"This is probably one of the worst French movies I have seen so far, among more than 100 french movies I have ever seen. Terrible screenplay and very medioacre/unprofessional acting causes the directing powerless. with all that it doesn't matter how nice western french scene and fancy music can add to the story.

One of the key weakness of this movie is that these two characters do NOT attract people, as an audience I don't care what happens to them.

It amazed me how this movie won jury prize in cannes, man, I love almost all the awarded movies in cannes, but not this one. A major disappointment for me.\": {\"frequency\": 1, \"value\": \"This is probably ...\"}, \"Perhaps the biggest waste of production time, money and the space on the video store shelf. If someone suggests you see this movie, run screaming in the other direction. Unless, of course, you're into self-abuse.\": {\"frequency\": 1, \"value\": \"Perhaps the ...\"}, \"It surprises me that I actually got the courage to watch the bio flick or flicks \\\"Che: Parts 1 & 2\\\". Why? Because if my Cuban exile parents would ever found out I saw this movie about this despicable mass murderer of the Cuban revolution, I would be grounded for life. Hey wait? I am an adult, they can't ground me no mas. Director Steven Soderbergh, and newbie commie (sorry Steven, but I had to take Soder shots here) divides the movie in two partes on Commander Ernesto \\\"Che\\\" Guevara's revolutionary life. \\\"Che: Part 1\\\" presents how Che in the mid 1950's joined Fidel Castro's guerilla crew in their revolutionary quest to overthrow Cuban President Fulgencio Batista's regime; which as we all know was a revolutionary success for them, but a gargantuan guerilla disaster to many Cubans as it revolted into Communism. \\\"Che: Part 2\\\" presents Che trying to revolutionize the T-Shirt industry by pitching T-Shirts with his appalling bearbado face to T-Shirt manufacturers. OK, I am che-chatting a lot of crap towards your way! I meant to say the 'Che: Part 2\\\" focuses on Che in the late 60's trying to bring back the revolution, this time to a poverty-stricken Bolivia, but with far different results. In fact, Che ended up being dead meat enchelada when he was captured and killed by the Bolivian militia in 1967. Soderbergh does not include the in-between time of those two instances in Che's life when he commanded the despicable La Cabana Fortress Prison in Cuba, where he mass murdered many Cubans who opposed Communism. That is where I think Soderbergh executed a cinematic injustice by not showing the viewers how atrocious Guevara really was. I did decide to see \\\"Che\\\" in hopes that Soderbergh would not glamorize him, but instead present how disturbed he really was. Unfortunately, Soderbergh did not do the latter and sadly decided to present Guevara as a Revolutionary hero, which he was not. He was a sick man who thank God is now probably at the bottom of the devil barrel. Now, I do have to be an objectivistic reviewer and must admit that Benicio Del Toro's performance as Che was extremely commanding, and worthy of merit. And that Demian Bichir was a haunting dead-ringer as Fidel Castro in his meticulous performance. But the rest of the cast of \\\"Che\\\" was primarily comprised of mediocre performances of actors portraying Guerilla soldiers. And as much as I do admire Matt Damon, why did Sodebergh throw him in the revolutionary mix in a Spanish-speaking cameo performance portraying a Bolivian delegate? Soderbergh did not have to present this biopic which is mostly \\\"too much talk and not enough action\\\" in 4 hours and 30 minutes. We have had too much of Che already, even posthumously with those ridiculous t-shirts, so why give us too much more of him? But I guess when you have the Del Toro by the horns (as you did here Steven), I guess it is your saving grace for not totally executing \\\"Che: Parts 1 &2\\\". *** Average\": {\"frequency\": 1, \"value\": \"It surprises me ...\"}, \"The first thing I thought after watching \\\"Mystery Men\\\" was how could this movie be so unpopular? I found this movie so adorable and funny that it's status as a bomb defies logic. Well, I hope that in the future it becomes a cult hit, and you can count me amoung it's fans.

Simply put, and without giving too much away, this movie does for comic books what \\\"the Princess Bride\\\" did for fairy tales and \\\"Who Framed Roger Rabbit?\\\" did for classic cartoons. That should give you a more accurate idea of the tone of the movie then the marketing commitee it was unfortunately signed to (this is one of those cases like \\\"the Iron Giant\\\" where the studio had no clue what it had on it's hands). Rent it the next time you're in the mood for something a little offbeat. You won't listen to the BeeGees in the same light ever again.\": {\"frequency\": 1, \"value\": \"The first thing I ...\"}, \"SPOILERS AHEAD

This is one of the worst movies ever made - it's that simple. There is not one redeeming quality about this movie. The first 10 minutes are quite tricky - they actually lead you to believe that this film will be shocking and will have you on the edge of your seat. Instead, you will spend 83 minutes punching yourself while watching stolen and poorly made scenes run without any organization. The lake was ridiculous, looked like an aquarium, and had the same plant in different parts of the lake bed. Characters show their advanced teleportation powers, for example Alex Thomas who falls into the lake (drunk), and then ends up on his boat in an impossible position. Angie Harmon put up a pitiful performance as Kate, made worse by the space-time continuum rupturing dialog that appears to have been written at the last minute by a fifth grader. An example of this would be when she said, \\\"Flashlight!\\\" in such a stupid manner that it shows the threshold of how much a human body can cringe before it snaps in half. Finally, the editing of this movie was by far the most bizarre and horrific that I have ever seen. It was like the cameramen were a bunch of chimps who had been given camcorders by scientists. An example of this would be when we suddenly get a closeup of the headlight on Alex's car. I would bet that there was little to no time spent editing this movie. The ending was absolutely pathetic. The writers were obviously trying to create some sort of mysterious plot line that made the viewer say, \\\"oh yeah!\\\" Instead, we're left to view some dumb painting of a spider that somehow fits into the story line. Unfortunately, there is not one perspective in the millions out there that could save this movie from being a festering piece of crap.

I give this a .5 out of 10, the .5 being from the fact that this movie was recorded on film instead of becoming a picture book.\": {\"frequency\": 1, \"value\": \"SPOILERS AHEAD

While we can predict that his titular morose, up tight teacher will have some sort of break down or catharsis based on some deep down secret from his past, how his emotions are unveiled is surprising. Spall's range of feelings conveyed is quite moving and more than he usually gets to portray as part of the Mike Leigh repertory.

While an expected boring school bus trip has only been used for comic purposes, such as on \\\"The Simpsons,\\\" this central situation of a visit to Salisbury Cathedral in Rhidian Brook's script is well-contained and structured for dramatic purposes, and is almost formally divided into acts.

We're introduced to the urban British range of racially and religiously diverse kids (with their uniforms I couldn't tell if this is a \\\"private\\\" or \\\"public\\\" school), as they gather \\ufffd\\ufffd the rapping black kids, the serious South Asians and Muslims, the white bullies and mean girls \\ufffd\\ufffd but conveyed quite naturally and individually. The young actors, some of whom I recognized from British TV such as \\\"Shameless,\\\" were exuberant in representing the usual range of junior high social pressures. Celia Imrie puts more warmth into the supervisor's role than the martinets she usually has to play.

A break in the trip leads to a transformative crisis for some while others remain amusingly oblivious. We think, like the teacher portrayed by Ben Miles of \\\"Coupling,\\\" that we will be spoon fed a didactic lesson about religious tolerance, but it's much more about faith in people as well as God, which is why the BBC showed it in England at Easter time and BBC America showed it in the U.S. over Christmas.

Nathalie Press, who was also so good in \\\"Summer of Love,\\\" has a key role in Mr. Harvey's redemption that could have been played for movie-of-the-week preaching, but is touching as they reach out to each other in an unexpected way (unfortunately I saw their intense scene interrupted by commercials).

While it is a bit heavy-handed in several times pointedly calling this road trip \\\"a pilgrimage,\\\" this quiet film was the best evocation of \\\"good will towards men\\\" than I've seen in most holiday-themed TV movies.\": {\"frequency\": 1, \"value\": \"\\\"Mr. Harvey Lights ...\"}, \"This movie sounded like it might be entertaining and interesting from its description. But to me it was a bit of a let down. Very slow and hard to follow and see what was happening. It was as if the filmmaker took individual pieces of film and threw them in the air and had them spliced together whichever way they landed (definitely not in sequential order). Also, nothing of any consequence was being filmed. I have viewed quite a few different Korean films and have noticed that a good portion are well made and require some thinking on the viewer's part, which is different from the typical Hollywood film. But this one befuddled me to no end. I viewed the film a second and third time and it still didn't do anything for me. I still don't really understand what the filmmaker was trying to convey. If it was to just show a typical mundane portion of a person's life, I guess he succeeded. But I was looking for more. Needless to say, I can't recommend this movie to anyone.\": {\"frequency\": 1, \"value\": \"This movie sounded ...\"}, \"It is a rare occasion when I want to see a movie again. \\\"The Amati Girls\\\" is such a movie. In old time movie theaters I would have stayed put for more showings. Was this story autobiographical for the writer/director? It has the aura of reality.

The all star cast present their characters believably and with tenderness. Who would not want Mercedes Ruehl as an older sister? I have loved her work since \\\"For Roseanna\\\".

With most movies, one suspends belief because we know that it is the work of actors, producers, directors, sound technicians, etc. It was hard to suspend such belief in \\\"The Amati Girls\\\". One feels such a part of this family! How I wanted to come to the defense of Dolores when her family is stifling her emotional life. And wanted to cheer Lee Grant as she levels criticism at Cloris Leachman's hair color. The humor throughout is not belly laugh humor, but instead has a feel-good quality that satisfies far more than pratfalls and such.

The love that is portrayed in this cinema family is to be emulated and cherished.

It is no coincidence that the family name, Amati, translated from the Italian means 'the loved ones'.\": {\"frequency\": 1, \"value\": \"It is a rare ...\"}, \"I think if they made ANY MONEY make a complete turd bomb like this one. The I need to get into the movie industry. I wiped my ass on a piece of toilet paper and made a better script once. Watch when the guy is running through the tunnel, they used the same 30 feet of tunnel OVER and OVER and OVER again and never even changed the location of the stupid HANGING light.

I think if i get the THRILL of meeting the director of this GEM of a MOVIE, I think i will pick a fight with him and start it by deficating on his LOAFERS

I think I need to puke now\": {\"frequency\": 1, \"value\": \"I think if they ...\"}, \"This movie is truly brilliant. It ducks through banality to crap at such speed you don't even see good sense and common decency to mankind go whizzing past. But it doesn't stop there! This movie hits the bottom of the barrel so hard it bounces back to the point of ludicrous comedy: behold as Kor the Beergutted Conan wannabe with the over-abundance of neck hair struts his stuff swinging his sword like there's no tomorrow (and the way he swung it, I really am amazed there *was* a tomorrow for him, or at least, for his beer gut). Don't miss this movie, it's a fantastic romp through idiocy, and sheer bloody mindedness! And once you have finished watching this one, dry the tears of joy (or tears of frustration at such an inept attempt at storytelling) from your eyes because some stupid f00l gave these people another $5 to make a sequel!\": {\"frequency\": 1, \"value\": \"This movie is ...\"}, \"Final Score: 1.8 (out of 10)

After seeing 'Jay and Silent Bob Strike Back' I must have been on a big Eliza Dushku kick when I rented this movie. 'Soul Survivors' is a junk \\\"psychological thriller\\\" dressed up like a trashy teen slasher flick - even to the point of having a masked killer stalk a cast of young up-and-comers like Dushku, Wes Bentley (American Beauty), Casey Affleck (Drowning Mona) and likable star Melissa Sagemiller. Luke Wilson is also in there, ridiculously miscast as a priest. The movie, the brainchild of writer/director Stephen Carpenter, seems like a mutant offspring of 'Open Your Eyes' or 'Vanilla Sky' and movies where a character (and the audience) is caught in a world of dillusion caused by an accident/death. The movie keeps churning out perplexing images and leaves us in a state of confusion the entire running time until this alternate reality is finally resolved. I don't think these movies are that entertaining- by their very nature- to begin with, but 'SS' is rock-bottom cheap trash cinema any way you slice it. The visuals, the script, the acting and the attempt at any originality all are throwaway afterthoughts to movies like this. Plus, it's PG-13 so it doesn't even deliver the gore or T&A to sustain it as a guilty pleasure (even the unrated version is tame). I had heard that the movie contained some \\\"hot\\\" shower scene between Dushku & Sagemiller. As the movie fell apart in front of me and all other entertainment seemed to be lost I found myself waiting patiently for the shower scene - at least I would get something out of this. Then it comes: the two girls get paint on their shirts, they jump in the shower fully clothed and scrub it off. That's it. People thought this was hot? 'Soul Survivors' is one of those drop-dead boring movies that is so weak and inept that it is hard to have ANY feelings at all toward it. It puts out nothing and is hardly worth writing about. In the end it leaves us empty. Carpenter's finale is a mess of flashing light and pounding sound and that's probably the most lively part. It will no doubt be making the rounds as a late night staple on USA or the Sci-Fi Channel, due to it's low cost and PG-13 rating - and that's probably best for it.\": {\"frequency\": 1, \"value\": \"Final Score: 1.8 ...\"}, \"Laurence Olivier, Merle Oberon, Ralph Richardson, and Binnie Barnes star in \\\"The Divorce of Lady X,\\\" a 1938 comedy based on a play. Olivier plays a young barrister, Everard Logan who allows Oberon to spend the night in his hotel room, when the London fog is too dense for guests at a costume ball to go home. The next day, a friend of his, Lord Mere (Richardson), announces that his wife (Barnes) spent the night with another man at the same hotel, and he wants to divorce her. Believing the woman to be Oberon, Olivier panics. Oberon, who is single and the granddaughter of a judge, pretends that she's the lady in question, Lady Mere, when she's really Leslie Steele.

We've seen this plot or variations thereof dozens of time. With this cast, it's delightful. I mean, Richardson and Olivier? Olivier and Oberon, that great team in Wuthering Heights? Pretty special. Olivier is devastatingly handsome and does a great job with the comedy as he portrays the uptight, nervous barrister. Oberon gives her role the right light touch. She looks extremely young here, fuller in the face, with Jean Harlow eyebrows and a very different hairdo for her. She wears some beautiful street clothes, though her first gown looks like a birthday cake, and in one gown she tries on, with that hair-do, she's ready to play Snow White. Binnie Barnes is delightful as the real Lady Mere.

The color in this is a mess, and as others have mentioned, it could really use a restoration. Definitely worth seeing.\": {\"frequency\": 1, \"value\": \"Laurence Olivier, ...\"}, \"Maslin Beach is a real nudist/naturist beach south of Adelaide, on the Fleurieu Peninsula, in South Australia. It is also the name of an Australian film that used the beach as a location.

Maslin Beach is labelled a romantic comedy. This could be slightly misleading, as it is not a 'hilarious' film, nor is it really romantic in the traditional sense, but it does have light-hearted moments. Much as life itself, there are also moments of sadness too. It is also entirely shot at the nudist beach mentioned above, and nudity runs throughout the length of film. The viewer quickly learns to accept this as normal, and concentrate on the plot, not the copious amount of flesh.

Simon and Marcie (Michael Allen and Eliza Lovell) arrive by car at a beach-side car park. They take their belongings to the beach, and while they are walking, a voice-over from Simon talks about his confusion about what real love is. The rest of the film is an exploration of this, framed by one complete day at the beach. The basic story is of what happens to Simon's love life, but there are also many other characters highlighted in several separate vignettes.

When they arrive at the beach, both Simon and Marcie appear bored with each other. Marcie sees them as a 'Romeo and Juliet' romantic couple. Simon is just bored with it all. Next, we are introduced to Gail (Bonnie-Jaye Lawrence), Paula (Zara Collins) and Jenny (Jennifer Ross). They are walking down the beach together discussing Gail's chances of finding the 'perfect' man, aided by the 'powers' of a necklace that brought good luck to her Grandmother. However, there are many more interesting people on the beach, not all of them 'attractive' and young (part of the realism of this film).

To service the beach's patrons there is a flatulent, short-sighted ice-cream salesperson with a van. This is Ben (Gary Waddell), who is a friend of Simon, and is also his unofficial counsellor. I would think that this character is the main comic element. It is hard to say though, as there is nothing about Ben that would make you laugh aloud, unless you were intoxicated, male and very young! Maslin Beach does have a major redeeming feature though, and that is that it does not dwell too long on any one subject. As the quality of acting is variable, the script is suspect and everything about Maslin Beach is cheap, the lack of continuity is a positive boon. In fact, there is something about this film (not the nudity) that I find appealing. It is hard to define what it is, but it could be something to do with its bluntness, and downright 'Aussie' attitude to carnal matters.

The camera work in Maslin Beach deserves a mention. Sometimes it is very good, with some stunning static shots and 'pans' of the beach, cliffs and a sunset. As nudity is a major factor in this film, framing is an important aspect of the camera work. There is no sense of gratuity in the framing, meaning that the framing is done so that the camera does not dwell on 'private' body parts. This helps to ease any sense of viewer discomfort from being within the subject's 'personal space', and makes the film more tasteful. Not an easy task, given the location for filming.

Maslin Beach is neither a 'skin flick' for post-pubescent, testosterone charged males, nor a 'Mills and Boon' romance for under-appreciated women. Maslin Beach does not seem to fit anywhere in genre. The actors are not 'attractive' in the Baywatch sense, and are just 'normal' people that you would see on the beach anywhere. It does not have a message to put across and it would not even act as a tourism advertisement, other than perhaps to Naturists. Apart from the Australian accent, the filming could have been in any sunny country. What makes this film distinctly Australian is the fact that it is pointless (cinema verite?), and only Australian Cinema, and other medium sized National Cinemas, could consider such a rash option. At the same time, these medium sized cinemas have room for experimentation in the quest for identity, and a 'flop' is not going to damage their reputation too much. It is always possible, given that Maslin Beach is now a collector's item, that the film might become internationally popular, but it is very unlikely.

During this critique, I have been sounding highly negative, at times, about Maslin Beach. This is not the real position, as I found the film very easy to watch. I enjoyed it as a reflection of near reality and real people (and problems). The problems confronted in the film are those of the everyday, and a little low on spectacle. This does it no harm in my view, and I wish that more films dealt with the everyday like this. There is a connection here with the cinemas of Europe, and with French film in particular. They rarely deal with major disasters or catastrophes, but with the everyday. Hollywood is in direct opposition to this, and rides the crest of the hyper-real action/drama/angst wave. The pace too, is much faster in Hollywood, but it is not reality. Maslin Beach is not exactly 'Jacques Tati' either, but it is on the right track, even if it does ignore issues of multi culturalism, equality, gender orientation and so on, that are of such importance in current cinema. I am sure that you will either love or hate this film, with little room for a middle ground.

\": {\"frequency\": 1, \"value\": \"Maslin Beach is a ...\"}, \"This movie is very entertaining, and any critique is based on personal preferences - not the films quality. Other than the common excessive profanity in some scenes by Murphy, the film is a great vehicle for his type of humor. It has some pretty good special effects, and exciting action scenes.

As a finder of lost children, Murphy's character starts off looking for a missing girl, which leads him on the path for which others believe he was \\\"chosen\\\" - - to protect the Golden Child. The young boy is born as an enlightened one, destined to save the world from evil forces, but whose very life is in danger, if not for the help of Murphy, and his beautiful, mysterious and mystical helper/guide/protector.

Also, there are moments of philosophical lessons to challenge the audience members who are interested in pondering deep thoughts. One such scene is where the Golden Child, that Murphy's character is solicited to protect, is tested by the monks of the mountain temple. An elderly monk presents a tray of ornamental necklaces for the child to choose from, and the child is tested on his choice.

This is a fantasy/comedy that is based on the notion that there are both good and evil forces in our world of which most people are completely unaware. As we accept this premise of the plot, we must let go of our touch with a perceived daily reality, and prepare for the earth and walls to crumble away, and reveal a realm of evil just waiting to destroy us.

This is an excellent movie, with a good plot, fine acting, and for the most part, pretty decent dialogue combining a serious topic with a healthy balance of Martial Art fighting, and Eddie Murphy humor.\": {\"frequency\": 1, \"value\": \"This movie is very ...\"}, \"A chemical spill is turning people into zombies. It's up to two doctor's to survive the epidemic. It's an Andreas Schnaas film so you know what the par for the course will be. Bad acting, horribly awful special effects, and no budget to speak of. The dubbing is ridiculous with a capital R and the saddest thing is that I feel compelled to write one word about this piece of excrement, much less the ten lines mandatory because of the guidelines placed on me by IMDb. My original review of merely one word: Crap wouldn't fly so I have to revise it and go more in to how bad it is. But I don't know if I can, so.. wait I think I may have enough words, or lines rather to make this review pass. Which is cool, I guess. So in summation: This movie sucks balls, don't watch it.

My Grade: F\": {\"frequency\": 1, \"value\": \"A chemical spill ...\"}, \"Ok, even if you can't stand Liza- this movie is truly hilarious! The scenes with John Gielgud make up for Liza. One of the true romantic comedy classics from the 20th century. Dudley Moore makes being drunk and irresponsible look cute and amusing and it is damn fun to watch! The one-liners are the best.\": {\"frequency\": 1, \"value\": \"Ok, even if you ...\"}, \"St. Elmo's Fire has no bearing on life after university at all (for the majority of us common folk anyway). Why was this garbage even made? Who can really relate to this? Who lives like these characters? I truly feel sorry for the actors having to deal with such a terrible script. There are some talented young actors in this \\\"film\\\" that have done a good job elsewhere. It must have just been one whole joke to them on set.

I actually found this \\\"film\\\" insulting to my intelligence. The only joy I got from this is hoping that Sir John Hughes had a good ol' laugh when he saw a screening of this the same year his masterpiece of The Breakfast Club was released.

Don't make the same mistake I did of watching this because you enjoy 80's films. It really is that offensive to the genre.\": {\"frequency\": 1, \"value\": \"St. Elmo's Fire ...\"}, \"52-Pick Up never got the respect it should have. It works on many levels, and has a complicated but followable plot. The actors involved give some of their finest performances. Ann-Margret, Roy Scheider, and John Glover are perfectly cast and provide deep character portrayals. Notable too are Vanity, who should have parlayed this into a serious acting career given the unexpected ability she shows, and Kelly Preston, who's character will haunt you for a few days. Anyone who likes action combined with a gritty complicated story will enjoy this.\": {\"frequency\": 1, \"value\": \"52-Pick Up never ...\"}, \"There seems to be an overwhelming response to this movie yet no one with the insight to critique its methodology, which is extremely flawed. It simply continues to propogate journalistic style analysis, which is that it plays off of the audiences lack of knowledge and prejudice in order to evoke an emotional decry and outburst of negative diatribe.

Journalism 101: tell the viewer some fact only in order to predispose them into drawing conclusions which are predictable. for instance, the idea of civil war, chaos, looting, etc were all supposedly unexpected responses to the collapse of governmental infrastructure following Hussein's demise: were these not all symptomatic of an already destitute culture? doctrinal infighting as symptomatic of these veins of Islam itself, rather than a failure in police force to restrain and secure? would they rather the US have declared marshall law? i'm sure the papers here would've exploded with accusations of a police state and fascist force.

aside from the analytical idiocy of the film, it takes a few sideliners and leaves the rest out claiming \\\"so-and-so refused to be interviewed...\\\" yet the questions they would've asked are no doubt already answered by the hundred inquisitions those individuals have already received. would you, as vice president, deign to be interviewed by a first time writer/producer which was most certainly already amped to twist your words. they couldn't roll tape of Condi to actually show her opinion and answer some of the logistics of the questions, perhaps they never watched her hearing.

this is far from a neutral glimpse of the situation on the ground there. this is another biased, asinine approach by journalists - which are, by and large, unthinking herds.

anyone wanting to comment on war ought at least have based their ideas on things a little more reliable than NBC coverage and CNN commentary. these interpretations smack of the same vitriol which simply creates a further bipartisanism of those who want to think and those who want to be told by the media what to think.\": {\"frequency\": 1, \"value\": \"There seems to be ...\"}, \"somewhere i'd read that this film is supposed to be a comedy. after seeing it, i'd call it anything but. the point of this movie eludes me. the dialogue is all extremely superficial and absurd, many of the sets seemed to be afterthoughts, and despite all the nudity and implied sexual content, there's nothing erotic about this film...all leaving me to wonder just what the heck this thing is about! the title premise could have been the basis for a fun (if politically incorrect) comedy. instead, we're treated to cheap, amateurish, unfinished sketches and depravity and weirdness for its own sake. if i want that, i'll go buy a grace jones cd.\": {\"frequency\": 1, \"value\": \"somewhere i'd read ...\"}, \"Because 'cruel' would be the only word in existence to describe the intentions of these film makers. Where do you even begin? In a spout of b*tchiness, I'm going to start with the awful acting of nearly everybody in this movie. Scratch that. Nearly does not belong in that sentence. I can't think of even one character who was portrayed well. Although, in all fairness, it would be nearly impossible to portray these zero dimensional characters in a successful way. Still, the girl who played Katherine (whose name I purposefully don't include - I'm pretending she doesn't exist) remains one of the worst actors I've ever seen, only eclipsed by the guy who played Sebastian. The story was God awful. It attempted to mirror the brilliance that was the first one but failed in so many ways. Pretty much every part of it was pointless - though I will admit (grudgingly) that the plot twist was quite good it its surprise. And the ending was at least slightly humorous. But this film is up there with the worst I've seen. Don't watch it. Just don't. There is absolutely no value in watching it. None. It only takes away the enjoyment of the first.\": {\"frequency\": 1, \"value\": \"Because 'cruel' ...\"}, \"Camp Blood III is a vast improvement on Camp Blood II as it has sound mostly in the right places and a rudimentary plot. This time they've ventured slightly further away from the car park the other two movies were filmed in which is a good move as you can no longer hear cars driving past what is supposed to be a remote wilderness.

This time around there's a reality TV show and a fake clown to scare off the contestants. This is hardly a new idea, I've seen at least three other horror movies with exactly the same premise where the real killer turns up but at least this one has a plot instead of people just randomly being stabbed with a knife.

Unlike the other two in the series this one is at least good for a few laughs. I liked how there's a gunshot sound effect when someone gets stabbed early on and the way the boom mike hovers behind people like a phantom.

I don't know why anyone would want to make a third Camp Blood film, I would have thought it would be better to start from scratch but they have at least tried with this one. The half naked deformed woman was a bit much for me, it looks like they tried to keep continuity by hiring some freak who would get her clothes off for $5 just like they did in the second movie. They still haven't worked out that a machete is used for cutting not stabbing but oh well, it's a Camp Blood movie what do you expect? If you like crap films you'll get some fun out of this one.\": {\"frequency\": 1, \"value\": \"Camp Blood III is ...\"}, \"I loved this episode. It is so great that all 5 of them team up and stop LutherCorp and save the world. I also love this episode because Kyle Gallner (Bart Allen/Impulse) and Justin Hartley (Oliver Queen/Green Arrow) are guest starring in it!!! I just hope that Clark will join the Justice League and we'll get to follow this group of heroes across the globe!! =)It was really exciting and keeps viewers interested because of what will happen next. I think Chloe should also join the team as Watchtower, that would be such a coool thing for her to do besides the Daily Planet because she doesn't have super powers. Also, I want to find out what types of subjects Lex is going to use for 33.1, I wonder what other types of powers other people in the world have!!!\": {\"frequency\": 1, \"value\": \"I loved this ...\"}, \"I realize it's not supposed to be BSG and I can handle slow-paced shows if they're interesting but I find myself completely uninterested and bored with this series.

The formula for BSG seemed to be: Action + Adventure + SciFi + Suspense + Mystery + Drama

the formula for Caprica seems to be: Bland Drama + Moderate Scifi

Maybe it will get more interesting but as of episode 3 I can barely watch it. In fact, it's at the bottom of my to-watch list for the week. This is a sad state of affairs. The Syfi channel really destroyed their Friday night lineup. Whatever happened to the glory days of SG1, Stargate Atlantis, and BSG on Friday nights? They had a good thing there.\": {\"frequency\": 1, \"value\": \"I realize it's not ...\"}, \"The only thing serious about this movie is the humor. Well worth the rental price. I'll bet you watch it twice. It's obvious that Sutherland enjoyed his role.\": {\"frequency\": 1, \"value\": \"The only thing ...\"}, \"I LOVE this show, it's sure to be a winner. Jessica Alba does a great job, it's about time we have a kick-ass girl who's not the cutesy type. The entire cast is wonderful and all the episopes have good plots. Everything is layed out well, and thought over. To put it together must have taken a while, because it wasn't someone in a hurry that just slapped something together. It's a GREAT show altogether.\": {\"frequency\": 1, \"value\": \"I LOVE this show, ...\"}, \"We're talking about a low budget film, and it's understandable that there are some weaknesses (no spoilers: one sudden explosives expert and one meaningless alcoholic); but in general the story keeps you interested, most of the characters are likable and there are some original situations.

I really like films that surprise you with some people that are not who they want you to believe and then twist and turn the plot ... I applaud this one on that.

If you know what I mean, try to see also \\\"Nueve Reinas\\\" (Nine Queens) a film from Argentina.\": {\"frequency\": 1, \"value\": \"We're talking ...\"}, \"I felt this movie was as much about human sexuality as anything else, whether intentionally or not. We are also shown how absurd and paradoxical it is for women not to be allowed to such a nationally important event, meanwhile forgetting the pasts of our respective \\\"advanced\\\" nations. I write from Japan, where women merely got the right to vote 60 years ago, and female technical engineers are a recent phenomenon. Pubs in England were once all-male, the business world was totally off-limits for women in America until rather recently, and women in China had their feet bound so they couldn't develop feet strong enough to escape their husbands. Iran is conveniently going through this stage in our time, and we get a good look at how ridiculous we have all looked at one time or another. Back to the issue of sexuality, we are made to wonder what it may be intrinsically about women that make them unfit for a soccer game (the official reason is that the men are bad). Especially such boyish girls, a couple so much so that you even get the feeling that lesbianism is on the agenda as well. I think one point is that not all women are the same, and the women the police are trying to \\\"protect\\\" are not the ones who would try to get in in the first place. The opening scenes of the approach to the stadium makes you appreciate the valor of the young women trying to get in -- and each one separately -- at all. It is a brutish man's world. Any woman brave enough to try to go should be allowed! The world of sexuality is not one-size-fits-all.

Meanwhile, the apprehended criminal girls bond inside the makeshift pen awaiting their deportation to who-knows-where, and in a much more subtle way, begin to bond with the guards keeping watch over them. These had definite ideas about women and femininity, which were being challenged head-on. The change in attitude is glacial, but visible.

Since the movie is pure Iran from the first moment, it takes a little easing-into for the foreigner, but the characters have a special way of endearing themselves to you, and you end up getting the whole picture, and even understanding the men's misunderstandings and give them slack. The supposed villain is the unseen patriarchy of the Ayatollahs, which remain unseen and unnamed, and likely unremembered.

Knowing that this movie was filmed during the actual event of the Iran-Bahrain match gives me a feeling of awe for all involved.\": {\"frequency\": 1, \"value\": \"I felt this movie ...\"}, \"Well then, thank you SO MUCH Disney for DESTROYING the fond memories I USED to have of my FORMER favorite movie. I was about 5 when the original movie came out, and it was one of the first movies I remember seeing. So, now that I'm 16, and feeling masochistic enough, I decided to rent this movie. Thus, I managed to poison all my memories of the original movie with this sorry excuse for a movie. This movie takes everything that made the original endearing and wrecks it, right down to the last detail.

In this movie, Ariel and Eric celebrate the birth of their daughter, Melody, and go to show her to everyone in the ocean...BROADWAY STYLE! After the musical number ends, within minutes, the sea witch Morgana shows up and threatens to kill Melody if Triton doesn't give up the trident. Thus, he gives it up without even a fight. Eric stands there gaping, though Ariel figures out how to use a sword and save Melody. Morgana escapes, so Ariel and Eric decide that Melody should never go near the sea until Morgana is caught.

Well...uh, nothing of note really happens. Eric is a total wuss. He never really manages to do anything. Ariel sort of does something. Melody manages to screw things up. Plus, the animation is a new low-point for Disney. The computer graphics wind up clashing with the backgrounds. Ever single opportunity for character development is wasted. The songs bite.

Look, don't waste your time. I'm pretty sure even the little kids are going to be bored out of their skulls with this, since nothing even remotely exciting ever happens. They won't want to sing the songs. If you manage to grab a copy of this, throw it out into the ocean and hope that nobody ever finds it. Ever.\": {\"frequency\": 2, \"value\": \"Well then, thank ...\"}, \"Finally a thriller which omits the car chases, explosions and other eye catching effects. The movie combines a simple plot (assasination of a french president) with an excellent background. It takes a look behind mans behavior with authorities, and explains why we would obey almost every order (even murder) which would be given to us.

Furthermore it shows us how secret services can manipulate the run of history and how hardly they can be controlled. The best thing on this movie is, that there is no classic \\\"Hollywood end\\\" which can easily be predicted.\": {\"frequency\": 1, \"value\": \"Finally a thriller ...\"}, \"Well, magic works in mysterious ways. This movie about 4 prisoners, trying to escape with the help of spells, written by another prisoner centuries ago was a superb occult thriller with a surprising end and lots of suspense. Even if it had something of a theater-play (almost everything happens in the cell) it never got boring and it was acted very well. In the tradition of \\\"Cube\\\" you felt trapped with the Characters and even if they were criminal, you developed some sympathy with some of them, only to change your mind by the twists the story takes. Some happenings catched you off guard and there was always a touch of insanity in the air. Altogether intense and entertaining and as I didn't expect anything (a friend rented it), it was a positive surprise!\": {\"frequency\": 1, \"value\": \"Well, magic works ...\"}, \"Humphrey Bogart clearly did not want to be in this film, and be forced to play a part-Mexican or he would have been suspended. Believe me , he made the wrong choice! Presumably, after the success of \\\"Dodge City\\\", Warners tried a follow-up with Errol Flynn and his usual list of buddies, like Alan Hale, Guinn (Big Boy) Williams, Frank Mc Hugh and the ever-present John Litel, but they made the huge mistake of trying to present Miriam Hopkins as a love interest for Flynn v. Randolph Scott, and as a singer to really make things bad, because she proved one thing, and that is she cannot sing. The story was not too bad, but with Bogie clearly miscast also, it turned out to be a poor Western that was overlong, and on a low budget, but in fairness, color would not have helped.\": {\"frequency\": 1, \"value\": \"Humphrey Bogart ...\"}, \"This sad little film bears little similarity to the 1971 Broadway revival that was such a 'nostalgic' hit. Keep in mind that when Burt Shevelove directed that revival, he rewrote the book extensively. I have a feeling that this screenwriter wrought as much of a change from the original 1925 version as well. I played the 'innocent philanderer' Jimmy Smith on-stage in 1974, and thought this $1 DVD would bring back memories. Not a chance. Even the anticipated delight of seeing \\\"Topper\\\" Roland Young play 'my' part was a major disappointment. Three songs from the play remain, and are done very poorly. Even the classic duet, \\\"Tea For Two\\\", is done as a virtual solo. The many familiar faces in this 1940 fiasco do not do themselves proud at all, and the star, Anna Neagle, just embarrasses herself. When I feel gypped by spending a dollar, I know the film must be bad. Another commentator mentioned the Doris Day version, which is actually called \\\"Tea For Two\\\" and is about doing the stage play (the original, of course), so those who are seeking the true \\\"No No Nanette\\\" might find a more recognizable version there.\": {\"frequency\": 1, \"value\": \"This sad little ...\"}, \"An hilariously accurate caricature of trying to sell a script. Documentary hits all the beats, plot points, character arcs, seductions, moments of elation and disappointments and the allure but insane prospect of selling a script or getting an agent in Hollywood;and all the fleeting, fantasy-realizing but ultimately empty rites of passage attendant to being socialized into \\\"the system.\\\" Hotz and Rice capture the moment of thinking you're finally a player, only to find that what goes up comes down fast and in a blind-siding fashion;that for inexplicable reasons, Hollywood has moved on and left you checking your heart, your dreams, and your pockets. Pitch is a must-see for students in film school to taste the mind and ego-bashing gantlet that is, for most, the road that must be traveled to sell oneself and one's projects in Hollywood. If your teacher or guru has never been there, they can't tell you what you need to prepare for this gantlet. To enter the\\\"biz,\\\" talent is necessary but far from sufficient\": {\"frequency\": 1, \"value\": \"An hilariously ...\"}, \"Elvis Presley plays a \\\"half-breed\\\" Native American (\\\"Indian\\\") who has to defend his reservation from nasty business tycoons. Everyone likes to get drunk, fight, and make children. Fighting, wrestling, and \\\"punching out\\\" each other replace the stereotypical hand-raised expression \\\"How\\\"?

Although he does have make-up on, it's obvious Elvis is healthier than he appeared in prior films; possibly, he was getting ready for his famous \\\"comeback\\\". It couldn't have been because this movie's script was anything to get excited about. Joan Blondell trying to seduce Elvis, and Burgess Meredith in \\\"war paint\\\", should be ashamed.

The best song is \\\"Stay Away\\\" (actually, \\\"Green Sleeves\\\" with different lyrics). The most embarrassing song is Elvis' love song to the bull \\\"Dominic\\\". There are some surreal scenes, but it never becomes trippy enough to succeed in that genre; though, \\\"Stay Away, Joe\\\" might provide some laughs if you're in the right \\\"mood\\\".

Otherwise, stay away.

** Stay Away, Joe (1968) Peter Tewksbury ~ Elvis Presley, Burgess Meredith, Joan Blondell\": {\"frequency\": 1, \"value\": \"Elvis Presley ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"On one level, this ...\"}, \"When I really began to be interested in movies, at the age of eleven, I had a big list of 'must see' films and I would go to Blockbuster and rent two or three per weekend; some of them were not for all audiences and my mother would go nuts. I remember one of the films on that list was \\\"A Chorus Line\\\" and could never get it; so now to see it is a dream come true.

Of course, I lost the list and I would do anything to get it back because I think there were some really interesting things to watch there. I mean, take \\\"A Chorus Line\\\", a stage play turned into film. I know it's something we see a lot nowadays, but back then it was a little different, apparently; and this film has something special.

Most of the musicals made movies today, take the chance the camera gives them for free, to create different sceneries and take the characters to different places; \\\"A Chorus Line\\\" was born on a theater stage as a play and it dies in the same place as a movie. Following a big audition held by recognized choreographer Zach (Michael Douglas), Richard Atenborough directs a big number of dancers as they try to get the job.

Everything happens on the same day: the tension of not knowing, the stress of having to learn the numbers, the silent competition between the dancers\\ufffd\\ufffdAnd it all occurs on the stage, where Douglas puts each dancer on the spotlight and makes them talk about their personal life and their most horrible experiences. There are hundreds of dancers and they are all fantastic, but they list shortens as the hours go by.

Like a movie I saw recently, \\\"A Prairie Home Companion\\\", the broadcast of a radio show, Atenborough here deals with the problem of continuity. On or behind the stage, things are going on, and time doesn't seem to stop. Again, I don't if Atenborough cut a lot to shoot this, but it sure doesn't look like it; and anyway it's a great directing and editing (John Bloom) work. But in that little stage, what you wonder is what to do with the camera\\ufffd\\ufffdWith only one setting, Ronnie Taylor's cinematography finds the way, making close-ups to certain characters, zooming in and out, showing the stage from different perspective and also giving us a beautiful view of New York.

In one crucial moment, Douglas tells the ones that are left: \\\"Before we start eliminating: you're all terrific and I'd like to hire you all; but I can't\\\". This made me think about reality shows today, where the only thing that counts is the singing or dancing talent and where the jury always says that exact words to the contestants before some of them are leaving (even when they are not good). It's hard, you must imagine; at least here, where all of them really are terrific.

To tell some of the stories, the characters use songs and, in one second, the stage takes a new life and it literally is 'a dream come true'. The music by Marvin Hamlisch and the lyrics by Edward Kleban make the theater to film transition without flaws, showing these dancers' feelings and letting them do those wonderful choreographies by Michael Bennett. The book in the theater also becomes a flawless and very short screenplay by Arnold Schulman; which is very touching at times. So if it's not with a song it will be with a word; but in \\\"A Chorus Line\\\", it's impossible not to be moved.

During one of the rehearsal breaks in the audition, Cassie, a special dancer played by Alyson Reed, takes the stage to convince Douglas character that she can do it. The words \\\"let me dance for you\\\" never sounded more honest and more beautifully put in music and lyrics.\": {\"frequency\": 1, \"value\": \"When I really ...\"}, \"OK I'm not an American, but in my humble Scottish opinion Steve Martin is not, never has been, and never will be a funny man as long as our posteriors point in a southerly direction. Phil Silvers as Sergeant Bilko was a funny man, no doubt due to the skilled writers and directors and all the other talented team working characters in the series who contributed perfectly to one of the funniest and dateless situation comedies America has ever produced. How anyone could have the audacity to even attempt to replicate the Phil Silvers character is beyond me. To compound things the exercise was repeated in Martin's unfunny attempt to be Peter Seller's Inspector Clouseau, another abortive attempt, in my opinion, to rekindle a demonstrably unfunny career. Some of your contributers say 'Steve Martin puts his own stamp on the character', to that I would say 'balderdash' , his portrayals will be long forgotten when those of Silvers and Sellars will be treasured for generations to come\": {\"frequency\": 1, \"value\": \"OK I'm not an ...\"}, \"I have grown up pouring over the intertwined stories of the Wrinkle in Time Chronicles. My dream was that one day a screenwriter would come across their child sitting in a large sofa reading A Winkle in Time, and would think, what an amazing movie this would make. Sadly enough that screenwriter failed, changing characters, throwing in lame humor, and all out destroying the plot. I know that it is a hard task to change a well loved novel into a movie. But why can't you stay true to the book? Why must you change the way characters think and act? For those of you who have not read the book, pick it up, find a soft couch, and let your imagination run wild.\": {\"frequency\": 1, \"value\": \"I have grown up ...\"}, \"An interesting animation about the fate of a giant tiger, a sloth, and a mammoth, who saved a baby, who was close to be killed by a group of tigers during the ice age. The morale of the film shows that good behavior with the others may bring benefits at the end. One of the tigers in the group got an order to finally capture the baby, who was hardly saved by his mother when the tigers attacked her community. The baby was then rescued by the sloth and the mammoth, but the tiger joined them with the objective of finally taken away the baby. They went through very troublesome paths with plenty of danger, and at once the tiger was to fall down and saved by the mammoth. At the end the group of tigers tried to capture the baby but the mammoth helped incredibly by his tiger colleague was able to overcome this attack and to give the baby back to his father and the community to which he belongs.\": {\"frequency\": 1, \"value\": \"An interesting ...\"}, \"Before he became defined as Nick Charles in the Thin Man Series, William Powell played another urbane detective named Philo Vance. The supporting cast is strong in this early talkie, and Powell's star quality is evident. Mary Astor, who eight years later would be defined by her portrayal of Brigid O'Shaughnessy, does a good job here as the featured woman who finds herself in the middle of it all.\": {\"frequency\": 1, \"value\": \"Before he became ...\"}, \"Of all the reviews I've read, most people have been exceedingly hard on Alexandre. Neither Marie or Veronika ever seemed that they would particularly desperate to keep Alexandre, he being only slightly intelligent though not at all intellectual, as most of us are, however hard it may be for anyone to admit. Alexandre is getting away with life perfectly, being totally taken care of, getting and giving what he wants. the girls are allowing this, veronika loves sex, marie is his patron. is there anything wrong with any of this? is anyone in love? really? i don't think so. Though French New Wave cinema is prone to pretension and so on, it is marvelous simply because of its lack of a need for a plot in order to create emotion. Ease is perfectly lovely and all anyone in Alexandre's position, in an urban area can ask for. I'm looking for a patron, anyone interested?\": {\"frequency\": 1, \"value\": \"Of all the reviews ...\"}, \"Based on Ray Russell's dark bestseller, this John (WATCHER IN THE WOODS) Hough-directed bust has little going for it.

Though it does not lack gory violence, it lack narrative sensibility and \\\"characters\\\".

The \\\"Incubus\\\" of the title is a demon endowed with a mammoth penis that shoots red sperm into vaginas during intercourse -- or, to be more precise, rape.

John Cassavetes, moonlighting from his successful directing career, is convincing as a doctor who questions the circumstances of the bizarre attacks on young women.

Horrific possibilities of the victims spawning demonic offspring are not considered -- and neither is the audience's tolerance for slow moving garbage.

The script's reluctance to explore the dramatic repercussions of a fertile premise exemplifies the major problems with this vapid Big-Schlong-On-The-Loose exercise.\": {\"frequency\": 1, \"value\": \"Based on Ray ...\"}, \"Beaudray Demerille(a weak Peter Fonda, who also directed), an aging gambler, wins young teen Wanda \\\"Nevada\\\"(pretty, but not talented Brooke Shields) in a poker game. Together the unlikely pair(of course)embark on a search for Indian gold in the Grand Canyon.

That's the story and there really is no need to search for a deeper meaning in it. It just isn't there. The acting is very weak too, which was quite a surprise given the fact that Peter Fonda was in the lead.

If you're looking for something interesting in this film, take a look at the nice scenery and some good looks of a young Brooke Shields. Her character however is so irritating(especially at the beginning)and dumb, that she never quite comes off as sexy or appealing. Too bad, but, given the story, I doubt anything more could be made of this. I wonder why Peter Fonda directed and starred in this film. He must have even talked his father(Henry Fonda)into a (useless) cameo in this ridiculous mess. Unfortunately, this was their only film together. Couldn't Henry be in EASY RIDER for example? 3/10\": {\"frequency\": 1, \"value\": \"Beaudray ...\"}, \"Cheezy action movie starring Dolph Lungren. Lungren is a one time military man who has retreated into a teaching job. But the changes in the neighborhood and the student body have left him frustrated and he decides that he?s going to hang it up. Things get dicey when while watching over a bunch of students in detention some robbers take over the school as a base of operation for an armored car robbery. Its Dolph versus the baddies in a fight to the death. Jaw dropping throw back to the exploitation films of the late grindhouse era where bad guys dressed as punks and some of the bad women had day glow hair. What a stupid movie. Watchable in a I can?t believe people made this sort of way, this is an action film that was probably doomed from the get go before the low budget, fake breakaway sets and poor action direction were even a twinkle in a producers eye. Watch how late in the film as cars drive through the school (don?t ask) they crash into the security turret (don?t ask since it looks more like a prison then a high school) and smash its barely constructed form apart(it doesn't look like it did in earlier shots). What hath the gods of bad movies wrought? Actually I?m perplexed since this was directed (?) by Sydney J Furie, a really good director who made films like The Boys in Company C. Has his ability failed him, or was this hopeless from the get go and he didn't even bother? It?s a turkey. A watchable one but a turkey none the less.\": {\"frequency\": 1, \"value\": \"Cheezy action ...\"}, \"I saw Jack Frost for \\ufffd\\ufffd4:00 at my local store and I thought it looks pretty good for a low budget movie so I bought it and I was right it was good. For starters this film is about a killer snowman so that's something to laugh about and the way it looks was funny compared to the Snowman on the cover.

The acting was okay and the lines Jack Frost said had me laughing \\\"I only axed you for a smoke\\\" and \\\"Worlds most pi**ed off snow cone\\\" how funny and camp is that? The tale at the start was pretty funny and silly too \\\"Jack be nimble, Jack be quick, Jack gouged eyes with candle sticks\\\". If you're looking for a for a B-Movie Comedy horror that's full of puns then check Jack Frost out. 10/10\": {\"frequency\": 1, \"value\": \"I saw Jack Frost ...\"}, \"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!\": {\"frequency\": 1, \"value\": \"My father, Dr. ...\"}, \"New York has never looked so good! And neither has anyone in this movie. While the script is a bit lightweight you can't help but like this movie or any of the characters in it. You almost wish people like this really existed. The appeal of the actors are what really put it over(John Ritter, Colleen Camp and the late Dorothy Stratten are particularly good.) Go ahead and rent or buy this movie you'll be glad you did.\": {\"frequency\": 1, \"value\": \"New York has never ...\"}, \"Bruce Almighty, one of Carrey's best pictures since... well... a long time. It contains one of the funniest scenes I have seen for a long time too... Morgan Freeman plays God well and even chips in a few jokes that are surprisingly funny. It contains one or two romantic moments that are a bit boring but over all a great movie with some funny scenes. The best scene in, it is where Jim is messing up the anchor man's voice.

My rating: 8/10\": {\"frequency\": 1, \"value\": \"Bruce Almighty, ...\"}, \"This is a collection of documentaries that last 11 minutes 9 seconds and 1 frame from artists all over the world. The documentaries are varied and deal with all sorts of concepts, the only thing being shared is 9/11 as a theme (very minor in some cases). Some of the segements are weak while others are very strong; some are political, some are not; some are solely about 9/11, some simply use 9/11 as a theme to touch on human feelings, emotions and tragedies that are universal; some are mainstream while others are abstract and artistic). This film has not been censored in any fashion by anyone so the thoughts that you see are very raw and powerful.

This is a very controversial film, especially for conservative Americans. I think two segments might really tick off the right wingers (one from Egypt where a dead American soldier and a dead Palestinian bomber come back as spirits; another from UK which recounts the US-backed overthrow of Chile on Sept 11, 1973, which resulted in 50,000 deaths and horrible atrocities). The segment from Mexico was the most powerful, recounting the fall of the towers and the resulting death in vivid fashion (you have to see it to believe it).

Even though the final product is uneven, with some segments being almost \\\"pointless\\\", I still recommend this. It's very difficult to rank this film because the segments vary all over the place (some weak, some very powerful; ). I'm giving this a rating of 9 out of 10 simply because some segments were excellent and covered issues that usually get censored (Mexico segment, UK segment, Japan segment, Egypt segment).\": {\"frequency\": 1, \"value\": \"This is a ...\"}, \"I picked this movie up to replace the dismal choice of daytime television and to go with my thirst for femme fatales. Well, for the previous, it is better than daytime television....though I'm not sure how much.

It does have its points but after about the first 20-30 minutes, the good points pan out and one comes to the conclusion that they are watching a made for TV movie that was put together with not much time to make something that will hold together. In short, a terrible Sci Fi channel type movie.

It has its points such as the future is dirty, like \\\"Blade Runner\\\" showed ..... of course, this is no \\\"Blade Runner\\\". The Captain looks, sort of feels like actor Robert Forster, the kind of person one might want to be around.

But unfortunately, it rather ends up feeling like a bad \\\"Andromeda\\\" rehash where the muscle of the crew consists of poor copies of the smart gunners of \\\"Aliens\\\", the mystic is vampire Willow sexually intensified, and the new Captain might as well be like Jan-Michael Vincent running around on \\\"Danger Island\\\" in the \\\"Banana Splits\\\"; he only put on the uniform with the epaulets; he's got very little right to it. All of them running around with their version of force lances inside a ship that looks very much like the 'Eureka Maru' as they are fighting a class of 'people' who occupy the universe and are broken up into several different tribes or sects of different evolutionary qualities.......just like the Nietzcheans in \\\"Andromeda\\\".

It might have a redeeming feature with Michael Ironside, but after a while, one gets the feeling that he took the part as a hoot! He probably had fun doing it, but it doesn't help the movie much.

It's ..... \\\"okay\\\". Okay in the way that one might watch the DVD once without turning it off; if they watch it with commercials, they will probably change the channel. One might watch it once .......... but a few hours later, be wondering what it was that made them watch it all.

For me, that was the femme fatale ............. when she was fighting.\": {\"frequency\": 1, \"value\": \"I picked this ...\"}, \"A truly, truly dire Canadian-German co-production, the ever-wonderful Rosanna Arquette plays an actress whose teenage daughter redefines the term \\\"problem child\\\" - a few uears prior to the \\\"action\\\" the child murdered her father, and mum took the fall for the offspring. Now she's moved up to the Northwest US to start over, but her child still has a problem in that she's devoted to her mother. So devoted in fact that she kills anyone who might be seen as a threat to their bond.

Unfortunately Mandy Schaeffer (as the daughter) murders more than people - she delivers such a terrible performance that she also wipes out the movie, though the incoherent script, useless direction and appalling music (check out the saxophone the first time she displays her bikini-clad bod) don't help any; we're supposed to find her sexy and scary, but she fails on both counts. Almost completely unalluring and not even bad enough to be amusing (not to mention the fact that Arquette and Schaeffer don't really convince as mother and daughter), all condolences to Miss Arquette and Jurgen Prochnow, both of whom are worthy of far more than this, and both of whom (particularly Rosanna) are the only sane reasons for anyone to sit through this farrago.

One of the production companies is called Quality International Films - not since the three-hour \\\"Love, Lies And Murder\\\" (from Two Short Productions) has there been such a \\\"You must be joking\\\" credit.\": {\"frequency\": 1, \"value\": \"A truly, truly ...\"}, \"One of my favorite Twilight Zone episodes. And the next day we were in the supermarket at Hollywood Blvd. and La Brea, my father and I, and guess who was coming toward us in the aisle! Barney Phillips, but no hat on -- at least, I don't think he had a hat on.

We asked him about his third eye, and he said something like he left it at home, and everybody he met that day had asked him about it.

A friendly guy. We used to see all kinds of character actors in LA in those days.

BTW, I was a teenager and it took a long time for me to get over the \\\"three hands\\\" on the other alien!

Robyn Frisch O'Neill

Hollywood native and resident 1947 to 1963.\": {\"frequency\": 1, \"value\": \"One of my favorite ...\"}, \"This is kind of a weird movie, given that Santa Claus lives on a cloud in outer space and fights against Satan and his minions...but it's still kinda fun.

It has some genuine laughs...whether all of them were intentional is certainly debatable, though. This movie is not good, but I can say I really enjoyed watching it.

I would recommend this movie over \\\"Santa Claus Conquers the Martians\\\", \\\"Santa Claus\\\" with Dudley Moore and John Lithgow, or \\\"The Santa Clause\\\" with Tim Allen.\": {\"frequency\": 1, \"value\": \"This is kind of a ...\"}, \"I've had a lot of experience with women in Russia, and this movie portrays what a lot of them are like, unfortunately. They are very cunning, ruthless, and greedy, as well as highly unfair. From the robotic sex, the hustling for gifts, to the lies and betrayal, I've experienced it all in Russia.

I know what I'm talking about. And here are my qualifications: Here are the photojournals of my three trips to Russia in search of a bride. It includes thousands of pics of many hot Russian girls I met, black comedy, scams I was privy to, and the story of my mugging and appearance on Russian national TV.

http://www.happierabroad.com/Photojournals.htm

It's like Reality TV. You will love it. I spent a ton of time putting it together. So check it out. The Russian woman that Nicole Kidman plays is a lot like the Julia and Katya in my photojournals.

My 3 bride seeking trips in Russia happen to be very exciting and would sell, so why don't they make a movie out of my bride seeking adventures in Russia? However, there is one factual impossibility in this film, and that is the way which the guy orders his bride from a catalog and having her arrive at an airport. It doesn't work that way at all, so I don't understand why the media likes to perpetuate this. There isn't a single Russian bride introduction website that works this way, and I challenge anyone to find one that does. The fact is, you can only order the Russian lady's CONTACT INFO (email, address, phone number, etc.) from the website. From there, you correspond and then visit her, and if you want to bring her to your country, you start the immigration process at your INS office, and wait months after that. That's how it works in real life. You can't just order her to arrive at your airport. US Immigration would NEVER allow such a thing to happen.

WuMaster

- I got everything I wanted by going abroad! You can too! http://www.happierabroad.com\": {\"frequency\": 1, \"value\": \"I've had a lot of ...\"}, \"Oh, I heard so much good about this movie. Went to see it with my best friend (she's female, I'm male). Now please allow me a divergent opinion from the mainstream. After the first couple of dozen \\\"take off your clothes,\\\" we both felt a very strange combination of silliness and boredom. We laughed (at it, not with it), we dozed (and would have been better off staying in bed), we were convinced we had spent money in vain. And we had. The plot was incoherent, and the characters were a group of people about whom it was impossible to care. A waste of money, a waste of celluloid. This movie doesn't even deserve one out of ten votes, but that's the lowest available. I'm not sure why this movie has the reputation that it does of being excellent; I don't recommend it to anyone who has even a modicum of taste or intelligence.\": {\"frequency\": 1, \"value\": \"Oh, I heard so ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"I ran across this ...\"}, \"I really, really wanted to like Julian Po. I think that Slater is underrated as an actor, and that many of the supporting players here are better than they are given a chance to demonstrate in this film. I realize this is based on a short story which I have not read. So, I do not know if what I see as the film's faults originated with the story, or were imposed on it by the director/screenwriter. The premise is wonderful, and I loved the voiceover, confessional tone the opening narration strikes. But then...? Nothing! Several of the cliched local characters ask Julian pointblank to explain his intention to commit suicide. One could argue that he doesn't answer, because it's none of their business. But Julian is the one who, under only token pressure, blurted out his intentions in public. Then neither Julian nor the director/writer, despite the fact that the Julian character is keeping a tape recorded journal for God's sake, seem inclined to provide anything beyond the scant initial information on Julian's life. He says he was a bookkeeper. He says his family moved around when he was a child, due to his father's job. So what? There are several interactions with the locals which seem designed to illuminate Julian's purpose. But none of them go anywhere, because Julian seems to regard all these dopey locals as if they were aliens from another planet, as if he were the ultimate (and only) sane one among them. This might work as an allegory, if Julian Po had any defining characteristics or anything approaching wisdom to impart. The closest he comes to revealing anything about himself is in the scene in which he purposely humiliates the naive, religious wife of the mechanic. And what this scene reveals is not anything that would inspire empathy for Julian. I can only see the Julian character --as rendered--as selfish, petty, and totally condescending. Sort of matches the attitude of the director of this half-baked, contrived film. And poor Michael Parks, an actor who once had so much promise, is given nothing to work with here.\": {\"frequency\": 1, \"value\": \"I really, really ...\"}, \"how many minutes does it take to paint a poem? in this film much too long.

it tells the story about the impact of a first love between two schoolboys.

the boys can't withhold touching each other and making love. after a while one gets distracted by a brief encounter with a sensual guy in the disco and that raises doubt: exploration, fantasy, longing, lust and feelings of loosing grip on your love are themes that are all extensively painted with music, close-ups and silent scenes like telling a poem. but it really takes too long, annoying long, shame, the effort was promising\": {\"frequency\": 1, \"value\": \"how many minutes ...\"}, \"Jeremy Northam struggles against a \\\"Total Recall\\\" clone script and disposable romantic by-play to bring life to a confused character. Lucy Liu graduates her acting from a wooden start to a workman-like finish. You can't fail to laugh when viewing her interviews on the DVD when she uses the term \\\"Femme fatal\\\" and \\\"Romance\\\". French film-noir actress she is not and they lack chemistry together.

This movie fails, not in the plot or the action sequences but in the lack of attention to detail in the films photography and ham-fisted portrayal of the world of technology surrounding the main protagonists. Little attempt is made to dress the scenery to represent any contiguous filmic landscape or period. Automobiles are very 1990's and the architecture barely modern with open plans that hint at a restricted budget rather than conscious set dressing techniques.

The technology is positively hilarious. Massive \\\"2001: A Space Odyssey\\\" mainframes fed by man-portable CD-ROM's with data collected for some unexplained reason, in spite of the proliferating communications network that even the most un-savvy technologist today would obviously be aware. There is an obvious lack of research done here and given the open-source nature of the cyber-community, research would have cost little more than a bulletin board and personal time.

DVD interviews also reveal the original movie name was \\\"Company Man\\\" but this likely ditched in order to cash in on Matrix hype. The \\\"Cypher\\\" title has only the slightest link with the movie. Terry Gilliam would have done wonders with this concept; and completely re-written the Decalogue.

This is Tele-movie quality and extremely disappointing for a movie length production. It might have made a good sub-plot for \\\"Alias\\\".\": {\"frequency\": 1, \"value\": \"Jeremy Northam ...\"}, \"I wasn't alive in the 60's, so I can't guarantee that this movie was a completely accurate representation of the period, but it is certainly a moving and fulfilling experience. There are some excellent performances, most notably by Josh Hamilton (of With Honors), Jerry O'Connell (Sliders), who play brothers divided by the war. Bill Smitrovich, a character actor who has been long ignored by many, gives a heart-filled performance as their strict father, who is forced to question his own beliefs and values as one of his sons makes him proud by going to Vietnam but returns empty inside, while the other is exactly the opposite. All in all, this is a powerful and heartwarming film that I hope everyone gets a chance to experience.\": {\"frequency\": 1, \"value\": \"I wasn't alive in ...\"}, \"This movie is great, mind you - but only in the way it tells a very BAD story. Stella is so terribly crude, and never learns better. Her husband is incredibly snobby and small-minded. Neither ever learns better. Is this realistic? Somehow, Stella understands that her daughter is ashamed of her gaudy manners & dress, yet cannot understand that she just needs to tone it all down? I don't think so. Stella is a GOOD woman, and a VERY GOOD mother. Giving up herself, so her daughter can be associated with a bunch of bigoted snobs is disgusting.

Much of what we see might have been normal for the times - people having a beer or two, enjoying a player piano, dancing - but it is made out to be some sort of moral inferiority. \\\"I can't have our child living this way!\\\" Spare me.

This story tells me one thing: that the Unwashed Working Class cannot ever hope to aspire to the heights of the Upper Classes. And that is simply a load of hogwash.\": {\"frequency\": 1, \"value\": \"This movie is ...\"}, \"My wife and I both agree that this is one of the worst movies ever made. Certainly in the top ten of those I've watched all the way through. At least \\\"Plan 9\\\" was enjoyable.

I DID really enjoy \\\"Christine\\\", \\\"The Dead Zone\\\", \\\"Firestarter\\\", \\\"Carrie\\\", and some of his other films. I didn't care much for \\\"Cujo\\\" (only because the sound was so bad on versions I've seen and I often couldn't tell what people were saying), or \\\"Pet Sematary (Pet Cemetery)\\\".

But this mess was a total mistake in every way possible. The \\\"creatures\\\" themselves seemed designed by a 9-year-old. (No offense to 9-year-olds.)

Even the \\\"one-liners\\\" made us groan and weren't remotely amusing.\": {\"frequency\": 1, \"value\": \"My wife and I both ...\"}, \"Joan Crawford had just begun her \\\"working girl makes good\\\" phase with the dynamic \\\"Paid\\\" (1930). She had never attempted a role like that before and critics were impressed. So while other actresses were wondering why their careers were foundering (because they were clinging to characters that had been the \\\"in\\\" thing a few years before but were now becoming passe) Joan was listening to the public and securing her longevity as an actress. The depression was here and jazz age babies who survived on an endless round of parties were frowned upon. Of course, if you became rich through immoral means but suffered for it - that was alright.

This film starts out with a spectacular house boat party. Bonnie Jordan (Joan Crawford) is the most popular girl there - especially when she suggests that everyone go swimming in their underwear!!! However, when Bonnie's father has a heart attack, because of loses on the stock market, both Bonnie and her brother, Rodney (William Bakewell) realise who their real friends are. After Bob Townsend (Lester Vail - a poor man's Johnny Mack Brown) offers to do the \\\"right thing\\\" and marry her - they had just spent a night together when Bonnie declared (with abandon) that she wants love on approval - she starts to show some character by deciding to get a job.

She finds a job at a newspaper and quickly impresses by her will to do well. Her working buddy is Bert Scranton (Cliff Edwards) and together they are given an assignment to write about the inside activities of the mob. Rodney also surprises her with the news that he also has a job. She is thrilled for him but soon realises it is bootlegging and he is mixed up with cold blooded killer, Jake Luva (Clark Gable). Rodney witnesses a mass shooting and goes to pieces, \\\"spilling the beans\\\" to the first person he sees drinking at the bar - which happens to be Bert. He is then forced to kill Bert and after- wards he goes into hiding. The paper pulls out all stops in an effort to find Bert's killer and sends Bonnie undercover as a dancer in one of Jake's clubs. (Joan does a very lively dance to \\\"Accordian Joe\\\" - much to Sylvie's disgust). The film ends with a gun battle and as Rodney lies dying, Bonnie tearfully phones in her story.

This is a super film with Crawford and Gable giving it their all. Natalie Moorehead, who as Sylvie shared a famous \\\"cigarette scene\\\" with Gable early in the film, was a stylish \\\"other woman\\\" who had her vogue in the early thirties. William Bakewell had a huge career (he had started as a teenager in a Douglas Fairbanks film in the mid 20s). A lot of his roles though were weak, spineless characters. In this film he played the weak brother and was completely over-shadowed by Joan Crawford and the dynamic newcomer Clark Gable - maybe that was why he never became a star.

Highly Recommended.\": {\"frequency\": 1, \"value\": \"Joan Crawford had ...\"}, \"This film lacked something I couldn't put my finger on at first: charisma on the part of the leading actress. This inevitably translated to lack of chemistry when she shared the screen with her leading man. Even the romantic scenes came across as being merely the actors at play. It could very well have been the director who miscalculated what he needed from the actors. I just don't know.

But could it have been the screenplay? Just exactly who was the chef in love with? He seemed more enamored of his culinary skills and restaurant, and ultimately of himself and his youthful exploits, than of anybody or anything else. He never convinced me he was in love with the princess.

I was disappointed in this movie. But, don't forget it was nominated for an Oscar, so judge for yourself.\": {\"frequency\": 1, \"value\": \"This film lacked ...\"}, \"Drones, ethnic drumming, bad synthesizer piping, children singing. The most patronizing \\\"world music\\\" imaginable. This is a tourist film, and a lousy one. What really kills it is the incoherent sequences. India, Egypt, South America, Africa, etc, etc. No transitions, no visual explanation of why we're suddenly ten thousand miles away, no ideas expressed in images. Just a bunch of footage of third-worlders with \\\"baskets on their heads\\\" as another reviewer said. Walking along endlessly as if that had some deep meaning. If these guys wanted to make a 3rd World music video, all they had to do was head a few hundred miles south of where the best parts of Koya were shot, and film in Mexico. That would have been a much better setting for \\\"life in transformation.\\\"

But no. What they decided on was a scrambled tourist itinerary covering half the globe and mind-deadeningly overcranked filter shots. The only thing to recommend this film is that it doesn't suck quite as much as Naqoyqatsi.

RstJ\": {\"frequency\": 1, \"value\": \"Drones, ethnic ...\"}, \"I am a big fan of Stephen King's work, and this film has made me an even greater fan of King. Pet Sematary is about the Creed family. They have just moved into a new house, and they seem happy. But there is a pet cemetery behind their house. The Creed's new neighbor Jud (played by Fred Gwyne) explains the burial ground behind the pet cemetery. That burial ground is pure evil. Jud tells Louis Creed that when you bury a human being (or any kind of pet) up in the burial ground, they would come back to life. The only problem, is that when they come back, they are NOT the same person, they're evil. Soon after Jud explains everything about the Pet Sematary, everything starts to go to hell. I wont explain anymore because I don't want to give away some of the main parts in the film. The acting that Pet Sematary had was pretty good, but needed a little bit of work. The story was one of the main parts of this movie, mainly because it was so original and gripping. This film features lots of make-up effects that make the movie way more eerie, and frightening. One of the most basic reasons why this movie sent chills up my back, was in fact the make-up effects. There is one character in this film that is truly freaky. That character is \\\"Zelda.\\\" This particular character pops up in the film about three times to be precise. Zelda is Rachel Creed's sister who passed away years before, but Rachel is still haunted by her. The first time Zelda appears in the movie isn't generally scary because she isn't talking or anything, but the second time is the worst, and to be honest, the second time scares the living **** out of me. There is absolutely nothing wrong with this movie, it is almost perfect. Pet Sematary delivers great scares, some pretty good acting, first rate plot, and mesmerizing make-up. This is truly one of most favorite horror films of all time. 10 out of 10.\": {\"frequency\": 1, \"value\": \"I am a big fan of ...\"}, \"Unfortunately for myself - I stumbled onto this show late in it's lifetime. I only caught a few episodes (about three) before it was cancelled by ABC. I loved the characters, and storyline - but most of all the GREAT actors! I was a fan of Sex and the City, so I saw two characters I recognized (Bridget Moynahan was & The Character \\\"Todd\\\" was \\\"Smith Jared\\\"), as well as Jay Hernandez (From Carlito's Way: Rise To Power) and Erika Christensen (Swimfan). I enjoy watching young actors get their due, and felt like this show would propel their career further along. I hope this at least gets put back out on DVD, and maybe WB will pick it up for a second season sometime? In the meantime, I'm viewing it on ABC's website from the beginning.\": {\"frequency\": 1, \"value\": \"Unfortunately for ...\"}, \"This is one of the worst movies I have seen this year. You should not see this movie but if you insist on wasting your time you should stop here, there are SPOILERS. Gray Matters centers on Gray and Sam Baldwin (Heather Graham and Tom Cavanagh). Only Gray and Sam are Brother and Sister; living together in everyone else's eyes as man and wife. No sex but just about everything else. Early on, the movie starts with its theme: 'the most absurd thing at the most absurd moment with you guessed it the most absurd reactions'. Gray and Sam decided to check out the dog park with a borrowed pooch. Rather then push her brother to get the skinny on first woman they see for him, she does it and gets to the nitty-gritty questions too. When she signals her brother to come over they start a 3-way date. Charlie (Bridget Moynahan) is the girl of THEIR dreams, like all the right things etc\\ufffd\\ufffd Sam final hits Gray over the head and the couple finishes the date with a marriage proposal! That Charlie accepts! In one week Charlie, Gray and Sam are to be in Vegas. In the next week Charlie and Gray are off shopping for wedding gowns (apparently Charlie has an off-the-rack figure). Gray is slurping an iced latte when Charlie suggests Gray tries on some gowns as well and picks out a $10,000 frock for her. While Charlie is zipping her in this 'down-payment-on-a-house' gown Gray continues to slurp on the latte (I swear it was like a feed bag). What should happen but 'woops!' latte all over the gown. It is never explained how they got out of Bloomingdale's bridal salon with out a $10,000 mocha colored gown. Back to 'reality' \\ufffd\\ufffd Caesar's palace Las Vegas. They have the 'high roller room' (Sam is a resident surgeon and Charlie is an intern zoologist \\ufffd\\ufffd were do they get all this money?) Gray kicks Sam out to the single room down the hall so she and Charlie can have a bachelorette drink-a-thon were, you guessed it - they kiss. Gray remembers everything; Charlie remembers nada. They make it to wedding chapel and right when the Reverend gets to his line \\\"If there is anybody is here who has any objection whatsoever to the union of these two lovebirds\\\" Gray gets the hiccups. Gray excuses herself, for some reason the Reverend must repeat his last line and right on queue again 'hiccups'. Gray gets back to NY and starts dating any man she meets, literally. And of course one is you guessed it again! Gay. The other is a jerk and the third is a taxi cab driver (Alan Cummings) named Gordy. He is smittened with Gray but the feelings are not returned. They become great friends. This is good because when she comes clean with Sam about the kiss. He blows up and kicks her out of their apartment. When Sam comes to his senses he goes to her office. Gray works at an ad agency. This office is smack in the middle of the twilight zone. It has cameras and microphones in all the conference rooms that broadcast to all computer monitors at the agency. Sam gets Gray in one of the conference rooms for a not-so-private conversation and ends up outing her to the entire office. This is where I doubt that there was a gay man or lesbian on the crew: Gordy comes to her rescue and convinces her to go to a lesbian bar. 'Sorry no men' says the bouncer. So Gray and Gordy return with Gordy in drag. Bad drag. He was in a sleeveless black satin-like blouse, a string of pearls, and a grandma's church hat. No lesbian would ever confuse this 'man in a dress' as a drag queen much less a woman. The bar was also the straight man's fantasy of what a lesbian bar is: full of Victoria's Secret models. Everything turns out peachy \\ufffd\\ufffd she goes home with her firm's client. Gray happens to be on the woman's account and finally does more then kiss. For some reason no one tells Charlie anything and she is oblivious through the whole movie of this kiss with Gray, but that is for the sequel.\": {\"frequency\": 1, \"value\": \"This is one of the ...\"}, \"Curiously, Season 6 of the Columbo series contained only three episodes and there is very little evidence of quality in at least two of the scripts, based on this outing for the \\\"man-in-the-mac\\\" and also \\\"Fade into Murder\\\".

Furthermore, it is not a coincidence that Peter S. Feibleman penned both the aforementioned scripts (incidentally he plays the part of the murdered security guard here).

This adventure is very rarely compelling and many of the performers just look disinterested with the material. The story is rather weakly developed with some protracted periods of boring conversation.

Columbo is also shadowed by a colleague here(similar to \\\"Last Salute to the Commodore\\\") but the entertainment value is minimal. To add to this, Celeste's Holm characterisation, which is intended to provide comedy, induces embarrassment rather than laughs.

The script wavers off to deal with the family history and the murderess does enough to gift Columbo the case, though there is never a credible discussion relating to the motives of her crime.

Ironically, what turns out to be, arguably, Columbo's worst adventure produces the funniest moment in the series. He quizzes a male hairdresser and has a haircut/manicure at the same time. The next 5 minutes are hilarious - it's just that Columbo's hair is so perfectly groomed, then he can't afford to pay the bill and then, when he makes enquiries at a jewellers he keeps glancing in the mirror to admire his hairstyle!

Sadly, this is the only decent moment from a script that looks like it has been cobbled together in ten minutes.

For Columbo completionists only.\": {\"frequency\": 1, \"value\": \"Curiously, Season ...\"}, \"So that\\ufffd\\ufffds what I called a bad, bad film... Poor acting, poor directing, terrible writing!!!! I just can\\ufffd\\ufffdt stop laughing at some scenes, because the story is meaningless!!! Don\\ufffd\\ufffdt waste your time watching this film... Well, I must recognize it has one or two good ideas but it\\ufffd\\ufffds sooooo badly writen...\": {\"frequency\": 1, \"value\": \"So that\\u00b4s what I ...\"}, \"Okay, we've got extreme Verhoeven violence (Although not as extreme as other Verhoeven flicks), we've got plenty of sex and nudity, but something is missing...Oh, yes, it's missing the intelligence that Paul Verhoeven is known for in his sci-fi movies. I admire the way Verhoeven introduces the characters and how they have a sense of humor, but unlike most Verhoeven films, the movie itself doesn't have enough humor for it to fall into the comedy genre. The acting overall was above average compared to most slasher films.

What makes Hollow Man a good movie is not the story, not the cast or characters, but the amazing special effects work that would otherwise make a film like this impossible. The crew has truly made an invisible man, without the use of things like a floating hat suspended on piano wires and other practical effects (effects done on set). The most stunning effects scenes are not seen while Kevin Bacon is invisible, they are when Kevin Bacon is becoming invisible and visible.

The problem is that this invisible man story deserves to be more imaginitive. Here, it takes place at a lab for the most part. I would have enjoyed seeing the invisible Kevin Bacon robbing a bank and getting away with it, or let's say steal something from people's purses, or something like that. But what is shown is decent enough to make Hollow Man an entertaining movie. Grade: B\": {\"frequency\": 1, \"value\": \"Okay, we've got ...\"}, \"FORBIDDEN PLANET is one of the best examples of Hollywood SF films. Its influence was felt for more than a decade. However, certain elements relating to how this wide-screen entertainment was aimed at a mid-fifties audience that is now gone have dated it quite a bit, and the film's sometimes sluggish pacing doesn't help. But, the story's compelling central idea involving the ancient,extinct Krell civilization and \\\"monsters from the Id\\\" hasn't lost its appeal and continue to make this film a relevant \\\"must see\\\" movie. What I'm mostly interested in saying here is that the current DVD for this movie is terrible. The movie has never really looked that good on home video and it's elements are in dire need of restoration. I hope that will happen soon and we get a special edition of this SF classic.\": {\"frequency\": 1, \"value\": \"FORBIDDEN PLANET ...\"}, \"Overall I found this movie quite amusing and fun to watch, with plenty of laugh out loud moments.

But, this movie is not for everyone. That is why I created this quick question-ere, if you answer yes to any of the following questions than I recommend watching this flick

(1)Do you enjoy crude sexual humor? (2)Do you enjoy alcohol related humor? (2)Do you enjoy amazingly hot girls? (3)Do you enjoy viewing boobs? (4)Do you enjoy viewing multiple boobs? (5)Did I mention all the nice boobies in this film?

If you noticed the spoiler alert, that is referring the mass amount of nudity you can expect in the movie, I myself have no idea what the plot was about. Not that it matters.\": {\"frequency\": 1, \"value\": \"Overall I found ...\"}, \"First of all, I'd like to say that I love the \\\"Ladies' Man\\\" sketch on SNL. I always laugh out loud at Tim Meadows' portrayal of Leon Phelps. However, there is a difference between an 8-minute sketch and a feature-length movie. Watching Leon doing his show and making obscene comments to his listeners and coming up with all sorts of segments for his show, like \\\"The Ladies Man Presents...\\\" which is reminiscent of \\\"Alfred Hitchcock Presents...\\\" is absolutely hilarious. There's a great episode where Cameron Diaz role-plays Monica Lewinski, and Leon plays Bill and they call it \\\"The Oral Office.\\\" See, that's funny!!!

In the movie, we don't see Leon on the show too often. In fact, he gets kicked out of almost every radio station in the country. And the plot revolves around his quest for true love, involving a mystery letter that got dropped off at his houseboat, signed by \\\"Sweet Thing.\\\" Karyn Parsons, who is famous for playing Hillary on \\\"Fresh Prince of Bel Air,\\\" works with him on the show and has a secret crush on Leon. The movie just piles on one boring subplot after another. And the gags are boring as well. The first time we see Leon mention the word \\\"wang\\\" it's pretty funny. When he uses it over and over again, supposedly trying to get a laugh, the joke has run dry. Most of the jokes he uses in the film are jokes we heard before, and done better, on the SNL sketch and played out tediously for a whole hour and twenty-five minutes. They even try to insert a musical number by Will Ferrell and his gang of Ladies' Man haters, who all want to destroy him because their wives had an affair with him, to bring some life into this witless comedy. Ferrell has some funny moments, and tries to make the best out of an otherwise unfunny role. Ferrell just has that unique comic talent, and he's funny at almost anything he does. Even Julianne Moore gets a cameo. Watching her, you can't but wonder \\\"What the hell is an Oscar-winning actress doing in this movie??!!!!\\\" Her name wasn't mentioned in the opening credits--probably by her consent. And of course a movie of this theme has to include the Master of Love himself, Billy Dee Williams. Billy Dee is charismatic as always, but even he can't breathe enough life into this film. I also have to add that the soundtrack is full of soft R & B hits, which impairs the film even more, giving it a horribly downbeat tone--as if the script isn't boring enough. I mean, this is \\\"supposed\\\" to be a comedy. The soundtrack would've been appropriate for something like \\\"Love Jones.\\\"

\\\"The Ladies Man\\\" only has sporadic laughs. There are exceptions in which SNL can produce a great movie out of a short sketch. Watch both of the \\\"Wayne's World\\\" movies, and you'll see how it's done. But this movie, just like adapting Mary Catherine Gallagher's character to screen in \\\"Superstar,\\\" shows the flip side. Some sketches are meant to be remembered on SNL, and not on the silver screen.

My score: 3 (out of 10)\": {\"frequency\": 1, \"value\": \"First of all, I'd ...\"}, \"Ten minutes worth of story stretched out into the better part of two hours. When nothing of any significance had happened at the halfway point I should have left. But, ever hopeful, I stayed. And left with a feeling of guilt for having wasted the time. Acting was OK, but the story line is so transparent and weak. The script is about as lame as it could get, but again, stretching out the ten minute plot doesn't leave a whole lot of room for good dialogue.\": {\"frequency\": 1, \"value\": \"Ten minutes worth ...\"}, \"OK - as far as the 2 versions of this movie. There were 2 people involved in the making - John Korty and Bill Couterie (George was just the producer - he really didn't have any kind of say so in the film - just helped with money) - the 'Adult' version was made possible by Bill Couterie. John Korty didn't like or approve this version (as it was done behind his back). Thanks to Ladd films going under, they didn't advertise this movie and threw all their advertising cash for \\\"The Right Stuff\\\", hoping it would pull them through;... and it didn't. SO, this movie never really had a chance. When \\\"Twice\\\" made it to cable (HBO) - they showed the reels with Bill's version and John threatened to sue if it was shown anymore (did you notice how the 'adult' version wasn't on for very long?). Showtime got the 'clean' version. The version on the videotape and laser-disc is the version approved by John (who holds more power than Bill). It's a pity, really, as the 'adult' version is actually better and DOES make more sense. But it's VERY doubtful that it will ever be released in that version onto DVD (or any other format short of bootleg). Sorry to disappoint everyone. I know all this info as I used to be the president of the Twice Upon A Time Fan Club (still have numerous items from the movie - used to own a letter-boxed version of the 'adult' version, but it was stolen - only have a partial HBO copy of it now). 8 stars to the 'adult' version - 5 to the 'clean' version. Any other questions, just ask.\": {\"frequency\": 1, \"value\": \"OK - as far as the ...\"}, \"Although the director tried(the filming was made in Tynisia and Morocco),this attempt to transport the New Testament in the screen failed.The script has serious inaccuracies and fantasies,while the duration is very long.But the most tragic is the protagonist Chris Sarandon,who doesn't seem to understand the demands of his role.\": {\"frequency\": 1, \"value\": \"Although the ...\"}, \"I have seen this movie plenty of times and I gotta tell ya, I've enjoyed it every single time. This is Belushi's pinnacle movie in my opinion. Belushi and Lovitz are so likable and identifiable with the common man that you can't help but get involved once you start watching. The movie has a wonderful cast of stars, some already were big, and others were just getting started. It's billed as a feel good movie, and that's exactly what it is. This movie teaches you that life isn't always so bad after all. Sometimes you've just gotta look at stuff in a different perspective to fully appreciate what you already have. When you're done watching, you'll appreciate the things you have a lot more and you'll also be smiling. You can't ask for much more from a movie in my opinion, not to mention it's a hilarious movie and you'll never lose interest. Very Very underrated movie here folks.

Rating from me: 10 I am out!!!\": {\"frequency\": 1, \"value\": \"I have seen this ...\"}, \"This movie is an amusing and utterly sarcastic view of pop culture and the producers thereof. I was impressed with the photography that consisted of vivid colors and spin doctored settings, especially when you think that this is Zukovic's first large scale attempt.

One warning, do not take the movie's message that seriously. It is not for mass consumption ( and that is not a compliment). The message is a somewhat stylized post-college, neophyte view of society.

I did enjoy the basic plot line of a fictitious 'zine editor verbally whipping the mobocracy of the 90's.\": {\"frequency\": 1, \"value\": \"This movie is an ...\"}, \"Really...and incredible film that though isn't very popular...extremely touching and almost life altering...was for me at least.

Definitely worth seeing and buying .....Added to my favorite movie list....it's number one now....

This is a very touching movie that all people should see..

The Man in the Moon.....we'll it's just incredible. It's now my favorite movie and I only saw it today and I'd recommend it to anyone above 15 as long as you're somewhat mature......If you don't really try to feel the characters emotions then you'll never get the true meaning and value of this movie....But it really is incredible....just watch it because it'll alter the way some people look at life....worth seeing 5/5\": {\"frequency\": 1, \"value\": \"Really...and ...\"}, \"LE GRAND VOYAGE is a gentle miracle of a film, a work made more profound because of its understated script by writer/director Isma\\ufffd\\ufffdl Ferroukhi who allows the natural scenery of this 'road trip' story and the sophisticated acting of the stars Nicolas Cazal\\ufffd\\ufffd and Mohamed Majd to carry the emotional impact of the film. Ferroukhi's vision is very capably enhanced by the cinematography of Katell Djian (a sensitive mixture of travelogue vistas of horizons and tightly photographed duets between characters) and the musical score by Fowzi Guerdjou who manages to maintain some beautiful themes throughout the film while paying homage to the many local musical variations from the numerous countries the film surveys.

Reda (Nicolas Cazal\\ufffd\\ufffd) lives with his Muslim family in Southern France, a young student with a Western girlfriend who does not seem to be following the religious direction of his heritage. His elderly father (Mohamed Majd) has decided his time has come to make his Hadj to Mecca, and being unable to drive, requests the reluctant Reda to forsake his personal needs to drive him to his ultimate religious obligation. The two set out in a fragile automobile to travel through France, into Italy, and on through Bulgaria, Croatia, Slovenia, and Turkey to Saudi Arabia. Along the trip Reda pleads with his father to visit some of the interesting sights, but his father remains focused on the purpose of the journey and Reda is irritably left to struggle with his father's demands. On their pilgrimage they encounter an old woman (Ghina Ognianova) who attaches herself to the two men and must eventually be deserted by Reda, a Turkish man Mustapha (Jacky Nercessian) who promises to guide the father/son duo but instead brings about a schism by getting Reda drunk in a bar and disappearing, and countless border patrol guards and custom agents who delay their progress for various reasons. Tensions between father and son mount: Reda cannot understand the importance of this pilgrimage so fraught with trials and mishaps, and the father cannot comprehend Reda's insensitivity to the father's religious beliefs and needs. At last they reach Mecca where they are surrounded by hoards of pilgrims from all around the world and the sensation of trip's significance is overwhelming to Reda. The manner in which the story comes to a close is touching and rich with meaning. It has taken a religious pilgrimage to restore the gap between youth and old age, between son and father, and between defiance and acceptance of religious values.

The visual impact of this film is extraordinary - all the more so because it feels as though the camera just 'happens' to catch the beauty of the many stopping points along the way without the need to enhance them with special effects. Nicolas Cazal\\ufffd\\ufffd is a superb actor (be sure to see his most recent and currently showing film 'The Grocer's Son') and it is his carefully nuanced role that brings the magic to this film. Another fine film from The Film Movement, this is a tender story brilliantly told. Highly recommended.

Grady Harp\": {\"frequency\": 1, \"value\": \"LE GRAND VOYAGE is ...\"}, \"First of all, what is good in the movie ? Some pretty actress ? the exotic background ? the fact that the actors don't laugh while acting (I would have if I had been in their situation) ? I don't know. The storyline is simple : a catholic priest who does abstract painting tries to find out who (another abstract painter) killed his little brother, a male prostitute (raped by another priest when he was young...). I'm afraid there is nothing here to learn or to let think a little about serial killers, art or religion. Dennis Hopper is not very good here. This is the worst episode of the worst season of \\\"profiler\\\" (the serie) with replacement actors and unbelievable coincidences (the uncle is the policeman who, the girl who lives at another victim's house could have a baby with the priest, etc., etc).\": {\"frequency\": 1, \"value\": \"First of all, what ...\"}, \"Meryl Streep is such a genius. Well, at least as an actress. I know she's been made fun of for doing a lot of roles with accents, but she nails the accent every time. Her performance as Lindy Chamberlain was inspiring. Mrs. Chamberlain, as portrayed here, was not particularly likable, nor all that smart. But that just makes Streep's work all the more remarkable. I think she is worth all 10 or so of her Oscar nominations. About the film, well, there were a couple of interesting things. I don't know much about Australia, but the theme of religious bigotry among the general public played a big part in the story. I had largely missed this when I first saw the film some years ago, but it came through loud and clear yesterday. And it seems the Australian press is just as accomplished at misery-inducing pursuit and overkill as their American colleagues. A pretty good film. A bit different. Grade: B\": {\"frequency\": 1, \"value\": \"Meryl Streep is ...\"}, \"British comedies tend to fall into one of two main types: the quiet, introspective, usually romantic study and the farcical social satire. Settings, characters, and concepts vary but certain characteristics place the vast majority of shows into one of the two categories. Butterflies is perhaps the epitom\\ufffd\\ufffd of the first type.

The scripts are very verbal, including long interior monologues by the main character Ria, a basically happy but unsettled housewife curious about what she might have missed out on when she embarked on a thoroughly conventional life. When she meets a successful but clumsy and emotionally accessible businessman (who makes his interest in her quite clear), she toys with the idea of finding out what the other path might have offered.

The acting and scripts are always on the money, which makes one's reaction to the show almost entirely a personal one: I was neither blown away by it nor turned off. My mother, on the other hand, adored this show. I think the degree to which one identifies with Ria's dilemma is the most important factor in determining one's reaction to Butterflies.\": {\"frequency\": 1, \"value\": \"British comedies ...\"}, \"A sentimental school drama set in Denmark, 1969, \\\"We Shall Overcome\\\" offers a pathetic Danish take on US culture. Frits (Janus Dissing Rathke), a flower-power obsessed, naive 13-year-old, exits with half his ear hanging off from brutal master Lindum-Svendsen's (Bent Mejding) office. Lindum-Svendsen, a school director, portrayed as a fascistoid tyrant, has the local community in control. Lindum-Svendsen's gone too far this time, and with his father, recovering from a mental breakdown (sure, there wasn't enough drama already..), and overly stereotyped hippie music teacher Mr Svale ('Hi, call me Freddie'), Frits stands up for justice.

Tell you what. It's so unconvincing, over-(method-)acted, and so full of misery, that as a 'family' picture this grotesque -filled with clich\\ufffd\\ufffd's- excuse for a movie fails miserably to convince non-Scandinavian audiences. Sorry, kind danish readers, to crash like this into your sentimental journeys.. But it's definitely NOT a tale about a 'boy becoming a man by fighting the system'. The boy never becomes a man, but rather remains a naive, big eyed cry-face. If you call a church of small minded small town folk, led by a dictator like cartoonish character \\\"the system\\\", I'm sorry if I'm missing something.

If you're into family pictures, go see Happy Feet instead..\": {\"frequency\": 1, \"value\": \"A sentimental ...\"}, \"Charles McDougall's resume includes directing episodes on 'Sex and the City', 'Desperate Housewives', Queer as Folk', 'Big Love', 'The Office', etc. so he comes with all the credentials to make the TV film version of Meg Wolitzer's novel SURRENDER, DOROTHY a success. And for the most part he manages to keep this potentially sappy story about sudden death of a loved one and than manner in which the people in her life react afloat.

Sara (Alexa Davalos) a beautiful unmarried young woman is accompanying her best friends - gay playwright Adam (Tom Everett Scott), Adam's current squeeze Shawn (Chris Pine), and married couple Maddy (Lauren German) and Peter (Josh Hopkins) with their infant son - to a house in the Hamptons for a summer vacation. The group seems jolly until a trip to the local ice creamery by Adam and Sara) results in an auto accident which kills Sara. Meanwhile Sara's mother Natalie Swedlow (Diane Keaton) who has an active social life but intrusively calls here daughter constantly with the mutual greeting 'Surrender, Dorothy', is playing it up elsewhere: when she receives the phone call that Sara is dead she immediately comes to the Hamptons where her overbearing personality and grief create friction among Sara's friends. Slowly but surely Natalie uncovers secrets about each of them, thriving on talking about Sara as though doing so would bring her to life. Natalie's thirst for truth at any cost results in major changes among the group and it is only through the binding love of the departed Sara that they all eventually come together.

Diane Keaton is at her best in these roles that walk the thread between drama and comedy and her presence holds the story together. The screenplay has its moments for good lines, but it also has a lot of filler that becomes a bit heavy and morose making the actors obviously uncomfortable with the lines they are given. Yes, this story has been told many times - the impact of sudden death on the lives of those whose privacy is altered by disclosures - but the film moves along with a cast pace and has enough genuine entertainment to make it worth watching. Grady Harp\": {\"frequency\": 1, \"value\": \"Charles ...\"}, \"this is without a doubt the worst most idiotic horrible piece o' crap i have ever watched.

this movies plot is that some guy goes crazy and dresses up as santa claus and kills people BECAUSE he saw his mother give his father oral sex while he was dressed as santa clause. THAT IS WHY HE WENT INSANE? is it just me or is that the worst damn reason for someone to go insane like EVER? and that's not the only thing. i'm being serious when I say NOTHING HAPPENS IN THIS DAMN MOVIE. nothing until like 1 hour and 15 minutes of it have gone by.

there's an entire friggin scene where he glues a friggin santa beard on to him. IT'S A FRIGGIN MINUTE LONG. WHO THE HELL WANTS TO SEE THAT? however i must say the ending of this movie made me crap myself laughing at it. so if you see this movie on TV or something come back in like 1 hour and 20 minutes just to watch without a doubt the worst ending in all of cinematic history. and i'm serious about that.

it's not even so good its bad, it's tedious, it's idiotic, it made me want to break the vcr. it's just not worth your time also i'm sure every other review mentioned this but The actress who played the mother on Home Improvement was in this movie for a split second. YOU WANT TO KNOW HOW BAD THIS MOVIE IS? I'D RATHER WATCH HOME IMPROVEMENT FOR SIXTY SIX HOURS THEN EVEN LOOK AT THIS MOVIES COVER EVER AGAIN.\": {\"frequency\": 1, \"value\": \"this is without a ...\"}, \"Must confess to having seen a few howlers in my time, but this one is up there with the worst of them. Plot troubling to follow. Sex and violence thrown in to disorient and distract from the really poorly put together film.

I can only imagine that the cast will look back on the end product and wish it to gather dust on a shelf not to be disturbed for a generation or two. Sadly, in my case, I have the DVD. It will sit on the shelf and look at me from time to time.\": {\"frequency\": 1, \"value\": \"Must confess to ...\"}, \"This movie must be in line for the most boring movie in years. Not even woody Harrison can save this movie from sinking to the bottom.

The murder in this movie are supposed to be the point of interest in this movie but is not, nothing is of any interest. The cast are not to bad but the script are just plain awful , I just sat in utter amazement during this movie, thinking how on earth can anyone find this movie entertaining

The producers of this movie were very clever. They made a boring movie but hid it well with the names of good actors and actresses on their cast. People will go to the blockbuster and probably see this movie and think, Woody Harrison ,Kristin Scott Thomas and Willem Dafoe this must be good and rent this movie.(boy are they in for a horrible time)

If you like getting ripped off go and rent this movie, some people actually did enjoyed this movie but I like to watch a movie with meaning\": {\"frequency\": 1, \"value\": \"This movie must be ...\"}, \"This is a really stupid movie in that typical 80s genre: action comedy. Conceptwise it resembles Rush Hour but completely lacks the action, the laughs and the chemistry between the main characters of that movie. Let it be known that I enjoy Jay Leno as a stand-up and as a talk show host, but he just cannot act. He is awful when he tries to act tough - he barely manages to keep that trademark smirk off his face while saying his one-liners which, by the way, aren't very funny. And seeing him run (even back then) is not a pleasant sight. In addition, I have a feeling that Pat Morita - at least by today's standards - doesn't give a very politically correct impression of the Japanese. Don't even get me started about the story. I give it a 2 out of 10.\": {\"frequency\": 1, \"value\": \"This is a really ...\"}, \"This familiar story of an older man/younger woman is surprisingly hard-edged. Bikers, hippies, free love and jail bait mix surprisingly well in this forgotten black-and-white indie effort. Lead actress Patricia Wymer, as the titular \\\"Candy,\\\" gives the finest performance of her career (spanning all of 3 drive-in epics). Wymer was precocious and fetching in THE YOUNG GRADUATES (1971), but gives a more serious performance in THE BABYSITTER. The occasional violence and periodic nudity are somewhat surprising, but well-handled by the director. Leads Wymer and George E. Carey sell the May/December romance believably. There are enough similarities between THE BABYSITTER and THE YOUNG GRADUATES to make one wonder if the same director helmed the latter film as well. Patricia Wymer, where are you?

Hailing from Seattle, WA, Miss Wymer had appeared as a dancer on the TV rock and roll show MALIBU U, before gracing the cover (as well as appearing in an eight-page spread) of the August, 1968 issue of \\\"Best For Men,\\\" a tasteful adults-only magazine. She also appeared as a coven witch in the popular 1969 cult drive-in shocker THE WITCHMAKER.

THE BABYSITTER has finally made its home video debut, as part of the eight-film BCI box set DRIVE-IN CULT CLASSICS vol. 3, which is available from Amazon.com and some retail stores such as Best Buy.\": {\"frequency\": 1, \"value\": \"This familiar ...\"}, \"I second the motion to make this into a movie, it would be great!! I was also amazed at the storyline and character build in this game. I have played it again and again (over 20 times) just to try something different and it gets more interesting every time. Final Fantasy eat your heart out!! THIS SHOULD BE MADE INTO A MOVIE!!!!! If anyone out there wants some help to start a petition to have this made into a movie, please contact me. I would love to help with that project any day. The graphics are great for PS1 and even make you forget it is PS1 most of the time. The multitude of side quests makes it different every time you play.\": {\"frequency\": 1, \"value\": \"I second the ...\"}, \"Eddie Murphy Delirious is by far the funniest thing you will ever see in your life. You can compare it to any movie, and I garuntee you will decide that Delirious is the funniest movie ever! This movie is about 1hr. 45 mins., and throughout that time, there was barely a moment where I wasn't laughing. You will laugh for hours after it is over, replaying the punch lines over and over and over in your head. Eddie Murphy has given so many funny performances over his career (48 Hrs.,Trading Places,Beverly Hills Cop,Raw,Coming To America, The Nutty professor,Shrek,etc.),but this is by far his MOST HILARIOUS moment. I have seen this movie so many times, and it is funnier every time. It never loses its edge. From this day forward, every great stand up performance will be emulated from Delirious. ***** and two thumbs up!\": {\"frequency\": 1, \"value\": \"Eddie Murphy ...\"}, \"Bad script, bad direction, over the top performances, overwrought dialogue. What more could you ask for? For laughs, it just doesn't get any better than this. Zadora's over-acting combined with the cliched scenarios she finds herself in make for an hilarious parody of the \\\"Hollywood\\\" machine. Almost as funny as \\\"Spinal Tap\\\" even though it was clearly not intended as such. Don't miss Ray Liotta's debut film line, \\\"Looks like a penis.\\\"\": {\"frequency\": 1, \"value\": \"Bad script, bad ...\"}, \"Mad Magazine may have a lot of crazy people working for it...but obviously someone there had some common sense when the powers-that-be disowned this waste of celluloid...the editing is el crapo, the plot is incredibly thin and stupid...and the only reason it gets a two out of ten is that Stacy Nelkin takes off some of her clothes and we get a nice chest shot...I never thought I would feel sorry for Ralph Macchio making the decision to be in this thing, but I do...and I REALLY feel bad for Ron Leibman and Tom Poston, gifted actors who never should have shown up in this piece of...film...at least Mr. Leibman had the cajones to refuse to have his name put anywhere on the movie...and he comes out ahead...there are actually copies of this thing with Mad's beginning sequence still on it...if you can locate one, grab it cuz it is probably worth something...it's the only thing about this movie that's worth anything...and a note to the folks at IMDb.com...there is no way to spoil this movie for anyone...the makers spoiled it by themselves...\": {\"frequency\": 1, \"value\": \"Mad Magazine may ...\"}, \"For movie fans who have never heard of the book (Shirley Jackson's \\\"The Haunting of Hill House\\\") and have never seen the 1963 Robert Wise production with Julie Harris, this remake will seem pretty darn bad.

For those of us who have, it is just plain awful.

Bad acting (what was Neeson thinking?), goofy computer enhancements, and a further move away from Jackson's story doom this remake.

Do yourself a favor and rent the original movie. It still effectively scares without hokey special effects. The acting is professional and believable.

For readers of the book, the from 1963 follows the it much closer.\": {\"frequency\": 1, \"value\": \"For movie fans who ...\"}, \"The first of two films by Johnny To, this film won many awards, but none so prestigious as a Cannes Golden Palm nomination.

The Triad elects their leader, but it is far from democratic with the behind the scenes machinations.

Tony Leung Ka Fai (Zhou Yu's Train, Ashes of Time Redux) is Big D, who plans to take the baton no matter what it takes, even if it means a war. Well, war is not going to happen as that is bad for business. Big D will change his tune or...

Good performances by Simon Yam, Louis Koo and Ka Tung Lam (Infernal Affairs I & III), along with Tony Leung Ka Fai.

Whether Masons, made men in the Mafia, or members of the Wo Sing Society, the ceremonies are the same; fascinating to watch.

To be continued...\": {\"frequency\": 1, \"value\": \"The first of two ...\"}, \"This is quite possibly the worst Christmas film ever. The plot is virtually non-existent, the acting (Affleck in particular) is poor at best. Ben Affleck fans will probably defend this film but deep down they must agree. As far as I could gather the plot consisted of Ben Affleck, a millionaire salesman, is told by a shrink to go to a place that reminds him of his childhood and burn a list of things he wanted to forget from his childhood. On doing this he ends up paying the family currently living in the house to be his family for Christmas... and that is it. The film goes on and eventually he gets together with the daughter of the family.... blah blah blah.\": {\"frequency\": 1, \"value\": \"This is quite ...\"}, \"Wow, I love and respect pretty much anything that David Lynch has done. However, this movie is akin to a first filmmaker's attempt at making a pseudo art video.

To give you a couple of examples:

1. David Lynch is typically a visual filmmaker, however, this had little visual artistic content (blank walls, \\\"up shots\\\" with ceiling in the background)

2. David Lynch typically takes great pride in audio, however, in this you could even hear the video camera's hum.

In fact, it is very hard to swallow the idea that he had anything to do with this movie. unless...

...this is a joke, on David's part, to force fans search his website (for hours) only to find this drivel. I hope so, because at least that idea is funny.\": {\"frequency\": 1, \"value\": \"Wow, I love and ...\"}, \"Pushing Daisies truly is a landmark in Television as an art form. Everything seems to pay homage to Amelie and Tim Burton, but so what, in a world where fresh ideas are distinctly rare, this show will guarantee that you do not care about whether its fresh or not. It is just Brilliant.

I have been captivated from the start, the intelligent writing, the Directing to the backdrops and dialogue make this show the most incredible masterpiece since The Shield and The Wire (ok not exactly good comparisons but the beauty of Pushing Daisies is that it has no comparisons on television).

Truly addictive and an absolute pleasure. Perhaps like one of the Piemakers pies that get mentioned in such tantalising ways.\": {\"frequency\": 1, \"value\": \"Pushing Daisies ...\"}, \"as an inspiring director myself, this movie was exciting to watch with criticism in mind. Shot with low end digital camera probably with 35mm adapter for DOF. The editing is good acting decent, sound effects aren't too over the top. I would have give it a 7 for an indie film, but the story aren't that interesting. It's more on the drama side, character developments than a horror flick.

It's not for those who wants to get spooked startled frightened grossed out, or sit down with popcorn to just enjoy.

honestly this movie would be good if we were still in the 50's

This movie is about a family who has a dry field, and that is just that.\": {\"frequency\": 1, \"value\": \"as an inspiring ...\"}, \"\\\"Slaughter High\\\" is a totally ridiculous slasher flick about a high school nerd Marty,who gets pick on all the time by some pranksters.The prank goes wrong and he ends up getting savagely burned.Five years later his tormentors all attend a reunion-just the ten of them of course,and low and behold Marty murders them one after another.British actress Caroline Munro(\\\"Maniac\\\")leads the cast as the heroine(who dies anyway!).The acting is completely awful,there's also no suspense at all.Plenty of grotesque death scenes to satisfy the gore-freaks:a guy's stomach explodes,another female victim literally gets an acid bath,a couple having sex in bed get electrocuted,a guy is crushed by a tractor,one girl is drowned,and a doctor gets a hyperdermic needle in the eye.The killer wears a decent and rather creepy jester's mask and the setting(a beautiful old English castle)is really nice.However the dream finale is utterly pathetic.All in all it's true that \\\"Slaughter High\\\" is a piece of garbage,but I enjoyed it.Only for fans of truly bad slasher flicks.\": {\"frequency\": 1, \"value\": \"\\\"Slaughter High\\\" ...\"}, \"This show is so full of action, and everything needed to make an awsome show.. but best of all... it actually has a plot (unlike some of those new reality shows...). It is about a transgenic girl who escapes from her military holding base.. I totally suggest bying the DVDs, i've already preordered them... i suggest you do to...\": {\"frequency\": 1, \"value\": \"This show is so ...\"}, \"Although i had heard this film was a little dry, I watch whatever Scott Bakula is in. At the start of this film I had high hopes for the classic cheesy but enjoyable Scott-gets-girl ending and until 20 minutes before the end it was going great. The plot twist was crazy and unexpected and very clever. I kept my fingers crossed that it would work out and it would all be some horrible misunderstanding, right up until when the credits rolled and I realised that there was not going to be a happy and contented ending. Unfortunately i was left regretting that i'd watched it and hurriedly putting on some quantum leap to restore my faith in the goodness of the Great Scott!\": {\"frequency\": 1, \"value\": \"Although i had ...\"}, \"ZP is deeply related to that youth dream represented by the hippie movement.The college debate in the beginning of the movie states the cultural situation that gives birth to that movement. The explosion that Daria imagines, represents the fall of all social structures and therefore the development of all that huge transformation that society is suffering through and finally Mark's death anticipates the end that A sees for the movement itself. The film will be more easily understood if we go back to that time in life. During the 60 ' and 70' , young people were the driving force for the profound explorations for change. One of the more significant changes intended was to bring sexuality out of the closet , and i think the scenes in the desert do not represent an orgy but the sexual relationship that men and women in absolute freedom would perform in the hipotetic situation where there would be nobody to hide from. I watched the scene where the couples would throw sand to each other and appreciated the magnificent way in which A depicted the impossibility to continue hiding this basic human instinct. Repression was the way to 'control' social outbursts at that time and that is the method , police applies to stop the students. This society suffers from hipocresy, and that comes clear when the students gain access to weapons skipping all fake controls. The dialogue between the policeman with the college professor, who's detained for no reason shows part of society interested for this youth feeling and part completely uninterested. Presenting flying as the more accurate symbol for freedom, the stealing of the plane represents Mark 's inner wish for it but , his (going back or coming back or returning (segun)) shows the difficulties to come free from these bonds and as i ' ve said, A depicts the death of the dream by these difficulties winning the game. In my point of view a film to remember.\": {\"frequency\": 1, \"value\": \"ZP is deeply ...\"}, \"You know what you are getting when you purchase a Hallmark card. A sappy, trite verse and that will be $3.99, thank you very much. You get the same with a Hallmark movie. Here we get a ninety year old Ernie Borgnine coming out of retirement to let us know that as a matter of fact, he is not dead like we thought. Poor Ernie, he is the poor soul that married Ethel Merman several years ago and the marriage lasted a few weeks. In this flick, Ernie jumps in feet first and portrays the Grandpa that bonds with his long lost grandkid. We have seen it before. You might enjoy this movie but please don't say that you were not warned.\": {\"frequency\": 1, \"value\": \"You know what you ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"Jane Porter's ...\"}, \"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.\": {\"frequency\": 2, \"value\": \"Very silly movie, ...\"}, \"Red Eye is a good little thriller to watch on a Saturday night. Intense acting, great villain and unexpected action.

Some might not want to see this movie because it goes for a very short 85 Min's and 88% of the movie is on a plane and just talking. Don't worry they pull it off very well with the smart and witty dialog.

A PG-13 movie seems to be new grounds for director Wes Craven. But surely enough he has fit as much violence as he possibly can into this thriller.

This movies strongest point is its cast. This film needed good actors to deliver the dialog and thrills. If they didn't have those actors the film would have been lost and boring. We had Rachel McAdams from Mean Girls and Wedding Crashers. Cillian Murphy from Batman Begins and 28 days Later. Rounding off this cast is Brian Cox from X-men 2.

The pacing in this film was great. Just when your thinking its going to get boring they throw a twist at you. Luckily this isn't a long movie and doesn't feel like it either. Much better then the other flight movie Flight Plan.

Here is my Flight Plan comment: http://www.imdb.com/title/tt0408790/usercomments-578

I recommend. Not too long and not too shabby.

8/10\": {\"frequency\": 1, \"value\": \"Red Eye is a good ...\"}, \"Wow! So much fun! Probably a bit much for normal American kids, and really it's a stretch to call this a kid's film, this movie reminded me a quite a bit of Time Bandits - very Terry Gilliam all the way through. While the overall narrative is pretty much straight forward, Miike still throws in A LOT of surreal and Bunuel-esquire moments. The whole first act violently juxtaposes from scene to scene the normal family life of the main kid/hero, with the spirit world and the evil than is ensuing therein. And while the ending does have a bit of an ambiguous aspect that are common of Miike's work, the layers of meaning and metaphor, particularly the anti-war / anti-revenge message of human folly, is pretty damn poignant. As manic and imaginatively fun as other great Miike films, only instead of over the top torture and gore, he gives us an endless amount of monsters and yokai from Japanese folk-lore creatively conceived via CG and puppetry wrapped into an imaginative multi-faceted adventure. F'n rad, and one of Miike's best!\": {\"frequency\": 1, \"value\": \"Wow! So much fun! ...\"}, \"A call-girl witnesses a murder and becomes the killer's next target. Director Brian De Palma is really on a pretentious roll here: his camera swoops around corners in a museum (after lingering a long time over a painting of an ape), divvies up into split screen for arty purposes, practically gives away his plot with a sequence (again in split screen) where two characters are both watching a TV program about transsexuals, and stages his (first) finale during a thunderous rainstorm. \\\"Dressed To Kill\\\" is exhausting, primarily because it asks us to swallow so much and gives back nothing substantial. Much of the acting (with the exception of young Keith Gordon) is mediocre and the (second) finale is a rip-off of De Palma's own \\\"Carrie\\\"--not to mention \\\"Psycho\\\". The explanation of the dirty deeds plays like a spoof of Hitchcock, not an homage. Stylish in a steely cold way, the end results are distinctly half-baked. ** from ****\": {\"frequency\": 1, \"value\": \"A call-girl ...\"}, \"Pretty awful but watchable and entertaining. It's the same old story (if you've lived through the 80s). Vietnam vets fight together as buddies against injustice back in the States. A-Team meets Death Wish, my favorite!

Time goes on, the soldiers go home, and years later a friend is in trouble. No, wait -- in fact, the friend is dead and it is his dad that's in trouble. Our first hero, Joey, is killed by an exceedingly horrifying (super pointy) meat tenderizer as he tries to defend his father's small store from the local \\\"protection\\\" gang despite being wheelchair bound from the war. Desperate for help, the father talks to Sarge, the leader of Joey's old unit from Vietnam, when Sarge shows up for the funeral.

Well, the squeaky wheel gets the grease, and the old gang saddles up for the city. You can pretty much imagine most of the rest of the movie.

The one thing that drove me crazy is that Sarge keeps haranguing his men about planning, and about how they're really good at what they do when they plan ahead. But Joey wouldn't have been put in a wheelchair by a gunshot in Vietnam in the first place if the unit hadn't been messing around! Then when things are going really well in the city as they battle the gangs, they do it again. For no reason at all, they completely bypass their plan and try to nail the gang without everyone being present. Phh!!!! I raise my hands in disgust. Foolishness!

There is also a suspicious moment when all present members of the unit make sure to try out the heroin they snatch from the gang to make sure it's real. EVERY single one of them. Hmm....

What are you going to do? Keep watching, I guess. The movie isn't too horrible to watch, but it IS a tease. There are all these climactic moments when nothing actually winds up happening. The most dramatic things that happen are those at the beginning of the movie -- the explosives in Vietnam, Joey's death battle, and the gang brutally kicking an innocent teddy bear aside (poor Teddy!).

I guess my main beef with this movie is that I feel let down by it. Even the confusing subplots with \\\"mystery helpers\\\" and their bizarrely cross-purpose motives wasn't enough to save it at the end. But someday maybe it'll all come right and they'll make a sequel. Ha ha ha ha!!!\": {\"frequency\": 1, \"value\": \"Pretty awful but ...\"}, \"The Fluffer may have strong elements of porn industry truth to it - but that doesn't make up for the fact that it's pretty shabbily directed and acted - and with a very mediocre script.

B grade from start to the exceedingly drawn out finish.

It would be embarassing to think of the general public being offered this piece as an example of state of the art gay film making.

Hopefully it has a limited life in the gay film festival circuit and is allowed to die a natural death on video.

This film will open the Queer Film Weekend in Brisbane on April 10, 2002. I think its success there will be strongly influenced by the amount of alcohol consumed in the preceding cocktail party - they're gonna need it.\": {\"frequency\": 1, \"value\": \"The Fluffer may ...\"}, \"

I saw The Glacier Fox in the theatre when I was nine years old - I bugged my parents to take me back three times. I began looking for it on video about five years ago, finally uncovering a copy on an online auction site, but I would love to see it either picked up by a new distributor and rereleased (I understand the original video run was small), or have the rights purchased by The Family Channel, Disney, etc. and shown regularly. It is a fascinating film that draws you into the story of the life struggle of a family of foxes in northern Japan, narrated by a wise old tree. The excellent soundtrack compliments the film well. It would be a good seller today, better than many of the weak offerings to children's movies today.\": {\"frequency\": 1, \"value\": \"

I saw ...\"}, \"Hollywood Hotel was the last movie musical that Busby Berkeley directed for Warner Bros. His directing style had changed or evolved to the point that this film does not contain his signature overhead shots or huge production numbers with thousands of extras. By the last few years of the Thirties, swing-style big bands were recording the year's biggest popular hits. The Swing Era, also called the Big Band Era, has been dated variously from 1935 to 1944 or 1939 to 1949. Although it is impossible to exactly pinpoint the moment that the Swing Era began, Benny Goodman's engagement at the Palomar Ballroom in Los Angeles in the late summer of 1935 was certainly one of the early indications that swing was entering the consciousness of mainstream America's youth. When Goodman featured his swing repertoire rather than the society-style dance music that his band had been playing, the youth in the audience went wild. That was the beginning, but, since radio, live concerts and word of mouth were the primary methods available to spread the phenomena, it took some time before swing made enough inroads to produce big hits that showed up on the pop charts. In Hollywood Hotel, the appearance of Benny Goodman and His Orchestra and Raymond Paige and His Orchestra in the film indicates that the film industry was ready to capitalize on the shift in musical taste (the film was in production only a year and a half or so after Goodman's Palomar Ballroom engagement). There are a few interesting musical moments here and there in Hollywood Hotel, but except for Benny Goodman and His Orchestra's \\\"Sing, Sing, Sing,\\\" there isn't a lot to commend. Otherwise, the most interesting musical sequences are the opening \\\"Hooray for Hollywood\\\" parade and \\\"Let That Be a Lesson to You\\\" production number at the drive-in restaurant. The film is most interesting to see and hear Benny Goodman and His Orchestra play and Dick Powell and Frances Langford sing.\": {\"frequency\": 1, \"value\": \"Hollywood Hotel ...\"}, \"Finally, an indie film that actually delivers some great scares! I see most horror films that come out... Theatrical, Straight-To-DVD, cable, etc... and most of them suck... a few are watchable... even fewer are actually good... Dark Remains is one of the good ones. I caught a screening of this film at the South Padre Island Film Festival... the audience loved it... and my wife and I loved it! Having no name actors, I assume the budget on this film was pretty low, but you wouldn't know it... the film looks fantastic... the acting totally works for the film... the story is good... and the scares are great! While most filmmakers focus solely on the scares, they often forget about story and character development, two things that help to deliver the scares more efficiently. Brian Avenet-Bradley must know that character and story are important. He develops both to the point where you care about the characters, you know the characters, and are therefore more scared when they are in danger.

Watching horror films that cost anywhere from $80 million to $5000 to make, I find \\\"Dark Remains\\\" to be one of the gems out there. Check this film out!\": {\"frequency\": 1, \"value\": \"Finally, an indie ...\"}, \"An idiotic dentist finds out that his wife has been unfaithful. So, no new story lines here. However, the authors managed to create a stupid, disgusting film. If you enjoy watching kids vomiting, or seeing a dentist imagining that he is pulling all his wife's teeth out in a bloody horror-type, go see (or rent) the film. If not, move on to something else (MY FAIR LADY, anyone?)\": {\"frequency\": 1, \"value\": \"An idiotic dentist ...\"}, \"I was gifted with this movie as it had such a great premise, the friendship of three women bespoiled by one falling in love with a younger man.

Intriguing.

NOT! I hasten to add. These women are all drawn in extreme caricature, not very supportive of one another and conspiring and contriving to bring each other down.

Anna Chancellor and Imelda Staunton could do no wrong in my book prior to seeing this, but here they are handed a dismal script and told to balance the action between slapstick and screwball, which doesn't work too well when the women are all well known professionals in a very small town.

And for intelligent women they spend a whole pile of time bemoaning the lack of men/sex/lust in their lives. I felt much more could have been made of it given a decent script and more tension, the lesbian sub-plot went nowhere and those smoking/drinking women (all 3 in their forties???) were very unrealistic - even in the baby scene - screw the baby, gimme a cigarette! Right.

Like I said, a shame of a waste. 4 out of 10.\": {\"frequency\": 1, \"value\": \"I was gifted with ...\"}, \"This is like \\\"Crouching Tiger, Hidden Dragon\\\" in a more surreal, fantasy setting with incredible special effects and computer generated imagery that would put Industrial Light and Magic to shame. The plot may be hard to follow, but that is the nature of translating Chinese folklore to the screen; certainly the overall story would probably be more familiar to its native audience. However, an intelligent person should be able to keep up; moreover, the martial arts scenes potency are amplified by eye popping CGI.\": {\"frequency\": 1, \"value\": \"This is like ...\"}, \"The Invisible Maniac starts as a young Kevin Dornwinkle (Kris Russell) is caught by his strict mother (Marilyn Adams) watching a girl (Tracy Walker) strip through his telescope... Cut to 'Twenty Years Later' & Kevin Dornwinkle (Noel Peters) is now a physics professor who claims to have discovered a way to turn things invisible using a 'mollecular reconstruction' serum. However during a demonstration in front of his fellow scientists it fails & they all laugh at him, Dornwinkle goes mad kills a few of them & is locked away in a mental institute from which he escapes. Jump forward 'Two Weeks Later' & a group of summer college students discuss the tragic death of their physics teacher when the headmistress Mrs. Cello (Stephanie Blake as Stella Blalack) says that she has hired a replacement, yes you've guessed it it's Dornwinkle. The student don't take to him & treat him like dirt, however Dornwinkle has perfected his invisibility serum & uses it to satisfy his perverted sexual urges & his desire for revenge...

Co-written & directed by Adam Rifkin wisely hiding under the pseudonym Rif Coogan (I wouldn't want my name to be associated with this turd of a film either) The Invisible Maniac is real bottom of the barrel stuff. The script by Rifkin, sorry Coogan & Tony Markes is awful. It tries to be a teenage sex/comedy/horror hybrid that just fails in every department. For a start the sex is nothing more than a few female shower scenes & a few boob shots, not much else I'm afraid & the birds in The Invisible Maniac aren't even that good looking. The comedy is lame & every joke misses by the proverbial mile, this is the kind of film that thinks someone fighting an invisible man or having Henry (Jason Logan) a mute man trying to make a phone call is funny. The Invisible Maniac makes the Police Academy (1984 - 1994) series of films look like the pinnacle of sophistication! As for the horror aspect that too is lame. It's also an incredibly slow (it takes over half an hour before Dornwinkles even becomes invisible), dull, predictable, boring & has highly annoying & unlikable teenage character's.

Director Rifkin or Coogan or whatever does absolutely nothing to try & make The Invisible Maniac an even slightly enjoyable experience. There's no scares, tension or atmosphere & as a whole the film is a real chore to sit through. He does nothing with the invisibility angle, just a few doors opening on their own is as adventurous as it gets. There is very little gore or violence, a bit of splashing blood, a few strangulations & the only decent bit in the whole film when someone has their head blown off with a shotgun, unfortunately he was invisible at the time & we only get to see the headless torso afterwards.

The budget must have been low, & I mean really low because this is one seriously cheap looking film. Dornwinkles laboratory is basically two jars on his bedside cabinet! When he escapes from the mental institution he has all of one dog sent after him & the entire school has about a dozen pupils & two teachers. The Invisible Maniac is a poorly made film throughout it's 85 minute duration, I spotted the boom mike on at least one occasion... Lets just say the acting is of a low standard & leave it at that.

The Invisible Maniac is crap, plain & simple. I found no redeeming features in it at all, there are so many more better films out there you can watch so there is no reason whatsoever to waste your time on this rubbish. Definitely one to avoid.\": {\"frequency\": 1, \"value\": \"The Invisible ...\"}, \"Go immediately and rent this movie. It will be be on a bottom shelf in your local video store and will be covered in dust. No one will have touched it in years. It may even be a $.50 special! It's worth ten bucks, I swear! Buy it! There aren't very many films than can compare with this - the celluloid version of that goo that forms at the bottom of a trash can after a few years. Yes, I gave it a '1,' but it really deserves much lower. 1-10 scales were not designed with stuff like this in mind.\": {\"frequency\": 1, \"value\": \"Go immediately and ...\"}, \"I've bought certain films on disc even though the second rate presentation wasn't an option. A certain company I won't identify here has put out several pan and scan dvds (\\\"Clean and Sober\\\", \\\"Star 80\\\", and this one, to name just three!) of films I don't think anyone wants to see in this compromised format. Some discs give the viewer a choice of 16x9 or full screen and others are just in their theatrical release 1.66:1 ratio.

That off my chest, I'll say \\\"Deathtrap\\\" was a spooky and oddly enough, amusing picture. My only complaints are the tinny score (what IS that f____g instrument that is usually dragged out for films set in 18th century France?) and Dyan Cannon screaming at regular intervals. Couldn't her character have been an asthmatic who grabbed for an inhaler when she was stressed? Minor complaints, both. The benefits of discs include being able to fast forward to get beyond those things which you don't like.

I never saw a staged version of \\\"Deathtrap\\\", so having these folks in the roles sets a great impression of their careers at the time. Before Broadway tickets cost an arm and a leg, the theatre was more affordable to average people. Now, anyone paying less than a king's ransom to get live entertainment probably isn't going to a hit show on the great hyped way.

Michael Caine and Christopher Reeve were both large, virile specimens in the early 80s and that's integral to how we'll react to their profession and overall image here. They're definitely not bookish men who can't fight or will back down from an obstacle. The two are equally great as their criminal stubbornness becomes their ultimate \\\"deathtrap\\\".\": {\"frequency\": 1, \"value\": \"I've bought ...\"}, \"I was lucky enough to get a free pass to an advance screening of 'Scoop' last night. Full house at the theatre and when the movie ended there was spontaneous applause. I didn't speak to anyone who disliked 'Scoop' although two teenagers sitting next to me sighed and fidgeted uncomfortably for most of the film. They were the exception though because everyone else including myself really enjoyed themselves.

'Scoop' is a quickly paced murder mystery. A young female journalism student is unwittingly maneuvered by forces beyond her control into trying to catch a serial killer on the loose. Plenty of hijinks ensue as she partners up with a traveling illusionist and falls in love with a frisky and charming young nobleman.

'Scoop' isn't a bad addition to the Woody Allen filmography. It isn't his best work but it is a very enjoyable and light hearted romp. I'd say it fits quite comfortably into being an average Woody Allen film, right in the middle of the pack. If you're a Woody Allen fan you'll probably enjoy yourself. If you're indifferent to his work then 'Scoop' might be enough to get you interested in seeing more. I don't think that anyone who dislikes his style of film-making and acting are going to change their mind. Woody plays the same kind of neurotic character we've grown so accustomed to although it borders dangerously close to forced and over the top in this film. While potentially aggravating for some who might find themselves wishing he'd hurry up and just spit out the words, Woody Allen fans know what to expect.

Very good performances all around in my opinion although I found myself missing Ian McShane who is excellent and not on camera nearly enough. Hugh Jackman is great as the charming nobleman and I think Woody Allen has found a new regular star to work with in Scarlett Johansson. I think that with 'Match Point' this is their second pairing and she's just magic with the material that Woody gives her. Could be the beginning of a beautiful relationship! I'm glad I saw the movie and definitely recommend it. More sophisticated comedy than movies like 'Scary Movie 4' so if your brand of comedy is the latter rather than the former, 'Scoop' probably isn't for you. If, on the other hand, you like a touch of class, sophistication and fun, 'Scoop' is for you. Probably not the Woody Allen film I'd introduce to a newcomer but all others should give it a try.\": {\"frequency\": 1, \"value\": \"I was lucky enough ...\"}, \"God, I was bored out of my head as I watched this pilot. I had been expecting a lot from it, as I'm a huge fan of James Cameron (and not just since \\\"Titanic\\\", I might add), and his name in the credits I thought would be a guarantee of quality (Then again, he also wrote the leaden Strange Days..). But the thing failed miserably at grabbing my attention at any point of its almost two hours of duration. In all that time, it barely went beyond its two line synopsis, and I would be very hard pressed to try to figure out any kind of coherent plot out of all the mess of strands that went nowhere. On top of that, I don't think the acrobatics outdid even those of any regular \\\"A-Team\\\" episode. As for Alba, yes, she is gorgeous, of course, but the fact that she only displays one single facial expression the entire movie (pouty and surly), makes me also get bored of her \\\"gal wit an attitude\\\" schtick pretty soon. You can count me out of this one, Mr. Cameron!\": {\"frequency\": 2, \"value\": \"God, I was bored ...\"}, \"This films makes no pretentious efforts to hide its true genre -- a campy B movie. It will flat out tell you in the beginning the definition of campy. It should have also given the adjective meaning of cheese. But the two come together in this film in ways that make you go, \\\"Hmmmmm... that's so stupid!\\\" and then have you laughing. For example, there is a scene back in \\\"16th Century Japan\\\", which shows a couple of samurai walking in the foreground of a temple. In the background of the temple, there are several tourists looking off in the distance in slippers and shorts. Hmmmm... hahahah! I could not stop laughing. And the acting goes from decent, to bearable, to oh my Lord, but that's what makes it funny. You'll see some decent actors and then find others really terrible. I have to digress somewhat though because I have seen Stephanie Sanchez in several plays and she is awesome. Her air time in the film was pretty short though. I have also seen Bryan Yamasaki in several plays in the islands during my visits and he's also better in theatre than in this movie. Anyhow, it's an entertaining film, if you've got nothing to do on a weekday evening.\": {\"frequency\": 1, \"value\": \"This films makes ...\"}, \"Modern viewers know this little film primarily as the model for the remake, \\\"The Money Pit.\\\" Older viewers today watch it with wisps of nostalgia: Cary Grant, Myrna Loy, and Melvyn Douglas were all \\\"superstars\\\" in an easier, less complicated era. Or was it? Time, of course, has a way of modifying perspectives, and with so many films today verily ulcerating with social and political commentary, there is a natural curiosity to wonder about controversy in older, seemingly less provocative films. In \\\"Mr. Blandings Builds His Dream House,\\\" there may, therefore, be more than what audiences were looking for in 1948. There is political commentary, however subtle. Finding a house in the late 40s was a truly exasperating experience, only lightly softened by the coming of Levittowns and the like. Politics in the movie? The Blandings children always seem to be talking about progressive ideas being taught to them in school (which in real life would get teachers accused of communism). In real life, too, Myrna Loy was a housing activist, a Democrat, and a feminist. Melvyn Douglas was no less a Democratic firebrand: he was married to congresswoman Helen Gahagan Douglas, whom young Richard Nixon accused of being soft on communism (and which ruined her). Jason Robards, sr., has a small role in the film, but his political activism was no less noticeable. More importantly, his son, Jason Robards, jr., would be for many years a very active liberal Democrat. Almost the odd fellow out was Cary Grant, whose strident conservatism reflected a majority political sentiment in Hollywood that was already slipping. But this was 1948: Communism was a real perceived threat and the blacklist was just around the corner. It would be another decade before political activism would reappear in mainstream films, and then not so subtly.\": {\"frequency\": 1, \"value\": \"Modern viewers ...\"}, \"As a Dane I'm proud of the handful of good Danish movies that have been produced in recent years. It's a terrible shame, however, that this surge in quality has led the majority of Danish movie critics to lose their sense of criticism. In fact, it has become so bad that I no longer trust any reviews of Danish movies, and as a result I have stopped watching them in theaters.

I know it's wrong to hold this unfortunate development against any one movie, so let me stress that \\\"Villa Paranoia\\\" would be a terrible film under any circumstances. The fact that it was hyped by the critics just added fuel to my bonfire of disillusionment with Danish film. Furthermore, waiting until it came out on DVD was very little help against the unshakable feeling of having wasted time and money.

Erik Clausen is an accomplished director with a knack for social realism in Copenhagen settings. I particularly enjoyed \\\"De Frigjorte\\\" (1993). As an actor he is usually funny, though he generally plays the same role in all of his movies, namely that of a working-class slob who's down on his luck, partly because he's a slob but mostly because of society, and who redeems himself by doing something good for his community.

This is problem number one in \\\"Villa Paranoia\\\"; Clausen casts himself as a chicken farmer, which is such a break from the norm that he never succeeds in making it credible.

It is much worse, however, that the film has to make twists and turns and break all rules of how to tell a story to make the audience understand what is going on. For instance, the movie opens with a very sad attempt at visualizing the near-death experience of the main character with the use of low-budget effects and bad camera work. After that, the character tells her best friend that she suddenly felt the urge to throw herself off a bridge. This is symptomatic of the whole movie; there is little or no motivation for the actions of the characters, and Clausen resorts to the lowest form of communicating whatever motivation there is: Telling instead of showing. Thus, at one point, you have a character talking out loud to a purportedly catatonic person about the way he feels, because the script wouldn't allow him to act out his feelings; and later on, voice-over is abruptly introduced, quite possibly as an afterthought, to convey feelings that would otherwise remain unknown to the audience due to the director's ineptitude. Fortunately, at this point you're roughly an hour past caring about any of the characters, let alone the so-called story.

The acting, which has frequently been a problem in Clausen's movies, can be summed up in one sad statement: S\\ufffd\\ufffdren Westerberg Bentsen, whose only other claim to stardom was as a contestant on Big Brother, is no worse than several of the heralded actors in the cast.

I give this a 2-out-of-10 rating.\": {\"frequency\": 1, \"value\": \"As a Dane I'm ...\"}, \"This series could very well be the best Britcom ever, and that is saying a great deal, considering the competitors (Fawlty Towers, Good Neighbours, to name just two).

What made Butterflies so superior, even to the best of the best, is that it did not just exemplify great, classic, classy and intelligent comedy, but it also expanded horizons, reflecting - flawlessly, gently, and at every detail - the great social change that was occurring in Britain at the time.

I remember watching this show as a teenager and being in awe of everything about it. The lifestyle depicted was remarkable in itself. This was the first time I saw real people using cordless phones. And the wardrobe of all the characters was far removed from the goofy seventies attire still seen in North America at the time. Then there were the decors, shop fronts, cars. These people - even the layabout sons, with their philosophical approach to life and epigrammatic humor - were sophisticated. They were examples of the \\\"New Europeans\\\" that would come to have an impact on life and style throughout the world in the coming decade (1980s).

Of course, the premise was strange and fantastic. The idea that someone who was living the suburban dream could be so discontent and restless was revolutionary, particularly to North Americans for whom happiness was always defined as money and things (sure the situation was depicted in American movies and TV, but not with the intensity of Butterflies or the movie Montenegro). And, if the premise was not surprising enough, the means by which it was expressed took it to the extreme. A potential affair that was not really about sex, or even romance? Butterflies dazzled many, but it must have left some people smacking their foreheads in disbelief... at the time anyway.

Butterflies turned out to be - in so many ways - prophetic. It documented, ahead of its time - post-modern ennui, all-pervasive lifestyle, the notion of emotional infidelity, and generational disconnect and male discontent (portrayed perfectly by the strained father-son relationships). It is too bad this series has not been rediscovered in a big way, and all those involved given credit for creating a meaningful snapshot of a certain time and place, and foreseeing all the slickness and angst that was to come.\": {\"frequency\": 1, \"value\": \"This series could ...\"}, \"I went to school with Jeremy Earl, that is how I heard of this movie, I don't really know if it was in the theater's at all. I don't recall the name. I have seen it, it is like one of those after school specials. The acting is OK, not great. The plot was kind of weak and the lines were pretty corny. So the only comment I can give this movie is \\\"Eh\\\" I borrowed the movie from Jeremy, if I was in a movie rental place, this is one that I would walk past and after watching it I wouldn't recommend it to anyone past middle school age. I've also noticed that many times when urban kids are portrayed, the slang is overused or just outdated. Many times I think thats what makes their characters unbelievable.\": {\"frequency\": 1, \"value\": \"I went to school ...\"}, \"I have made it my personal mission to go after those responsible for this film. I even got the rental company to give me my money back because I argued that they perpetrated false advertising.

It's not enough that the movie itself is a p.o.s., but the cover art is what sold me. I've done better make-up effects on my children at Halloween than what the movie actually depicts versus the cover art. Can you say \\\"raccoon eyes?\\\"

I'm not going to waste more of my time by going into the full details, but come on, the movie's main character is an L.A. cop who was born and raised in Alabama - but has a German accent!?! It's beyond insulting.\": {\"frequency\": 1, \"value\": \"I have made it my ...\"}, \"This a rip roaring western and i have watched it many times and it entertains on every level.However if your after the true facts about such legends as Hickcock,Cody and Calamity Jane then look elsewhere, as John Ford suggested this is the west when the truth becomes legend print the legend.The story moves with a cracking pace, and there is some great dialogue between Gary Cooper and Jean Arthur two very watchable stars who help to make this movie.The sharp eyed amongst you might just spot Gabby Hayes as an Indian scout, also there is a very young Anthony Quinn making his debut as Cayenne warrior, he actually married one of Demilles daughters in real life.Indeed its Quinns character who informs Cooper of the massacre of Custer told in flash back, the finale is well done and when the credits roll it fuses the American west with American history.So please take time out to watch this classic western.\": {\"frequency\": 1, \"value\": \"This a rip roaring ...\"}, \"This movie displays the kind of ensemble work one wishes for in every film. Barbara Bain and Donald Sutherland (who play husband and wife)are positive chilling, discussing the \\\"family business\\\" as if it were a grocery store or a dry cleaners. Macy, Campbell, Ullman, and Ritter are also terrific. They play off each other like members of a top-notch theatrical troupe, who realize that a quality product requires each actor to support the others unselfishly. And finally, there's Sammy (David Dorfman). What an amazing performance from a child...and what an uncanny resemblance he has to Ullman, whose son he plays!

We're treated to a unique story in \\\"Panic,\\\" and that's a rarity in these days of tired formulaic crap. The dialogue is sharp and smart, and this relatively short film nevertheless has the power to elicit a full range of emotions from the viewer. There are places to laugh, to be shocked, to be horrified, to be saddened, to be aroused, to be angry, and to love. It's not a movie that leaves you jumping for joy, but when it's over you're more than satisfied knowing you've spent the last ninety minutes experiencing a darn good piece of work.

More of us would go to theatres if we were treated to quality fare like this. When are the powers that be in Hollywood going to wake up? It's a real shame when something this good fails to get exposure beyond festivals and households fortunate enough to have cable.\": {\"frequency\": 1, \"value\": \"This movie ...\"}, \"This two-part TV mini-series isn't as good as the original from 1966 but it's solid. The original benefited from a huge number of things---it was all in black and white, it had a great jazz score and it was filmed at the real locations, including the home of the doomed Clutter family. That was important because in the book and in the original movie the home is very much a character itself.

This remake was filmed in Canada which I guess doubles okay for Kansas. The story tries to be as sympathetic to Perry as it dares to and Eric Roberts plays him as a somewhat fey person, his homosexuality barely hidden. The gentler take by Roberts doesn't quite work in the end though because it's hard to believe that his version of Perry Smith would just finally explode in a spasm of murder. Whereas Robert Blake's take on Smith left you no doubt that his Perry Smith was an extremely dangerous character.

Anthony Edwards was excellent as the bombastic, big-mouthed and ultimately cowardly Dick Hickcock, the brains of the outfit. His performance compares very well to Scott Wilson's role in the original movie.

Since this is a longer movie it allows more time to develop the Clutter family and in this regard I think the 1996 movie has an advantage. The Clutters are just an outstanding, decent family. They've never harmed another soul and it is just inexplicable that such a decent family is ultimately massacred in such a horrifying way. It still boggles my mind that, after the Clutters were locked in the bathroom, that Herb Clutter didn't force out the window so at least his children would have a chance to escape. This movie has the thought occur to him, but too late. From what I read about the real home, which is still standing, the way the bathroom is configured they could've opened the counter drawers and effectively barricaded the door which would've forced the killers to blast their way in. But it might've bought time for some of the Clutters to escape. Why the Clutters didn't try this, I have no idea.

Fans of the book will recognize that this movie takes a lot of liberties with how the crime is committed but not too serious. Still, it's distracting to viewers like me who have read tons about the case. The actors playing the cops, led by Sam Neill and Leo Rossi, are uniformly excellent, much better, I think, as a group, than the actors in the original movie. They know that to secure the noose around the necks of both of them they have to get them to confess. And the officers come to the interview impeccably prepared. They had already discovered the likely alibi the phony story of going to Fort Scott, and had debunked every jot of it. The officers then let Smith & Hickcock just walk into their trap. Hickcock is a b.s. artist who figures he can convince anyone of anything and the officers respectfully let him tell his cover story. But when they lower the boom on him, he shatters very quickly. It's very well filmed and acted and very gratifying to watch because the viewer naturally should loath Hickcock in particular by this point, a cowardly con-man who needs the easily manipulated Smith to do his killing for him. Supposedly Hickcock later stated that the real reason for the crime wasn't to steal money from the Clutters but to rape Nancy Clutter. At least she was spared that degradation.

The actors playing the Clutters are very good, Kevin Tighe as Herb Clutter in particular. The story sensitively deals with Mrs. Clutter's emotional problems, most likely clinical depression, and Mrs. Clutter displays remarkable inner strength when she firmly and strongly demands that the killers leave her daughter alone. From what I've read the Clutters' surviving family was particularly bothered by how Bonnie Clutter was portrayed in the book, claiming it was entirely untrue. But as an aside, both of the killers related to the police how Mr. Clutter asked them to not bother his wife because of her long illness. Capote might make up that fiction to make the character of Bonnie more interesting but certainly the killers had no reason to falsely portray Mrs. Clutter and no doubt much of the conversation in the book (duplicated in the movies) is right off the taped confessions of the killers. So it would've been nonsensical for Herb to have said that and not have it be true.\": {\"frequency\": 1, \"value\": \"This two-part TV ...\"}, \"The dancing was probably the ONLY watchable thing about this film -- and even that was disappointing compared to some other films. My gawd!

To me, this is the worst kind of film -- one that assumes it's a work of art because it has all the trappings of film-as-art. Yes, it's beautifully photographed, but ultimately lacks the depth and tension of the dance around which the film supposedly surrounds itself. Tango is a tease, it's hot, it has drama, it's audacious -- precisely what this film is not.\": {\"frequency\": 1, \"value\": \"The dancing was ...\"}, \"Unfortunately, this movie does no credit whatsoever to the original. Nicholas Cage, fairly wooden as far as actors go, imbues the screen with a range of skill from, non-plussed to over the top. The supporting cast is no better.

The plot stays much the same as the original in terms of scene progression but is far worse. Not enough detail is given to allow the audience to by into what is being sold. It turns out it's just a bill of poor goods. Disbelief cannot be suspended, nor can a befit of a doubt be given. The only saving aspect of this film is that it is highly visual, as the medium requires, and whomever scouted the location should be commended.

There was much laughter in the audience and multiple boos, literally, at the end.

Disappointed! Wait for the original to come on television, pour a whiskey and enjoy.\": {\"frequency\": 1, \"value\": \"Unfortunately, ...\"}, \"It is finally coming out. The first season will be available March 2007. It is currently airing on ABC Family from 4-5 pm eastern time Monday through Friday. The last episode will air on December 19th at 4:30. I missed it the first 100 times around. I wish I could buy the whole series right now. Who does she pick? I have to write 10 lines in order to reply to the first comment. What am I going to say. La da da de de. La da da de de nope only up to 8 how do I get to 9 almost almost awww 9 now I need 10 - 1, 2, 3, 4, 5, 6, 7, I missed counted this is only number 8. Punky Brewster is pretty awesome too. Almost to 10 almost awwwwww.\": {\"frequency\": 1, \"value\": \"It is finally ...\"}, \"This was the Modesty that we didn't know! It was hinted at and summarized in the comic strip for the syndicates to sell to newspapers! Lee and Janet Batchler were true Modesty Blaise fans who were given The Dream Job - tell a prequel story of Modesty that the fans never saw before. In their audio-commentary, they admitted that that they made changes in her origin to make the story run smoother. The \\\"purists\\\" should also note that we really don't know if everything she told Miklos was true because she was \\\"stalling for time.\\\" I didn't rent or borrow the DVD like other \\\"reviewers\\\" did, I bought it! And I don't want a refund! I watched it three times and I didn't sleep through it! Great dialog and well-drawn characters that I cared about (even bad guy Miklos) just like in the novels and comic strips! I too can't wait for the next Modesty (and Willie) film,especially if this \\\"prequel\\\" is a sign of what's to come!\": {\"frequency\": 2, \"value\": \"This was the ...\"}, \"Much underrated camp movie on the level of Cobra Woman, etc. Photographic stills resemble Rembrandt prints. Sometimes subtle dialog and hidden literate touches found throughout.\": {\"frequency\": 1, \"value\": \"Much underrated ...\"}, \"This movie was kind of interesting...I had to watch it for a college class about India, however the synopsis tells you this movie is about one thing when it doesn't really contain much cold, hard information on those details. It is not really true to the synopsis until the very end where they sloppily try to tie all the elements together. The gore factor is superb, however. Even right at the very beginning, you want to look away because the gore is pretty intense. Only watch this movie if you want to see some cool gore, because the plot is thin and will make you sad that you wasted time listening to it. I've seen rumors on other websites about this movie being based on true events, however you can not find any information about it online...so basically this movie was a waste of time to watch.\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"Bette Midler showcases her talents and beauty in \\\"Diva Las Vegas\\\". I am thrilled that I taped it and I am able to view whenever I want to. She possesses what it takes to keep an audience in captivity. Her voice is as beautiful as ever and will truly impress you. The highlight of the show was her singing \\\"Stay With Me\\\" from her 1979 movie \\\"The Rose\\\". You can feel the emotion in the song and will end up having goose bumps. The show will leave you with the urge to go out and either rent a Bette Midler movie or go to the nearest music store and purchase one of Bette Midler's albums.\": {\"frequency\": 2, \"value\": \"Bette Midler ...\"}, \"Even though the book wasn't strictly accurate to the real situation it described it still carried a sense of Japan. I find it hard to believe that anyone who was involved in making this film had ever been to japan as it didn't feel Japanese in the slightest. Almost everything about it was terrible. I will admit the actors were generally quite good but couldn't stand a chance of saving it. Before the film started I was surprised that there were only ten people in the cinema on a Friday night shortly after the movie had opened in Japan. 30 minutes in I was amazed they stayed. I stayed so I would have the right to criticize it. The whole movie was punctuated my groans and suppressed laughs of disbelief from my Japanese girlfriend. Everyone I saw walking out of that cinema had looks of confusion and disappointment on their faces.

To the makers of this movie, you owe me two hours.\": {\"frequency\": 1, \"value\": \"Even though the ...\"}, \"I thought it was an original story, very nicely told. I think all you people are expecting too much. I mean...it's just a made for television movie! What are you expecting? Some Great wonderful dramtic piece? I thought it was a really great story for a made for television movie....and that's my opinion.\": {\"frequency\": 1, \"value\": \"I thought it was ...\"}, \"Men of Honor stars Cuba Gooding Jr., as real life Navy Diver Carl Brashear who defied a man's Navy to become the first African American Navy Diver. Sometimes by his side and sometimes his adversary there was one man who Carl Brashear really admired. His name was Master Chief Billy Sunday (Robert DeNiro). Sunday in a lot of ways pushed, aggravated and helped Carl become the man he wanted to be.

I loved Cuba in this film. His portrayal here is as liberating and as powerful as Denzel Washington was in The Hurricane. Through every scene we can see his passion, motivation and stubbornness to achieve his dream. We can see the struggle within in him as he embarks to make his father proud. I also loved how the director created and brought forth a lot of tension in some of the key diving scenes. Brashear's encounter with a submarine during a salvage mission is heart-stopping and brilliant.

The only fault I could see would have to lie in the supporting cast. Cuba and DeNiro's characters are very intricate and exciting to watch. Which does make you a little sad when they have to butt heads with such two-dimensional supporting characters. The evil Lt. Cmdr. Hanks, Sunday's wife (Charlize Theron), the eccentric diving school colonel (Hal Holbrook) and Cuba's love interest are the characters I found to not have very much depth. What could have made these characters more substantial and more effective was a little more time to develop them. Why was that colonel always in his tower? How come Sunday's wife was so bitter and always drunk?

Another curious question has to be this. What happened to Carl Brashear's wedding? I mean if this film is chronicling this man's life wouldn't his wedding be an important event? Maybe it's just me. Men of Honor, however, is a perfect example of the triumph and faith that the human spirit envelops. This film will inspire and make you feel for this man's struggle. Which I do believe was the reason this powerful story was told. My hat goes off to you Carl Brashear. I really admire your strength.

\": {\"frequency\": 1, \"value\": \"Men of Honor stars ...\"}, \"After reading the comments to this movie and seeing the mixed reviews, I decided that I would add my ten cents worth to say I thought the film was excellent, not only in the visual beauty, the writing, music score, acting, and directing, but in putting across the story of Joseph Smith and the road he traveled through life of hardship and persecution for believing in God the way he felt and knew to be his path. I am very pleased, indeed, to have had a small part in telling the story of this remarkable man. I recommend everyone to see this when the opportunity presents itself, no matter what religious path he or she may be walking, this only instills one with more determination to live the life that we should with true values of love and forgiveness as the Savior taught us to do.\": {\"frequency\": 1, \"value\": \"After reading the ...\"}, \"I saw this when it premiered and just re-watched it on IFC again. This is a great telling of the many possible stories about the immigrant farmworker population that came to Hawai'i to work the sugar plantations in the early 1900's. My grandparents were part of that migration; my parents were born on a Kohala plantation (Big Island) at the time setting of the movie. I moved to the Big Island over a year ago after living in California for over 30 years. I was surprised to see that many of the former cane growing lands are still undeveloped, with wild cane still growing, years after the plantations closed. I've heard many stories from my aunts and uncles who were kids growing up on the plantation. This movie helps to image those kinds of stories and memories. This story is more of an historical document than a romantic plot-driven movie. It leaves me shaking my head to read a review like ccthemovieman's. Some people just don't get it.

I didn't recall that Youki Kudoh had the starring role, with which she did an incredible job. I recall her great performances in Jim Jarmusch's \\\"Mystery Train\\\" and in an Australian film, co- starring with Russell Crowe, \\\"Heaven's Burning\\\". Tamlyn Tomita did a great job with her pidgin English, especially for someone who didn't grow up in the Islands. I had forgotten that Toshiro Mifune had a cameo role as the moving picture show narrator. And I missed the fact that Jason Scott Lee had an uncredited, non-speaking part as one of the plantation workers during the payday scene.

I was saddened to find out that the director and co-writer, Kayo Hatta, died in an accidental drowning in 2005.

There are two other excellent foreign films that mirror this cane plantation experience: \\\"Gaijin\\\" about the immigrant cane workers in Brazil (many of them Japanese) in the same time period; and \\\"Sugar Cane Alley\\\" about the cane plantation experience in Africa. The latter is still available, but \\\"Gaijin\\\", sadly, doesn't appear to have been shown in quite a while. Another great film about the early Asian in America experience when immigrants were more like slaves is \\\"A Thousand Pieces of Gold\\\". This was set over the Chinese workers' involvement in the building of the railroad, starred Rosalind Chao, Chris Cooper, Michael Paul Chan, and Dennis Dun.\": {\"frequency\": 1, \"value\": \"I saw this when it ...\"}, \"The sexploitation movie era of the late sixties and early seventies began with the allowance of gratuitous nudity in mainstream films and ended with the legalization of hardcore porn. It's peak years were between 1968 and 1972. One of the most loved and talented actresses of the era was Monica Gayle, who had a small but fanatic cult of followers. She was actually able to act, unlike many who filled the lead roles of these flicks, and her subsequent credits proved it. And her seemingly deliberate fade into obscurity right when her career was taking off only heightens her mystique.

Gary Graver, the director, was also a talent; probably too talented for the sexploitation genre, and his skill, combined with Monica Gayle's screen presence, makes Sandra, the Making of a Woman, a pleasantly enjoyable experience. The film never drags and you won't have your finger pressed on the fast-forward button.\": {\"frequency\": 1, \"value\": \"The sexploitation ...\"}, \"Well it looked good on paper,Nick Cage and Jerry Buckheimer collaborate again, this time on a mix of heist movie, Da Vinci Code,American History 101 and Indiana Jones. But oh dear, this is to Indiana Jones what Speed 2 is to Speed. A reasonable cast(including John Voight and Harvey Keitel) battles against a puerile script and loses badly. The film is little more than an extended advert for the Freemasons.However these Freemasons are not your usual shopkeepers who use funny handshakes and play golf, these Freemasons are the natural descendants of the Knights Templar (and nobody mention 'From Hell' or Jack the Ripper.)I don't think I've revealed any plot spoilers because there are none. There is virtually no suspense, no surprises and no climax- it just stops. National Treasure aims for Dan Brown but hits the same intellectual level as an episode of Scooby Doo sans the humour.\": {\"frequency\": 1, \"value\": \"Well it looked ...\"}, \"L'Hypoth\\ufffd\\ufffdse du tableau vol\\ufffd\\ufffd/The Hypothesis of the Stolen Painting (1979) begins in the courtyard of an old, three-story Parisian apartment building. Inside, we meet The Collector, an elderly man who has apparently devoted his life to the study of the six known existing paints of an obscure Impressionist-era painter, Tonnerre. A narrator recites various epigrams about art and painting, and then engages in a dialogue with The Collector, who describes the paintings to us, shows them to us, tells us a little bit about the painter and the scandal that brought him down, and then tells us he's going to show us something....

As he walks through a doorway, we enter another world, or worlds, or perhaps to stretch to the limits, other possible worlds. The Collector shows us through his apparently limitless house, including a large yard full of trees with a hill; within these confines are the 6 paintings come to life, or half-way to life as he walks us through various tableaux and describes to us the possible meanings of each painting, of the work as a whole, of a whole secret history behind the paintings, the scandal, the people in the paintings, the novel that may have inspired the paintings. And so on, and so on. Every room, every description, leads us deeper into a labyrinth, and all the while The Collector and The Narrator engage in their separate monologues, very occasionally verging into dialogue, but mostly staying separate and different.

I watched this a second time, so bizarre and powerful and indescribable it was, and so challenging to think or write about. If I have a guess as to what it all adds up to, it would be a sly satire of the whole nature of artistic interpretation. An indicator might be found in two of the most amusing and inexplicable scenes are those in which The Collector poses some sexless plastic figurines -- in the second of them, he also looks at photos taken of the figurines that mirror the poses in the paintings -- then he strides through his collection, which is now partially composed of life-size versions of the figures. If we think too much about it and don't just enjoy it, it all becomes just faceless plastic....

Whether I've come to any definite conclusions about \\\"L'Hypoth\\ufffd\\ufffdse du tableau vol\\ufffd\\ufffd\\\", or not, I can say definitely that outside of the early (and contemporaneous) works of Peter Greenaway like \\\"A Walk Through H\\\", I've rarely been so enthralled by something so deep, so serious, so dense....and at heart, so mischievous and fun.\": {\"frequency\": 1, \"value\": \"L'Hypoth\\u00e8se du ...\"}, \"What fun! Bucketfuls of good humor, terrific cast chemistry (Skelton/Powell/Lahr/O'Brien), dynamite Dorsey-driven soundtrack! Miss Powell's dance numbers have exceptional individual character and pizzazz. Her most winning film appearance.\": {\"frequency\": 1, \"value\": \"What fun! ...\"}, \"Frequently voted China's greatest film ever by Chinese critics, as well as Chinese film enthusiasts from the outside, and, frankly, I don't get it at all. What I saw was one of the most generic melodramas imaginable, blandly directed and acted, with a complete shrew for a protagonist. Wei Wei (don't laugh) is that shrew, a young married woman who has suffered alongside her tubercular husband (Yu Shi) for the past several years. It is post WWII, and they live with the husband's teenage sister (Hongmei Zhang) in a dilapidated home with not much money (the man had been wealthy when they married). Along comes the husband's old best friend (Wei Li), who also used to be the wife's boyfriend when they were teens. She considers running away from her husband with this man, while the husband pretty much remains oblivious, thinking he may engage his little sister to his friend. That's the set-up, and it doesn't go anywhere you wouldn't expect it to. I've actually seen the remake, directed by Blue Kite director Zhuangzhuang Tian. It runs a half hour longer, and is actually kind of dull, too, but at least it was pretty. This supposed classic is pretty intolerable.\": {\"frequency\": 1, \"value\": \"Frequently voted ...\"}, \"Routine suspense yarn about a sociopath (Dillon) who gives his sperm to a clinic of human reproduction and starts to harrass the lives of the woman (Antony) and his husband (Mancuso). Extremely predictable, far-fetched and with undecided tone all the way. Don't lose your time with this one...make a baby instead!\": {\"frequency\": 1, \"value\": \"Routine suspense ...\"}, \"All the kids aged from 14-16 want to see this movie (although you are only allowed at 18). They have heard it is a very scary movie and they feel so cool when they watched it. I feel very sad kids can't see what a good movie is, and what a bad movie is. This was one of the worst movies i saw in months. Every scene you see in this movie is a copy from another movie. And the end? It's an open ending... why? Because it is impossible to come up with a decent en for such a stupid story. This movie is just made to make you scared, and if you are a bit smart and know some about music, you exactly know when you'll be scared.

When the movie was finished and i turned to my friend and told (a bit to loud) him that this was a total waste of money, some stupid kid looked strange at me. These day i could make an Oscar with a home-video of my goldfish, if only i use the right marketing.\": {\"frequency\": 1, \"value\": \"All the kids aged ...\"}, \"If you loved \\\"Pulp Fiction\\\" and like hand held cameras you should love this film. I liked the quirky story (even though I feel that \\\"Pulp Fiction\\\" was the most over-rated movie since \\\"The English Patient\\\") and found the characters unrealistic but interesting. It's not \\\"On the Waterfront\\\" or \\\"Citizen Kane\\\" and is burdened by European pretentiousness. But the worst part by far is the hand held camera. It is so distracting and annoying I found myself waiting desperately for the movie to end. I don't know why new directors think this method of filming is so great. If you are prone to motion sickness, stay away, the hand held camera will have you nauseous in about 10 minutes.\": {\"frequency\": 1, \"value\": \"If you loved \\\"Pulp ...\"}, \"Holes is a fable about the past and the way it affects the present lives of at least three people. One of them I will name, the other two are mysteries and will remain so. Holes is a story about Stanley Yelnats IV. He is unlucky in life. Unlucky in fact characterizes the fates of most of the Yelnats men and has been since exploits of Stanley IV's `no good-dirty-rotten-pig-stealing-great-great-grandfather.' Those particular exploits cursed the family's men to many an ill-fated turn. It is during just such a turn that we meet Stanley IV. He has been accused, falsely, of stealing a pair of baseball shoes, freshly donated to a homeless shelter auction, by a famous baseball player. He is given the option of jail, or he can go to a character building camp. `I've never been to camp before,' says Stanley. With that the Judge enthusiastically sends him off to Camp Green Lake.

Camp Green Lake is an odd place, with an odd philosophy, `If you take a bad boy, make him dig a hole every day in the hot sun, it will turn him into a good boy.' We learn this little pearl of wisdom from Mr. Sir (John Voight) one of the camp's `counselors.' We get the impression right away that he is a dangerous man. He at least wears his attitude honestly; he doesn't think he is nice. The camp's guidance councilor, Mr. Pendanski (Tim Blake Nelson) is a different matter entirely. He acts the part of the caring sensitive counselor, but he quick, quicker than anyone else in authority to unleash the most cruel verbal barbs at his charges. The Warden has a decided capacity for meanness, but other than that she is a mystery. These three rule Camp Green Lake, a place that has no lake. It is just a dry dusty desert filled with holes, five feet deep and five feet wide. Its local fauna, seem only to be the vultures, and dangerous poisonous yellow-spotted lizards. Green Lake seems is, in many ways, a haunted place.

Holes works in spite of the strange setting, and the strange story, because it understands people. Specifically because it is honest in the way it deals with the inmates of Camp Green Lake. The movie captures the way boys interact with one another perfectly. It captures the way boys can bully each other, they way they can win admiration, the way they fight with one another, and the way boys ally themselves along the age line. It is this well nuanced core that makes everything else in the film believable. What is also refreshing about this film the good nature of its main character. He does not believe in a family curse, he is not bitter about the infamous exploits of his `no good-dirty-rotten-pig-stealing-great-great-grandfather.' In fact he loves hearing the story. Stanley IV is not bitter about the past, and determined not let it affect him in the way it has affected his father and grandfather. There is at times a lot of sadness in the film, but not a lot wallowing angsty silliness. And that is refreshing.

Holes is an intelligent, insightful and witty family movie. It entertains, and not in any cheap way. It is not a comedy, though it has its laughs. It dares to be compelling, where many family movies tend to play it safe and conventional. As such it transcends the family movie genera and simply becomes a good film that everyone can enjoy. I give it a 10.\": {\"frequency\": 1, \"value\": \"Holes is a fable ...\"}, \"I should have known when I looked at the box in the video store and saw Lisa Raye - to me, she's the female Ernie Hudson A.K.A. \\\"Le Kiss of Death\\\" for *ANY* movie. Its almost *guaranteed* the movie will be bad (e.g. Congo)if Hudson is in it (with the exception of the Ghostbusters films, which were intentionally campy and bad). Despite my instincts, and the fact that I just saw Civil Brand, yet another cinematic \\\"tour de force\\\" starring Lisa Raye, I rented it anyway. After all, I ignored my \\\"Hudson instinct\\\" on OZ and ended up watching a very quality series so I figured I'd give this movie a chance.

If you are a lover of bad movies, this is a definite must see! This has got to be the most unintentionally funny movie I've seen in a loooong time. The plot is fairly straightforward: Racheal's (Monica Calhoun) sister is killed by a band of brigands (Led by Bobby Brown!) and, like many an action movie before this, she straps on her guns ONE LAST TIME and vows to avenge her sisters death. To do this, she reassembles the titular Gang of Roses (supposedly based on a true story of a female gang) and they go out and exact revenge and, along the way, there's some subplot or something or other about some gold that might be buried in the town. One nice thing I will say about this movie is that from what I could tell, the stars did their own riding and they looked GREAT galloping.

The funniest (albiet unintentionally funny) scenes? Look for when they introduce Stacy Dash's character or when Calhoun's character rescinds her vow not to strap on her guns (replete with a clenched fisted cry to the heavens) or Lil' Kim's character joking with Lisa Raye's character or Stacy Dash's character being killed or Lil' Kim's character convincing Lisa Raye's character to rejoin the gang or the Asian Chick or Macy Grey's character talking bout \\\"The debt is paid\\\", etc. With the exception of Calhoun's Racheal and Bobby Brown's Left-Eye, I can't even remember the names of the other characters cuz I was laughing so hard when they were introduced.

If the director had gone for parody and broad comedy this would have been a great movie. Unfortunately, he tries to take it seriously seemingly without first taking exposition, sound design (in his defense, Hip-Hop is notoriously difficult to work into a period piece), set design, script writing nor period historical research (was it me,or were these the cleanest people with the whitest teeth in the old west?) seriously. Usually when I see a movie that's not so good, I ask myself \\\"Could you have done any better?\\\" This is the first time in a long time where the answer is an unequivocal \\\"YES!\\\"\": {\"frequency\": 1, \"value\": \"I should have ...\"}, \"Like Ishtar and King of Comedy, other great, misunderstood comedies, Envy has great performances by two actors playing essentially, losers (may be too harsh a word, I will call them suburban under-achievers).

This film was a dark comedy gem, and I'm not sure what people expect. I relish seeing a major studio comedy that isn't filled with obvious humor, and I believe that the small moments in this movie make it worthwhile. The look on Stiller's face when he sees the dog doo disappear for the first time captures a moment, a moment that most people should be able to recognize in themselves. Yes, it was a fairly simple story, but it examined the root of envy in a really interesting way. There were a lot of great scenes (the J-Man's decrepit \\\"cabin by the lake\\\", Corky's unceremonious burial, Weitz's wife role, and Walken's J-Man -- all great stuff.

I can't stand people that get on IMDb and mercilessly trash films when they have absolutely no idea what it takes to make one. I will take Envy over almost any of the top ten grossing comedies of the year (save Napoleon Dynamite.) It's wittier, wackier, and an offbeat, enjoyable gem.

Remember this people; Most times, Popular doesn't equal Good.\": {\"frequency\": 1, \"value\": \"Like Ishtar and ...\"}, \"Mirror. Mirror (1990) is a flat out lame movie. Why did I watch movies like this when I was younger? Who knows? Maybe I was one for punishing myself by watching one terrible movie after another. I don't know, I guess I needed a hobby during my teen years. A teenage outcast (Rainbow Harvest) seeks solace in an old mirror. Soon she learns about the horrific power this antique mirror has and uses it to strike out against those who have wronged her. Movies like these, the power giver has a nasty side effect. This one changes her inside and out if she likes it or not.

A mess of a movie that for some reason was restored on d.v.d. a few years back. I don't know why. They should have left it on the shelf and collect dust. People love this movie foe some reason. If you do I would like to know why. Until then I dislike this movie and I have no reason to ever watch it again.

Not recommended at all.\": {\"frequency\": 1, \"value\": \"Mirror. Mirror ...\"}, \"In the opening scene, the eye patch wearing desperado named Hawkeye has a smooth forehead, but when he follows Johnny into the pueblo, he's shown with a scar over his patched eye. That's just one of the many continuity lapses in this edgy 'spaghetti' Western, but rather than detract from the picture, it adds a special flavor to the proceedings.

Another occurs when Sanchez turns in his three dead bodies, they have to be examined for their identities - \\\"You just can't imagine how many false cadavers we have in our town\\\". Immediately after, Carradine (Lawrence Dobkin) shows up to collect his bounty with no more than a wanted poster in hand.

As for the film's principal Johnny Yuma (Mark Damon), he's shown with his holster alternately on his right and left hip throughout the movie after exchanging gun belts with Carradine following the barroom brawl. Johnny's bound for San Margo at his uncle's request, but will have to avenge his death at the hands of deceitful wife Samantha (Rosalba Neri) and her conniving brother Pedro (Louis Vanner). It takes some time getting there, but it's a fun ride with one of the best music scores on record. As for that saloon fight, I got a kick out of the kung fu sound effects every time a punch connected.

Care for some more story exaggerations? Following the duel with Pedro the first time, Johnny wipes a small amount of blood from his lip which he manages to smear Pedro's entire face with. Similarly, when Pedro smacks around little Pepe later in the film he doesn't cut him, but by the time Johnny arrives, Pepe's face is covered with blood.

\\\"Johnny Yuma\\\" is probably one of the best of the genre that doesn't have Clint Eastwood in it. As Johnny, Mark Damon is a reasonably suitable stand in but without the seething exterior. Carradine seemed to be a replacement for the obligatory Lee Van Cleef character, without being a total bad guy. At first the identity exchange between Carradine and Johnny didn't seem to make sense, but it all tied together by the time the film ended. You knew each henchman would wind up getting his due; marking time for each was part of the anticipation.

In case you're wondering, the title hero has nothing to do with the Nick Adams character from the classic TV Western \\\"The Rebel\\\". In this film, Johnny got his name from a gunfight he had in Yuma once.

Perhaps the most unique element of the story had to do with the way it tied things up with the evil Samantha who pulled the strings behind the scenes throughout. After shooting Carradine she beats a hasty retreat before Johnny can get his revenge. Still alive, it looks like Carradine tries to shoot her and misses, but it doesn't take long for Johnny and Sanchez to track her into the dessert where she perished without water - Carradine aimed for her canteen.\": {\"frequency\": 1, \"value\": \"In the opening ...\"}, \"Yes, this production is long (good news for Bronte fans!) and it has a somewhat dated feel, but both the casting and acting are so brilliant that you won't want to watch any other versions!

Timothy Dalton IS Edward Rochester... it's that simple. I don't care that other reviewers claim he's too handsome. Dalton is attractive, certainly, but no pretty-boy. In fact he possesses a craggy, angular dark charm that, in my mind, is quite in keeping with the mysterious, very masculine Mr R. And he takes on Rochester's sad, tortured persona so poignantly. He portrays ferocity when the scene calls for it, but also displays Rochester's tender, passionate, emotional side as well. (IMO the newer A&E production suffers in that Ciaran Hinds - whom I normally adore - seems to bluster and bully his way throughout. I've read the book many times and I never felt that Rochester was meant to be perceived as a nonstop snarling beast.)

When I reread the novel, I always see Zelah Clarke as Jane. Ms. Clarke, to me, resembles Jane as she describes herself (and is described by others). Small, childlike, fairy... though it's true the actress doesn't look 18, she portrays Jane's attributes so well. While other reviews have claimed that her acting is wooden or unemotional, one must remember that the character spent 8 years at Lowood being trained to hold her emotions and \\\"passionate nature\\\" in check. Her main inspiration was her childhood friend Helen, who was the picture of demure submission. Although her true nature was dissimilar, Jane learned to master her temper and appear docile, in keeping with the school's aims for its charity students who would go into 'service'. Jane becomes a governess in the household of the rich Mr. Rochester. She would certainly *not* speak to him as an equal. Even later on when she gave as well as she got, she would always be sure to remember that her station was well below that of her employer. Nevertheless, if you read the book - to which this production stays amazingly close - you can clearly see the small struggles Zelah-as-Jane endures as she subdues her emotions in order to remain mild and even-tempered.

The chemistry between Dalton and Clarke is just right, I think. No, it does not in the least resemble Hollywood (thank God! It's not a Hollywood sort of book) but theirs is a romance which is true, devoted and loyal. And for a woman like Jane, who never presumed to have *any* love come her way, it is a minor miracle.

The rest of the casting is terrific, and I love the fact that nearly every character from the book is present here. So, too, is much of the rich, poetic original dialogue. This version is the only one that I know of to include the lovely, infamous 'gypsy scene' and in general, features more humor than other versions I've seen. In particular, the mutual teasing between the lead characters comes straight from the book and is so delightful!

Jane Eyre was, in many ways, one of the first novelized feminists. She finally accepted love on her own terms and independently, and, at last, as Rochester's true equal. Just beautiful!\": {\"frequency\": 1, \"value\": \"Yes, this ...\"}, \"In this 'sequel' Bruce is still called Billy Lo (get it? Bruce= Billy, Lo= Lee. No?) But apart from that, that's all it has in common with the other movie. Billy doesn't seem to be an actor anymore. He seems to be in another country. He's more like a spy. He's the only cast member to return and sadly, they kill him off to make way for a new character, his brother, Bobby. Sadly, when Bruce dies, the movie pretty much dies with him. This was extremely poorly made. It seemed like they were writing the script as they were filming. The footage works for a while (it's not too obvious at first) but soon Bruce is always shown in the dark all the time (he kicks out a light at one stage for no other apparent reason to hide the fact that it's not Bruce playing the part). Sadly when he dies the movie changes. I can't help but wonder if they were filming as they were writing and may well have planned to keep Bruce alive, but later decided to kill him off because it would not have been plausible as Bobby does not appear until Billy is dead. It's hard to change the lead character halfway in the movie and Bruce is a hard act to follow so it's hard to now accept Bobby as the star. Bruce is never seen again in this movie. I think they should have made this sequel without Bruce he has a lame role in this movie. People hoping to see a new Bruce Lee movie will be disappointed to see that although he's given the top billing, he only has a featuring role. Even the worst movies have at least one memorable bit. If there was one bit about this movie people seem to talk about, it's the scene where Billy fights in a plant nursery. Ironically it doesn't even use Bruce Lee footage. Mind you, they did it more convincingly in No Retreat No Surrender. Not one of the other actors here ever made anything else memorable. Bruce's girlfriend (Colleen Camp) is never mentioned. My advice is to turn it off as soon as Bruce is finished writing his letter to his brother. Nothing else in the movie is worth watching. I found it really sad to see Bruce die. I don't see how a small budgeted movie like this could get enough money to use footage from Enter The Dragon. This was a cheap way of trying to cash in on Bruce's name. Oddly this and the original are credited in Bruce's filmography. Thankfully so far, no one has tried anything like this again. 1981 was the year of Bruce's last movie appearance. It was a sad way to end it, but thankfully this is proof that Bruce's movie career should be left alone.\": {\"frequency\": 1, \"value\": \"In this 'sequel' ...\"}, \"After watching two of his silent shorts, 'Elena and her Men (1956)' is my first feature-length film from French director Jean Renoir, and I quite enjoyed it. However, I didn't watch the film for Renoir, but for star Ingrid Bergman, who \\ufffd\\ufffd at age 41 \\ufffd\\ufffd still radiated unsurpassed beauty, elegance and charm. Throughout the early 1950s, following her scandalous marriage to Italian Roberto Rossellini, Bergman temporarily fell out of public favour. Her next five films, directed by her husband, were unsuccessful in the United States, and I suspect that Renoir's latest release did little to enhance Bergman's popularity with English-speaking audiences {however, she did regain her former success with an Oscar in the same year's 'Anastasia (1956)'}. She stars as Elena Sokorowska, a Polish princess who sees herself as a guardian angel of sorts, bringing success and recognition to promising men everywhere, before promptly abandoning them. While working her lucky charms to aid the political aspirations of the distinguished General Francois Rollan (Jean Marais), she finds herself falling into a love that she won't be able to walk away from. This vaguely-political film works well as either a satire or a romantic comedy, as long as you don't take it too seriously; it's purely lighthearted romantic fluff.

Filmed in vibrant Technicolor, 'Elena and her Men' looks terrific as well, a flurry of bright colours, characters and costumes. Bergman's Polish princess is dreamy and somewhat self-absorbed, not in an unlikable way, but hardly a woman of high principles and convictions. She is persuaded by a team of bumbling government conspirators to convince General Rollan to stage a coup d'\\ufffd\\ufffdtat, knowingly exploiting his love for her in order to satisfy her own delusions as a \\\"guardian angel.\\\" Perhaps the film's only legitimately virtuous character is Henri de Chevincourt (Mel Ferrer, then Audrey Hepburn's husband), who ignores everybody else's selfish secondary motives and pursues Elena for love, and love alone. This, Renoir proudly suggests, is what the true French do best. 'Elena and her Men' also attempts, with moderate success, to expose the superficiality of upper-class French liaisons, through the clumsy philandering of Eug\\ufffd\\ufffdne (Jacques Jouanneau), who can't make love to his servant mistress without his fianc\\ufffd\\ufffd walking in on them. For these sequences, Renoir was obviously trying for the madcap sort of humour that you might find in a Marx Brothers film, but the film itself is so relaxed and laid-back that the energy just isn't there.\": {\"frequency\": 1, \"value\": \"After watching two ...\"}, \"I saw this movie thinking that it would be one of those old B movies that are fun to watch. I was so wrong! This movie was boring and obviously aimed at males who like looking at corpulent women. The story was so ridiculous and implausible that it lost my interest altogether. It seemed to be in the same genre as the Ed Wood films - bottom of the barrel.\": {\"frequency\": 1, \"value\": \"I saw this movie ...\"}, \"May the saints preserve us, because this movie is not going to help.

Someone with access needs to e-mail Mel Gibson and tell him we need a faithful production of Beowulf. Something that actually has something in common with the epic poem that is the foundation for all modern western literature.

The recent (since 2000) versions of Beowulf make we wonder two things. First, why is there so much interest in the story. Second, why are all these filmmakers squandering mountains of cash on this crap.

The only reason this got a two is that the version with Lambert in it (Beowulf 2000) was worse and needed the 1.

What is even worse, some people will watch this and get the wrong idea about the poem. How can an industry where Peter Jackson gets a literary conversion to film so right can get it so wrong. I mean really, the Roman Forum as a model for Heorot is too much.

And PLEASE, horns on helmets? Spare me. This is insulting.

/hjm\": {\"frequency\": 1, \"value\": \"May the saints ...\"}, \"The film is based on a genuine 1950s novel.

Journalist Colin McInnes wrote a set of three \\\"London novels\\\": \\\"Absolute Beginners\\\", \\\"City of Spades\\\" and \\\"Mr Love and Justice\\\". I have read all three. The first two are excellent. The last, perhaps an experiment that did not come off. But McInnes's work is highly acclaimed; and rightly so. This musical is the novelist's ultimate nightmare - to see the fruits of one's mind being turned into a glitzy, badly-acted, soporific one-dimensional apology of a film that says it captures the spirit of 1950s London, and does nothing of the sort.

Thank goodness Colin McInnes wasn't alive to witness it.\": {\"frequency\": 1, \"value\": \"The film is based ...\"}, \"This has to be one of the best comedies on the television at the moment. It takes the sugary-sweet idea of a show revolving around a close family and turns it into a quite realistic yet funny depiction of a typical family complete with sibling and parent spats, brat brothers, over-protective fathers and bimbo sisters. I'm almost surprised it's Disney!

To its credit, '8 Simple Rules' knows it's a comedy and doesn't try to be more. Too many shows (eg, 'Sister, Sister' and 'Lizzie McGuire') think just because its lead characters are now teenagers then they should tackle social issues and end up losing their humour by being too hard-hitting. This is a trap '8 Simple Rules' has avoided; it does tackle some issues (such as being the school outcast) but it has fun while doing so. In fact the only time it has really been serious was understandably when it sensitively handled the tragic death of John Ritter and his character.

And I think, although John Ritter will be sadly missed since he was the reason the show made its mark, '8 Simple Rules' can still do well if it remembers its humour and doesn't make Cate's father a second version of Paul Hennessy.\": {\"frequency\": 1, \"value\": \"This has to be one ...\"}, \"The filming crew did not have good access to the occupied territories, so filming of the Israeli side dominated. I was struck by the nearly completely opposite points of view of the mothers. The Israeli mother lost a child who had the possibility of a life of tremendous happiness. The Palestinian mother lost a child who had only the possibility of a life of privation and despair. With such completely different viewpoints, any meeting had no real chance of any meeting of the minds. The word \\\"peace\\\" did not have the same meaning to each of them. Peace to the Palestinian was freedom. Peace to the Israeli was security. With such an abyss, is this sort of film really worth much? I finished with the feeling that I had watched pointless propaganda -- both sides were unconvincing.\": {\"frequency\": 1, \"value\": \"The filming crew ...\"}, \"This is real character and story driven drama at a level that shames most of what we see on TV at the mo.

I was impressed right from the start. Don't be put off if your not a sci fi nut (like me...) This could be happening on earth, the fact that its in another galaxy just makes the show more interesting. there are no space ships or laser guns (None yet anyway) So far I've seen up to s01 e04 and I'm gripped and wondering whats going to happen next as there are so many possibilities.

The cast play there roles with pasion. Eric stoltz is especially strong.

This show really stands alone well, it doesn't matter if you watched BSG or not, in fact they are quite different. I've read some negative reviews from sci fi geeks who expected less drama and more aliens and ray guns etc but I would say ignore them.

This is a really positive start to a show. Lets hope they don't cann it after 1 or 2 seasons like they normally do with good shows these days.\": {\"frequency\": 1, \"value\": \"This is real ...\"}, \"I know slashers are always supposed to be bad,but come on,what the hell is this?It's like a bunch of 10-year-olds saved their lunch money and started filming this by the end of their week.

Anyway,six young people all go to the same house to get killed off screen.We have the brainy one,the slut,the other slut,the black guy,the killer,stereotypes like that.After one gets eaten by a shaking boat,the others all get stalked by some guy who wears a mask the people at the poor box rejected.There's one pretty decent murder somewhere in the middle,but then it's back to even more boredom,and especially more false scares.Seriously,we actually know it can't be the killer when a person gets attacked because the guy sure loves to take his sweet time for everything.

After every character you expected to die dies,the standard ugly blonde chick and her soon-to-be-boyfriend eventually get captured by the killer(they get like,pushed down and then faint)and the killer reveals himself.I think the writers of this movie just took a blindfold and a pen and put it somewhere on the list of characters.The motive is just lame and don't even get me started on the damn secret.The killer then of course takes way too much time to explain everything(and then about ten minutes extra in which he slices up his own arm for some reason)and eventually gets overpowered by a guy with a gun.Hey,no fair!

Really one of the most awful movies I've ever seen.I could enjoy myself more by watching a Lindsay Lohan-movie,I swear.I mean sure,most 80's slashers sucked as well but at least they threw in some T&A.This movie just has nothing going for it.\": {\"frequency\": 1, \"value\": \"I know slashers ...\"}, \"This is one irresistible great cheerful- and technically greatly made movie!

The movie features some of the greatest looking sets you'll ever see in a '30's movie, even though it's all too obvious that they are sets, rather than real place locations. Often if a character would fall or shake a doorpost too aggressive, the entire set would obviously move.

The best moments of the movie were the silent, more old fashioned, slapstick kind of moments. It shows that Ren\\ufffd\\ufffd Clair's true heart was at silent movie-making. The overall humor is really great in this movie. Also of course the musical moments were more than great. This is a really enjoyable light and simple pleasant early French musical. Though the best moments are the silent moments, that does not mean that the movie is not filled with some great humorous dialog, that gets very well delivered by the main actors, who all seemed like stage actors to me, which in this case worked extremely well for the movie its overall style and pleasant no-worries atmosphere. No wonder this worked out so well, since this movie is actually based on stage play by Georges Berr.

It's a technical really great movie, with also some great innovation camera-work in it and some really great editing, that create some fast going and pleasant to watch enjoyable sequences. There is never a dull moment in this movie!

Ren\\ufffd\\ufffd Clair was such a clever director, who knew how to build up and plan comical moments within in movies. It's a very creative made movie, that despite its simplicity still at all times feel as a totally original and cleverly constructed movie, that never seizes to entertain.

The last half hour is especially unforgettably fun, without spoiling too much, and is really among the greatest, as well as most creative moments in early comedy film-making.

The movie is filled with some really enjoyable characters, who are of course all very stereotypical and silly and were obviously cast because of their looks. It all adds to the pleasant light comical atmosphere and cuteness of the movie.

One of the most pleasant movies you'll ever see!

8/10\": {\"frequency\": 1, \"value\": \"This is one ...\"}, \"I am usually disappointed by network movies. Even flix that attract big name actors are usually ruined by the TV people. However, this one is the worst of the worst. The screenplay is weak and the acting, especially that of Tracey Pollan is abominable. I've trudged off to see my kids'high school plays and been treated to better acting. Pollan acts as if she is reading the script as she speaks. When she tries to express fear, anger or grief, it's extremely hollow. Because of the overall quality of the production I found it difficult to take it seriously. If you decide to brave this one just be prepared for a big disappointment. Scary things won't scare you, sad things won't make you sad, romance won't make you feel warm and fuzzy and you will likely be as anxious as I was to see the end arrive. \\\"First to die\\\" says a lot about this movie.\": {\"frequency\": 1, \"value\": \"I am usually ...\"}, \"How, in the name of all that's holy, did this film ever get distribution? It looks as if it has been shot on someone's mobile phone and takes the screaming girl victim scenario to whole new depths. They literally scream for the full 90 minutes of the movie. And that's all they do. There is no plot, no tension, no characters, and not a lot of acting. Just screaming and more screaming.

I gave up after fifteen minutes and fast-wound through it to see if anything happened. It doesn't - except for screaming, of course. Odlly enough, the act of going through it on fast forward highlights another problem - there is no camera-work to speak of. Every shot looks like every other shot - middle distance, one angle, dull, dull, DULL.

It's not so bad it's good. It's just plain bad.\": {\"frequency\": 1, \"value\": \"How, in the name ...\"}, \"Diego Armando Maradona had been sixteen years of age in 1978 when Argentina won the World Cup at home. He was already the biggest star, and the greatest player in a country obsessed with football. Everybody had begged Cesar Luis Menotti to play the boy genius, but the manager thought that he was not yet ready.

History records that Argentina won the 1978 World Cup fairly convincingly - they hadn't really needed Maradona. The same was not true in 1982. Spain was a catalogue of disaster for Argentina. Menotti - still chain smoking - played Diego this time, but the occasion was too much for such a temperamental boy. Maradona had signed for Barcelona on June 4 1982 for around $7 million - nine days later he played his first game at the Camp Nou and Belgium beat Argentina one-nil. It was not an auspicious debut, and even though he scored twice against Hungary in the next match, Maradona will remember the mundial as the site of his nadir - a crude, petulant foul on Brazil's Batista in the Second Round that abruptly ended his tournament and Argentina's reign as world champions.

But now that was all behind him. Maradona had muddled his way through some crazy times at Barca, and left in 1984 to join Napoli. It was as if he was finally home. The Neapolitan tifosi had done everything to entice Maradona to poor, underachieving Napoli. Gifts from old women and pocket money from young boys nestled uncomfortably with the Camorra's millions as part of the transfer fee, and the city was determined to make him feel at home. So, for the time being at least, Maradona was El Rey - he brought his Argentine side to Mexico as one of the favourites, and with a new manager - Carlos Bilardo replacing Menotti.

Maradona is the hero of this story, a one-man World Cup winning machine. In 1982, hundreds of young men had died in a pointless battle for the Falkland Isles; now the British press yearned for a rematch (with the same result) in Mexico City. Maradona was still regarded with distinction in England, remembered more for a superb performance in Britain during a 1980 tour than for Spain. But he was still an Argie: the enemy.

England actually started well, and Lineker could have scored after only twelve minutes. A key event happened on 8 minutes. Fenwick, the big and limited English defender, was booked - he was now terrified of making any challenges around the penalty area.

After a tense first 45 minutes, the second half started with a bang. Maradona danced forward after 50 minutes, but could find no way through. Similarly Valdano's attempt hit only white shirts. Then the moment of infamy that serves as Diego's epitaph. Hodge bizarrely hooked the ball back into his own penalty area, Shilton hurriedly jumped to claim - but there was Maradona, somehow rising above the English goalkeeper to thrust the ball into the net. How had he done it? Simple: handball.

The most famous foul in football history passed in near slow motion. Every spectator waited for Mr Al-Sharif of Syria to blow for the foul (he didn't). Shilton looked and appealed to the linesman - he ran back to the centre circle. Unless he assassinates the Pope, or becomes the first man to step foot on Mars, when the great man dies this moment will be shown first - in long, lingering, slow motion, followed by the look of glee on his face. The next image will be his next gift to the world - the World Cup's finest goal.

Burruchaga stroked the ball to Maradona who was ambling around on the right hand side of his own half. He span, and accelerated away from Beardsley and Reid. This was the real Diego - he burst through Butcher and attacked Fenwick. Fenwick now had the opportunity to stop the attack. Normally, he would have aimed his boot somewhere near Maradona's thigh - sure he would have picked up a red card, but who cares? Then Fenwick had a brainwave - he hesitated, and decided to run at Maradona waving his arms - perhaps he was trying to put him off? Diego shot into the box as Fenwick fell over. Butcher had been running alongside the genius as if he was offering encouragement. Shilton charged out in panic, and Maradona twisted around him and prepared to score. Now Butcher remembered his role and tried to cripple the Argentinean - instead he gave extra impetus to the shot, which smashed into the goal. England were coming home.

During this magical Mexican summer, the world had found a successor for Pele. In fact the greatest ever footballer had been surpassed - Pele had been superb in 1958 and 1970, but had had great players all around him. Maradona did not. 1986 was his World Cup.\": {\"frequency\": 1, \"value\": \"Diego Armando ...\"}, \"A typical Goth chick (Rainbow Harvest looking like a cross between Winona Ryder in Beetlejuice and Boy George) gets even with people she feels have wronged her with the help of an old haunted mirror that she finds in the new house she and her mom (horror mainstay, Karen Black, the only remotely good thing about this travesty) buy. The acting's pretty laughably bad (especially when Rainbow interacts with the aforementioned mirror) and there are no scares or suspense to be had. This film inexplicably spawned thus for 3 sequels each slightly more atrocious than the last. People looking for a similarly themed, but far superior cinematic endeavor would be well advised to just search out the episode of \\\"Friday the 13th: the Series\\\" where a geeky girl finds an old cursed compact mirror. That packs more chills in it's scant 40 minutes than this whole franchise has provided across it's 4 films.

My Grade: D

Eye Candy: Charlie Spradling provides the obligatory T&A\": {\"frequency\": 1, \"value\": \"A typical Goth ...\"}, \"I'd never seen an independent movie and I was really impressed by the writing, acting and cinematography of Jake's Closet.

The emotions were very real and intense showing, through a child's eyes, the harsh impact of divorce.

A definite see!

I'd never seen an independent movie and I was really impressed by the writing, acting and cinematography of Jake's Closet.

The emotions were very real and intense showing, through a child's eyes, the harsh impact of divorce.

A definite see!\": {\"frequency\": 1, \"value\": \"I'd never seen an ...\"}, \"As seems to be the general gist of these comments, the film has some stunning animation (I watched it on blu-ray) but it really falls short of any real depth.

Firstly the characters are all pretty dull. I got a hint of a kind of Laputa situation between Agito, Toola and the main antagonist Shunack. However maybe my mind wanderd and this was wishful thinking (Laputa being my favourite anim\\ufffd\\ufffd, original Engilsh dub). The characters are not really lovable either and as mentioned in another post they fall in love exceptionally quickly, leaving poor old Minka jealous and rejected (she loves Agito, who seems oblivious of this). However she promptly seems to forgive Toola at the end with no explanation for the change of heart other than it makes the ending a little bit more \\\"happy\\\".

There is also a serious lack of explanation. Like who are the druids really? Are they people? and who are the weird women/girls who seem to hang out with them and run the forest? There is nothing explaining why they are there and how they can give regular humans superpowers. The plants coming from the moon still does not fill in the blanks about this. It is almost like a weird version of The Day of the Triffids.

And who does call Toola? why bother with this if it wont be explained?

I really wanted to like this film but I found the plot no where near as deep as a film like Ghost in the Shell or having any real character like those of Miyazaki. I do not resent watching it but I do sort of wish I hadn't bought it. My advice? Give it a go if you have a couple of hours to spare, but borrow it, or buy it cheap! Perhaps if your new to anim\\ufffd\\ufffd films and don't have much to go by you will enjoy it. It certainly is visually pleasing.\": {\"frequency\": 1, \"value\": \"As seems to be the ...\"}, \"This movie is still an all time favorite. Only a pretentious, humorless moron would not enjoy this wonderful film. This movie feels like a slice of warm apple pie topped with french vanilla ice cream! I think this is Cher's best work ever and her most believable performance. Cher has always been blessed with charisma, good looks, and an enviably thin figure. Whether you like her singing or not - who else sounds like Cher? Cher has definitely made her mark in the entertainment industry and will be remembered long after others have come and gone. She is one of the most unique artists out there. It's funny, because who would have thought of Cher as such a naturally gifted actress? She is heads above the so-called movie \\\"stars\\\" of today. Cher is a real actor on the same level as Debra Winger, Alfre Woodard, Holly Hunter, Angela Bassett and a few others, in that she never seems to be \\\"acting,\\\" she really becomes the character convincingly. She has more than earned the respect of her peers and of the movie-going public.

Everything about Moonstruck is wonderful - the characters, the scenery, the dialog, the food. I never get tired of watching this movie.

Every time single time I watch the scene where they are all sitting around the dinner table at Rose's house, I pause the remote to see exactly what delicious food Rose is serving. I saw the spaghetti, mushrooms (I think), but I can't make out whether they are eating ravioli, ziti? What is that main course? It looks wonderful and its driving me nuts!

Everybody in that family was a hardworking individual and they respected and cared about one another. The grandfather wasn't pushed aside and tolerated, he was a vital part of the family and he was listened to and respected for his age and wisdom. He seemed to be a pretty healthy, independent old codger too.

Loretta's mom wasn't \\\"just a housewife,\\\" she was the glue that held the family together and was a model example of what a wife, mother, and home manager should aspire to be. She was proud of the lifestyle she had chosen but she didn't let it define who she was. High powered businessmen aren't as comfortable in their skin as Rose Casterini was. Notice the saucy way she said \\\"I didn't have kids until after I was 37. It ain't over 'til its over.\\\" You got the sense that she had been the type of young woman who did exactly as she pleased and got her way without the other person realizing what had happened. She was charming, quick witted, and very smart. What a great mom!

I didn't actually like Loretta right away because she seemed like a bit of a know--it-all who wasn't really as adventurous and as in control of herself as she wanted others to think. She could tell others about themselves and where they had gone wrong, but she really didn't apply common sense to her own life. She was going to marry a middle-aged mama's boy simply because she wanted a husband and a sense of identity and purpose to her life. She was more conventional than her own mom. She dressed and wore her hair like a matron at a house of detention and seemed humorless and bored, but underneath you sensed that she was vulnerable and lonely and had a lot of love to give the right man. She would probably end up making an awesome mom too.

I could see in the future, a house full of Loretta and Ronnie's loud, screaming happy kids and Rose and Cosmo enjoying every minute of it.\": {\"frequency\": 1, \"value\": \"This movie is ...\"}, \"I very nearly walked out, but I'd paid my money, and my nearly-as-disgusted friend wanted to hold out. After the endearing, wide-eyed innocence of \\\"A New Hope\\\" and the thrilling sophistication of \\\"The Empire Strikes Back,\\\" I remember awaiting \\\"Return of the Jedi\\\" with almost aching anticipation. But from the opening scene of this insultingly commercial sewage, I was bitterly disappointed, and enraged at Lucas. He should have been ashamed of himself, but this abomination undeniably proves that he doesn't have subatomic particle of shame in his cold, greedy heart. Episode I would go on to reinforce this fact -- your honor, I call Jarjar Binks (but please issue barf bags to the members of the jury first).

From the initial raising of the gate at Jabba's lair, this \\\"film\\\" was nothing more than a two-plus-hour commercial for as many licensable, profit-making action figures as Lucas could cram into it -- the pig-like guards, the hokey flesh-pigtailed flunky, that vile muppet-pet of Jabba's, the new and recycled cabaret figures, the monsters, etc., etc., ad vomitum. Then there were the detestably cute and marketable Ewoks. Pile on top of that all of the rebel alliance aliens. Fifteen seconds each on-screen (or less) and the kiddies just GOTTA have one for their collection. The blatant, exploitative financial baiting of children is nauseating.

Lucas didn't even bother to come up with a new plot -- he just exhumed the Death Star from \\\"A New Hope\\\" and heaved in a boatload of cheap sentiment. What an appalling slap in the face to his fans. I can't shake the notion that Lucas took a perverse pleasure in inflicting this dreck on his fans: \\\"I've got these lemmings hooked so bad that I can crank out the worst piece of stinking, putrid garbage that I could dream up, and they'll flock to the theaters to scarf it up. Plus, all the kiddies will whine and torture their parents until they buy the brats a complete collection of action figures of every single incidental undeveloped, cartoonish caricature that I stuffed in, and I get a cut from every single one. It'll make me even more obscenely rich.\\\"

There may have been a paltry, partial handful of redeeming moments in this miserable rip-off. I seem to recall that Harrison Ford managed to just barely keep his nose above the surface of this cesspool. But whatever tiny few bright spots there may be are massively obliterated by the offensive commercialism that Lucas so avariciously embraced in this total, absolute sell-out to profit.\": {\"frequency\": 1, \"value\": \"I very nearly ...\"}, \"My boyfriend and I rented this because we thought it might be a good 'Halloween' take-off. A killer terrorizing young people, a white mask...you get my drift. We were dead wrong! No pun intended. We not only discovered one of the worst movies out there, but also that it is a cult classic! It is filled w/plot holes and makes no sense. The actress who plays Maddy is pretty, but that's about it. I do give credit for it being shot on a VERY low budget--I always support movies like that. Just not this particular one.

This movie may be good to see if you're drunk or high; otherwise don't bother. Unless you want to lose your movie privileges like I did!\": {\"frequency\": 1, \"value\": \"My boyfriend and I ...\"}, \"Ah yes, the VS series, MVC2 being the pinnacle. It's been said before, this is what you get when half of the crew fell asleep on the job, unfortunately the gameplay half did. Don't get me wrong, this is fun, but you get tired of mashing buttons. As for the plot summary, AHAHAHAHAHAAAAA... There is no plot. Beat that guy at the end and win! Eh, who plays this by their self anyway?\": {\"frequency\": 1, \"value\": \"Ah yes, the VS ...\"}, \"Julia Roberts obviously makes a concerted effort to shake off her cotton wool Pretty Woman persona with this spurious spousal abuse thriller, but it's hard to imagine she'd end up putting in a performance as powerful and convincing (and oscar winning) as she did in Erin Brokovich based on the back of this rubbish. And make no bones about it, it's nothing more than a Julia Roberts vehicle, but unfortunately, her performance is not the most lacklustre thing about it.

The plot has all the markings of a late night made-for-cable, and don't be under the impression that it will offer any insight into the dark world of domestic abuse because non of the characters are sketched out enough for you to really care.

Ultimately disappointing and unsatisfying, without Roberts' name above the title, I'm sure it would have totally flopped, deservedly.\": {\"frequency\": 1, \"value\": \"Julia Roberts ...\"}, \"This movie strikes me as one of the most successful attempts ever at coming up with plausible answers for some of the nagging questions that have cropped up in recent scholarship concerning the \\\"Passion\\\" (suffering and death of Christ) accounts in the New Testament. (What motivated Judas if money was not the issue? What could bring the Sanhedrin to meet on a high holy day? Why did Pilate waffle?) It is a movie for the serious, thinking Christian: fans of \\\"The Passion of the Christ\\\" will no doubt be disappointed by the lack of gory spectacle and arch characterization. As for myself, I find the portrait painted here--of the willingness of ordinary people to so blithely sacrifice common decency when their own self-interest is at stake--far more realistic and deeply unsettling. (The disinterested, \\\"just doing my job\\\" look on the face of the man who drives the first nail in Christ's wrist is as chilling as any moment in film.) The film makes no claim to \\\"authenticity\\\", but the settings and costuming invariably feel more \\\"right\\\" than many more highly acclaimed efforts. It is a slow film but, if you accept its self-imposed limits (it is, after all, \\\"The Death\\\"--not the Life--\\\"of Christ\\\"), ultimately a very rewarding one.\": {\"frequency\": 1, \"value\": \"This movie strikes ...\"}, \"The Contaminated Man is a good film that has a good cast which includes William Hurt, Natascha McElhone, Peter Weller, Katja Woywood, Michael Brandon, Nikolett Barabas, Hendrick Haese, D\\ufffd\\ufffdsir\\ufffd\\ufffde Nosbusch, Arthur Brauss, and Christopher Cazenove.The acting by all of these actors is very good. Hurt and Weller are really excellent in this film. I thought that they performed good. The thrills is really good and some of it is surprising. The movie is filmed very good. The music is good. The film is quite interesting and the movie really keeps you going until the end. This is a very good and thrilling film. If you like William Hurt, Natascha McElhone, Peter Weller, Katja Woywood, Michael Brandon, Nikolett Barabas, Hendrick Haese, D\\ufffd\\ufffdsir\\ufffd\\ufffde Nosbusch, Arthur Brauss, Christopher Cazenove, the rest of the cast in the film, Actio, Thrillers, Dramas, and interesting films then I strongly recommend you to see this film today!\": {\"frequency\": 1, \"value\": \"The Contaminated ...\"}, \"this movie is a very relaxed, romantic-comedy, which is thoroughly enjoyable. Meg Ryan does a very good job as the genius niece of Albert Einstein, though she does believe in her own skills. Tim Robbins does an equally good job as the mechanic who falls in love with her when she comes into his shop with her fianc\\ufffd\\ufffd after her car stuffs up. I loved Walter Matthau as the one and only Albert Einstein. This movie just has a very relaxing feel to it, while still keeping some sort of seriousness to it (if that is actually possible, it happens here).

I personally found this movie extremely entertaining, especially the old scientists - i thought they were fab and hilarious! This movie seems to have been underestimated beyond comprehension. If you have a cheeky sense of humour, this is the movie for you!\": {\"frequency\": 1, \"value\": \"this movie is a ...\"}, \"I usually steer clear of TV movies because of the many ways you know that it's TV movies five seconds into the picture. This one got my attention because of the unusual title and its gloomy, well-crafted mood that is established from the very start. While the ever present rain confirmed my suspicions of a misplaced story (even if claiming to be set in California the movie was largely shot around a stormy Vancouver, B.C.), the dark and oppressive outdoors beautifully complement Olmos' excellent acting.\": {\"frequency\": 1, \"value\": \"I usually steer ...\"}, \"I bought this on DVD for my brother who is a big Michelle Pfeiffer fan. I decided to watch it myself earlier this week.

It is a reasonably entertaining piece containing two completely separate story lines. The section with Michelle Pfeiffer was by far the more interesting of the two. She plays a rising Hollywood actress who has had many short unfulfilling relationships. She literally bumps into Brian Kerwin (A regular married guy with Kids)after driving her car into the back of his. After being initially hostile to one another he offers to drive her home as she no longer feels comfortable to drive. Romance develops eventually leading to tragedy when his wife finds out. What happens at the end I was not prepared for but the slow pacing and routine TV direction takes any drama out of the plot.

The other section involves an old Studio boss played by Darren McGavin. This section actually has the better cast with Kenneth McMillan, Lois Chiles, Steven Bauer & Stella Stevens. They all want something from the studio boss but in the end when he is asked to resign, they all realize their careers will now be going nowhere.

It passes the time but is not all that interesting and I am glad this was not bought for me. I am not a Michelle Pffeifer fan but she was admittedly the only actor worth watching in this film and even in 1983 she was a decent actress. Overall though unless you are a fan of hers avoid this as it is very routine.\": {\"frequency\": 1, \"value\": \"I bought this on ...\"}, \"... And being let down bigger than ever before. I won't make any direct references or anything here, but to say the least, this film is pathetic. If you're military trained, don't bother watching. I put it on the DVD with 2 friends wanting to watch a somewhat interesting action / war flick. Why couldn't I just have read the reviews first.

Already at the first \\\"bomb\\\" scene the film has huge glitches, and they continue to show and become bigger and bigger. My 2 friends, not connected to the military in any way spotted a couple of the filmmaker's mistakes almost as fast as I myself did and asked me if some of the things going on we're realistic. Well, as you might have guessed, they're not - at all.

Avoid this movie unless you're able to overlook these completely idiotic and re-occurring mistakes being made. 2/10 for catching my interest at first.\": {\"frequency\": 1, \"value\": \"... And being let ...\"}, \"I tried. I really did. I thought that maybe, if I gave Joao Pedro Rodrigues another chance, I could enjoy his movie. I know that after seeing O FANTASMA I felt ill and nearly disgusted to the core, but some of the reviews were quite good and in favor, so I was like, \\\"What the hell. At least you didn't pay 10 dollars at the Quad. Give it a shot.\\\"

Sometimes it's better to go to your dentist and ask for a root canal without any previous anesthetic to alleviate the horror of so much pain. I often wonder if it wouldn't be better to go back to my childhood and demand my former bullies to really let me have it. On other occasions, I often think that the world is really flat and that if I sail away far enough, I will not only get away from it all, but fall clear over, and that some evil, Lovecraftian thing will snatch me with its 9000 tentacles and squeeze the life -- and some french fries from 1995, still lingering inside my esophagus -- out of me.

Is there a reason for Odete? I'd say not at all... just that maybe her Creator thought that writing a story centered on her madness (one that makes Alex Forrest look like Strawberry Shortcake) look not only creepy, but flat-out sick to the bone. She first of all decides to leave her present boyfriend (in shrieking hysterics) because she wants a child and he believes they're too young. She later crashes a funeral of a gay man, and -- get this -- in order to get closer to him, she feigns being pregnant while insinuating herself into the lives of the dead man's mother and lover in the sickest of ways. Oh, of course, she shrieks like a banshee and throws herself not one, but a good three times on his grave. And there's this ridiculous business that she progressively becomes \\\"Pedro\\\" which sums up some weak-as-bad-tea explanation that love knows no gender. Or something.

I'd say she's as nuts as a can of cashews, unsalted. But then again, so's the director. And me, for taking a chance on this. At least the men look good. Other than that... not much else to see here.\": {\"frequency\": 1, \"value\": \"I tried. I really ...\"}, \"Being a transplanted New Yorker, I might be more critical than most in watching City Hall. But I have to say that before even getting to the story itself I was captivated by the location shooting and the political atmosphere of New York City that Director Harold Becker created.

For example there's a reference to Woerner's Restaurant in Brooklyn where political boss Frank Anselmo likes to eat. There is or was a Woerner's Restaurant on Remsen Street in downtown Brooklyn when I lived in New York back in 1996. It was in fact particularly favored by political people in the Borough though they did have a couple of other hangouts.

No surprise because the script was co-authored by Nicholas Pileggi who still writes both political and organized crime stories. He knows the atmosphere quite well and he sure knows how those two worlds cross as they do in this film.

A detective played by Nestor Serrano goes for an unofficial meeting with a relative of mob boss Anthony Franciosa and things erupt and three people wind up dead, including an innocent 6 year old boy whose father was walking him to school. The story mushrooms and at the end it's reached inside City Hall itself.

Al Pacino plays Mayor John Pappas and John Cusack is his Deputy Mayor a transplanted Louisianan, a state which has a tradition of genteel corruption itself. He's the outsider here and in trying to do damage control, Cusack finds more than he bargained for,

Danny Aiello plays Brooklyn political boss Frank Anselmo and for those of you not from New York, his character is based on the late Borough President of Queens Donald Manes who was also brought down by scandal. He's very much the kind of Brooklyn politician I knew back in the day whose friendship with organized crime and favors done for them, do Aiello in.

City Hall was the farewell performance on film for Anthony Franciosa, one of the most underrated and under-appreciated talents ever on the screen. No one watches anyone else whenever he's on.

Al Pacino's best moment is when at the funeral of the young child killed, he takes over the proceedings and turns it into a political triumph for himself. His is a complex part, he's a decent enough man, but one caught up in the corruption it takes to rise in a place like New York.

For those who want to know about political life in the Big Apple, City Hall is highly recommended.\": {\"frequency\": 1, \"value\": \"Being a ...\"}, \"Boy-girl love affair/sequel with songs, only this time she's the punkette and he's the straight arrow. Movie-buffs out there actually like this movie? It has fans? I must say, the mind reels... \\\"Grease 2\\\" is a truly lame enterprise that doesn't even have the courage, moxy or sheer gall to take the memory of its predecessor down in flames (like \\\"Jaws 2\\\" or \\\"Exorcist II\\\"). No, it whimpers along in slow-motion and often just plays dead. It looks and feels cheap, with a large cast lost amidst messy direction and unfocused handling. This was the first time a substantial audience got a glimpse of Michelle Pfeiffer and, although she doesn't embarrass herself, it's a role worth forgetting. A misfire on the lowest of levels. NO STARS from ****\": {\"frequency\": 1, \"value\": \"Boy-girl love ...\"}, \"This utterly dull, senseless, pointless, spiritless, and dumb movie isn't the final proof that the world can forget about Danny Boyle and his post-\\\"Trainspotting\\\" movies: \\\"The Beach\\\" already took care of that. What this low-budget oddity does is merely to secure his place among those who started very well but got completely lost in drugs, booze, ego, self-delusion, bad management or whatever it was that lead to this once-promising director's quick demise.

The premise is absurd: two losers (Ecclestone and some bimbo Jenna G - a rapper, likely) meet by chance and spontaneously start singing with fervour more akin to lunatic asylum inhabitants than a potential hit-making duo - which they become. A friend of theirs - an even bigger illiterate loser - becomes their manager by smashing a store window and stealing a video-camera by which he films them in \\\"action\\\", and then shows the tape to some music people who actually show interest in this garbage. Now, I know that the UK in recent years has put out incredible junk, but this is ridiculous; the music makes Oasis seem like The Beatles. During the studio recordings, the duo - Strumpet - change lyrics in every take and Ecclestone quite arrogantly tells the music biz guys to take it or leave it, and quite absurdly they do take it. Not only is the music total and utter trash, but its \\\"performers\\\" are anti-social; these NEWCOMERS are supposed to be calling the shots. It's just too dumb. It's plain awful.

The dialog is unfunny and goes nowhere, and this rags-to-bitches story has no point and makes no sense. It often feels improvised - under the influence of drugs. Danny Boyle is a complete idiot. This little piece of trash is so bad it's embarrassing to watch. Ecclestone's I.Q. also has to be questioned for agreeing to be part of this nonsense. Whoever financed this \\ufffd\\ufffd1000 joke should leave the movie business before they end up selling their own underwear on street corners.\": {\"frequency\": 1, \"value\": \"This utterly dull, ...\"}, \"Although the actors were good, specially Fritzi Haberland as the blind Lilly, the film script is obsessively pretentious and completely arbitrary. A famous theatre director (Hilmir Sn\\ufffd\\ufffdr Gu\\ufffd\\ufffdnason), becoming blind after a car accident, is on the run for himself and his destiny. Lilly, being sightless since her birth, is teacher for blind persons, and wants to make him \\\"seeing\\\" again. (Blind persons are seeing with their fingers, nose and ears.) Here this movie is becoming a roadmovie; and the longer the road becomes, the closer their relation develops, which was predictable since the beginning of the film. The theatre director is on the road to his mother (Jenny Gr\\ufffd\\ufffdllmann). His mother is living somewhere in Russia on the sea and making artistic installations - of course, what should she do other! - and she is still living, because she is waiting his son, to die. My God! This are destinies!

Finally the son arrived! Mum is celebrating a big party! At the beach. Wind is blowing and a pianist is playing on a real piano in the middle of a dune. Yes, they are celebrating her farewell. The son arrives just in time. Mother can finally swallow the pills administered by a pretty nurse. Now a great artist can die in the arms of her great artist son, speaking sad contemplations about live in perfect German, while the son is answering with a rough accent. Because the son is unable to see, he is not falling in love to the nurse, - the film script would have become also too complicate! - but is looking for Lilly on the way back to home.

Parallel to this roadmovie the sister of Lilly, staying at home is asking a gawky schoolmate to deflower her, who has first to booze himself to courage. The occasion is favourable. Because Mum (Tina Engel) is on journey together with the lover of Lilly, Paul (Harald Schrott). They are after Lilly, to bring her back. Paul and the mother of Lilly are not falling in love, because the film script would have become too complicate. The film script missed to make out of Paul something exceptional too. I would suggest an architect or a Pianist, or course a famous one! When they finally find Lilly, they want to convince her, to come back to Paul, because he has two eyes to see and is able to care for her. But Lilly felt in love to his pupil, the theatre director; did I mention, that he was even a famous theatre director?

This is German film art! As you may see in this pretentious production, that the German film subsidy fund is not always producing good films, because they subsidy just such kind of pseudo intellectual films. This film is really embarrassing. I have the impression, that the film script has been cobbled together from some highbrows in coffee shops and restaurants. Everybody is entitled to contribute with an idea. Probably also Til Schweiger has contributed with some intellectual flash of wit, being a co-producer. I was reminded by this film script to an other German film of absolute painfulness: \\\"Barfuss\\\" - already the spelling of the title is not right! \\\"Barfuss\\\" DVD cover writes proudly: \\\"A Til Schweiger Film\\\". This film got also subsidies of Filmstiftung NRW, Filmf\\ufffd\\ufffdrderung Hamburg and the FFA.

Please don't spoil your time with this film! There are really good films in Germany. Watch out for film directors like Marcus H. Rosenm\\ufffd\\ufffdller, Joseph Vilsmaier, Hans Steinbichler, Hans-Christian Schmid, Faith Akin ...\": {\"frequency\": 1, \"value\": \"Although the ...\"}, \"A woman, Mujar (Marta Belengur) enters a restaurant one morning at &:35 unaware that a terrorist has kidnapped the people in said restaurant & is making them act out a musical number in this strange yet fascinating short film, which I only saw by finding it on the DVD of the director/writer's equally fascinating \\\"Timecrimes\\\". It had a fairly catchy song & it somehow brought a smile to my face despite the somber overall plot to the short. I'm glad that I stumbled across it (wasn't aware it would be an extra when I rented the DVD) and wouldn't hesitate at all to recommend it to all of my friends.

My Grade: A-\": {\"frequency\": 1, \"value\": \"A woman, Mujar ...\"}, \"You probably heard this phrase when it come to this movie \\ufffd\\ufffd \\\"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)\": {\"frequency\": 1, \"value\": \"You probably heard ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"Before watching ...\"}, \"The Hamiltons tells the story of the four Hamilton siblings, teenager Francis (Cory Knauf), twins Wendell (Joseph McKelheer) & Darlene (Mackenzie Firgens) & the eldest David (Samuel) who is now the surrogate parent in charge. The Hamilton's move house a lot, Franics is unsure why& is unhappy with the way things are. The fact that his brother's & sister kidnap, imprison & murder people in the basement doesn't help relax or calm Francis' nerves either. Francis know's something just isn't right & when he eventually finds out the truth things will never be the same again...

Co-written, co-produced & directed by Mitchell Altieri & Phil Flores as The Butcher Brothers (who's only other film director's credit so far is the April Fool's Day (2008) remake, enough said) this was one of the 'Films to Die For' at the 2006 After Dark Horrorfest (or whatever it's called) & in keeping with pretty much all the other's I've seen I thought The Hamiltons was complete total & utter crap. I found the character's really poor, very unlikable & the slow moving story failed to capture my imagination or sustain my interest over it's 85 & a half minute too long 86 minute duration. The there's the awful twist at the end which had me laughing out loud, there's this really big sustained build up to what's inside a cupboard thing in the Hamiltons basement & it's eventually revealed to be a little boy with a teddy. Is that really supposed to scare us? Is that really supposed to shock us? Is that really something that is supposed to have us talking about it as the end credits roll? Is a harmless looking young boy the best 'twist' ending that the makers could come up with? The boring plot plods along, it's never made clear where the Hamiltons get all their money from to buy new houses since none of them seem to work (except David in a slaughterhouse & I doubt that pays much) or why they haven't been caught before now. The script tries to mix in every day drama with potent horror & it just does a terrible job of combining the two to the extent that neither aspect is memorable or effective. A really bad film that I am struggling to say anything good about.

Despite being written & directed by the extreme sounding Butcher Brothers there's no gore here, there's a bit of blood splatter & a few scenes of girls chained up in a basement but nothing you couldn't do at home yourself with a bottle of tomato ketchup & a camcorder. The film is neither scary & since it's got a very middle-class suburban setting there's zero atmosphere or mood. There's a lesbian & suggest incestuous kiss but The Hamiltons is low on the exploitation scale & there's not much here for the horror crowd.

Filmed in Petaluma in California this has that modern low budget look about it, it's not badly made but rather forgettable. The acting by an unknown (to me) cast is nothing to write home about & I can't say I ever felt anything for anyone.

The Hamiltons commits the cardinal sin of being both dull & boring from which it never recovers. Add to that an ultra thin story, no gore, a rubbish ending & character's who you don't give a toss about & you have a film that did not impress me at all.\": {\"frequency\": 1, \"value\": \"The Hamiltons ...\"}, \"This film deals with the atrocity in Derry 30 years ago which is commonly known as Bloody Sunday.

The film is well researched, acted and directed. It is as close to the truth as we will get until the outcome of the Saville enquiry. The film puts the atrocity into context of the time. It also shows the savagery of the soldiers on the day of the atrocity. The disgraceful white-wash that was the Widgery Tribunal is also dealt with.

Overall, this is an excellent drama which is moving and shocking. When the Saville report comes out, watch this film again to see how close to the truth it is.\": {\"frequency\": 1, \"value\": \"This film deals ...\"}, \"What a great gem this is. It's an unusual story that is fun to watch. Yes, it has singing, but it is very nicely crafted into the story and is very melodic to hear. It was so pleasant to watch; I enjoyed it from start to finish!

The movie takes place in England during World War II. It is about an apprentice witch who is searching for a missing portion of a spell that she needs. She uses her rough \\\"magic\\\" to transport her and 3 children under her care to various destinations to find it. They are joined by her correspondence teacher, who is surprised to learn that the lessons from his school actually work!

Although the special effects may seem a little dated at first, once you get used to them they become part of the charm of this movie. In fact, the movie won an Oscar for these effects!

The movie is innocent and fun - and it's hard not to like the tuneful songs. The characters are wonderfully interesting to watch. I think anyone at any age could find something to like about this movie.\": {\"frequency\": 1, \"value\": \"What a great gem ...\"}, \"Yet another \\\"son who won't grow up\\\" flick, and just the other recent like entries. Heder in another bad wig, channeling Napoleon for, what, the third time? Anna Faris is forgettable, as always; Jeff Daniels phoned this one in from another state, at least; and Diane Keaton...how does one become typecast this late in a career? Do not bother. Nothing is said here that hasn't been covered many times over. I will say this; it's about a hundred times better than \\\"Failure To Launch\\\". There are very few amusing bits in the movie, unless you think Eli Wallach cursing is funny. Ha, Ha! He's old and he dropped the f-bomb! Tee, hee, hee. Pitiful!\": {\"frequency\": 1, \"value\": \"Yet another \\\"son ...\"}, \"I wasn't sure when I heard about this coming out. I was thinking how dumb is Disney getting. I was wrong. I found it to be very good. I mean it's not The Lion King but it's cool to see another side from a certain point. It was very funny. Also it wasn't one of those corny disney sequels were the animation sucks, it was just like The Lion King animation. The only thing that eritated me was the whole movie theater thing through out the movie. Not to give anything way but you'll know what I am talking about. I also fun that it was cool to have most of the cast from the original to return. It was a very good movie over all.\": {\"frequency\": 1, \"value\": \"I wasn't sure when ...\"}, \"The story-line was rather interesting, but the characters were rather flat and at times too extreme in their thoughts/behavior. More extreme than necessary. Also, I think something went wrong in the casting. John Turtorro doesn't really satisfy me playing a semi-autistic chess player, not to speak of the Italian player. Motives weren't very much outlined either.

\": {\"frequency\": 1, \"value\": \"The story-line was ...\"}, \"Bamboo House of Dolls (1973, 1974 or 1977, various years are given for this title) is a Hong Kong veteran Chin Hung Kuei's (Killer Snakes, Boxer's Omen, Payment in Blood etc.) women in prison flick produced by the legendary Shaw Brothers. Yes, even they got their hands into low exploitation sickies like this, and Bamboo is definitely among the worse attempts of the whole genre, even when compared to the Western attempts that usually pale in comparison with the Eastern films!

The story is about a Japanese war camp in which the Chinese women are brutalized, abused and raped by the bad Japanese (what else?) during the World War II. The girls also know a secret place in which a box full of gold is hidden and also learn that a Chinese military officer raised in Japan (Shaw veteran Lo Lieh) is actually now an undercover agent among the other Japanese and naturally helps the girls escape the hell. What follows is sequences full of gratuitous nudity, female kung fu, some nasty torture, gore, sleaze and extremely offensive anti Japan attitude that make this film pure and honest garbage that doesn't even try to be more than it is.

There are hardly any interesting elements in Bamboo House of Dolls. The occasional photography especially at the end looks nice with its sunbeams and beautiful nature but that's about it in the merits department. The fight scenes are plenty and always include half naked females hitting and kicking each other. The violence overall is quite nasty at times with several bullet wounds, misogynistic torture scenes (for example, one poor girl is brutalized on the floor filled with broken glass etc.) and extremely repulsive ending and moral behind it. Of course it is stupid to talk about \\\"moral\\\" when writing about this kind of film, but still there are elements I won't accept to be found from any film.

The film has also some enjoyable turkey elements for sure! For example, the gold box, filled with heavy gold, seems suspiciouly light as the weak and suffered girls don't seem to have any problems lifting and moving it, not to speak of throwing it! Also those numerous \\\"skin fight scenes\\\" make this quite smile inducing for fans of trash cinema. I have seen the same director's Killer Snakes (1973) which is ten times more noteworthy as a piece and even though it has many alive snakes killed for real, it is also visually more interesting and shows us some nasty sides of the other side of the big city and society. Also, it is a must for those who fear snakes.

Bamboo House of Dolls has suffered some censorship, too, which isn't a surprise considered the subject matter. The uncut version, (dubbed into a non-English language) released in Europe at least in France, Italy and Switzerland, runs 104 PAL minutes while the cut, English dubbed print released in Holland, Belgium and Greece runs only 84 minutes in PAL. From what I've heard, the cut scenes are not only violence or other graphic stuff but also dialogue and \\\"plot development\\\" and the like.

Bamboo House of Dolls is garbage cinema in its most trashy form and definitely something I wouldn't have liked to see from the Shaw Brothers or Hong Kong in general. Some of the Italian exploitation films of the same subject matter are much more interesting and noteworthy than this quite ridiculous, calculated and worthless piece of cinema exploitation. 2/10\": {\"frequency\": 1, \"value\": \"Bamboo House of ...\"}, \"When originally screened in America in 1972, 'The Night Stalker' became the highest rated made-for-T.V. movie in history. Based on Jeff Rice's unpublished novel, it told how a fearless investigative reporter named Carl Kolchak ( the late Darren McGavin ) discovered the existence of a vampire in modern-day Las Vegas. When it arrived on British television four years later, it did not quite have the same impact, but my friends were talking about it at school on Monday morning, as indeed was I. We all agreed that it was one of the most exciting things we had seen.

I did not know of the existence of 'The Night Strangler' until it turned up nearly a decade later. I.T.V., who screened the 'Kolchak' movies, had apparently decided to pass on the spin-off series; they felt 'Barnaby Jones' starring Buddy Ebsen to be more of a draw, and anyway, viewers might confuse 'Kolchak' with 'Kojak'! For years my only source of information concerning the show was an article in Fangoria magazine. I could not even purchase the Jeff Rice novels.

Then something wonderful happened. In 1990, B.B.C.-2 put out the show as part of a late-night Friday series devoted to the supernatural called 'Mystery Train', hosted by Richard O'Brian. 'Kolchak' found himself rubbing shoulders with the likes of 'The Brain Eaters' and 'Earth Vs.The Spider'. The opening titles were trimmed, removing Kolchak's whistling, and the closing credits...well, there were none.

The first episode screened was 'Werewolf'. I cannot say I was overly impressed, but stuck with it, and am I glad that I did!

I really wish I'd seen it in 1974. My twelve year old self would have adored it. Creepy, humorous, exciting, no wonder it fired Chris Carter's imagination.

The show's biggest asset was, of course, McGavin. Unlike the recent Kolchak, the original was an everyman figure, eccentrically dressed, rather conservative. He was to the supernatural what 'Columbo' was to crime. The late Simon Oakland was great too as Kolchak's bad-tempered boss Tony Vincenzo. The scripts overflowed with wonderful, dry wit. I found myself enjoying the programme more for the humour content than the horror. When the twenty episodes ended, I felt bereft.

'The X-Files' came along a few years later and filled the void - but only to an extent. I wanted Kolchak and Vincenzo back. I am glad that the show was never revived though. Without Oakland it would not have been the same.

I have the Rice books now and have read them several times. I was very surprised when Stephen King slated the first ( in his book 'Danse Macabre' ) as it is as good as anything he has written.

Alright, so some of the monsters were hardly state-of-the-art, but so what? The new 'Kolchak' totally missed the point of the original. What you don't see is sometimes more frightening than what you do...

Best Episode - 'Horror In The Heights' Worst Episode - 'The Sentry'\": {\"frequency\": 1, \"value\": \"When originally ...\"}, \"Sure it may not be a classic but it's one full of classic lines. One of the few movies my friends and I quote from all the time and this is fifteen years later (Maybe it was on Cinemax one too many times!) Michael Keaton is actually the worst actor in this movie--he can't seem to figure out how to play it-- but he's surrounded by a fantastic cast who know exactly how to play this spoof. Looking for a movie to cheer you up? This is it but rent it with friends--it'll make it even better.\": {\"frequency\": 1, \"value\": \"Sure it may not be ...\"}, \"\\\"Secret Sunshine\\\" reminded me of \\\"The Rapture\\\" (1991), with Mimi Rogers and David Duchovny, but this Korean production is a better film. It portrays super-religious Korean Christians in a provincial Korean city, and the main character's experiences interacting with them in the wake of a horrible personal tragedy. Shin-ae is a widowed single mother who moves to the city of Milyang ('Secret Sunshine' in Chinese) from Seoul with her young son. She has chosen Milyang because her late husband (killed in an auto accident) was born there, and she feels she needs to make a new start in life in a new place. She does not react well to the overtures of the local Christian zealots, one of whose members tries to convince her to come to their church and prayer meetings. Shin-ae is essentially irreligious and brushes these people off as politely as she can. In fact, she brushes just about everyone in Milyang off to begin with, but some of them are persistent in trying to invade her world, and the consequences are often hilarious. To say more would be to give the film away, but it should be noted that the performance of the woman in the lead role (Jeon Do-yeon) is stupendous. Having read that she won the Best Actress award at Cannes in 2007, I expected her to a decent job. But Ms. Jeon is captivating and it is impossible to take your eyes off her when she is on screen. The movie is a sort of harrowing Evelyn Waugh-esquire piece of work, showing how Fate can feel insane as much as strangely inevitable.\": {\"frequency\": 1, \"value\": \"\\\"Secret Sunshine\\\" ...\"}, \"I love the book, \\\"Jane Eyre\\\" and have seen many versions of it. All have their strong points and their faults. However, this was one of the worst I have seen. I didn't care about Jane or Mr. Rochester. Charlotte Gainsbourg (Jane) was almost tolerable and certainly looked the plain part, but she had no emotion in any of her lines. I couldn't imagine what Mr. Rochester saw in her.

That brings us to Mr. Rochester. William Hurt had even less emotion than Jane, if that were possible. How two such insipid people could fall in love is a mystery, but it certainly didn't hold my attention. Perhaps the director (Zeffrelli) fell asleep during the production.

The Timothy Dalton (too handsome for Mr. Rochester!) version is far more faithful to the book, but Ciaran Hinds plays the perfect Mr. Rochester in the 1997 A/E version (which is NOT all that true to the book).

Trying to find something positive about this movie: Geraldine Chaplain was perfect in her role.\": {\"frequency\": 1, \"value\": \"I love the book, ...\"}, \"1st the good news. The 3-D is spectacularly well done, and they don't go for the gotcha gimmicks. The film is based on the true story of the high point in human history, and even features one of the actual participants in that story: Buzz Aldrin.

And now the meat of the matter: It's about FLIES, for krissakes! Flies with big, googy human eyes, true, but flies nonetheless. Remember when I likened the \\\"Underworld\\\" movies to rats vs. cockroaches? That wasn't intended as praise, and I never dreamed anyone would take it literally. This one's got even less empathy going for it. Baby maggots? Ugh. In one of those odd confluences of Hollywood groupthink, this flik was evidently on the drawing boards at the same time as \\\"Space Chimps\\\", also about critters in space.

Go rent \\\"Apollo 13\\\" and see a 9-rated movie about the REAL space program (RIP).\": {\"frequency\": 1, \"value\": \"1st the good news. ...\"}, \"You know? Our spirit is based on that revolution, it's asleep... I can explain, I think!! Well... Until that happen on 25th April 1974, our freedom was limited, we didn't had liberty of speech, but when we got it at the revolution, it seems that Portuguese People lost his opinion, we don't use our liberty of speech! That's all a consequence of the revolution! I think that's clear!... About the movie... I think that it has a few mistakes on some character's acting, but by the way I use to watch on Portuguese movies it's quite good!! I like it very much!\": {\"frequency\": 1, \"value\": \"You know? Our ...\"}, \"This an free adaptation of the novels of Clarence Mulford; fans of the Willaim Boyd films will probably feel a little at sea here (and the reviews here so far reflect that). But I knew of Hopalong from the novels first, and never cared much for the Boyd films once I got around to them.

Christopher Coppola has made a wise choice - he has not made a nostalgic \\\"Western\\\"; instead, he has approached the Cassidy story as a slice of what we used to call 'Americana'; or what older critics once called 'homespun'. As the film unraveled, I found myself more and more reminded of the great \\\"Hallmark Theater\\\" version of Mark Twain's \\\"Roughing It\\\", with James Garner narrating.

Both these films remind us that, although films about the 'old west' are probably always to be mythic for Americans, they need not be 'westerns'; they can very well be just films about what it meant to be American in that time, in that place.

I never feel pandered to, watching this film; there's no effort to shove the Boyd-Cassidy legacy down our throats, no irony, no camp. Consequently, I get a sense of these characters as having walked - or ridden horseback - across some real western America I too could have walked a hundred years ago.

Given that, the plainness of the film - it positively avoids anything we have come to call \\\"style\\\" - is all to its favor; and the plain acting of the performers fits neatly in with this; gosh, it really does feel like some story told around a campfire on a cattle drive - no visual dressing, just the quirks and good humor - and sudden violence - that we expect from the good narration of an adventure yarn. I was very pleasantly surprised by this film, and if the viewer sets aside encultured expectations, he or she will find considerable pleasure in it.

I would have given this film 9-stars, but I'll give it a ten just because most reviewers here have missed the point completely; and I urge them to set their memories of Boyd aside and give this film another chance.

Note 1: A reviewer complained that Hopalong shoots people dead in this film, rather than shooting the guns out of their hands (ala Boyd's Cassidy); first, Cassidy DOES shoot people dead in the novels; second, if Cassidy were a real cowboy he would have shot people dead - the problem with shooting guns out of people's hands is that they can always get another gun - which happens to be part of the subtext of this very film.

Note 2: I admit that I am jealous of the Coppola family, that they have the Director of \\\"The Godfather\\\" among them who can get them all opportunities to make movies that I can't; but a good movie is a good movie; and this is a good movie. If it's by somebody by the name \\\"Coppola\\\", well, that's just is as it is. America is the land of opportunity (or was, until Bush got into office) - that's what the great American novels are all about.\": {\"frequency\": 1, \"value\": \"This an free ...\"}, \"Up until the sixth and last episode of the Star Wars saga, which finally ended in 2005, I had always looked at this 1983 entry as my favorite film of the long-running series. The varied action scenes and really different characters (Jabba The Hut, furry woodland creatures, etc.) made this a particularly appealing movie.

None of the action ever focused too long in one spot, either. The last half hour exemplifies this the most as the scene switches every few minutes from the woods to the battle among space ships to the individual laser-duel between Luke Skywalker and Darth Vader.

Another nice characteristic this film had that the two previous did not was the absence of in-fighting between two of the stars. Gone was the incessant bickering between Carrie Fisher and Harrison Ford. Finally, everyone was on the same page! It was nice to see.

In the end, this was simply a wonderful adventure tale, more than anything else.\": {\"frequency\": 1, \"value\": \"Up until the sixth ...\"}, \"In Iran, women are not admitted to soccer games. Officially it's because they are to be spared from the vulgar language and behavior of the male audience. But of course it is about sexism. Women are lower forms of human beings.

Some brave girls oppose this and try to get into the stadium by using different tricks. They are caught by soldiers and hold in a kind of cage, until the police will come and pick them up.

Despite the insane situation, this is a film with lots of humor. It's also encouraging to see how people always find different ways of fighting oppression. You'll get touched at the same time as you have lots of laughs. Good job by director Jafar Panahi. This is in many ways a heroic comedy.\": {\"frequency\": 1, \"value\": \"In Iran, women are ...\"}, \"I'm afraid that you'll find that the huge majority of people who rate this movie as a 10 are highly Christian. I am not. If you are looking for a Christian movie, I recommend this film. If you are looking for a good general movie, I'm afraid you'll need to go elsewhere.

I was annoyed by the characters, and their illogical behaviour. The premise of the movie is that the teaching of morality without teaching that it was Jesus who is the basis of morality is itself wrong. One scene shows the main character telling a boy that it is wrong to steal, and then the character goes on to say that it was Jesus who taught us this. I find that offensive: are we to believe that \\\"thou shalt not steal\\\" came from Jesus? I suppose he wrote the Ten Commandments? And stealing was acceptable before that? I rented the movie from Netflix. I should have realized the nature of the movie from the comments. Oh well.\": {\"frequency\": 1, \"value\": \"I'm afraid that ...\"}, \"Mario Lewis of the Competitive Enterprise Institute has written a definitive 120-page point-by-point, line-by-line refutation of this mendacious film, which should be titled A CONVENIENT LIE. The website address where his debunking report, which is titled \\\"A SKEPTIC'S GUIDE TO AN INCONVENIENT TRUTH\\\" can be found at is :www.cei.org. A shorter 10-page version can be found at: www.cei.org/pdf/5539.pdf Once you read those demolitions, you'll realize that alleged \\\"global warming\\\" is no more real or dangerous than the Y2K scare of 1999, which Gore also endorsed, as he did the pseudo-scientific film THE DAY AFTER TOMORROW, which was based on a book written by alleged UFO abductee Whitley Strieber. As James \\\"The Amazing\\\" Randi does to psychics, and Philip Klass does to UFOs, and Gerald Posner does to JFK conspir-idiocy theories, so does Mario Lewis does to Al Gore's movie and the whole \\\"global warming\\\" scam.\": {\"frequency\": 1, \"value\": \"Mario Lewis of the ...\"}, \"I was lucky enough to catch this film finally on Turner Classic films tonight, as it is one of the films that won an Oscar (for special effects) in their yearly month of Oscar winning films.

BEDKNOBS AND BROOMSTICKS is easily a sequel film for the earlier success of MARY POPPINS. That film too was a big success, and an Oscar winner (Best Actress for Julie Andrews). Like MARY POPPINS BEDKNOBS has David Tomlinson in it, in a role wherein he learns about parenting. It is a fine mixture of live action and animation. It is set in a past period of British history (if not the Edwardian - Georgian world of 1912 London, it is England's coastline during the \\\"Dunkirk\\\" Summer of 1940). It even has old Reginald Owen in it, here as a General in the Home Guard, whereas formerly he was Admiral Boom in MARY POPPINS. Ironically it was Owen's final role.

The Home Guard sequences (not too many in the film) reminds one of the British series DAD'S ARMY, dealing with the problems of the local home guard in the early years of the war. The period is also well suggested by the appearance of the three Rawlins children as war orphans from the bombings in the Blitz in London. And (in typical Disney fashion) in the musical number \\\"Portobello Road\\\" different members of the British Army (including soldiers from India and the Caribbean (complete with metal drums yet!)) appear with Scottish and local female auxiliaries in costume.

All of which, surprisingly, is a plus. But the biggest plus is that for Angela Lansbury, her performance as Eglantine Price is finally it: her sole real musical film lead. In a noteworthy acting career, Lansbury never got the real career musical role she deserved as Auntie Mame in the musical MAME that came out shortly after BEDKNOBS did. She had been in singing parts (in GASLIGHT with her brief UP IN A BALLOON BOYS, and in THE PICTURE OF DORIAN GRAY with LITTLE YELLOW BIRD, and - best of all - in support and in conclusion of THE HARVEY GIRLS with the final reprise of ON THE ATCHISON, TOPEKA, AND THE SANTA FE). But only here does she play the female lead. So when you hear her singing with David Tomlinson you may be able to understand what we lost when she did not play Mame Dennis Burnside.

The rest of the cast is pretty good, Tomlinson here learning that he can rise to the occasion after a lifetime of relative failure. The three children (Cindy O'Callaghan, Roy Snart, and Ian Weighill) actually showing more interesting sides in their characters than their Edwardian predecessors in POPPINS (Weighill in particular, as something of a budding opportunist thinking of blackmailing Lansbury after finding out she is a witch). The only surprising waste (possibly due to cutting of scenes) is Roddy McDowall as the local vicar who is only in two sequences of the film. With his possible role as a disapproving foe of witchcraft he should have had a bigger part. Also of note is John Ericson, as the German officer who leads a raid at the conclusion of the film, only to find that he is facing something more powerful than he ever imagined in the British countryside, and Sam Jaffe as a competitor for the magic formula that Lansbury and Tomlinson are seeking.

As for the animation, the two sequences under the sea in a lagoon, and at the wildest soccer match ever drawn are well worth the view, with Tomlinson pulled into the latter as the referee, and getting pretty badly banged up in various charges and scrimmages. As I said it is a pretty fine sample of the Disney studio's best work.\": {\"frequency\": 2, \"value\": \"I was lucky enough ...\"}, \"\\\"Fever Pitch\\\" is a sweet and charming addition to the small genre of sports romances as date movies or movies a son could be willing to go to with his mother (though the guys in the audience got noticeably restless during the romantic scenes).

I have lived through a milder version of such a story, as my first exposure to baseball was dating my husband the spring after the Mets first World Series win and then I watched the Mets clinch their next one because I was the one still up in the wee hours with our two little sons, who have grown up to teach me more about baseball through our local neighborhood National League team's other heartbreaking failures to win it again (and it was me who took our older son to his only Fenway Park game as I caught a bit of Red Sox fever as a graduate student in Boston).

So compared to reality, the script believably creates two people with actual jobs. It is particularly impressive that Drew Barrymore's character is a substantive workaholic who has anti-Barbie skills, though she pretty much only visits with her three bland girlfriends during gym workouts that allow for much jiggling and the minor side stories with her parents don't completely work.

It is even set up credibly how she meets Jimmy Fallon's math teacher and how she falls for his \\\"winter guy\\\" -- though it's surprising that his Red Sox paraphernalia filled apartment didn't tip her off to his Jekyll-and-Hyde \\\"summer guy.\\\" Their relationship crisis during the baseball season is also played out in a refreshingly grown-up way, from efforts at compromise to her frank challenges to him, centered around that they are both facing thirty and single. Fallon surprisingly rises to his character's gradual emotional maturity.

While the ending borrows heavily from O. Henry, the script writers did a yeoman job of quickly incorporating the Sox's incredible 2004 season into a revised story line (with lots of cooperation from the Red Sox organization for filming at the stadium).

The script goes out of its way to explain why Fallon doesn't have a Boston accent, as an immigrant from New Jersey, but that doesn't explain why his motley friends don't. The most authentic sounding Boston sounds come from most of his \\\"summer family\\\" of other season ticket holders, who kindly kibitz the basics of Sox lore to neophyte Barrymore (and any such audience members).

The song selection includes many Red Sox fans' favorites, from the opening notes of the classic \\\"Dirty Water,\\\" though most are held to be heard over the closing credits as if you are listening to local radio and are worth sitting through to hear.\": {\"frequency\": 1, \"value\": \"\\\"Fever Pitch\\\" is a ...\"}, \"Young Erendira and her tyrranical Grandmother provide for a great fantasy from the new world. This interpretation of Gabriel Garcia Marquez'\\\"La incr\\ufffd\\ufffdible y triste historia da la c\\ufffd\\ufffdndida Er\\ufffd\\ufffdndira,...\\\" may not rub Marquez purists the right way eventhough The story stays intact and still carries the full force of the work. The strength of this film is in its acting especially Papas as the Grandmother. Marquez fans and Marquez novices alike will enjoy this movie for its real gritty brand of witt.\": {\"frequency\": 1, \"value\": \"Young Erendira and ...\"}, \"Madison is not too bad-\\ufffd\\ufffdif you like simplistic, non-offensive, \\\"family-friendly\\\" fare and, more importantly, if you know absolutely nothing about unlimited hydroplane racing. If, like me, you grew up with the sport and your heroes had names like Musson, Muncey, Cantrell, Slovak, etc., prepare to be disappointed.

Professional film critics have commented at length on the formulaic nature of the film and its penchant for utilizing every hackneyed sports clich\\ufffd\\ufffd in the book. I needn't repeat what they've said. What I felt was sadly missing was any sense of the real excitement of unlimited hydro racing in the \\\"glory years\\\" (which many would argue were already past in 1971).

Yes, it was wonderful to see the old classic boats roaring down the course six abreast, though it was clear that the restored versions (hats off to the volunteers at the Hydroplane and Race Boat Museum) were being nursed through the scenes at reduced speed. But where was the sound? Much of the thrill of the old hydros was the mind-numbing roar of six Allison or Rolls-Merlin aircraft engines, wound up to RPM's never imagined by their designers, hitting the starting line right in front of you. You didn't hear it, you FELT it. Real hydro buffs know exactly what I'm talking about. There's none of that in Madison. Instead, every racing scene is buried under what is supposed to be a \\\"heroic\\\" musical score.

And then there are the close-up shots of the drivers, riding smoothly and comfortably in the cockpits as if they were relaxing in the latest luxury limousines, in some cases taking time to smile evilly as they contemplate how best to thwart the poor home-town hero. Or, in one particularly ridiculous shot, taking time to spot Jake Lloyd giving a \\\"Rocky\\\" salute from a bridge pier. In reality, some unlimited drivers wore flak vests to minimize the beating they took as the boats slammed across the rock-hard water at speeds above 150 mph.

As one reviewer so aptly put it, \\\"The sport deserves better than this.\\\"

Finally, since another user brought up anachronisms, I'll add one: the establishing shot of Seattle shows the Kingdome and Safeco Field. Neither existed in 1971\": {\"frequency\": 1, \"value\": \"Madison is not too ...\"}, \"William Powell is a doctor dealing with a murder and an ex-wife in \\\"The Ex-Mrs. Bradford,\\\" also starring Jean Arthur, Eric Blore, and James Gleason. It seems that Powell had chemistry going with just about any woman with whom he was teamed. Though he and Myrna Loy were the perfect screen couple, the actor made a couple of other \\\"Thin Man\\\" type movies, one with Ginger Rogers and this one with Arthur, both to very good effect.

Somehow one never gets tired of seeing Powell as a witty, debonair professional and \\\"The Ex-Mrs. Bradford\\\" is no exception. The ex-Mrs. B has Mr. B served with a subpoena for back alimony and then moves back in to help him solve a mystery that she's dragged him into. And this isn't the first time she's done that! It almost seems as though there was a \\\"Bradford\\\" film before this one or that this was intended to be the first of a series of films - Mr. B complains that his mystery-writer ex is constantly bringing him into cases. This time, a jockey riding the favorite horse in a raise mysteriously falls off the horse and dies right before the finish line.

The solution of the case is kind of outlandish but it's beside the point. The point is the banter between the couple and the interference of the ex-Mrs. B. Jean Arthur is quite glamorous in her role and very funny. However, with an actress who comes off as brainy as Arthur does, the humor seems intentional rather than featherbrained. I suspect the writer had something else in mind - say, the wacky side of Carole Lombard. When Arthur hears that the police have arrived, she says, \\\"Ah, it's probably about my alimony. I've been waiting for the police to take a hand in it,\\\" it's more of a rib to Powell rather than a serious statement. It still works well, and it shows how a good actress can make a part her own.

Definitely worth watching, as William Powell and Jean Arthur always were.\": {\"frequency\": 2, \"value\": \"William Powell is ...\"}, \"I thought the movie was actually pretty good. I enjoyed the acting and it moved along well. The director seemed to really grasp the story he was trying to tell. I have to see the big budget one coming out today, obviously they had a lot more money to throw at it but was very watchable. When you see a movie like this for a small budget you have to take that in to account when you are viewing it. There were some things that could of been better but most are budget related. The acting was pretty good the F/X and stunts were well done. A couple of standouts were the guy who played the camera asst. and the boy who played the child. These kind of films have kept LA working and this is one that turned out OK.\": {\"frequency\": 1, \"value\": \"I thought the ...\"}, \"Bertrand Blier is indeed l'enfant terrible of French cinema and in the seventies he always could shock the public. Filmed with his fave duo (Depardieu and Dewaere) and the usual dose of sex (Miou-Miou plays her typical role, at least the one from the seventies as little could we know that a decade later she would be the best French actress ever). In first \\\"Les Valseuses\\\" is also one of the first roadmovies as the viewer is just taken to some journeys of two little criminals. Those who only are satisfied with family life, or simply know nothing more, the movie would be quite a shocker but this movie is more than just that, it just let you think of all the usual things in life (working for the car, being bounded at work etc.). It's a sort of critic towards the hypocrite society we're living in. Great job and it just makes you wish two things : Dewaere died just too young as he was a topactor and of course Depardieu, he'd better should have stuck with French movies as he proves here that no one can beat him. Timeless classic and 20 years later it will still shock some...\": {\"frequency\": 1, \"value\": \"Bertrand Blier is ...\"}, \"This film could be one of the most underrated film of Bollywood history.This 1994 blockbuster had all of it good performances,music and direction.I remember I was in Allahabad when this movie was running and it was somewhere in March at Holi time , the people there were playing its song \\\"Ooe Amma\\\" at their loudspeakers in highest volume. If someone who likes to watch Some Like It Hot and drools over Marilyn Monroe he should see this movie.Thumbs Up to Govinda.How many of you know that this film was shot in South of India and after Sholay could be one of the very few blockbuter to hit Silver Screen.With films like these Indian comedy could never be dead.\": {\"frequency\": 1, \"value\": \"This film could be ...\"}, \"This serial is interesting to watch as an MST3K feature, but for todays audience that's all it is. I was really surprised to see the year it was made as 1952. Considering that fact alone makes this a solid (lowly?) 2 in my book. The cars used don't even look contemporary, they look like stuff from the 30's. It's basically Cody (the lone world's salvation? Sheesh talk about an insult to everyone else, like the military), anyway it's Cody in his nipple ring flying suit against Graber and Daley two dumb*ss henchman who sport handguns and an occasional ray gun thats pretty lame in its own right, enjoy. If you want to watch a really good serial see Flash Gordan, it's full of rockets that attack each other and a good evil nemesis and also good looking women, this has NONE of that. And Flash was made 15 or so years before this crap so you can give it some slack. Something made in 1952, this bad, deserves a 2. Nuff said. give it a 6 if your watching it as a MST3K episode, those guys have some good fun with it; a tweak of the nipples here, a tweak there and I'm flying! And now as an added bonus, I bring you the Commander Cody Theme song as originally sung by Joel and his two character bots Tom Servo and Crow aboard the satellite of love for episode eight The Enemy Planet:

(Singing at the very beginning credits);

(TOM SERVO SINGING) YOUR WATCHING COMMANDER CODY.... HE IS THE NEW CHARACTER FROM REPUBLIC,

HE GETS IN TROUBLE EVERY WEEK... BUT HE'S SAVED BY EDITING,

JUST A TWEAK OF HIS NIPPLES... SENDS HIM ON HIS WAY,

A PUMPKIN HEAD AND A ROCKET PACK.... WILL SAVE THE DAY,

(JOEL SINGING) HIS LABRATORY IS A BOXING RING... WHEN BAD GUYS COME TO MIX IT UP,

SOMEBODY ALWAYS GETS KIDNAPPED... AND CODY HAS TO FIX IT UP,

HE DRINKS HIS TEA AT AL'S CAFE... AND FLIES ALONG ON WIRES,

HE BEATS THE CROOKS AND FLIES WITH HOOKS... AND PUTS OUT FOREST FIRES,

(CROW SINGING)

BAD GUYS BEWARE... CODY IS THERE,

YOU'LL LIKE HIS HAIR IT'S UNDER HIS HELMUT... AND BECAUSE WE CAN'T THINK OF A GOOD RHYME,

THAT'S THE END OF THE COMMANDER CODY THEME SONG... SO SIT RIGHT BACK WITH A WILL OF GRANITE,

AND WATCH CHAPTER EIGHT, CAUSE THAT'S THE ENEMY PLANET\": {\"frequency\": 1, \"value\": \"This serial is ...\"}, \"I just saw this episode this evening, on a recently-added presentation by one of our local independent channels, which now presents two episodes each weekday.

As the gentleman opined in the other, previous comment here, I agree this may not have been one of the best programs of the series, but I find it entertaining nonetheless.

My father was a friend of one of the principals (in my hometown, Cincinnati), for whom young Rod Serling had worked in the media there -- and I remember Dad telling how talented and creative he was remembered there. Overall \\\"Twilight Zone\\\" is certainly one of the true classics in television, and given its production during the height of the Cold War period, provides not only a view of this era in the country, but also (today) a nostalgic picture of production techniques, creative viewpoints and the actors of this era several decades ago.

* Minor \\\"spoiler.\\\"*

This particular story depicts, as did other presentations in this series and elsewhere, a story where the locale is meant to provide a \\\"surprise\\\" ending. Sometimes the characters are on earth, from elsewhere, while the story at first implies at least one is an \\\"Earthling.\\\" These usually contained the message (as here) of a situation prompted by the doomsday buttons having finally been pressed by the super powers during this Cold War period.

Viewed today, stories like this one provide a nostalgic look at this worldly viewpoint 4-5 decades ago, and still provide some food-for-thought. -- as did this episode.

While the dialog may not have stretched the considerable talents of the leads, it still presents a simple, important message, and a worthwhile 20-some minutes of entertainment and interest.\": {\"frequency\": 2, \"value\": \"I just saw this ...\"}, \"Any movie that portrays the hard-working responsible husband as the person who has to change because of bored, cheating wife is an obvious result of 8 years of the Clinton era.

It's little wonder that this movie was written by a woman.\": {\"frequency\": 1, \"value\": \"Any movie that ...\"}, \"This movie is the perfect illustration of how NOT to make a sci fi movie. The worst tendency in sci-fi is to make your theme an awful, sophomoric, pseudo-Orwellian/Huxleyan/whateverian \\\"vision\\\" of \\\"the human future.\\\"

Science fiction filmmakers (and authors), as geeks, take themselves very seriously given the high crap-to-good-stuff ratio of their genre. I think other genres with a high CTGSR (yes, I just made it up, relax), like horror or action or even romantic comedy, seem to have a little better grasp of the fact that they are not changing the world with some profound \\\"message.\\\"

Sci fi can certainly be successful on a serious level, as numerous great filmmakers have proven. But there is an immense downside to the whole concept, which is represented by \\\"Robot Jox,\\\" with its low-rent construction of \\\"the future\\\" (lone good design element: the bizarre, slick-looking billboard ads all over the place that encourage women to have more babies) and its painfully heavy-handed \\\"Iliad\\\" parallels (He's NAMED ACHILLES FOR GOD'S SAKE! I actually didn't pick up on this until I saw the film for like the tenth time, but I went to public school, so the filmmakers are not exonerated.)

Of course, if you're a crazy movie freak like me, this downside has a great upside. I absolutely LOVE movies like this, because bad movies are quite often more fun and sometimes even more interesting than good ones. It's kind of a Lester Bangs approach to movie viewing, I guess.

Note: The lead in this movie (Gary Graham? Is that his name? I refuse to go check.) is really not that bad. He makes a go of it. He's kind of cool, especially when he's drunk/hung over.\": {\"frequency\": 1, \"value\": \"This movie is the ...\"}, \"Not even Timothy Hutton or David Duchovny could save this dead fish of a film. For starters, the script was definitely written to be made into a B-film, but somehow Duchovny (looking for a star vehicle to elevate himself out of television) and Hutton (looking for the \\\"two\\\" of a \\\"one-two punch\\\" he had hoped would define his career after \\\"Ordinary People\\\") became attached to the picture. Cheesy lines, big bad wipes from scene to scene (Come on--who uses wipes after 12th Grade Telecommunications class?), and plain old bad acting sink this film. Even Duchovny is not immune to the bad acting plague that is this film. Only Timothy Hutton rises above the material at all. I must admit feeling Duchovny's pain as he read the lines that are the voice-over. While I found myself laughing when I'm sure the director wanted me to feel terrified, nothing prepared me for the closing line of Duchonvey's voice-over: \\\"if you ever need a doctor, be sure to call 911.\\\" If only the studio had called 911, this dog of a motion picture would never have been made. Avoid at all costs.

\": {\"frequency\": 1, \"value\": \"Not even Timothy ...\"}, \"I am a huge fan of Vonnegut's work and I'm very fond of this movie, but I wouldn't say that this is a film of the \\\"Mother Night\\\" that I read. When people say that Vonnegut is unfilmable, two things come to my mind. One is that many of his themes are very near the knuckle or even taboo, despite the accusation sometimes used against him that he chooses relatively \\\"easy\\\" targets for his satire. This means less every day that passes as far as filmability is concerned. Directors these days appear to revel in breaking taboos and I have high hopes for the version of \\\"Bluebeard\\\" now in production. Amazing to think that an innocent piece like Vonnegut's \\\"Sirens of Titan\\\" would probably have been the equivalent of \\\"R\\\" rated if filmed when it was published back in the 50s, for its violence, language and sexual and thematic content, though it's a tragedy that nobody's come up yet with a filmable script for it. And in the present economic climate, I also hope some director out there is looking closely at \\\"Jailbird\\\", \\\"Galapagos\\\" and \\\"Hocus Pocus\\\".

The other thing is his narrative style, heaping irony upon irony upon irony but still making it hilariously funny. It seems impossible to objectify, and that appears to be the biggest obstacle to making great films of his great novels, because the little authorial comments that colour our response as readers are just not possible in movies without resorting to too often clumsy techniques like \\\"talkovers\\\". Vonnegut suggested that there was a character missing from filmed versions of his work, himself as author/narrator. To its credit, \\\"Breakfast of Champions\\\" (the movie) tried to keep the comedy and came a bit of a cropper for its pains. As did another turkey made from a Vonnegut novel, \\\"Slapstick\\\" in an even more spectacular way.

Still, there's nothing wrong with a director giving us his subjective interpretation of Vonnegut, and \\\"Mother Night\\\" is an excellent example of how, as another reviewer put it, a good director can add a visual poetry to a source like this. But so much of the humour is lost that though it's the same plot, it's not really from the same novel I read. If it had been, I'd probably have been rolling in the aisles laughing a few times watching it. For a reader of the novel, I think a chuckle even at the end is forgivable. The end of the film, however, is truly poignant, and I think one of the film's successes is that it can genuinely leave you feeling that you've watched someone walk a razor's edge between good and evil, and the jury is still out.

Standing alone and of itself it's well worth a look. Technically there are some minor but glaring errors, notably in continuity, and it too often looks drab and theatrical, but most of the time it hits an acceptable note and occasionally shows considerable imagination and resourcefulness. The acting in general is of a high order, even if maybe the dialogue is by today's standards a little stilted.

It survives quite well watching back to back with \\\"Slaughterhouse-5\\\", and there is actually quite a bit more \\\"good\\\" filmed Vonnegut out there, mostly versions of his short stories - \\\"Harrison Bergeron\\\", \\\"Who Am I This Time?\\\" and some other things like, of course, the misfiring filmed version of his very funny but disposable play, \\\"Happy Birthday Wanda June\\\". Also there was an interesting piece , if it still exists, done in the 70s called \\\"Between Time And Timbuktu\\\" which Vonnegut apparently didn't like much, although he was involved in its production, because he felt it misinterpreted him in its generality. He said it reminded him of the bizarre surgical experiments performed in the HG Wells tale \\\"The Island of Dr. Moreau\\\", but it did for many people serve as an excellent introduction to his work.

But if the films don't make you want to go to the superior source material, they're not doing their job.

As the man said, more or less, the big show is inside your head.\": {\"frequency\": 1, \"value\": \"I am a huge fan of ...\"}, \"This movie is an abomination, and its making should have been considered a capital crime.

One of the great mysteries of film-making is why nobody ever has made a faithful movie adaptation of this wonderful mystery. It is a tale of a really gripping mystery, nice old-fashioned romance, and dry English humor. Why did the makers have to change Richard Gordon from a Scotland Yard policeman to an amateur detective, introduce the idiotic role and caricature of his English servant, change the part of the main storyline about the murder charge and circumstances of Gordon's struggle to save the accused, etc., etc.? These producers and directors who always think they can make a better story than the one in the book should write the original script themselves and not to rape another person's product.\": {\"frequency\": 1, \"value\": \"This movie is an ...\"}, \"I would not like to comment on how good the movie was or what were the flaws as I am not a professional film critic and I do not have enough knowledge of making movies. What i do know is that making this kind of a movie in your very first shot is a big achievement and I would like to congratulate the Director for that. However, in some reviews, that i have read, critics have complained that Hiralal's relationship with his brothers was not highlighted, and his siblings were completely erased from the story. Now i would really like to raise a point here that as the name of the movie suggests, it is not a movie about Hiralal's brothers, it is a movie on the relationship of Mahatma Gandhi and his son Hiralal Gandhi, nothing more nothing less. If we start complaining about some characters being kept out of action in the movie, it would be a bit unfair because these characters don't fit in the picture, no matter how relevant they were in real life. So i think it would be better if we stick to the main idea and stop satisfy a critic in ourselves.

Enjoy!!!!\": {\"frequency\": 1, \"value\": \"I would not like ...\"}, \"I LOVED this flick when it came out in the 80's and still do! I still quote classic lines like \\\"say it again\\\" and \\\"you said you'd rip my balls off sir\\\". Ron Leibman was hot and very funny! Although it was underrated and disowned by MAD, I have to say that this little gem will always be a treasure of mine and a movie that I would take with me if sent to a deserted island! I only wish that someone would release the DVD because my VHS tape is about worn out! If you like cheesed out comedy, this is definitely for you and should be considered a cult classic! It is military humor at it's best and worse! Rent it if you can't own it!\": {\"frequency\": 1, \"value\": \"I LOVED this flick ...\"}, \"Haven't seen the film since first released, but it was memorable. Performances by Rip Torn and Conchata Farrell were superb, photography excellent, moving story line and everything else about it was of the highest standard. Yet it seems to have been pretty much forgotten

Maybe because UK is an odd market for it but I haven't seen the film on TV or video, which is sad. Has it had more success in US where it might rightly be seen as a quite accurate historical drama?

Always reckon that 50% of a good film is the music and though I'm not certain I think the title theme was a simple but moving clarinet solo of \\\"What a friend we have in Jesus\\\". The film then went on to disprove that! Am I right or wrong?\": {\"frequency\": 1, \"value\": \"Haven't seen the ...\"}, \"The statistics in this movie were well researched. There is no doubt about it! Al Gore certainly presents his case very well and it is no wonder that this movie got the praise that it got. Al Gore is certainly quite an actor. He sounds so concerned. But actions speak louder than words! Throughout this movie, there are political tidbits and references to his political career sprinkled throughout the movie.

Jimmy Carter, unlike Al Gore, is a man of integrity who not only talks the talk, but walks the walk as well. When Carter thought we needed to conserve energy, he turned down the thermostat in the White House and got warm by wearing a sweater.

Al Gore tells us that we have to conserve energy and claims that we are creating global warming while he travels around in his own private jet. How much energy does his jet use and how much more pollution does his jet create? How much energy does it take to heat Gore's swimming pool behind his mansion? It would be nice if we could conserve electricity by using smaller appliances and making it a point to turn off anything that is not being used. But if we did, the power company would react to a 50% reduction of energy by calling it a \\\"50% loss in revenue\\\" and recouping their losses by raising the rates by 50%. So \\\"just turning it off\\\" would not be a very good idea.

This movie is a veiled appeal to allow Big Goivernment to take control of everything, in the name of saving planet earth, that is.\": {\"frequency\": 1, \"value\": \"The statistics in ...\"}, \"SPOILERS THROUGHOUT!!!!

I had read the book \\\"1st to die\\\" and wanted to see if the movie followed the book so I watched it. For the most part it did. There were some MINOR differences(location of the last violent scene for instance) but not many and for the most part the movie stayed true to the book more so then most movies.

This may have been a mistake-although the movie was perfectly cast-with Pollen and Bellows especially-I was not that impressed with the book. Or let me take that back. I started off very impressed, gradually became more disillusioned and by the end was left completely unsatisfied and felt almost gypped. No difference with The movie. Here is why.

There is no \\\"payoff\\\" in the book, or the movie. Rarely have I read a who done it thriller that has created such a letdown with it's final resolution and I had hoped the movie would vary a little.

The whole-(he did it, NO she did it, NO they BOTH did it)-was not interesting, not fascinating and more confusing, annoying and depressing then anything else. Add to that, that the love of Lindsay's life dies at the end(after HER disease cleares and she cries at his grave).. and then cut to where she's contemplating suicide....then all of a sudden she's in a fight for her life with the REAL villain who was cleared after being arrested.. but it turns out he and the wife were in it together....HELLO!!! This whole thing has now become \\\"GENERAL HOSPITAL\\\" instead of a good old fashioned thriller. I felt cheated and ripped off by the book and watching the movie(I must admit it held my attention nicely -the acting was very good for a TV movie)was hoping it wouldn't follow the book which it wound up doing.

I still think the movie is watchable and for some reason does not leave as bad a taste in your mouth as the book(or maybe it's just that I knew what would happen)But I have to say the way this story unraveled was not well done at all.\": {\"frequency\": 1, \"value\": \"SPOILERS ...\"}, \"Having the opportunity to watch some of the filming in the Slavic Village-Broadway area I couldn't wait to see it's final copy.

Viewing this film at the Cleveland Premier last Friday,I haven't laughed out loud at a comedy in a long time! It is great slapstick. The Russo Brothers did a fine job directing. The entire cast performs their best comedic acting... No slow or dry segments... George Clooney is one of my favorite actors and he's great as the crippled safe breaker in this flick. I was most imprest by William H. Macy as crook \\\"Riley\\\" and Michael Jeter's as \\\"Toto\\\" they keep you in \\\"stitches\\\". I believe they have the funniest roles in the entire movie.\": {\"frequency\": 1, \"value\": \"Having the ...\"}, \"From everything I'd read about the movie, I was excited to support a film with a Christian theme. Everything about the movie was very unprofessionally done. Especially the writing! Without good writing a movie doesn't have a chance. The writer/director said in an interview that he didn't want to give away how the title relates to the story. Believe me, it was NO big surprise. I kept waiting for the teenage/young adult back-story to unfold, but it never did. As someone who has gone through a divorce, I was very disappointed. This movie would have been NO comfort to me when I first went through the emotional turmoil that divorce can bring to your life as a Christian!\": {\"frequency\": 1, \"value\": \"From everything ...\"}, \"'They All Laughed' is a superb Peter Bogdanovich that is finally getting the recognition it deserves, and why? their are many reasons the fact that it's set in new york which truly sets the tone, the fantastic soundtrack, the appealing star turns from Ben Gazzara, and the late John Ritter who is superb. and of course no classic is complete without Audrey Hepburn. the film is a light and breezy romantic comedy that is very much in the vein of screwball comedy from the thirties, film is essentially about the Odyssey detective agency which is run by Gazzara who with his fellow detectives pot smoking and roller skating eccentric Blaine Novak(the films co-producer) and John Ritter, basically the Gazzara falls for a rich tycoon magnate's wife(Hepburn) and Ritter falls for beautiful Dorothy Stratten who sadly murdered infamously after production, 'They All Laughed is essential viewing for Bogdanovich fans.\": {\"frequency\": 1, \"value\": \"'They All Laughed' ...\"}, \"Meryl Streep was incredible in this film. She has an amazing knack for accents, and she shows incredible skill in this film overall. I really felt for her when Lindy was being persecuted. She was played realistically, too. She got cranky, upset, and unpleasant as the media and the government continued their unrelenting witchhunt. I didn't expect much from the film initially, but I really got interested in it, and the movie is based on a real person and real events. It turned out to be better than I had anticipated. Sam Neill was also outstanding; this is the best work I've seen from him, and I've really liked him in other movies (The Piano, for example). I gave the film a 7, but if I could rate just the acting, I'd give the it a 9.5, and a perfect 10 for Streep.\": {\"frequency\": 1, \"value\": \"Meryl Streep was ...\"}, \"Van Dien must cringe with embarrassment at the memory of this ludicrously poor film, as indeed must every single individual involved. To be honest I am rather embarrassed to admit I watched it from start to finish. Production values are somewhere between the original series of 'Crossroads' and 'Prisoner Cell Block H'. Most five year olds would be able to come up with more realistic dialogue and a more plausible plot. As for the acting performances, if you can imagine the most rubbish porno you have ever seen - one of those ones where the action is padded out with some interminable 'story' to explain how some pouting old peroxide blonde boiler has come to be getting spit-roasted by a couple of blokes with moustaches - you will have some idea of the standard of acting in 'Maiden Voyage'. Worse still, you can't even fast forward to the sex scenes, because there aren't any. An appallingly dreadful film.\": {\"frequency\": 1, \"value\": \"Van Dien must ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"This is without ...\"}, \"Yes, this IS a horror anthology film and it was a lot of fun! That's because although the film clearly was horror, some of the stories had a light spirit--and there were even occasionally a few laughs. This isn't at all a bad thing as sometimes horror films are a bit stuffy and overly serious. Because of this and because all four of the stories were pretty good, it's one of the better movies of this style I have seen.

The unifying theme that connects each story is the house itself. Four different stories involve people who either rent the home or investigate what happened to the tenants.

The first segment starred Denholm Elliott as a horror writer who has writer's block. So, for a change of scenery, they rent this house. Almost immediately Elliott's block vanishes and he works steadily on a tale about a serial killer. Amazingly, soon after his block vanishes he begins to actually see his fictional character! Again and again, the psychotic killer appears and then disappears--making it seem as if he is losing his mind. This might just be the best of the stories, as the nice twist ending makes the story come alive.

The second, while not bad at all, is probably the weakest. Peter Cushing plays a bachelor who is pining for a girl friend who died some time ago (though the picture of her looked amazingly contemporary). When he enters a chamber of horrors wax museum in town, he sees a wax figure that reminds him of his lost lady and he is both fascinated and scared by this. Later, a friend (Joss Ackland) visits and he, too, sees the figure and is entranced by it. This all leads to an ending that, frankly, was a bit of a letdown.

Christopher Lee then stars as an incredibly harsh and stern father to a pathetic little girl. During most of this segment, Lee seemed like an idiot, but in the end you can understand his demeanor. Though slow, this one ended very well.

The fourth segment was the silliest and was meant to parody the genre. Jon Pertwee (the third \\\"Doctor\\\" from the DR. WHO television series) is a very temperamental actor known for his portrayals of Dracula. However, nothing is right about the film according to him and in a fit of pique, he stomps off the set to find better props for this vampire film. It's actually pretty interesting that he played this role, as it seemed like a natural for Christopher Lee who played Dracula or other vampires a bazillion times (give or take a few). I enjoyed Pertwee's line when he basically said that Lee's and other recent incarnations of Dracula were all crap compared to Bela Lugosi's! Perhaps this is why Lee didn't take this part! Despite some very silly moments, it was very entertaining and fun--possibly as good or better than the first segment.

Considering that the film started and ended so well, had excellent acting and writing, it's hard not to like this film.\": {\"frequency\": 1, \"value\": \"Yes, this IS a ...\"}, \"Other reviewers have summarized this film noir well. I just wanted to add to the \\\"Whew!\\\" comment one reviewer made regarding Elisha Cook's obviously coke-fuelled drumming episode. This WAS a doozy, I must say. Cook deserved some acclaim for his frenzied performance.

A bit of trivia that I am surmising about: Cook appeared as a waiter in the 1941 Barbara Stanwyck film, \\\"Ball of Fire.\\\" He was a waiter in the nightclub where Barbara was singing and legendary drummer Gene Krupa was drumming, most energetically. Is it too much to suggest that Cook's spazzy drumming in the later film, \\\"Phantom Lady,\\\" was very much inspired by Krupa's work, as witnessed by Cook 3 years earlier?

If you watch Krupa in \\\"Ball of Fire,\\\" I think you'll note some clearly similar body movements. One hopes, of course, that HE was not influenced by any drugs at the time!\": {\"frequency\": 1, \"value\": \"Other reviewers ...\"}, \"THE CAT O'NINE TAILS (Il Gatto a Nove Code)

Aspect ratio: 2.35:1 (Cromoscope)

Sound format: Mono

(35mm and 70mm release prints)

A blind ex-journalist (Karl Malden) overhears a blackmail plot outside a genetics research laboratory and later teams up with a fellow reporter (James Franciscus) to investigate a series of murders at the lab, unwittingly placing their own loved ones at the mercy of a psychopathic killer.

Rushed into production following the unexpected worldwide success of his directorial debut THE BIRD WITH THE CRYSTAL PLUMAGE (1969), Dario Argento conceived THE CAT O'NINE TAILS as a giallo-thriller in much the same vein as its forerunner, toplining celebrated Hollywood actor Karl Malden - fresh from his appearance in PATTON (1969) - and rising star Franciscus (THE VALLEY OF GWANGI). Sadly, the resulting film - which the ads claimed was 'nine times more suspenseful' than \\\"Bird\\\" - is a disappointing follow-up, impeccably photographed and stylishly executed, but too plodding and aimless for general consumption.

Malden and Franciscus are eminently watchable in sympathetic roles, and cinematographer Enrico Menczer (THE DEAD ARE ALIVE) uses the wide Cromoscope frame to convey the hi-tech world in which Argento's dark-hearted scenario unfolds, but the subplot involving Euro starlet Catherine Spaak (THE LIBERTINE) as Franciscus' romantic interest amounts to little more than unnecessary padding. Highlights include an unforgettable encounter with the black-gloved assassin in a crowded railway station (edited with sleek assurance by cult movie stalwart Franco Fraticelli), and a nocturnal episode in which Malden and Franciscus seek an important clue inside a mouldering tomb and fall prey to the killer's devious machinations. But despite these flashes of brilliance, the film rambles aimlessly from one scene to the next, simmering gently without ever really coming to the boil. It's no surprise that \\\"Cat\\\" failed to emulate the runaway success of \\\"Bird\\\" when released in 1971.

(English version)\": {\"frequency\": 1, \"value\": \"THE CAT O'NINE ...\"}, \"Hey guys,

i have been looking every where to find these two movies and i can't find them anywhere in my local area. (I am Australian). Could You please help me and tell me where i can buy it from. In General Home Ward Bound 1 and 2 are the best movies i have ever seen and are good for people of all ages. It was my favourite movie wen i was 5 and it still is even now when i am a teenager. It is a great movie for the whole family. My entire family loves this movie except for my younger sister because i have watched it that many times that she is sick of it. I love this movie and i cant wait till i can buy it again on DVD.

Sally\": {\"frequency\": 1, \"value\": \"Hey guys,

This is a long film 128 minutes, but well worth seeing.

my rating is ****

respectively submitted

Jay Harris

\": {\"frequency\": 1, \"value\": \"Ride With The ...\"}, \"I really have no idea how to comment on this movie. The special effects were lackluster, the acting was terrible and if there was a plot to it all, it was on the back of the box. I don't think I can remember a movie being THIS bad in a long time, and I'm a big fan of lesbian sex and boobies!! ;) Even that couldn't save this movie from being just a terrible excuse to pay someone to stand (or lay in this case) in front of a camera.

I was pretty much let down by the overall \\\"zombie\\\" effect. Since apparently in this movie, zombies are so commonplace that running over a couple here and there, and casually talking about it at a gas station (one with an in-house windshield repair but no interior bathroom), the zombie-movie genre isn't even a factor until the end. Even then, a cameo by a dozen zombies ripping off a girl's clothes doesn't really constitute being a zombie movie.

On to the vampires: Apparently all the zombies are male and all the vampires are female, which is OK by me. I'm not sure how vampires are out in the daylight, or the why/how of a soldier vampire came to be standing in the middle of the road, still holding his gun with a stake through his heart, just waiting for the Queen of the Vampires to flick it all the way through. The last segment in the old nunnery made no sense, and when one hot lesbian vampire asks the other hot lesbian vampire \\\"Do you think we did the right thing?\\\" by killing the two apparent heroes in the movie, that about put it over the top.

The acting and special effects were at an all-time low also. You could almost see the hoses that the fake blood was pumped out of during the closeup of the zombie who got ran over by the General. Speaking of the General, where did they find THIS Kenny Rogers look-alike anyways? No idea what he was the General of, aside of generally confusing and misplaced.

All in all, watch the movie if you have nothing better to do or if you have the strong urge to waste $3. Just my $0.02.\": {\"frequency\": 2, \"value\": \"I really have no ...\"}, \"From beginning to end, this is the most emotionally overwrought movie about NOTHING I have ever seen. The characterizations and interactions between the title character and Marthe Kller's character are pure torture. The racetrack as metaphor gimmick is so overplayed that it borders on cliche, yet director Pollack treats every hairpin turn as if it were something profoundly important.

Maybe there's some value for a MSFT3000 re-playing of some of the scenes, such as Pacino getting in touch with his inner female, for goof value. But, even such accidental humor is hard to find in this total turkey.\": {\"frequency\": 1, \"value\": \"From beginning to ...\"}, \"Can anybody do good CGI films besides Pixar? I mean really, animation looked antiquated by 2006 standards and even by 1995 Toy Story standards. Or maybe they spent all their budget on Hugh Jackman. Whatever their reasoning, the story truly did suck.

Somehow, Hugh Jackman is a rat - a rat that is flushed down a toilet. Yeah I know, seems stereotypical. But then the sewer mimicked the ways of London - to an extent. Throw in a promise of jewels (????) and an evil(??) frog and you get a pathetic attempt at entertainment.

I would like to say something entertained me. Maybe the hookup in the movie? Or maybe the happily-ever-after rat relationship. But nothing did. It had the talent, but it blew up. D-\": {\"frequency\": 1, \"value\": \"Can anybody do ...\"}, \"This has been one of my favorite movies for a long time. Recently I was happy to see it on DVD which is a relief from watching the old, grainy VHS versions.

I hadn't seen it in years and watched it today to find myself amazed at how well the movie stands up to time. It's one of those rare, perfect storms of comedy where great writing (truly funny line after truly funny line) is paired with great direction and outstanding performances all at the same time.

Dudley Moore got an Oscar nomination for \\\"Arthur\\\" but lost (although John Gielgud won for best supporting actor). If Moore's performance in \\\"Arthur\\\" doesn't win a Best Actor Oscar -it's proof that no comedic actor could ever win the title (another example is Gene Wilder in \\\"Young Frankenstein\\\").

Steve Gordon crafts the film beautifully keeping true to each of the characters and the warm-hearted tone of the story. Quite simply, IMHO the movie is a rare gem. It's only sad that Steve Gordon passed away just a year after \\\"Arthur\\\" was released.

Regarding the DVD that is available as of 1/2007, it's so/so. Although the video quality is a leap over the old VHS copies, there is still no widescreen version available.

The DVD has a few extras that are nice but it's just not enough. One example is commentary from the Director stating how he greatly wished how certain deleted takes and scenes could have been included (because they were hysterical), but that he had to make tough choices for a final edit. The DVD, being the perfect format to include such material, certainly should have offered it as well.

This, the original \\\"Arthur\\\", is a classic comedy that is one for the books.\": {\"frequency\": 2, \"value\": \"This has been one ...\"}, \"*Spoilers and extreme bashing lay ahead*

When this show first started, I found it tolerable and fun. Fairly Oddparents was the kind of cartoon that kids and adults liked. It also had high ratings along with Spongebob. But it started to fall because of the following crap that Butch Hartman and his team shoved into the show.

First off, toilet humor isn't all that funny. You can easily pull off a fast laugh from a little kiddie with a burp, but that's pretty much the only audience that would laugh at such a clich\\ufffd\\ufffd joke. Next there are the kiddie jokes. Lol we can see people in their underwear and we can see people cross-dressing. LOLOLOL!!! I just can't stop laughing at such gay bliss! Somebody help me! But of course, this show wouldn't suck that bad if it weren't for stereotypes. Did you see how the team portrayed Australians? They saw them as nothing but kangaroo-loving, boomerang-throwing simpletons who live in a hot desert. But now... Is the coup de grace of WHY this show truly sucks the loudest of them all... OVER-USED JOKES!!! The show constantly pulls up the same jokes (the majority of them being unfunny) thinking it is like the greatest thing ever! Cosmo is mostly the one to blame. I hated how they kept on mentioning \\\"Super Toilet\\\" (which also has a blend of kiddish humor in it just as well) and Cosmo would freak out. And who could forget that dumb battery ram joke that every goddamn parent in Dimmsdale would use in that one e-mail episode? You know, the one in which every single parent (oblivious to other parents saying it) would utter the EXACT same sentence before breaking into their kid's room? Yes, it may be first class humor to some people, but it is pure s*** to others.

If I'm not mistaken, I do believe Butch Hartman said something about ending the show. Thank God! Everyone around my area says it's, like, the funniest Nickelodeon show ever. I just can't agree with it\\ufffd\\ufffd I think it's just another pile of horse dung that we get on our cartoon stations everyday, only worse.\": {\"frequency\": 1, \"value\": \"*Spoilers and ...\"}, \"I'm not sure how I missed this one when it first came out, but I am glad to have finally seen it.

This movie takes place in and around the 19th century red light district of Okabasho, Japan. It tells the tale of prostitution, caste systems and women who are strong in a society based upon the strength of the samurai code of Japan.

It is uniquely Akira Kurosawa! Even though he died before he could direct this movie, his adaptation of the screenplay shows. His view of the Japanese world and caste system is renowned and sheds light upon how these systems interact with each other. The characters may revolve around each other, but the caste system stays intact when each character goes back to the world they belong in. The samurai warrior who drifts into the good hearted and loving prostitute's world goes back to his life, while she embarks on a another road with a man who is part of her caste system..lowest of the low. Many prize the world of the samurai above all others, but yet, it is the lower caste inhabitants who can support each other and who can love without restraint. The samurai in this movie turns out to be the weak one, while the classless lovers prove to be the honorable ones.

The movie deserves a higher rating. It is a tale of survival of women in feudal Japan. During this time frame, men were thought to be the survivors..the strong ones while women were thought to be just mindless and weak property. This movie highlights the strength of Japanese women and how they did what they had to for survival, and how their strength enabled the Japanese culture to continue on as it has.

I recommend \\\"The Sea is Watching\\\" to anyone who is a fan of Akira Kurosawa and even if they're not a fan. It is a lovely, quiet and soul sustaining movie, and one to be treasured for any movie collection.\": {\"frequency\": 1, \"value\": \"I'm not sure how I ...\"}, \"Elisha Cuthbert plays Sue a fourteen year old girl who has lost her mother and finds it hard to communicate with her father, until one day in the basement of her apartment she finds a secret magic elevator which takes her to back to the late 18th century were she meets two other children who have lost their father and face poverty...

I was clicking through the channels and found this..I read the synopsis and suddenly saw Elisha Cuthbert...I thought okay....and watched the movie.. i didn't realise Elisha had done films before....'The Girl Next Door and 24' Elisha provides a satisfactory performance, the plot is a little cheesy but the film works...Its amazing how this young girl went on to become the Hottest babe in Hollywood!\": {\"frequency\": 1, \"value\": \"Elisha Cuthbert ...\"}, \"Although this is \\\"better\\\" than the first Mulva (which doesn't say much anyways, I would rather watch paint dry) it still sucks. Do yourself a favor and avoid anything from these Low Budget Pictures guys. I was suckered into buying a few dvds to support some indy filmmakers and boy did I regret it. Some haven't even been officially \\\"released\\\" yet (not bootlegs-bought from the filmmakers themselves) and I can't even list how bad they all are. Avoid anything with Teen Ape or Bonejack in them as they do pop up in other small indy films that they are friends with. If you are friends of these guys, chances are you were in their movies and had fun making them. But for those that had to watch them? No way. Bad video, bad audio, bad acting, bad plot...etc etc. These aren't even funny. I gave this one a 2 only because Debbie Rochon is in it and that is about it. Maybe it doesn't even deserve the 2. About a 1 1/16th star to show it was slightly better than the first (which I wish I could have rated in the negatives). If you want a decent no budget film, go pick up something from LBP's \\\"friends\\\" over at Freak Productions like Marty Jenkins or even Raising the Stakes. Those are actually decent.\": {\"frequency\": 1, \"value\": \"Although this is ...\"}, \"Yes, as the other reviewers have already stated, this may not be vintage L&H but it's far from being their worst work as at 20th Century Stupid...I mean Fox. This film certainly has all of the basic ingredients for things to go wrong for the boys. But it's their serious approach and determination that makes them funny. They don't play it for laughs as other comedians might but they take their work and situation quite seriously and that is the essence of their eternal humor. In this film, they are faced with some basic issues that really might be encountered by any one of us today, namely job related stress. First, we would get checked out by a doctor and he would prescribe some much needed rest and perhaps staying by the sea. That's where the surrealness comes in to all of this. L&H always take a most plausible set of circumstances and exaggerate it but never to the point of being incredible, except maybe once in awhile. This makes us laugh because we can relate to their self caused predicaments and attempts at extrication. That's what makes Stan and Ollie universal in their appeal. In this film all those ingredients are presented in a delightfully artful and gracefully slapstick way. Not their best in comparison to their earlier work probably because this was the actual last film they did for Roach because he wanted to mirror the \\\"big\\\" studios and go into making features exclusively and also wanted to hurry up and finish their contractual obligation. BIG MISTAKE! They should have all stayed together and continued for maybe five more years. What the world may have missed in their not considering this as an option. Watch, laugh, and enjoy this as their last great performance.\": {\"frequency\": 1, \"value\": \"Yes, as the other ...\"}, \"Back when musicals weren't showcases for choreographers, we had wonderful movies such as this one.

Being a big fan of both Wodehouse and Fred Astaire I was delighted to finally see this movie. Not quite a blend of Wodehouse and Hollywood, but close enough. Some of the American vaudeville humour, the slapstick not the witty banter, clash with Wodehouse's British sense of humour. But on the whole, the American style banter makes the American characters seem real rather than cardboard caricatures.

Some inventive staging for the dance numbers, including the wonderful fairground with revolving floors and funhouse mirrors, more than make up for the lack of a Busby Berkley over the top dance number. They seem a lot more realistic, if you could ever imagine people starting to sing and dance as realistic.

The lack of Ginger Rogers and Eric Blore don't hurt the movie, instead they allow different character dynamics to emerge. It's also nice not to have a wise cracking, headstrong love interest. Instead we have a gentle headstrong love interest, far more in keeping with Wodehouses' young aristocratic females.\": {\"frequency\": 1, \"value\": \"Back when musicals ...\"}, \"WOW! Pretty terrible stuff. The Richard Burton/Elizabeth Taylor roadshow lands in Sardinia and hooks up with arty director Joseph Losey for this remarkably ill-conceived Tennessee Williams fiasco. Taylor plays a rich, dying widow holding fort over her minions on an island where she dictates, very loudly, her memoirs to an incredibly patient secretary. When scoundrel Burton shows up claiming to be a poet and old friend, Taylor realizes her time is up. Ludicrious in the extreme --- it's difficult to determine if Taylor and Burton are acting badly OR if it was Williams' intention to make their characters so unappealing. If that's the case, then the acting is brilliant! Burton mumbles his lines, including the word BOOM several times, while Taylor screeches her's. She's really awful. So is Noel Coward as Taylor's catty confidante, the \\\"Witch of Capri.\\\"

Presumably BOOM is about how fleeting time is and how fast life moves along --- two standard Williams themes, but it's so misdirected by Losey, that had Taylor and Burton not spelled it out for the audience during their mostly inane monologues, any substance the film has would have been completely diluted.

BOOM does have stunning photography---the camera would have to have been out of focus to screw up the beauty of Sardinia! The supporting cast features Joanna Shimkus, the great Romolo Valli as Taylor's resourceful doctor and Michael Dunn as her nasty dwarf security guard...both he and his dogs do a number on Burton!\": {\"frequency\": 1, \"value\": \"WOW! Pretty ...\"}, \"The interesting aspect of \\\"The Apprentice\\\" is it demonstrates that the traditional job interview and resume do not necessarily predict teamwork skills, task dedication, and job performance. And they certainly don't reveal any hidden agendas. In other words, a good indicator of potential may be to see a job applicant in action which is the point of \\\"The Apprentice\\\". People vying for a corporate position may hand over a sugar-coated resume and put on their best personality attire for the interview, but these are not necessarily the best indicator of strengths, weaknesses, and performance.

Briefly, \\\"The Apprentice\\\" involves 16 job candidates competing for the ultimate career opportunity: a position in real estate magnate Donald Trump's investment company. \\\"The Apprentice\\\" refers to the winner who will win a salaried position, learn the art of high stakes deal-making from the master himself, and, presumably, gain prime corporate connections. The position is a dream-come-true for those wanting to make more money than the GNP of some foreign countries. To entice the candidates, Trump shows off his private jet, his private luxury apartments replete with statues and artwork, his limos, his connections to celebrities, and other aspects of the life of a billionaire magnate.

The road to success is not easy. The group is divided into two teams that compete against each other. Each has a corporate-sounding name, such as Versacorps and Prot\\ufffd\\ufffdg\\ufffd\\ufffd Corporation. The teams are assigned tasks that entail an entrepreneurial venture such as creating advertising, selling merchandise, or negotiating. Teams select a project manager who provides the leadership and organizational skills to complete the task. If they win, the manager receives a lot of credit, particularly in the eyes of the final arbiter. If they lose, the manager may also become the scape-goat. Some of the tasks are monumentally difficult with only a day or two to complete. Tasks may involve creating a TV commercial, or print ad. Others may involve selling at a retail outlet or on the street.

The tasks bring out the best and worst in the participants. They often show immediately who is the most reliable, who is the most trustworthy, and who is hard working. And the tasks also expose who is not a good team player, who is inefficient, and who seems only out for themselves. The tasks invariably reveal in unexpected ways the strengths and weaknesses of the participants and in particular the project manager. How well the manager communicates with the team, delegates work, organizes time, and sets specific goals will largely determine the outcome, but it does not necessarily predict the winner.

The single-most telling aspect of someone's potential is when he or she is assigned as a project manager. Their real abilities as opposed to their self-propagated abilities immediately show through the veneer that cannot be hidden by a $100 silk tie or a beautiful makeover. Leadership qualities and/or weaknesses often become agonizingly obvious after only a few minutes. Those promoting themselves as top-notch leaders are not always as strong when put into a real-life leadership situation. It is always easier to \\\"toot your own horn\\\" than to actually engage in leadership. Project managers, even those on the winning teams, often do not formulate a cohesive strategy. They often believe that by diving off the deep end to complete the task at the first minute rather than taking a little time to organize and discuss how the task will be completed is more efficient. More often than not, members of an ill-strategized team are running around like headless chickens figuring it out as they go along, and in the long run they end up wasting far more time.

The winning team gets a taste of the high life, such as eating dinner at an exclusive restaurant, flying in a private jet, and/or meeting a celebrity. The losing team comes to the dreaded board room where Trump hears the lame excuses of the members and knocks off one or more of the contestants like pieces off a chess board with the now infamous \\\"You're fired\\\". Often, the project manager is held partially responsible for the team's loss, and may be the target of Trump's accusatory rhetoric. Every week, at least one person becomes a casualty from the losing team.

My least-favorite aspect of \\\"The Apprentice\\\" is the board room. While the tasks themselves bring out the strengths and weaknesses in the candidates, the board room often brings out the worst. Unfortunately, the rules of the game insist there is one winning team and one losing team, even if the competition was close. Members of the losing team start accusing each other, often ruthlessly, about who was at fault. And sometimes more than one person gets fired. I seldom see an under-performing candidate take responsibility for their actions in the board room. Kristi Frank and Kwame Jackson were possibly the only candidates who took full responsibility for her team's losses and received no recognition for this selfless act. For me, Kristi Frank and Kwame Jackson had the most integrity of all the candidates. However, Trump saw Kristi as weak and fired her, claiming she wasn't standing up for herself, which may mean he values ego more than integrity. No one should sacrifice their integrity for this. Kristi Frank may not have become the apprentice but she can live with herself knowing she did not blame others unjustly. Isn't that worth as much as \\\"winning\\\"?

The strength of \\\"The Apprentice\\\" is also its weakness. Because team performance is evaluated strictly by winners and losers, other evaluation opportunities are overlooked. Barring huge gaps between the winning and losing teams, sometimes a losing team exemplifies a high standard of teamwork and efficiency. I have seen losing teams sometimes appearing better organized than the winning team. We Americans are so often obsessed with winning and losing that we often overlook excellence.\": {\"frequency\": 1, \"value\": \"The interesting ...\"}, \"I had a vague idea of who Bettie Page was, partly due to her appearance in the very wee days of Playboy (apparently, when she got her photo taken of her and her Santa hat, just that, she didn't know what the mag was). The movie, co-written and directed by American Psycho's Mary Harron, fleshes out the key parts of her life well enough. A southern belle of a church goer has some bad experiences and leaves them behind to seek better times in New York City, where she gets into modeling, and from there a lot more. Soon, she becomes the underground pin-up sensation, with bondage the obvious (and \\\"notorious\\\" of the title) trait attributed to her. The actress Gretchen Moll portrays her, and gets down the spirit of this woman about as well as she could, which is really a lot of the success of the film. She's not a simplistic character, even if at times her ideas of morality are questionable (\\\"well, Adam and Eve were naked, weren't they?\\\" she comments a couple of times). Apparently, the filmmakers leave out the later years of Page's life and leave off with her in a kind of redemptive period, leaving behind the photo shoots for Jesus.

In all, the Notrious Bettie Page is not much more than a kind of usual bio-pic presented by HBO films, albeit this time with the stamina for a feature-film release. The best scenes that Harron captures are Page in her \\\"questionable\\\" positions, getting photos of her in over-the-top poses and starring in ridiculous films of whips and chains and leather uniforms. This adds a much needed comic relief to the film's otherwise usual nature. It's not that the story behind it is uninteresting, which involves the government's investigation into the 'smut' that came out of such photos and underground magazines. But there isn't much time given to explore more of what is merely hinted at, with Page and her complexities or her relationships or to sex and the fifties. It's all given a really neat black and white look and sometimes it seemed as if Harron was progressing some of the black and white photos to be tinted more as it went along. It's a watchable view if you're not too knowledgeable of Bette Page, and probably for fans too.\": {\"frequency\": 1, \"value\": \"I had a vague idea ...\"}, \"The animation in this re-imagining of Peter & the Wolf is excellent, but at 29 minutes, the film is sleep inducing. They should have called it \\\"Peter & the Snails\\\", because everything moves at a snail's pace. I couldn't even watch the film in one sitting - I had to watch it 15 minutes at a time, and it was pure torture.

Save yourself 30 minutes - do not watch this film - and you will thank me.

I can only guess that the Oscar nominating committee only watched the first few minutes of the nominees. Unfortunately, to vote for the winner in the Best Animated Short (short!) category, the voters will have to sit through the whole thing. I already feel sorry for them - and must predict that there's no way this film will come close to winning.\": {\"frequency\": 1, \"value\": \"The animation in ...\"}, \"Sadly, more downs than ups. The plot was pretty decent. I mean, nothing out of the ordinary, but it had a story, unlike the other modern horror flicks. The other good thing was the cast. I'm not saying that the acting was good, because it wasn't, but every actor/actress was hot and attractive.

One of the downs are that the movie only become exciting after the first 40 minutes or so. The rest was quite boring. Another down (or you could consider it an up if you want) is the excessive nudity. All 4 girls were topless for a few minutes, and all the guys showed their butts for a long time. It's not that I'm against nudity, but this was a horror movie, not 'The Dreamers'.

Unless you're very desperate to watch some guy take off his swimsuit and run around naked for a few minutes, or watch a girl get naked for no reason, or you're a die-hard fan of Debbie Rochon, than this is the movie for you. But if you're looking for a good horror movie, stay away.\": {\"frequency\": 1, \"value\": \"Sadly, more downs ...\"}, \"When a film is independent and not rated, such as the Hamiltons, I was expecting out of the norm, cut out your heart violence. I know that good movies don't always contain blood and violence, but I read reviews, I visited the website, and I even convinced a few of my friends to pay $9.50 to see this god awful movie with me. When there is a festival called Horrorfest, I am expecting horror, not Dawsons Creek with incestuous undertones. My expectations were extremely low for this film, yet the little expectations there was for the film were shot to hell once I saw that an hour had passed before we saw the first drop of blood come out of someones finger. There were too many plot holes and left too much to the imagination. I regret not seeing Happy Feet. I think there might have been more violence and gore in that movie than in the Hamiltons!\": {\"frequency\": 1, \"value\": \"When a film is ...\"}, \"This is an awesome Amicus horror anthology, with 3 great stories, and fantastic performances!, only the last story disappoints. All the characters are awesome, and the film is quite chilling and suspenseful, plus Peter Cushing and Christopher Lee are simply amazing in this!. It's very underrated and my favorite story has to be the 3rd one \\\"Sweets To The Sweet\\\", plus all the characters are very likable. Some of it's predictable, and the last story was incredibly disappointing and rather bland!, however the ending was really cool!. This is an awesome Amicus horror anthology, with 3 great stories, and fantastic performances, only the last story disappoints!, i say it's must see!.

1st Story (\\\"Method for Murder\\\"). This is an awesome story, with plenty of suspense, and the killer Dominic is really creepy, and it's very well acted as well!. This was the perfect way to start off with a story, and for the most part it's unpredictable, plus the double twist ending is shocking, and quite creepy!. Grade A

2nd Story. (\\\"Waxworks\\\"). This is a solid story all around, with wonderful performances, however the ending is quite predictable, but it's still creepy, and has quite a bit of suspense, Peter Cushing did an amazing job, and i couldn't believe how young Joss Ackland was, i really enjoyed this story!. Grade B

3rd Story (\\\"Sweets to the Sweet\\\"). This is the Best story here, as it's extremely creepy, and unpredictable throughout, it also has a nice twist as well!. Christopher Lee did an amazing job, and Chloe Franks did a wonderful job as the young daughter, plus the ending is quite shocking!. I don't want to spoil it for you, but it's one of the best horror stories i have seen!. Grade A+

4th Story (\\\"The Cloak\\\"). This is a terrible story that's really weak and unfunny Jon Pertwee annoyed me, however the ending surprised me a little bit, and Ingrid Pitt was great as always, however it's just dull, and has been done before many times, plus where was the creativity??. Grade D

The Direction is great!. Peter Duffell does a great job here, with awesome camera work, great angles, adding some creepy atmosphere, and keeping the film at a very fast pace!.

The Acting is awesome!. John Bryans is great here, as the narrator, he had some great lines, i just wished he had more screen time. John Bennett is very good as the Det., and was quite intense, he was especially good at the end!, i liked him lots. Denholm Elliott is excellent as Charles, he was vulnerable, showed fear, was very likable, and i loved his facial expressions, he rocked!. Joanna Dunham is stunningly gorgeous!, and did great with what she had to do as the wife, she also had great chemistry with Denholm Elliott !. Tom Adams is incredibly creepy as Dominic, he was creepy looking, and got the job done extremely well!. Peter Cushing is amazing as always, and is amazing here, he is likable, focused, charming, and as always, had a ton of class! (Cushing Rules!!). Joss Ackland is fantastic as always, and looked so young here, i barely recognized him, his accent wasn't so thick, and played a different role i loved it! (Ackland rules). Wolfe Morris is creepy here, and did what he had to do well.Christopher Lee is amazing as always and is amazing here, he is incredibly intense, very focused, and as always had that great intense look on his face, he was especially amazing at the end! (Lee Rules!!). Chloe Franks is adorable as the daughter, she is somewhat creepy, and gave one of the best child performances i have ever seen!, i loved her.Nyree Dawn Porter is beautiful and was excellent as the babysitter, i liked her lots!. Jon Pertwee annoyed me here, and was quite bland, and completely unfunny, he also had no chemistry with Ingrid Pitt!. Ingrid Pitt is beautiful , and does her usual Vampire thing and does it well!.

Rest of the cast do fine. Overall a must see!. **** out of 5\": {\"frequency\": 1, \"value\": \"This is an awesome ...\"}, \"If you want a fun romp with loads of subtle humor, then you will enjoy this flick.

I don't understand why anyone wouldn't enjoy this one. Take it for what it is: a vehicle for Dennis Hopper to mess with your head and make you laugh. It ain't Shakespeare, but it is well done. Ericka Eleniak is absolutely beautiful and holds her own in this one - Better than any episode of Baywatch - and shows a knack for subtle humor. Too bad she hasn't had many opportunities to expand on that.

Tom Berenger fits his role of \\\"real Navy\\\" perfectly and William McNamara does a solid job as a hustler.

Throw in a walk-on by Hopper in the middle of the chase for \\\"the Cherry on this Sundae\\\" and you've got a movie that kept my attention and kept me laughing. I bought this one as soon as it was available.

Brain-candy.\": {\"frequency\": 2, \"value\": \"If you want a fun ...\"}, \"This film is to my mind the weakest film in the original Star Wars trilogy, for a variety of reasons. However it emerges at the end of the day a winner, despite all its flaws. It's still a very good film, even if a lot of its quality depends on the characters that have been built up in the superior 2 installments.

One problem here is the look of the film, which isn't very consistent with the other 2 films. I put a lot of that down to the departure of producer Gary Kurtz. The first 2 films have that dirty, lived-in look with all the technology and so forth. In \\\"Jedi\\\" on the other hand even the rebels look like they just stepped out of a shower and had their uniforms dry cleaned. This makes for a much less textured film. Also the creatures were excessively muppet-like and cutesy. At this point it seems like the film-makers were more concerned with creating the templates for future action figures than with the quality of the film itself.

Another aspect is its lack of originality. Where \\\"Star Wars\\\" created a whole new experience in cinema and \\\"Empire\\\" brought us to alien worlds of swamps, ice, and clouds, \\\"Jedi\\\" lamely re-cycled the locations of the first film. First we are back on the desert planet Tatooine, and then we are watching them face ANOTHER death star (maybe the emperor couldn't think of anything new... but you'd think Lucas or Kasdan could). Also we have these ewoks, who really are just detestable made-for-mattel teddy bears, in a recycled version of what was supposed to be the big wookie-fight at the end of \\\"Star Wars\\\" if they hadn't run out of cash. It just feels like lazy construction.

The most unfortunate aspect of \\\"Jedi\\\" for me is the weak handling of the Han Solo character. Whereas he is central to the plot of the first 2 films here he is struggling for screen time, trading one liners with the droids. Instead of a real drama we're stuck with the lame pretense that Han is still convinced Leia loves Luke -- as if the conclusion of \\\"Empire\\\" where she confessed her love of him had never happened. The whole thing is very contrived and barely conceals the fact that the Solo character was not part of this film's central story after his rescue. Ford, for his part, looks bored and lacks the style that distinguished his earlier performances. This is more like a 1990s Ford performance, bored and looking \\\"above\\\" the film itself. Fisher for her part is visibly high in some scenes. Lando, an interesting character introduced in \\\"Empire\\\", here is stuck as the ostensible person we care about in the giant space battle. Only Hamill, given an interesting development in the Luke character, is really able to do anything new or interesting with his character. Probably he was the only major actor in the film who still cared about his work. And to be fair the script gives him a lot more to do than the other characters. Really it is his story and the other characters are only there as part of the package. Ian McDiarmid does excellent work as well as the Emperor. The film would sink if he had been too far over the top (as he was at times in the new films).

Visually and in terms of effects work, other than the \\\"clean\\\" look of everything it's hard to find fault. Jabba is a very effective animatronic character, one of the most elaborate ever constructed. The space battles towards the end are very impressive.

Ultimately this film coasts to success based on the accomplishments of its forebears. But on its own, it is a satisfying piece of entertainment and IMHO far superior to any of Lucas' later productions.\": {\"frequency\": 1, \"value\": \"This film is to my ...\"}, \"This film provides us with an interesting reminder of how easy it is for so many to get caught up in the busy occupation of doing nothing. We as a people of African descent owe it to ourselves to make a change to this cycle of \\\"all talk and no action\\\" and start to realise in order to make a change, there needs to be less talk and more action. It is a powerful statement of the divisions of our people over small issues, and our failings to recognise the bigger picture and the need to unite in order to make a difference... Despite its reference to the black community, all viewers can learn something from the message this film seeks to portray.\": {\"frequency\": 1, \"value\": \"This film provides ...\"}, \"Second part (actually episode 4-8) of the hit Danish tv-series is slightly inferior to the first one, but has plenty of laughs and scares as well. This time, Udo Kier plays two parts, as the monster baby and his demon-like father. Other standout parts this time are S\\ufffd\\ufffdren Pilmark\\ufffd\\ufffds Doctor Krogshoj, who must face the horrible revenge of Dr. Helmer, and once again, patient Mrs. Drusse tries to solve the mysteries, Miss Marple-style. Ends on a cliffhanger and following the deaths of lead actors Ernst Hugo J\\ufffd\\ufffdreg\\ufffd\\ufffdrd (Dr. Helmer) and Kirsten Rolffes (Mrs. Drusse), you wonder how they\\ufffd\\ufffdre ever going to be able making Part III, but I hope Von Trier will give it a shot. Sadly, Morten Rotne Leffers, the Down\\ufffd\\ufffds Syndrome dishwasher #2, died shortly after, as well. Look for Stellan Skarsg\\ufffd\\ufffdrd in a cameo. ***\": {\"frequency\": 1, \"value\": \"Second part ...\"}, \"I think this movie was probably a lot more powerful when it first debuted in 1943, though nowadays it seems a bit too preachy and static to elevate it to greatness. The film is set in 1940--just before the entry of the US into the war. Paul Lukas plays the very earnest and decent head of his family. He's a German who has spent seven years fighting the Nazis and avoiding capture. Bette Davis is his very understanding and long-suffering wife who has managed to educate and raise the children without him from time to time. As the film begins, they are crossing the border from Mexico to the USA and for the first time in years, they are going to relax and stop running.

The problem for me was that the family was too perfect and too decent--making them seem like obvious positive propaganda instead of a real family suffering through real problems. While this had a very noble goal at the time, it just seems phony today. In particular, the incredibly odd and extremely scripted dialog used by the children just didn't ring true. It sounded more like anti-Fascism speeches than the voices of real children. They were as a result extremely annoying--particularly the littlest one who came off, at times, as a brat. About the only ones who sounded real were Bette Davis and her extended American family as well as the scumbag Romanian living with them (though he had no discernible accent).

It's really tough to believe that the ultra-famous Dashiel Hammett wrote this dialog, as it just doesn't sound true to life. The story was based on the play by his lover, Lillian Hellman. And, the basic story idea and plot is good,...but the dialog is just bad at times. Overall, an interesting curio and a film with some excellent moments,...but that's really about all.\": {\"frequency\": 1, \"value\": \"I think this movie ...\"}, \"Well done Al Gore! You have become the first person to have made 1 Billion dollars of the global warming lie! Just like all the other man made fable's in the world this one is up there with the best lies to have sucked in so many people. Sure polution is not a good thing, and I would love for all the tree's to keep on growing, but global warming is a business! It employes thousands of people that are all very mislead.

Google it! There are just to many things that just don't add up, but well done Al, you failed as a politician, but went on to make lots of money sucking in the world.

Whats next? Santa is real?\": {\"frequency\": 1, \"value\": \"Well done Al Gore! ...\"}, \"Movies about dinosaurs can be entertaining. So can Whoopi Goldberg movies. But Whoopi AND dinosaurs?

After the first 20 minutes of \\\"Theodore Rex\\\", I had come to one conclusion: this movie is evil. Evil, vile, wicked and reprehensible in its spite for the audience. Nothing this bad is made by accident; this is the visual equivalent of a torture chamber.

First of all, Whoopi does not make good action movies (watch \\\"Fatal Beauty\\\" if you think I'm lying), but the film makers don't care - she's a tough cop here, yet again.

Seen a million cop buddy flicks this week? Well, here's number one million and one, pal.

Don't like cute, humanistic animated dinosaurs since that Spielberg TV show about them? Too bad, here's another one and he's a cop, too!

You one of those people that hates car chases, shoot-outs, sloppy dialogue, boring futuristic FX and seeing talented people (Goldberg, Mueller-Stahl, Roundtree) stuck in a movie that looks like a tax write-off? A BIG tax write-off?

And you read this review all the way to the end. You DESERVE a sequel. Seriously.

No stars, not a one. And if they really make a sequel to \\\"Theodore Rex\\\", Hollywood deserves to be attacked a whole herd of wise-cracking foam rubber dinosaurs.

Now, I'd pay to see that.\": {\"frequency\": 1, \"value\": \"Movies about ...\"}, \"This is the worst movie I have ever seen. I was going to get up and leave at Tape 4 but I stuck it out. I now consider myself a Masochist! Afghanistan? Come on guys! Who's the idiot who forgot to hide the Sanskrit billboards? I thought the lead actor(George Calil) was particularly inept. Apart from the bad acting and over zealous camera shake, I thought using the events of 9/11 as a reason to make \\\"Larson the Lunatic Implodes, all over a screen near you\\\" disgraceful and irreverent to the victims of 9/11. Using a phone call from Larson's wife, Sarah, supposedly from one of the terrorist held planes on that day, was appalling. The camera shake didn't make me feel sick, that cold hearted stunt did.\": {\"frequency\": 1, \"value\": \"This is the worst ...\"}, \"I think this is what this movie wants us to say at the end of the movie! or Damn Australian? I still don't know, but what I know is that I really liked this movie but that couldn't be my favorite movie!

Great story with great actors but with a terrible end... To make you cry and say 'Oh, she's so good'... Still, who made it? What really happened? Who's that guy? No answer to these questions...

Mysterious movie with a good mark overall... I give it a 8/10, going on the 8.5!\": {\"frequency\": 1, \"value\": \"I think this is ...\"}, \"I watched the presentation of this on PBS in the U.S. when it originally aired in 1988 (?). Assuming the miniseries was available on DVD I purchased first editions of all three books last year. Since then I have been searching for the series on internet movie sites. Today I found this web site. I will give up the search.

I too would like to buy this complete - 26 episodes - miniseries. After buying the DVDs I would read each book, then watch the episodes for that book. That is what I did with John LeCarre's Karla trilogy and Larry McMurty's Texas ranger trilogy.

Does anyone have any suggestions for great books or book series that became very good TV miniseries - or movie series - that are now available on DVD?\": {\"frequency\": 1, \"value\": \"I watched the ...\"}, \"Unentertaining, uninvolving hybrid of \\\"Cruel Intentions\\\" and \\\"Wild Things\\\", but it isn't nearly as good as either of those trash min-classics. It's about the acting sheriff, Artie (Taye Diggs) being called in to investigate a near-fatal drug overdose at a posh upper-class Univesity, but to keep it on the down low. As he digs deeper he thinks it's much more than it at first glance seems to be. We follow Alicia, the girl who overdosed in flashbacks as well. At about 90 minutes, if this film was welcomed to begin with, it would have worn it out. This film brings absolutely nothing new to the table. But it IS the only movie thus far that has Miss Swain topless so the grade is higher just for that.

My Grade: D

Eye Candy: Dominique Swain gets topless( fixing a mistake of \\\"Happy Campers\\\"); another girl is topless

Anti-Eye candy: more men ass than girl tit\": {\"frequency\": 1, \"value\": \"Unentertaining, ...\"}, \"NATURAL BORN KILLERS (1994)

Cinema Cut: R

Director's Cut: NC-17

It's an unusual Oliver Stone picture, but when I read he was on drugs during the filming, I needed no further explanation. 'Natural Born Killers' is a risky, mad, all out film-making that we do not get very often; strange, psychotic, artistic pictures.

'Natural Born Killers' is basically the story of how two mass killers were popularised and glorified by the media; there is a great scene where an interviewer questions some teenagers about Mickey and Mallory, and the teenager says 'Murder is wrong.... but If I was a mass murderer I'd be Mickey and Mallory'. Mickey describes this with a situation of 'Frankenstein (the monster) and Dr. Frankenstein' - Dr. Frankenstein is the media who has turned them into these monstrous killers

Most Oliver Stone films examine the flaws of the America, the country that the director loves and admires. I guess 'Natural Born Killers' is about the effect of mass media, technology and how obsessive as a nation, Americans are (and most of the world) over things such as mass killers and bizarre situations.

The killers played by Woody Harrelson (Mickey) and Juliette Lewis (Mallory) are executed astonishingly by two excellent actors who step into the lives of two interestingly brutal killers. Mickey and Mallory believe that some people are worthy of killing, perhaps in the cruel theory of Social Darwinism (survival of the fittest) - Mickey says in his interview in prison, that other species commit murder, we as humans ravage other species and exploit the environment; the script is interesting, but it is questionable how much this film amounts to, in the sense of making us think about society and human behaviour, rather than the intensity of a 2 hour bloodbath that we have seen.

The last hour of the film takes place in a maximum security prison; we see the harsh realities of prison life; the attitudes of the warden etc;overfilling of prisons - maybe Stone is questioning the future, the path that society is leading to.

Two other interesting characters; First, a reporter who runs a show about 'America's Maniacs' and is obsessed with boosting ratings, that he goes to any length to capture the story of Mickey and Mallory. The other is police officer Scagnetti, an insane, perhaps sadistic officer that is in love with Mallory - he also has some weird obsession with mass killers, since his mother was killed during the massacre at Waco, Texas by Charles Whitman.

The cinematography is superb; different colours, shadows, styles create a feeling of disorientation; the green colour most evident of all is green, to resemble the sickness of the killers (in the drugstore when they are looking for rattlesnake antidote).

The camera work is insane; shaky, buzzy, it takes some determination to get use to it and accept it. Highly unorthodox, psychedelic and unusual.

'Natural Born Killers' does not glamourise the existence of insane murderers, it questions it and how we as the public may fuel this attribute...

Although the above review sound quite positive, I did dislike the film. Quentin Tarantino, who originally wrote the script for the film, was not pleased with the altered screenplay and he asked for his name to be removed. I can see why. While mildly interesting at times, Natural Born Killers is a mess of a picture.

4/10\": {\"frequency\": 1, \"value\": \"NATURAL BORN ...\"}, \"If you loved Deep Cover, you might like this film as well. Many of the poetic interludes Fishburne recites in Deep Cover are from the lyrical script of \\\"Once In the Life,\\\" a screen adaptation of a play that Fishburne wrote. If you love Larry as much as I do, you'll love this film that is all Larry, all hot, and all fleshed out. Of course there is gun play and illicit substance use, this is a gangster movie of sorts, after all, but the script is beautiful and the story is touching, even a little on the chick flick side.

AMAZING film...dark, frightening, sexy, and exciting. If you ever sneaked out at night or hung out in a clubhouse, you'll get the proper impact of the cramped sets (metephorically echoing being trapped in the life). Full of clever foreshadowing and complex relationships, this film is tight..every sentiment mirrored in the set dressing and camera shots. GOOD WORK!\": {\"frequency\": 1, \"value\": \"If you loved Deep ...\"}, \"I always tell people that \\\"Enchanted April\\\" is an adult movie with no cussing, no sex, and no violence. One might think of it as \\\"the ultimate chick flick\\\", but I bet there are one or two enlightened men out there who love it too. Don't invite the kids, though. This movie is very low-key.

Seeing \\\"Enchanted April\\\" is a very healing experience. The sound track and gorgeous scenery, along with the ladies' gentle manners, bring to mind the peace and beauty of a pre-Raphaelite painting.

Lest anyone think yours truly only watches one kind of movie, I will paraphrase a line I heard once on \\\"Saturday Night Live\\\" and say that my two favorite movies are \\\"The Deer Hunter\\\" and \\\"Enchanted April\\\".\": {\"frequency\": 1, \"value\": \"I always tell ...\"}, \"This movie is so bad that I cannot even begin to describe it. What in the blazing pit is wrong with the writers, producers and director? How on earth did they get funding for this abomination? The plot is laughable, the acting is poor at best, the story... What story? The first fight in this movie is OK but then it keeps repeating itself until you want to turn it off.

I guess I'm the biggest looser for not turning this stupid movie off after the first minute.

*** SPOLER ALERT ***

I only saw this movie because Scott Adkins was in it... and he is in it... for 30 seconds...

I give it 1 out of 10 because it's the lowest grade IMDb has to offer.

Do yourself a favour: See an Uwe Boll movie instead... twice... it's more worthy of your time.\": {\"frequency\": 1, \"value\": \"This movie is so ...\"}, \"I found this movie quite by accident, but am happy that I did. Kenneth Branagh's performance came close to stealing this movie from Helena Bonham Carter, but their strong chemistry together made for a much more enjoyable movie. This movie brought to mind the excellent movies that Branagh made with Emma Thompson. Carter's star turn here as a disabled young women seeking to complete herself was as good a performance as I have seen from a female lead in a long time. Portraying a disabled person is hard to pull off, but with basically only her eyes to show her pain about her situation in life, she made it so believable. If this movie had come out after the current wave of movies with beautiful women \\\"uglying\\\" themselves up for roles (Charlize Theron, Halle Berry), I fell sure Carter would have had strong consideration for an Oscar. If you run across this movie on cable late at night as I did, trust me, it is worth the lost sleep.\": {\"frequency\": 1, \"value\": \"I found this movie ...\"}, \"I went to see this movie with the most positive expectations. I had seen Jacquet's previous movie (march of the penguins) and had heard a very positive review of this one on the radio. However, I was severely disappointed. Most of all, this movie is terribly boring. Literally NOTHING happens. I tried to describe the content of the movie to a friend, and we both ended up laughing because I could only stammer things like \\\"well then the winter comes, and then spring, and then there's an eagle, and a river, and one time it is dark, and the girl goes into a cave, and another time the fox has babies\\\" and so on. After about half an hour I began sighing, yawning, rolling my eyes, cursing the reviewer at the radio station, and hoping that it would be over soon. But the movie went on and on. When it finally ended I had sunken so deep into my chair that I must have looked somewhat similar to Stephen Hawking. The most annoying parts of the movie are (a) The girl, who is obviously there to give children someone to identify with. She wears the same clothes throughout the entire movie (one year), and shows exactly two facial expressions: Joy and Seriousness. She is cute, no question about that. However, a movie about the beauty of nature like this one would have done better without her all-too-human presence. I found myself constantly hoping that she might get eaten by a bear, drown in the river, or something similarly terrible. (b) The commentary by the girl's adult voice, which tells us nothing but negligible, obvious, boring, redundant things. (c) The music, which is desperately lacking subtlety. When the girl is happily jumping around, the music jumps around, too. When the fox is threatened by an eagle, the music becomes threatening, too. It reminded me of the very early days of film-making, and was just too predictable to enjoy. Admittedly, many of the children who saw the movie with me did obviously like it, at least they got somehow involved. Thus, my warning concerns adults only: If you are over ten years old, avoid this movie. You can get a better (and cheaper) sleep in most other places.\": {\"frequency\": 1, \"value\": \"I went to see this ...\"}, \"I caught this stink bomb of a movie recently on a cable channel, and was reminded of how terrible I thought it was in 1980 when first released. Many reviewers out there aren't old enough to remember the enormous hype that surrounded this movie and the struggle between Stanley Kubrick and Steven King. The enormously popular novel had legions of fans eager to see a supposed \\\"master\\\" director put this multi-layered supernatural story on the screen. \\\"Salem's Lot\\\" had already been ruined in the late 1970s as a TV mini-series, directed by Tobe Hooper (he of \\\"Texas Chainsaw Massacre\\\" fame) and was badly handled, turning the major villain of the book into a \\\"Chiller Theatre\\\" vampire with no real menace at all thus destroying the entire premise. Fans hoped that a director of Kubrick's stature would succeed where Hooper had failed. It didn't happen.

Sure, this movie looks great and has a terrific opening sequence but after those few accomplishments, it's all downhill. Jack Nicholson cannot be anything but Jack Nicholson. He's always crazy and didn't bring anything to his role here. I don't care that many reviewers here think he's all that in this clinker, the \\\"Here's Johnny!\\\" bit notwithstanding...he's just awful in this movie. So is everyone else, for that matter. Scatman Crothers' character, Dick Halloran, was essential to the plot of the book, yet Kubrick kills him off in one of the lamest \\\"shock\\\" sequences ever put on film. I remember the audience in the theater I saw this at booing repeatedly during the last 45 minutes of this wretched flick, those that stayed that is...many left. King's books really never translate well to film since so much of the narratives occur internally to his characters, and often metaphysically. Kubrick jettisoned the tension between the living and the dead in favor of style here and the resulting mess ends so far from the original material that we ultimately don't really care what happens to whom.

This movie still stinks and why so many think it's a horror masterpiece is beyond me.\": {\"frequency\": 1, \"value\": \"I caught this ...\"}, \"At the end of the movie i still don't know whether i liked it or not. So was the case with most of the reviewers. But none the less i still feel that the movie is worth a 7 for the amount of efforts put in.

long ago i read a quote: THERE ARE 2 KIND OF WRITERS, 1. THOSE WHO THINK AND WRITE. AND 2. THOSE WRITE AND MAKE THE READERS THINK. while here i feel that GUY Ritchie took this way too literally and left all the thinking for the audience.

i felt that the movie was a mixed bag filled with some of THE DEVILS ADVOCATE and FIGHT CLUB....

it is definitely a classic: something which no one understands but appreciates....

what i don't understand: why stathom(Jake Green) had a blackout (thats how it all began), all the riddles and mysteries in the movie have been taken care of except this one.

well if you are reading this review to find the solution as what this movie was all about: i'll post the very midnight it strikes me and if you are still deciding to watch this movie or not: then answer this first.... when you come across a puzzle labeled as 'no one has ever solved' would you like to try?

i would\": {\"frequency\": 1, \"value\": \"At the end of the ...\"}, \"Prom Night is about a girl named Donna (Brittany Snow) who is being chased by a psycho killer trying to kill her at her prom night. And by doing so killing her family, friends, and her enemies.

Now before I begin let me say have you been tired of PG-13 horror movies that haven't been scary lately. Are you tired of stupid girl dialog 'Oh my god' and talking about girlish things. And are you really tired of girls in relationships and then crying. And the last thing are you tired of the US remaking Asian, Japanese, and Chinese films. That pretty much sums up Prom night but I'm still not done with the review.

The only reason to see 'Prom night' is to crack a laugh at the kills. If not, don't see Prom night. You never see the kills an only hear screaming and you see some blood on the wall. And by the way the deaths are repeating like 24/7. So not only aren't they scary but it's obnoxious. By the time I met the cast I think I was ready to hurl. Too much girl talk, too much guy talk, and lots of 'Oh my gosh. It's our prom'. I understand it's fun but seriously is it too much to ask not to concentrate.

If I were to put Prom Night on the list of worst films of 2008 without seeing the other films I'd be the first one too. I'm not going to be surprised if it gets released on DVD for cheap and quick. Seriously don't spend your money or the time for dull acting, cheap scares, and a 'Night to die for' when watching the film.

1 star out of 10. (P.S. If I could give the film zero stars I would).\": {\"frequency\": 1, \"value\": \"Prom Night is ...\"}, \"This movie was a fairly entertaining comedy about Murphy's Law being applied to home ownership and construction. If a film like this was being made today no doubt the family would be dysfunctional. Since it was set in the 'simpler' forties, we get what is supposed to be a typical family of the era. Grant of course perfectly blends the comedic and dramatic elements and he works with a more than competent supporting cast highlighted by Loy and Douglas. Their shenanigans make for a solid ninety minutes of entertainment, 7/10.\": {\"frequency\": 1, \"value\": \"This movie was a ...\"}, \"The actors play wonderfully, especially Kenneth Branagh himself. It's good that Robin Williams got the comedy role of Osiric, otherwise it could be a bit strange to see him in such a production. It is really great that Kenneth decided to use the fullest version of the text, this happens definitely not too often... Thanks to that the viewers can see the whole, not the chosen - by the director - parts. Also - thank God that the film is in a classical form; NO to surrealistic fanfaberies ! Although \\\"Tytus Andronicus\\\" was impressive nevertheless, but still Hamlet is a different story, at least that's my point of view.\": {\"frequency\": 1, \"value\": \"The actors play ...\"}, \"I was absolutely mesmerised by this series from the moment Tom Long walked into shot - the whole 'bad boy' thing, it was just addictive.

The story has you hooked, what will happen next - will Joey get the girl in the end, after doing 5 years in prison, and all that time thinking about his lost love, crossing paths with her again, finding he has a son... Although he is a violent bad guy, you still want him to find happiness.

A truly captivating two parter - please bring it out on video!\": {\"frequency\": 1, \"value\": \"I was absolutely ...\"}, \"Here's a decent mid-70's horror flick about a gate of Hell in NYC that just happens to be an old brownstone. Seems like there's lots of gates of Hell around, but of course this unwitting model happens to decide she needs some space from her boyfriend/fianc\\ufffd\\ufffde and so she just happens to pick one, which is disguised as a nice and reasonably priced apartment. She meets several strange neighbors, and even attends a birthday party for a cat. Upon meeting with the Realtor because she hears strange noises at night from upstairs, she finds out that she and an old priest are SUPPOSED to be the only tenants. Whoa! Then who are all these weirdos? Her boyfriend (a slimy lawyer, played by Chris Sarandon) starts poking around and finds that things are not what they seem, not by a long shot. This has some decent creepy scenes and the idea of the creaky old folks that are her \\\"sometimes\\\" neighbors being other than what they appear is fairly intriguing. A bit of decent gore and even a parade of less-than-normal folks towards the end make this a decent watch, and while I've seen this many times on TV the uncut DVD version is much better, of course. Not a bad little horror flick, maybe a good companion piece to \\\"Burnt Offerings\\\". 8 out of 10.\": {\"frequency\": 1, \"value\": \"Here's a decent ...\"}, \"I've only ever seen this film once before, about ten years ago. I bought the DVD two days ago and after watching it I think it is even better than I remembered it to be.

Paperhouse is much more than just a horror. It had such an amazing level of emotion and great characterisation running through it. I especially thought Charlotte Burke was really excellent here. It's such a pity that she hasn't done anything else as she was an excellent actress altogether. Her portrayal of emotion throughout the film was perfect with just the right amount of subtlety to get the message across, especially at the end when she realised that although Marc had died, she knew he was going to be alright.

Several scenes did make me jump (which is a rarity for me in modern horror films), most notably the scene in the bathtub, the scene where Anna's father was chasing her with the weird radio in the background and the bit where the legs broke apart and crumbled to dust.

All in all, an excellent and very moving film.\": {\"frequency\": 1, \"value\": \"I've only ever ...\"}, \"A must see by all - if you have to borrow your neighbors kid to see this one. Easily one of the best animation/cartoons released in a long-time. It took the the movies Antz to a whole new level. Do not mistake the two as being the same movie - although in principle the movies plot is similiar. Just go and enjoy.\": {\"frequency\": 1, \"value\": \"A must see by all ...\"}, \"You've gotta hand it to Steven Seagal: whatever his other faults may be, he does have good taste in women. If you pick a Seagal movie, chances are there will be one or more very beautiful women in it. And usually, they do not function as mere eye candy; they get involved in the action and fight, shoot guns, kill with knives, etc. \\\"Flight of Fury\\\" offers the duo of Ciera Payton (who has a very sexy face, with luscious lips to match Angelina Jolie's) and Katie Jones, and finds time to get them involved in both a catfight AND a little lesbian fondling! And if it seems like I'm spending a little too much time talking about them, it's because the rest of the movie, although passable, is so unexciting that it's hard to find much else to talk about. Ironically, the weakest aspect is probably Seagal himself, who looks as if he can't even be bothered to try to pretend to care. This being a military-type actioner, there is very little fighting in it, and he doesn't fit into his role (a stealth fighter pilot, \\\"the best in the world\\\", of course) very well, which may explain his almost offensive sleepwalking. (*1/2)\": {\"frequency\": 1, \"value\": \"You've gotta hand ...\"}, \"One of the most timely and engrossing documentaries, you'll ever watch. While the story takes place in the Venezuelan capital of Caracas, it provides an intimate look into political dynamics, that prevail throughout the western Hemisphere. While essentially another chapter in the story of the \\\"U.S. backed, Latin American coup\\\", this film chronicles in real-time, what can happen when the poorest people, are armed with unity, political savvy, and courage!

The political insights offered by this film are invaluable. One gets clear examples of the private media, as a formidable force for mass deception and propaganda. We see the poor people of Caracas grappling with the brutal realities of \\\"American politics\\\". One gets a clear sense of impending doom, if the people fail to address the blatant tyranny, which has been abruptly, and illegally, thrust upon them by the conspirators. We also see the arrogance and fascism, of the CIA backed, private media, plutocrats, and generals, who've conspired to bring Venezuela back under Washington's domination. Though ably led by President Hugo Chavez, the people of Caracas are forced to act without him, after Chavez was forcibly kidnapped by renegade generals. Their response is the highpoint of the film. If one seeks an excellent portrait of what the U.S. government, Hugo Chavez, and revolutionary Venezuela, are all about, this movie is it!\": {\"frequency\": 1, \"value\": \"One of the most ...\"}, \"Live! Yes, but not kicking.

True story: Some time ago, a Dutch TV station made an announcement that they were going to air a new reality show. A contest rather. The main participant in this show would be a woman who was dying of something terrible and she would be donating her kidneys to one lucky person with progressive kidney failure. For real.

The country and the international media were all over this story like flies on a turd, saying it was appalling, immoral, what-is-this-world-coming-to, and the like. In a way, I had to agree.

As the months passed, the tension built up to a degree that the government was mostly occupied by the issue of whether they should let this show go ahead or not, instead of running the country.

The show did air and right up to the last moment they were pushing ahead. And up to the last moment the country was up in arms, the Prime Minister making speeches, every newspaper writing about it, everyone in the country holding their breaths. And the network pushed on. Towards a new frontier in television. And they definitely succeeded in doing just that. They pushed the envelope.

The show aired and we all watched a terminally ill woman selecting the right candidate to receive her kidneys so he or she would live, whilst she would die shortly after.

And then, in the last moments of the show it was revealed that it was a partial hoax. The woman was not ill, but all the candidates were. There was no kidney auction. The whole show, that, with the publicity and the commercials and all the discussions, built up for months to a fantastic climax, was a publicity stunt to focus attention on the problem of major shortages in organ donors. The man who founded this particular network himself died of kidney disease.

Now THIS is television. Leaving everybody far behind in amazement.

Don't give me a poorly acted, poorly directed flick about some woman trying to get a Russian Roulette show on American TV.

As if.

*Spoiler* As if I'm going to believe they would get this through the FCC. As if I'm going to believe this would get through the US Supreme Court on the basis of free expression. As if I'm gonna believe the ridiculous ending where this woman pulled it off and has conscience issues because some guy shot himself on air.

It's all been done before. Watch Running Man with Arnold instead. At least it had a semi good ending.

*Spoiler* This is an appallingly bad piece of film, together with a ridiculous ending. So she gets shot in the end, is that supposed to make us movie going public feel better after we leave the theater because there was some kind of justice? Don't take my word for it, but I would say this: leave this one alone and watch a test pattern instead, you'll get more quality.\": {\"frequency\": 1, \"value\": \"Live! Yes, but not ...\"}, \"Stargate SG-1 is a spin off of sorts from the 1994 movie \\\"Stargate.\\\" I am so glad that they decided to expand on the subject. The show gets it rolling from the very first episode, a retired Jack O'Neill has to go through the gate once more to meet with his old companion, Dr. Daniel Jackson. Through the first two episodes, we meet Samantha Carter, a very intelligent individual who lets no one walk over her, and there is Teal'c, a quiet, compassionate warrior who defies his false god and joins the team.

The main bad guys are called the Gouald, they are parasites who can get inserted into one's brain, thus controlling them and doing evil deeds. Any Gouald who has a massive amount of power is often deemed as a \\\"System Lord.\\\" The warriors behind the Gouald are called Jaffa, who house the parasitic Gouald in their bodies until the Gouald can get inserted in a person's brain.

Through the episodes, we mostly get to see SG-1, the exploratory team comprised of Jack/Daniel/Teal'c/and Sam, go through the wormhole that instantly transports them to other planets (this device is called the Stargate) and they encounter new cultures or bad guys. Some episodes are on-world, meaning that they do not go through the Stargate once in the episode and rather deal with pressing issues on Earth.

Through the years, you start to see a decline in the SG-1 team as close knit, and more character-building story lines. This, in turn means even more on-world episodes, which is perfectly understandable.

My rating: 8.75/10----While most of this show is good, there are some instances of story lines not always getting wrapped up and less of an emphasis on gate travel these last few years. But still, top notch science fiction!\": {\"frequency\": 1, \"value\": \"Stargate SG-1 is a ...\"}, \"So much is wrong with this abysmal little wet fart of a movie that it's hard to know where to begin.

First of all, it's a remarkably un-scary scary movie, even by Amercian standards. The dialogue is clich\\ufffd\\ufffd, the characters are two-dimensional, the writing is ho-hum, and what little story there is is neither coherent nor remotely interesting.

We meet the following stereotypes in order: Balding Loser Guy (probably divorced, but who knows? This movie doesn't tell us) with a brave heart, the Young Hero (who doesn't do anything heroic at all), Brave Little Kid (with a homicidal streak a mile wide) and Black Bad-Ass Bitch (with more brawn than brains). These guys take up an ongoing fight with the Tall Scary Reaper Man and his evil Ewoks.

Oh, and the film is full of wicked little metal orbs whoosing around menacing people. Given a chance, they perform impromptu brain surgery on those who doen't have the mental acuity to duck when they come at them. Booh! Actually, one of them is haunted by a good ghost (but then again, it might be a deceitful spectre) who seems intent on helping our Brave Contagonists retrieve their young kidnapped friend.

There is no character background or even an introduction to any of the characters. It starts with some kind of recap of the ending of the previous movie, but this doesn't explain a lot. If you've seen the first two movies, fine. Otherwise you don't know who these people are, how they are related, why they aren't in school or at work, or why you should care whether they live or die. Consequently, you don't. The only point of interest becomes any splatter effects. And there aren't enough of those to keep you awake.

Of potenial interest/amusement are the three Raider Punks, as stupid as they are evil, who menace Our Heroes. But they don't get much screen time. They are offed almost immediately. Then they are buried (why anybody should take the time is beyond me), then they appear again as Evil Raider Punk Zombies. Only to be offed again, literally within a minute.

The rest of the movie mainly seems to consist of Caspar the Friendly Ghost appearing and disappearing, driving around looking for places, and Balding Loser trying to score som Bad Black Bitch Booty, using pickup lines that would embarrass a mentally retarded teenager. No dice there; not even some gratuitous sex could have saved this movie, so good thing there never is any.

The head baddie, called the Tall Man, doesn't manage to scare anyone older than 3 years; howling \\\"Booooy!\\\" every five minutes isn't enough. Why he, with his amazing telekinetic powers and uncanny upper-body strength, doesn't simply squash our heroes like bugs isn't explained. Instead, he delegates the job to his inept retarded little minions, who never manage to kill anyone before being shot to hell.

Filmgoers who like masterpieces like \\\"Friday 13th part XXXXVIII: Jason goes to college\\\" might find some entertainment. The rest of us, who have developed pubic hair, will be bored out of our skulls.\": {\"frequency\": 1, \"value\": \"So much is wrong ...\"}, \"A solid B movie.

I like Jake Weber. His understated delivery is refreshing in a time of over the top performances. I liked the relationship between the father and son. I liked the family dynamics. The Wendigo looks silly, but it is a representation of the kid's toy and the dead deer. It's an amalgamation like, see? This is a psychological story, not a Freddy slash em up instant gratification flick. Watch it and reflect on your inner child and what the movie might have to say to you and you'll be fine.

Nice work.\": {\"frequency\": 1, \"value\": \"A solid B ...\"}, \"Terrfic film with a slightyly slow start - give it a chance to start cooking. Story builds in interest and complexity. Characters and storyline subvert expectation and cliche at all the right moments. Superb New York City locations - gritty, real - are a fantastic antidote to the commercial imperatives of \\\"Sex in the City\\\" - in fact, the entire film is an antidote to the HBO/Hollywood notion of New York City , sex and relationships. It's a rare film that treats its characters so honestly and compassionately. LOVED IT! Great cast with notable performances by Steve Buscemi, Rosario Dawson, and her love interest (forgot his name!).\": {\"frequency\": 1, \"value\": \"Terrfic film with ...\"}, \"Good Folks, I stumbled on this film on evening while I was grading papers. My academic specialty is Anglo-Saxon literature, and I can say that no one has ever done the genre the honor it deserves. The Icelandic \\\"Beowulf and Grendel\\\" is the least offensive I have seen, and I did pay $3.00 for my copy. This Sci-Fi version ranks with the Christopher Lambert version. Yuck.

What didn't I like? CGI for one. Amazingly bad. More importantly is the faithfulness to the storyline, not to mention the stilted acting. I am used to both with all the versions I have seen.

Delighted Regardless, Peter\": {\"frequency\": 1, \"value\": \"Good Folks, I ...\"}, \"I have been a fan of Pushing Daisies since the very beginning. It is wonderfully thought up, and Bryan Fuller has the most remarkable ideas for this show.

It is unbelievable on how much TV has been needing a creative, original show like Pushing Daisies. It is a huge relief to see a show, that is unlike the rest, where as, if you compared it to some of the newer shows, such as Scrubs and House, you would see the similarities, and it does get tedious at moments to see shows so close in identity.

With a magnificent cast, wonderful script, and hilarity in every episode, Pushing Daisies is, by-far, one of the most remarkable shows on your television.\": {\"frequency\": 1, \"value\": \"I have been a fan ...\"}, \"Hollow Man starts as brilliant but flawed scientist Dr. Sebastian Caine (Kevin Bacon) finally works out how to make things visible again after having been turned invisible by his own serum. They test the serum on an already invisible Gorilla & it works perfectly, Caine & his team of assistant's celebrate but while he should report the breakthrough to his military backers Caine wants to be the first invisible human. He manages to persuade his team to help him & the procedure works well & Caine becomes invisible, however when they try to bring him back the serum fails & he remain invisible. The team desperately search for an antidote but nothing works, Caine slowly starts to lose his grip on reality as he realises what power he has but is unable to use it being trapped in a laboratory. But then again he's invisible right, he can do anything he wants...

Directed by Paul Verhoeven I rather liked Hollow Man. You know it's just after Christmas, I saw this a few hours ago on late night/early morning cable TV & worst of all I feel sick, not because of the film but because of the chocolates & fizzy pop I've had over the past week so I'll keep this one brief. The script by Andrew W. Marlowe has a decent pace about but it does drag a little during the middle & has a good central premise, it takes he basic idea that being invisible will make you insane just like in the original The Invisible Man (1933) film which Hollow Man obviously owes a fair bit. It manages to have a petty successful blend of horror, sci-fi & action & provide good entertainment value for 110 odd minutes. I thought the character's were OK, I thought some of the ideas in the film were good although I think it's generally known that Verhoeven doesn't deal in subtlety, the first thing he has the invisible Caine do is sexually molest one of his team & then when he gets into the outside world he has Caine rape a woman with the justification 'who's going to know' that Caine says to himself. Then of course there's the gore, he shows a rat being torn apart & that's just the opening scene after the credits, to be fair to him the violence is a bit more sparse this time around but still has a quite nasty & sadistic tone about it. Having said that I love horror/gore/exploitation films so Hollow Man delivers for me, it's just that it might not be everyone's cup of tea.

Director Verhoeven does a great job, or should that be the special effects boys make him look good. The special effects in Hollow Man really are spectacular & more-or-less flawless, their brilliant & it's as simple & straight forward as that. There's some good horror & action set-pieces here as well even if the climatic fight is a little over-the-top. I love the effect where Kevin Bacon disappears one layer at a time complete with veins, organs & bones on full show or when the reverse happens with the Gorilla. There's a few gory moments including a rat being eaten, someone is impaled on a spike & someone has their head busted open with blood splattering results.

With a staggering budget of about $95,000,000 Hollow Man is technically faultless, I can imagine the interviews on the DVD where some special effects boffin says they mapped Bacon's entire body out right down to he last vein which they actually did because you know everyone watching would notice if one of his veins were missing or in the wrong position wouldn't they? The acting was OK, Bacon made for a good mad scientist anti-hero type guy.

Hollow Man is one of hose big budget Hollwood extravaganzas where the effects & action take center stage over any sort of meaningful story or character's but to be brutally honest sometimes we all like that in a film, well I know I do. Good solid big budget entertainment with a slightly nastier & darker streak than the usual Hollywood product, definitely worth a watch.\": {\"frequency\": 1, \"value\": \"Hollow Man starts ...\"}, \"The guy did a lot of title design for a bunch of movies and I guess one day he said; I should pick a cheap scenario, try to put as much title in it as a can ( cause after all i'm a title designer ) and try to persuade people that this is in fact a movie. One of the worst i've even seen that's for sure. If you fell the urge to see nice titles, go check out some posters don't waste your time watching this.

It kinda ironic don't you think, did you saw the poster? the only part of his project that SHOULD had title work done have almost none !\": {\"frequency\": 1, \"value\": \"The guy did a lot ...\"}, \"As soon as it hits a screen, it destroys all intelligent life forms around ! But on behalf of its producers I must say it doesn't fall into any known movie category, it deserves a brand new denomination of its own ! It's a \\\"Neurological drama\\\" ! It saddens and depresses every single neuron inside a person's brain.

It's the closest thing one will ever get to a stroke without actually suffering one. It drives you speechless, all you members go numb, your mouth falls open and remains so, and the most strange symptom of all is that you get yourself wishing to go blind and deaf.

No small feat for such a sort of a \\\"movie\\\".

The only word that comes to my mind just having finished my ordeal is OUTRAGE !!!!!!\": {\"frequency\": 1, \"value\": \"As soon as it hits ...\"}, \"The screen writing is so dumb it pains me to have wasted 2 hours of my life I'll never get back (where have I heard this before). The acting is so-so. Things change often enough to keep you watching and waiting for something gruesome to happen. Nevertheless there isn't a single original thing in this movie. While the first Cube was a nerdy horror movie, which didn't make a whole lot of sense in the end, cube zero has picked up on that and tries to retell exactly the same story, except this time it makes an obnoxious point of trying to spoon-feed explanations for every detail that the first movie didn't answer. The comic thing is, the director recycles the exact scenes of the first movie that were somewhat weird, and tries to explain them. But the scenes are just copied over, there is no coherence whatsoever. This script is sooo pointless. I can imagine it being written by some half-wit 15 year old with a baseball cap and a pack of beer for a class project. The best part is in the end, they cripple the 'good' wunderkind guy, and he becomes the retarded fellow in the first movie, and you see him when they find him ('this room is green..') in Cube 1997. Goodie gooodie, clap clap, what a twist. First of all, what about if you haven't seen the first one, this doesn't make any sense you nitwit director. Oh, another great idea: instead of the numbers to identify x,y,z coordinates of the room (cube 1997), this time it is 3 letters, each one giving one of 26 possible coordinate values. Duh. Except now permutations don't make much sense anymore..so he lets the letters disappear before anybody can use them..I want my money back.

I guess I had to write this down since there are just so many bad, inconsistent, or just stupid ideas in this movie. Directors/writers should be required to possess some talent.\": {\"frequency\": 1, \"value\": \"The screen writing ...\"}, \"I wonder who, how and more importantly why the decision to call Richard Attenborough to direct the most singular sensation to hit Broadway in many many years? He's an Academy Award winning director. Yes, he won for Ghandi you moron! Jeremy Irons is an Academy winning actor do you want to see him play Rocky Balboa? He has experience with musicals. Really? \\\"Oh what a lovely war\\\" have you forgotten? To answer your question, yes! The film is a disappointment, clear and simple. Not an ounce of the live energy survived the heavy handedness of the proceedings. Every character danced beautifully they were charming but their projection was theatrical. I felt nothing. But when I saw it on stage I felt everything. The film should have been cast with stars, unknown, newcomers but stars with compelling unforgettable faces even the most invisible of the group. Great actors who could dance beautifully. Well Michael Douglas was in it. True I forgot I'm absolutely wrong and you are absolutely right. Nothing like a Richard Attenborough Michael Douglas musical.\": {\"frequency\": 1, \"value\": \"I wonder who, how ...\"}, \"This movie is definitely on the list of my top 10 favorites. The voices for the animals are wonderful. Sally Field and Michael J. Fox are both brilliant as the sassy feline and the young inexperienced pooch, but the real standout is Don Ameche as the old, faithful golden retriever. This movie is a great family movie because it can be appreciated and loved by children as well as adults. Humorous and suspenseful, and guaranteed to make every animal lover cry! (happy tears!)\": {\"frequency\": 1, \"value\": \"This movie is ...\"}, \"Just saw this movie today at the Seattle International Film Festival, and enjoyed it thoroughly.

Great writing and direction, excellent and believable interaction among the cast, and great comic timing as well.

This movie touches on themes that are universal-family and separation. As a result, I can see European, Asian, and American audiences all finding points of similarity between this film and their own lives.

If all that wasn't enough, this has the potential to be the best underground date movie of the year...somebody distribute this in the USA, please!

Finally: thank you Maria Flom! It really is a great film.\": {\"frequency\": 1, \"value\": \"Just saw this ...\"}, \"If it were not for the \\\"Oh So Gourgous,\\\" Natassia Malthe, this B- movie would not have been worth one sector of my Tivo disk space! In what low rent, back lot warehouse was the supposed space port filmed in? \\\"Continuity People!\\\" It's a basic principle in real movie making! By night an alleged space port and by day (night and day on a space station?) a warehouse!??!? People Please! The only thing I will commend this movie for, is the wardrobe dept. for continuously, keeping Natassia in those tight shape revealing outfits! Even the women who saw this bomb had to appreciate the outfits that she obviously spent some time getting into, each day of filming! The Sci-fi channel would have been better off showing SpaceBalls! At least there would have been some real humor in watching something so unbelievable.

P.S. Michael Ironside, please Fire Your Agent ASAP! You are so much better of an actor, to be even associated with this level of movie making.\": {\"frequency\": 1, \"value\": \"If it were not for ...\"}, \"Sometimes you need to see a bad movie just to appreciate the good ones. Well, that's my opinion anyway. This one will always be in the bad movie category, simply because all but Shu Qi's performance was terrible.

Martial Angel tells of Cat (Shu Qi), a professional thief turned straight after leaving her lover, Chi Lam (Julian Cheung), two years before. But her past returns to haunt her as Chi Lam is kidnapped for the ransom of security software belonging to the company Cat works for. In order to rescue him, she calls on her old friends from her orphanage days, six other feisty women, to save the day...

I may have told the synopsis cheesily, but this is a cheesy story. In fact, the whole script and direction lacked any quality at all. Much of the dialogue was meaningless and coupled with a plot that was as thin as rice-paper in water. If I could sum it up, take a bad Jackie Chan movie, remove the comedy, remove the choreography, throw away the budget, and you have Martial Angels: a formulaic piece of work with no imagination at all.

Mind you, I do have to give credit where credit's due, and Shu Qi was probably the only person to emerge unscathed from the terrible action, as it was her performance that shone through. Okay, you can't say she was excellent - after all she had absolutely nothing to work with - but she did manage to dig some character out from her role. Other than that, only Sandra Ng and Kelly Lin made any other impression - although these were mostly glimmers and very brief.

Elsewhere, the film just fell to pieces. Scenes and dialogue were completely unnatural and unbelievable, special effects were obviously done on the cheap with no attempt to clean up edges between persons and the mask of the blue screen, poor editing involving numerous discontinuities in fight scenes, camera angles that were elementary and unflattering, and direction I've seen better from a lost dog.

I guess this film was a too many cooks affair. Most probably, the budget was blown away on the over-enthusiasm to have seven babes on the same silver screen. That didn't leave much else.

Frankly, the way this film was made was like a cheap porn movie without the porn. Charlie's Angels, it ain't. In fact, while sisters can do it for themselves, none of that was really that apparent here.

Definitely one to forget.\": {\"frequency\": 1, \"value\": \"Sometimes you need ...\"}, \"Come on! Get over with the Pakistan bashing guys. Bollywood can not only make brilliant movies- but can seriously affect a generation of viewers.

I am a HUGE Bollywood fan- but anti-Pakistan movies just make me wince too much to enjoy screenplay, cinematography, action sequences- everything.

I'm really happy to see that viewers on both sides of the border are rejecting propaganda, and there are movies like Main Hoon Na out there that have done brilliantly not only because they deserved to because of the quality of its Bollywood masala- but also because it tries to say: give peace a chance and shows that there are crazies out there on both sides who do not represent the masses.\": {\"frequency\": 1, \"value\": \"Come on! Get over ...\"}, \"Refreshing `lost' gem! Featuring effective dialog combined with excellent acting to establish the characters and involve you enough to care what happens to them. The Douglas and Widmark characters are realistic heroes. Palance is his usual evil presence. Widmark win the fisticuffs fight scene, a car chase of less than 60 seconds with a `logical' end, and a lengthy chase on foot that shames the overdone chase sequences of contemporary Hollywood. You know how it will likely end, but the suspense and interest are sustained throughout. The end of the chase is one of the most realistic you will ever see. The film seems to slow a little past the middle, but stay with it for the rewarding conclusion.\": {\"frequency\": 1, \"value\": \"Refreshing `lost' ...\"}, \"\\\"And the time came when the risk to remain tight in a bud was more painful than the risk it took to blossom\\\" - Anais Nin Marcel Proust says, \\\"The real voyage of discovery lies in not seeing new landscapes but in having new eyes.\\\" Author and screenwriter Antwone Fisher joined the U.S. Navy to see new landscapes but the demons of his past prevented him from seeing the world through new eyes. Based on his autobiography \\\"Finding Fish\\\" written many years after the events, his story is dramatized in the film Antwone Fisher, Denzel Washington's first directorial effort. It is a heartfelt if somewhat formulaic look at the painful process of moving from being consumed by one's past to being able to live life in present time.

Required to attend therapy sessions after several outbursts of anger at the base, the painful aspects of his childhood are shown in flashback as the grown up Antwone (Derek Luke) recounts his life in sessions with Navy Psychiatrist Jerome Davenport (Denzel Washington). He is at first unwilling to talk, but when he begins, the floodgates are opened. After his father was shot to death by a girlfriend and Antwone was abandoned by his mother after being released from prison, he was placed in a foster home where he lived for fourteen years, suffering humiliation and sexual abuse. According to Antwone, the treatment by his foster mother Mrs. Tate (Novella Nelson) who referred to him only as \\\"nigga\\\" and by his cousin Nadine (Yolonda Ross) was in fact much worse than shown on the screen.

The only friend he has is a local by named Jesse (Jascha Washington) who, later in the film, only adds to his feelings of abandonment. It is difficult to build a film around psychiatric sessions but it was done successfully in Ordinary People and Good Will Hunting with a great deal more dramatic interest but it succeeds here because of the dominant performances of Washington and Luke, though the film's attempt to compress eleven years into a few months seems a bit too facile. Davenport's humanity and warmth, however, allows Fisher to feel safe enough to discuss his difficult past and Cheryl (Joy Bryant), his new girlfriend who is also in the Navy, supports him in his struggle to achieve a breakthrough.

With Cheryl's help and Dr. Davenport's counseling, Antwone develops enough self-esteem to return to Cleveland and begin the journey to try and find his mother in order to complete the past. What comes through in Derek Luke's incredible performance is Antwone's longing for acceptance, dramatized in a heartbreaking dream shown at the beginning of the film in which he is the guest of honor at a banquet filled with people who love him. Comedian Mort Sahl once said that \\\"people just have to remember what we're all here for: to find our way home...\\\" Antwone Fisher touches not only on the longing of one young person to find his way home but reaches all those who have cried themselves to sleep, not knowing the joy of being loved.\": {\"frequency\": 1, \"value\": \"\\\"And the time came ...\"}, \"This is a very good, made for TV film. It depicts trouble in suburbia circa 1970's and the sort of neighbors one certainly does not want to have around. The worst & most upsetting part of the film was when the punk teenagers killed the family dog. The teens do everything to annoy and harass this poor family. But boy!, does the lead character take vengeance on those punk teenagers in the end. The father/homeowner surely does not take all of the aggravation from the punk teens lightly and is quick to retaliate after lack of help from the police that is. He stands up to them and protects his home and his family. A very good actor..I might add.

I watched this on TV when I was like 8 or 9. I have never seen it again on TV and would like to. Definitely a good one! It's the sort of movie one may catch on a weekday night very late at night and can't stop watching or an afternoon film on a weekend. It's the kind they just don't show anymore.

It is definitely worth seeing!\": {\"frequency\": 1, \"value\": \"This is a very ...\"}, \"Noll's comfortable way of rolling out blunt comments, often with expletives, to describe things that he is more knowledgeable about than most is quite refreshing. There is one other character in the film that constantly tries to verbalize complicated issues, using more language than necessary. This guy should never have been given a Thesaurus. Cut to Noll and you know you're in for a treat!

The way the pioneers of big wave surfing are portrayed is very evocative of a \\\"lost era\\\". Nevermind the fact that no one knows how these guys made a living, much less took care of issues like medical care. The use of old film clips throughout was masterfully done.\": {\"frequency\": 1, \"value\": \"Noll's comfortable ...\"}, \"Going into seeing this movie I was a bit skeptical because fantasy movies are not always my cup of tea. Especially a romantic fantasy.

Little did I know that I was in for a ride through cinematic magic. Everything in the movie from plot to dialogue to effects was very near perfection.

Claire Danes shines like the star she is in this movie. From beginning to end you fall more and more in love with this character.

Michelle Pfeiffer is menacing as an evil witch bent on capturing the star for eternal youth and beauty.

Robert De Niro is a lovable character who gives the audience the greatest bit of comic relief as the movie is gaining momentum towards the climax.

Overall this was a movie that surprised and delighted me as a movie fan. If you are looking for a fun and enjoyable movie that will be fun for the kids and adults alike, Stardust is the way to go.\": {\"frequency\": 1, \"value\": \"Going into seeing ...\"}, \"It was meant to be a parody on the LOTR-Trilogy. But this was one of the most awful movies I've ever seen. Bad acting, bad screenplay, bad everything. THIS IS MY PERSONAL OPINION. I don't doubt any second that there are people who'll like this sense of \\\"humor\\\", but there have been better parodies on movies from acclaimed directors as Mel Brooks or the Zucker Brothers. I'm working in a movie theater and in DVD Shop and the success for this movie was similar in both areas: At the movies it was a nice (but no big at all) success during the first two weeks but then, when the reviews of those who have seen it were not too good, the movie dropped very fast. In DVD sales it was good for short time but then nobody asked for it anymore. In the last ten years, the two worst movies I've seen are The Ring Thing and Torque. I can't decide which one was worse, but I'm happy that there a so many good movies so I don't have to think too much on this question.\": {\"frequency\": 1, \"value\": \"It was meant to be ...\"}, \"Why didn't the producers give that show a chance Of all the junk on TV, why didn't the producers give Six Degrees a chance? Will the series go on video? I would love to see how it ends. Put season one on video and sell it. I was a loyal fan of Six Degrees and waited for it's return. I set my recorder to tape all of the shows. Thank God for that. I just found out that the show was canceled and I'm heart broken. I wish I knew it was going to be canceled, why didn't they tell us? I thought the show was just developing some depth in the characters. The writing was pretty good also. Steven (Campbell Scott) is my all time favorite. I am SO sorry to see it go!\": {\"frequency\": 1, \"value\": \"Why didn't the ...\"}, \"Michael Stearns plays Mike, a sexually frustrated individual with an interesting moral attitude towards sexuality. He has no problem ogling naked dancers but when women start having sex with men that's when he loses it. He believes that when women actually have sex that's when they lose any sense of \\\"innocence\\\" and/or \\\"beauty\\\". So he strolls through the Hollywood Hills stalking lovemaking couples at a distance, ultimately shooting the men dead with a high-powered rifle with a scope.

The seeming primary reason for this movie's existence is to indulge in sexual activity over and over again. The \\\"story\\\" comes off as more of an afterthought. This is bound to make many a happily heterosexual male quite pleased as we're treated to enough protracted scenes of nudity (the ladies here look awfully good sans clothes) and sex to serve as a major dose of titillation. Of course, seeing a fair deal of it through a scope ups the creepiness factor considerably and illustrates the compulsion towards voyeurism. (For one thing, Mike eyes the couples through the scope for minutes at a time before finally pulling the trigger.) This is all underscored by awfully intrusive if somewhat atmospheric music on the soundtrack.

Those with a penchant for lurid trash are bound to enjoy this to one degree or another. It even includes one lesbian tryst that confounds Mike and renders him uncertain *how* to react. It unfolds at a very slow pace, but wraps up with a most amusing ironic twist. It's a kinky and twisted rarity that if nothing else is going to definitely keep some viewers glued to the screen.

7/10\": {\"frequency\": 1, \"value\": \"Michael Stearns ...\"}, \"I found Grey Garden's to be a gripping film, an amazingly intimate

look at too eccentrics who basically have the right idea: forget

society and live in a delapidated house with no heating and a huge

brood of cats and raccoons, persuing their own interests rather

mundainly, all the while chattering at the camera.

Big Edie and Little Edie are the two crazies that the Mazles Bros.

have chosen to document. They seem like characters out of a

Fellini film, only stranger, if that makes any sense. Old Edie is

almost fully bedridden, a pile of papers, clothes and dirty dishes

growing around her. Little Edie is even more interesting. She

prances around the house, always wearing a baboushka-like

headdress around her head, completely covering her hair. We

never see her hair throughout the film, nor do we ever get a hint

that she still has much. At age fifty eight, though, she is still

beautiful and full of life.

In Grey Gardens, we get the sense that both of these women's

lives have become much less than what they once were. Little

Edie is probably the sadder of the two. While her mother, in her

earlier years, got married, made a family, lived luxuriously and

even made some recordings (the scene where, at 77, she sings

along with a recording of \\\"Tea for Two\\\" she made decades ago is

one of the films best scenes), Edie left her promicing career as a

model to take care of her ailing mother. At 58, she still longed to

find her prince charming. If anything Little Edie is still a little girl,

full of dreams of glamour and fame, and of domestic and romantic

bliss, that have yet to be fulfilled.

Highlights of the film include the opening moments, where Little

Edie explains her outfit to the camera, the \\\"tea for two\\\" sequence,

the birthday party, the climactic argument, the grocery deliver

scene, and the scene in the attic. The whole thing is incredibly

candid and unpretencious. And it's made all the more remarcable

since it's all real.

I suggest seeing Grey Gardens back-to-back with the Kenneth

Anger short Puce Moment. The Criterion DVD is $35.00, but it's

worth every penny.\": {\"frequency\": 1, \"value\": \"I found Grey ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"Im proud to say ...\"}, \"I grew up watching and loving TNG. I just recently finished watching the entire series ST Voyager on DVD, which may have heightened my sense of disgust with this episode, as the difference in style and approach between the two shows couldn't be more stark. The idea may have been good if used as an opportunity to further expand Riker's character, which is how it probably would have been treated on VOY. They could have featured memories that would be \\\"new\\\" to the audience, rather than simply regurgitating old show clips. The in and out transitions between the \\\"memories\\\" and the \\\"present\\\" in this episode start as clich\\ufffd\\ufffd in the beginning, and very quickly become intolerable as the tired pattern wears on and on. Bar none- worst episode ever.\": {\"frequency\": 1, \"value\": \"I grew up watching ...\"}, \"I am one of Jehovah's Witnesses and I also work in an acute care medical facility. Over the years I have seen people die from hemolytic reactions to blood transfusions, have attended numerous conferences on blood born pathogens, and have seen several patients become seriously ill from pathogens induced by transfused blood. I have also heard several Jehovah's Witnesses being told that they will die if they refuse blood and after 26 years in the field I have never actually seen it happen, leaving the question, \\\"is it really unreasonable to refuse blood transfusions or is the community at large benefiting from the battle on this issue?\\\" The issue for Jehovah's Witnesses is a moral one. \\\"You must abstain from blood\\\" is not an ambiguous statement. Thank you for this movie and allowing comments on it.\": {\"frequency\": 1, \"value\": \"I am one of ...\"}, \"Every country which has a working film industry has some sane (and maybe some insane) artist which make movies that you can only completely understand when you're a part of this country. I guess Hundstage is such a movie.

You see the lowest level of Austria's society, dirty, disturbed, weird, hateful. But they still have enough money so they can afford tuned cars and big houses. And they are definitely doing a lot of strange things here which maybe seems for them 'normal' because they're doing it through their whole life. From a normal human viewpoint you can now easily follow the movie and be disgusted or fascinated and watch a fine piece of Austria's art movies.

But if you LIVE here and you know the people you see the characters in Hundstage as the tumor of the society. A society that is going more insane from day to day, creating their own rules that nobody else can understand, cave the social system from within. And you SEE the people. Sitting in the park, standing at the opposite street corner, queuing in the same line. Maybe you meet 'em in a bar or a disco you may visit. Maybe you even work with them in your job or they are living next to your house. You start to hate them without exactly knowing why. You'll try to get away - but you cannot. Maybe you'll end up like them. But it seems 'normal' for you because you're doing it through your whole life now...

Life isn't so bright though Austria is one of the richest countries in the world. It has beautiful people... but some are also ugly. There are a lot of hard working persons trying their best... but there are also some riding on the back of others and destroying everything that the folk of Austria has built up so far.

A very pessimistic movie.\": {\"frequency\": 1, \"value\": \"Every country ...\"}, \"I know I'm in the minority, but...

Uwe Boll is about as talented as a frog. Not even a toad; just a frog. He's reminiscent of about a hundred other no-talent hacks who churn out one useless crap-fest after another.

This movie? Is a crap-fest. Slater's talent is only minimally utilized leading one to believe he's got other things (like his failed relationship) on his mind. Reid performs as if she has either forgotten her acting lessons, been severely hit on the head and MADE to forget her acting lessons, or has one of the worst directors in the history of film. I'm voting on the third choice, myself, although the other two are always possible.

Uwe Boll has never done a single thing from which I've derived even the slightest pleasure. Frankly, I'm satisfied that he made this stinker. I was concerned with Bloodrayne competing with \\\"Underworld: Evolution\\\" for ticket sales. Now, I'm confident that Len Wiseman has nothing, and I mean NOTHING, to worry about.

This rates a 1.0/10 rating for this messy, convoluted crap-fest, from...

the Fiend :.\": {\"frequency\": 1, \"value\": \"I know I'm in the ...\"}, \"\\\"Mistress of the Craft\\\" Celeste works as an agent for the London branch of Interpol's Bureau 17, which specializes in (I think) occult criminals. She possesses the Eye of Destiny, good in her hands, dangerous if anyone else got it.

Bureau 17 has caught a Satanist from California, Hyde (no relation to Dr. Jekyll). Detective Lucy Lutz of LAPD flies to England to bring him back to the US. Lutz is the connection to the earlier Witchcraft movies, having been played by Stephanie Beaton before in Witchcraft 9. In part 7, Lutz was played by another woman; in 6, Lutz was a man!

Lutz's part in 9 was not terribly big, but she's one of the main stars in this one. Though she's left behind her high heels and short skirts, she still has revealing tops in this one. And this time around she has nude and sex scenes. Beaton is pretty appealing in the role.

As usual, there are a number of sex scenes. An anonymous clubgoer has a fatal threesome with two vampires, the Satanist and head vampire get it on with some kink, Lutz finds an English pal, and Celeste and her boyfriend make love.

The main recurring character of the Witchcraft series, Will Spanner, does not appear in this one, although Lutz mentions him to Bureau 17 agent Dixon in a conversation about vampires. She also phones her partner Detective Garner (parts 6, 7, and 9), though we don't hear his end of the conversation.

Hyde is sprung from jail by a group of vampires led by Raven, for a Walpurgis ritual having something to do with a god named Morsheba (I think). Hyde delivers all of his lines in a very flat manner, while Raven overacts to a campy degree. The fight scenes are terribly choreographed.

The audio in the movie was pretty poorly recorded, and poorly edited. Additionally, some dialogue gets lost under blaring music or sirens. Cinematography isn't great either. Having the movie set in and actually shot in the UK was a bit of a novelty though, at least for this series.

Wendy Cooper is very good as Celeste; attractive, certainly, but more importantly she's easily the best actor in the movie (bad fight scenes notwithstanding). I'm quite surprised her filmography is so small. If there's ever a Witchcraft XIV, and I would bet there will be, they should bring her back, even if it means flying her to California!

Witchcraft X is available on its own, or in the DVD collection Hotter Than Hell along with Witchcraft XI and two unrelated movies.\": {\"frequency\": 1, \"value\": \"\\\"Mistress of the ...\"}, \"A sophisticated contemporary fable about the stresses that work to loosen and ultimately unbind the vows of marriage. The main thrust of the narrative arises from a 'homily' spoken by a country priest following the wedding vows of a young cosmopolitan couple from Milan. In it, the future course of the marriage is spelled out, which bit by bit frays from the stresses of modern life. The 'moral' of this story within a story is that in order for a marriage to work out, both now, and in the past, it has been necessary for that relationship to be abutted by family and friends. This film was a relative blockbuster by domestic Italian standards. It's a terrible shame that this film is not available in either DVD or VHS.\": {\"frequency\": 1, \"value\": \"A sophisticated ...\"}, \"Okay I must say that before the revealing of the 'monster'. saying that he really didn't fit into that category, just some weird thing that had an annoying screech! And personally I think a granny could have ran away from that thing, but anyway. I actually was getting into this film, although having the main character a drunk and a heroine addict didn't come as an appeal. But such scenes as when she runs away from the train, and you can see the figure at the door was kind of creepy, also where the guard had just been killed and the 'monster' put his hand on the screen.

But then disaster stuck form the moment the monster was revealed it just became your average horror, with limited thrills or scares. Slowly I became more bored, and wanted to shut the thing off. I like most people have said was rooting for the homeless people to make it, specially the guy, he gave me a few cheap laughs here and there. I think this film could have really been something special instead it became what every other horror nowadays are! Just boring and well not worth the money.

if you are looking for a cheap scare here and there, or a mindless gore fest (which is limited, hardly any in fact) by all means give it a go, but for all you serious horror watchers look somewhere else, much better films out there.\": {\"frequency\": 1, \"value\": \"Okay I must say ...\"}, \"The concept of this made-for-TV horror movie is ludicrous beyond words, but hey, it was the late 1970's and literally all stupid horror formats were pretty damn profitable, so why not exploit the idea of a satanically possessed dog? The plot of \\\"Devil Dog\\\" is easy to describe to fans of the horror genre: simply think of \\\"The Omen\\\" and replace the newborn baby boy with a nest of German Shepard pups! Seriously, I'm not kidding, that's what the movie is about! During the opening sequence, members of some kind of satanic cult buy a female dog in heat only to have it impregnated by Satan himself. You'd think that the Lord of Darkness has other things on His mind than to fornicate with a German Shepard and take over the world one evil puppy at the time, but apparently not. Exactly like little Damien in \\\"The Omen\\\", one of the puppies is taken in by model family and grows up to become a beautiful and charismatic animal. But Lucky \\ufffd\\ufffd that's the dog's name \\ufffd\\ufffd is pure evil and liquidates annoying neighbors and nosy school teachers in derivative and tamely executed ways. He also inflicts his malignant character on the family wife and children, but he cannot force the father (Richard Crenna) to stick his arm into a lawnmower because he's a \\\"chosen one\\\". The whole thing becomes too moronic for words when Crenna eventually travels to Ecuador to search for an ancient wall painting and gets advice from an old witchdoctor who speaks perfect English. I guess he learned that living in isolation atop of a mountain his entire life. Director Curtis Harrington (\\\"What's the matter with Helen\\\", \\\"Ruby\\\") and lead actor Richard Crenna (\\\"Wait until Dark\\\", \\\"The Evil\\\") desperately try to create a suspenseful and mysterious atmosphere, but all is in vain. Scenes like cute puppy eyes spontaneously setting fire to a Spanish maid or a dog dodging bullets without even moving evoke chuckles instead of frights, and not even spooky musical tunes can chance that. The \\\"special\\\" effects are pathetic, especially near the end when the Satan-dog mutates into an utterly cheesy shadow on the wall. \\\"Devil Dog\\\" is a truly dumb movie, but it's definitely hilarious to watch late at night with some friends and loads of liquor. There are entertaining brief cameos of Martine Beswick (\\\"Dr. Jekyll and Sister Hyde\\\") as the terrifying cult queen and R.G. Armstrong (\\\"The Car\\\", \\\"The Pack\\\") as the evil fruit, vegetable and puppy salesman. And, yes, that annoying daughter is the same kid who gets blown away complaining about her ice-cream in Carpenter's \\\"Assault on Precinct 13\\\".\": {\"frequency\": 1, \"value\": \"The concept of ...\"}, \"This is my favorite of the older Tom & Jerry cartoons from the early 40's. The original version with Mammy Two Shoes is on the Tom & Jerry Spotlight Collection 2 set, disc one, and showcases the wonderful detailed animation of the early cartoons. The gags on this one aren't all madcap Avery style, but more subtle and aimed at anyone who's ever stayed up late watching scary movies (or radio programs)! Tom is listening to a creepy radio show, and Jerry decides to play a number of tricks to spook him. The nine-lives gag is well done here, and I don't know how many times I tried to make a vacuum and a sheet that scary when I was a kid. When Tom's owner is awakened by the ruckus- Mammy was NOT the maid, it was HER house- she gets one heck of a surprise, with a big laugh. Get your pause button ready, it's worth it!\": {\"frequency\": 1, \"value\": \"This is my ...\"}, \"If this is supposed to be a portrayal of the American serial killer, it comes across as decidedly average.

A journalist [Duchovny] travels across country to California to document America's most famous murderers, unaware that one of his white trailer trash travelling companions [Pitt] is a serial killer himself.

Rather predictable throughout, this has its moments of action and Pitt and Lewis portray their roles well, but I'd not bother to see it again.\": {\"frequency\": 1, \"value\": \"If this is ...\"}, \"This series had potential, but I suppose the budget wouldn't allow it to see that potential. An interesting setup, not dissimilar to \\\"lost\\\" it falls flat after the 1st episode. The whole series, 6 episodes, could have made a compelling 90 minute film, but the makers chose to drag it on and on. Many of the scenes were unbearably slow and long without moving the action forward. The music was very annoying and did not work overall. There were few characters we cared about as their characters did not grow during the time frame--- well, one grew a bit. The ending was as terrible as the rest of series. The only kudos here is to the art dept and set dressers, they created an interesting look, too bad the writer and director lacked the foresight to do something interesting with that element\": {\"frequency\": 1, \"value\": \"This series had ...\"}, \"I've always liked Fred MacMurray, and\\ufffd\\ufffdalthough her career was tragically cut short\\ufffd\\ufffdI think Carole Lombard is fun to watch. Pair these two major and attractive stars together, add top supporting players like Jean Dixon, Anthony Quinn, Dorothy Lamour and Charles Butterworth, give them a romantic script, team them with noted director Mitchell Leisen and you get\\ufffd\\ufffda mediocre movie experience.

Skid Johnson (Fred) and Maggie (Carole) \\\"meet cute\\\" during her visit to the Panama Canal, and spend the next few weeks falling in love. Skid's a great trumpeter, so he embarks on a musical career, which is predictably meteoric in both its rise and fall. During his climb to musical stardom, he neglects Maggie, who later inspires him to start over after he's hit rock bottom. Ah, yes\\ufffd\\ufffdit's the true Hollywood happy ending, which comes none too soon.

Stars and a director of this caliber should guarantee success, but this movie is so predictable and slow-paced that it's difficult to watch at times. The early scenes set in Panama are so draggy that they seem to go on forever, and later an alcoholic Skid just wanders endlessly in New York. Fred and Carole try their best, but the tired script and S-L-O-W direction just don't give them a chance. Even the final scene, in which Maggie encourages Skid to rise from the ashes of alcohol and disappointment, just doesn't ring true.

This movie should be seen once to watch some early performances from stars MacMurray and Lombard. However, I guarantee that watching it will seem to take about 48 hours.\": {\"frequency\": 1, \"value\": \"I've always liked ...\"}, \"I just got back from this free screening, and this \\\"Osama Witch Project\\\" is the hands-down worst film I've seen this year, worse than even \\\"Catwoman\\\" - which had the decency to at least pass itself off as fiction.

In \\\"September Tapes,\\\" a \\\"film crew\\\" of \\\"documentary journalists\\\" heads to Afghanistan - despite being thoroughly unprepared for the trip, the conditions and, oh yeah, the psychotic and ridiculous vendetta of their filmmaker leader to avenge his wife's death on Sept. 11 - to track down Osama bin Laden.

They \\\"made\\\" eight tapes on their journey, which now \\\"document\\\" their travels and, of course, their attempts to kill the terrorist leader. (The eight tapes, thankfully, all end at points significant in the narrative, which is convenient for a \\\"documentary.\\\")

The psychotic, idiotic protagonist - who is given to long, significant speeches that he probably learned watching \\\"MacGyver\\\" - cares nothing for his own life or the life of his innocent crew as he gets them further and further into danger through a series of completely dumb mishaps. I don't know why he didn't just wear a sign on his back that said \\\"Shoot me.\\\"

The crew's translator, supposedly their sensible voice-of-reason, does little more than whine and gets baffled as the idiot hero leads them into doom.

You wish they'd brought along someone on their trip to call them all morons.

Around \\\"Tape 4,\\\" I began rooting for the terrorists to shoot the film crew.\": {\"frequency\": 1, \"value\": \"I just got back ...\"}, \"I thought that Ice Age was an excellent movie! As a woman of 30, with no children, I still seem to really enjoy these humorous, witty animated movies. Sid is the best character I have seen in some time, better than Bartok in Anastasia (although he was really humorous, and I did not think that his character could be matched or even beaten) and even more humorous than Melman in Madagascar. I have seen the movie at least 15 times (I own it obviously) and I quote the movie at work (on many occasions...yes,still). My favourite scene is the part where Sid says \\\"Oh, oh, oh, I love this game!\\\" and Sid and Manny continue to figure out what the squirrel is trying to tell them about the \\\"tigers\\\"...\\\"Pack of wolves, pack of bears, pack of fleas, pack of whiskers, pack of noses, pack a derm?, pack of lies, pack of troubles, pack a wallop, pack of birds, pack of flying fish...\\\" or however that part goes! That is THE funniest part about the whole movie, although I also really enjoyed the humour behind \\\"putting sloths on the map\\\" and many other parts as well. The only animated movie that can remotely compare to Ice Age is \\\"Brother Bear\\\".\": {\"frequency\": 1, \"value\": \"I thought that Ice ...\"}, \"Very disappointing film. By the end I no longer cared for any of the characters. I did enjoy seeing Ving Rhames in a very small part, and William Macy was good as always, still not worth watching. It starts out strong and just keeps getting weaker and weaker. Insomniacs will like it as I am sure it will put them to sleep.\": {\"frequency\": 1, \"value\": \"Very disappointing ...\"}, \"The Revolt of the Zombies is not the worst movie I've ever seen, but it is pretty far down on the list. When an expedition is sent to Cambodia to discover the trick to making zombies after World War I, one of the members decides to use the knowledge for his own evil ambitions. And he succeeds, at least at first. A love triangle complicates the story some.

This really was a tedious movie, with horrible acting that made it difficult to tell who were zombies and who weren't. The dialog was little better and the plot was unbelievable (not the zombie part of it but parts related to the \\\"romance\\\"). And while I am not any student or expert on cinematography, the camera work didn't seem to help the film much either.

While I have seen a few movies that are worse, this is unlikely to please anyone. It's bad, and NOT in a so-bad-that-it-is-good kind of way.\": {\"frequency\": 1, \"value\": \"The Revolt of the ...\"}, \"OK, it was a good American Pie. Erick Stifler goes off to college with his buddy Cooze. During their arrival they meet up with Eric's cousin Dwight. The two pledge to become Betas and along the way they get involved with a whole lot of sex, tits, and some hot girls along the way. In a few words there is a lot more sex, nudity and alcohol. It is a good movie for those who want to enjoy an American Pie movie, granted it isn't as great as the first three is is a good movie. If you enjoy hot girls with really nice tits, get this movie. If you enjoy seeing a bunch of dudes making assholes of themselves, go to this movie. If you want to see the full thing, get the unrated addition. One last thing this is a better attempt than the last two American Pies.\": {\"frequency\": 1, \"value\": \"OK, it was a good ...\"}, \"I think this could've been a decent movie, and some of its parts are OK... but in whole it's a B movie. Same about the plot, parts are OK but it has several holes and oddities that doesn't quite add up. Acting is mostly OK, I've seen worse of this too. :)

The beginning sets the level, with cars driving in the desert, making \\\"cool\\\" but totally unnecessary jumps through some small dunes (In slow motion! Cool!), like the drivers had never seen sand before... It gets slightly better from there, but not much.

If you're gonna rent this, get another one too and use this one as a warm-up. Keep expectations low and it might work for you.\": {\"frequency\": 1, \"value\": \"I think this ...\"}, \"Three Stooges - Have Rocket, Will Travel - 1959 This was the first feature length film to star the Stooges and it is pretty bad. It makes THE THREE STOOGES GO AROUND THE WORLD IN A DAZE (from 1963) look like a masterpiece.

The Stooges are janitors at a rocket place. They climb into a rocket and it goes to Venus. They meet some stuff there including a talking unicorn they call \\\"Uni\\\" which they bring back to Earth with them. \\\"Uni\\\" speaks like an average, pleasant person - 'Oh, hello. How are you? Lovely planet here. Hope you like it.' Hilarious.

Very few gags and so many of the scenes just go on and on and on.

The Stooges arrive back from space and the film is over as far as the story goes, but no one told that to the film makers for the picture continues for another 10 minutes or so at a party where nothing much happens. The Stooges leave the party and then the film is almost over.

High point of the film - the end where the Stooges sing a dapper little song about their journey. The Larry and Curly Joe hit Moe in the face with two pies. Brutal.

Another writer mentioned the fine musical score. Huh? The only music I even noticed were two classic tunes - I'LL TAKE ROMANCE and THERE GOES THAT SONG AGAIN, both of which are played at the party. And *that* really is the high point of the picture - music from old Columbia films.

The tall sexy blonde was nice.

Awful - a brand new VHS video from the 99 Cents Only store.\": {\"frequency\": 1, \"value\": \"Three Stooges - ...\"}, \"...except for Jon Heder. This guy tanked the entire movie.

The plot sounded entertaining. A 29 year old slacker son(Heder)still lives with widowed mom (Keaton)who happens to meet a new love (Daniels). Slacker son is jealous and anxious to lose his comfortable life and tries to sabotage the relationship. He also meets a girl(Faris).

I really liked the performance of Daniels and especially Faris but whoever casted Hader would be better of selling hot dogs at the beach. Heders performance is annoying, which would be a good thing since he plays an annoying guy, problem is he is to bad an actor to loose this act making this guy likable in the finale. At the end you still wish you can personally punch the guy in the face and you're upset about the end. In the future every movie with this guy will be a no go for me!\": {\"frequency\": 1, \"value\": \"...except for Jon ...\"}, \"If you want to watch a film that is oddly shot, oddly lit, weird stories of these men (and one woman) who enjoy beating the crap out of each other, if you want to enjoy a story that goes nowhere of these two guys, one a boxer and the other a gay man, then you should watch this film.

After watching this film, I almost felt as badly bruised up and cut up, like the director (of the film) himself beat the hell out of me.

This is a movie where one is not meant to watch for plot or for great acting, this is a film to gawk at in horror and wonder. A lot like watching an airplane crash or a train wreck.

If you want to watch a great movie, a good movie, a \\\"B\\\" movie, or even a mediocre movie, this movie is not it.

A warning to all who watch this film, please don't eat beforehand. You might want to puke by the end of the film.\": {\"frequency\": 1, \"value\": \"If you want to ...\"}, \"The first of the Tarzan movies staring Johnny Weissmuller. The plot has already been summarized so i wont go into it again. Just know that The actors who play Jane and Tarzan were born for the role. If you have not seen this film and you only have the modern day Tarzan films as a reference..you are missing a Real treat. Doesn't matter how far we've come in movie making, makeup set designs...no one will ever play Tarzan as well as Johnny Weissmuller did. He was and is Tarzan.\": {\"frequency\": 1, \"value\": \"The first of the ...\"}, \"Absolutely enjoyable singing and dancing movie starring Frank Sinatra and gen Kelly, as well as Kathryn Grayson.

The film won and Oscar for George E. Stoll's score, and it garnered nominations for Best Picture, Best Actor for Kelly, and Best Cinematography, as well as a Best Son nomination for \\\"I Fall in Love Too Easily\\\" sung by Sinatra.

It was a cute story about Kelly helping his pal Sinatra get a girl and falling in love with her himself. The lovely Grayson (The Toast of New Orleans) dazzled us with her singing, and we had a lot of great songs and dance routines by Kelly and Sinatra, as well as the artistry of pianist-conductor Jos\\ufffd\\ufffd Iturbi.

A classic Hollywood music from an era gone by.\": {\"frequency\": 1, \"value\": \"Absolutely ...\"}, \"Emily Watson's Natalia is absolutely the most loving and romantic lead character I have ever seen on a screen. She is the queen of this film beyond all doubt. Or, is she transmuted to the king? The internecine weaving of the chess games and the families' struggles for control, power, and victory is stunning. Just as the chess masters in the film do, the director is playing many simultaneous games with our mind at once, but all weave into either major or minor patterns. The period, the costumes, and imagery of early 20th century Italy's lake district is captured magnificently. Not a single square of space is wasted.

So many brilliant scenes abound, I cannot recount them all. I recommend budgeting enough time to watch this movie twice, possibly a week apart, because you can't possibly capture all the poetry within a 64-square yet multi-dimensional framework in one setting.

I did not read Nabakov's book, but to try an analogy of my own, what I am reading reminds of me of another romantically triumphant poetry-as-game movie, Barry Levinson's The Natural. It totally jettisoned the downbeat ending of Bernard Malamud's fatalistic book in favor of a romantic impressionism that was uniquely American. Well, the director did that one better by seamlessly meshing Russian and Italian morals and mores as a backdrop to enlightenment. The true story here is that games are zero-sum; there is a winner and a loser, unless both contestants draw. But, in life, and especially in the context of our immortal souls, we are only limited by those constraints and life's conventions to the extent we let others break our spirit.

Pure love, as personified by Emily Watson's Natalia, can transcend and allow all of us to be enhanced by its gifts simultaneously. Only the barriers erected by our fears can cut us off from it.

This is a magnificent movie (10/10).\": {\"frequency\": 1, \"value\": \"Emily Watson's ...\"}, \"Throw this lame dog a bone. Sooo bad...you may watch anyway. Kol(Ross Hagen)is an intergalactic bad guy that escapes being vaporised by an over zealous spaceship commander(Jan-Michael Vincent). Kol manages to steal a shuttle that crash lands on Earth. An unstoppable android killer is sent to bring back the villain dead or alive. John Phillip Law plays a forest/park ranger that urges caution in dealing with these two visitors from far, far away. Costumes are outrageous and the script is lacking intelligence. Vincent surely took the money and ran. Law shows the only sign of effort.So bad it is almost comical. Also in the cast: Dyana Ortelli, P.J. Soles and Dawn Wildsmith.\": {\"frequency\": 1, \"value\": \"Throw this lame ...\"}, \"I am beginning to see a very consistent pattern form in the identity of 2007's films. If 2004 was the year of the biographies and 2005 was the year of the political films, 2007 can be identified as a year featuring a wide plethora of morality tales, films that portray, test, challenge and question human morality and the motives that drive us to do certain things. Although this identification is rather broad, I think that there are a handful of films released this year, such as 3:10 To Yuma, Eastern Promises, American Gangster, No Country for Old Men and others that specifically question and study human morals and the motives that drive us to acts such as violence or treachery. Before the Devil Knows You're Dead is a deviously stylish morality tale, and quite a dark, bleak and depressing one at that. And even better is the fact that it comes from one of the greatest classic directorial forces of our time, the legendary Sidney Lumet, who many have said has passed his prime but returns in full force with this viciously rich crime thriller.

It's one of those films whose plots are so thick, that one is very reluctant to go into details. It is a movie that is best enjoyed if entered without any prior knowledge to the events about to unfold, as there are twists and turns. But the thick and richly wrought plot is not at all at the center of this film; the true focus is, as I mentioned, the morality tale; the motives that drive these two men to the actions they do in the film. In a plot structured like a combination between the filmographies of both The Coen Brothers (namely Blood Simple and Fargo) and Quentin Tarantino, we see two men driven under various shady circumstances to pull off a fairly simple crime that goes incredibly, ridiculously wrong, and reciprocates with full force and inevitable tragedy. And to make it all the more interesting, the film is told in a fragmented chronology that keeps back tracking and showing a series of events following a different character every time and always ending up where it left off the last time. Sizzling, sharp, thick and precariously depressing, Kelly Masterson's screenplay is surprisingly poignant and well rounded, in particular because it is a debut screenplay.

But the film has much more going for it than just it's delectably sinister and quite depressing plot. First and foremost, the picture looks and feels outstandingly well. Sidney Lumet has, throughout his career, consistently employed an interesting style of cinematography and lighting: naturalistic and yet stylish at the same time. The film carries with it a distinctive air of style and class, with wonderful natural lighting that just looks really great. Editing is top-notch; combining the sizzling drama-thriller aspect with great long takes that really take their time to portray the action accordingly. And vivid, dynamic camera angles and movements further add to the style. The film is also backed by a fantastically succulent musical score by Carter Burwell.

The screenplay does its part, and of course Lumet does his part, but at the film's dramatic center are three masterful actors who deliver incredibly good performances. First and foremost, there are the two leads. Leading the pack is Philip Seymour Hoffman, who has always been an excellent actor but has stumbled upon newfound leading-man status after his unnaturally fantastic Oscar-winning performance in Capote. His turn in this film is fascinating: severely flawed, broken, manic. Hoffman has some truly intense scenes in the film that really allow his full dramatic fury to come out, and not just his subtlety and wit. At his side is Ethan Hawke, who has delivered some fantastic performances in many films that are almost always overshadowed by greater, grander actors. Here, he bounces off Hoffman and complements him so incredibly well; in all, the dynamic acting between the two of them is just so utterly fantastic and convincing, the audience very quickly loses itself in the characters and forgets that it's watching actors. And then there's Albert Finney. Such a supple, opulent supporting role like the one he has requires a veteran professional and here Finney delivers his finest performance in many years as the tragically obsessed father to the two brothers who get caught up in the crime. I love how the dynamics between the three of them play out. I love how Hoffman is clearly the dominant brother and shamelessly picks on his younger brother even now that they're middle-aged men; and yet despite this, it is clear how Finney's father favours Hawke's younger, weaker brother. Also on the topic of the cast, the two supporting female characters \\ufffd\\ufffd wives of the brothers \\ufffd\\ufffd also feature fantastic performances from Amy Ryan and Marisa Tomei, whose looks just get better and better as the years go by.

This film isn't revolutionary. These themes and this style have already been explored by the likes of The Coen Brothers, and it's very easy to imagine them directing this film. But for a film that treads familiar ground, it simply excels. Lumet employs his own immense directorial talent and employs his unique and very subtle sense of irony and style to Masterson's brilliantly vivid, intense, and morbidly depressing first-time screenplay. The lead performances are incredibly intense and the film features absolutely fantastic turns from Hoffman, Hawke and Finney; but the truly greatest wonder of the film is that three years after he won a Lifetime Achievement Oscar, much revered as the ultimate sign of retirement in the film business, Sidney Lumet proves that he still has the immense talent to deliver a truly wonderful, resonant, intense piece of cinema reminiscent of his golden years.\": {\"frequency\": 1, \"value\": \"I am beginning to ...\"}, \"Few films have left me with such a feeling of unease, and this is not a compliment. Since I saw it in a theater (How it ended there I can only wonder) I was subjected to 90 mn of hateful, derivative garbage, the main impression being a bit like this other sick-o movie \\\"Don't answer the phone\\\" - but worse. The nastiness of it all, rape and all, is shown without any distance (unlike strong stuff like \\\"Last house on the left\\\") and utter contempt for the (perfect ?) victims and everybody involved, leaving the viewer to be treated as a sadistic voyeur. At the end I felt like taking a shower. No credits to the director\": {\"frequency\": 1, \"value\": \"Few films have ...\"}, \"I really enjoyed this movie as a young kid. At that age I thought that the silly baseball antics were funny and that the movie was \\\"cool\\\" because of it's about sports. Now, several years later, I can look back and see what a well designed movie this was. This movie opened my eyes as a small child to the struggles other children dealt with and real world issues. That kind of exposure is largely lacking in kids movies these days which I don't think is to our society's benefit. Sure the baseball antics seem really dumb now, but they drew kids in. No seven year old is going to ask to see a movie about foster children, but they will ask to see a movie about baseball. Disney realized this fact and took advantage of it to teach these children an important lesson about the world.

As a young adult the performance of Al and the other angels seems far less impressive, however I will give credit to the actors playing both children and Danny Glover who all did a fantastic job.\": {\"frequency\": 1, \"value\": \"I really enjoyed ...\"}, \"*** May contain spoilers. ***

If LIVING ON TOKYO TIME were some bold experiment where real-life wanna-be actors were given film parts on the condition that they would be required to take a combination of powerful prescription anti-anxiety, anti-depression, and anti-psychotic medications (this is the classic psych ward combo that renders patients into drooling zombies) all during filming, then this movie would hold far more interest. Or, if the film production was another type of experiment where all of the actors were sleep deprived before and during filming, then TOKYO TIME could be more easily explained.

As it is, this film is filled with lifeless, low-energy actors. In the scene where the new husband was sitting on the stairs talking with his sister, it appeared that he was having trouble keeping his eyes open. In almost every scene he speaks his lines sitting down with every part of his body motionless. From beginning to end, his facial expression is best described as \\\"near sleep.\\\"

Fret not about the actors speaking over each other's lines because these actors can barely finish droning out any lines of dialog. Everyone speaks with a depressing, monotone voice. No laughing. No yelling. No vigor. No one has energy enough to crack a smile. The result: complete and total boredom.

And it does not help matters that the direction is simple and amateurish.

Avoid this lifeless film at all costs. Better to watch GREENCARD which has a similar plot and has charm and energy. Or, for an unconventional Japanese romance story, check out THE LONG VACATION which has an ample amount of everything LIVING ON TOKYO TIME does not.\": {\"frequency\": 1, \"value\": \"*** May contain ...\"}, \"First off, I'm not here to dog this movie. I find it totally enjoyable in spite of the poor production quality. The acting herein is about as abominable as the monster stalking them, although the monster itself is quite well done...impressively well done, at that. He actually looks kind of other-worldly, like an alien family on vacation landed in the Himalayas and while dad was out taking a ... attending to nature's call, Spot got loose and they just didn't have time to hunt him down. That, or he's the Caucasian brother of the Wishmaster. I haven't decided which.

Actually, this seems to have been filmed somewhere in snow country, yes, but more likely Canada somewhere than China anywhere. The trees and vistas say Canada to me, and it's okay that the set area never takes on the look or feel of uber-coldness one might expect to find in the Himalayas of China. It's a Sci-Fi Channel movie, so we can forgive the lack of location.

Further, apparently (as we have just established) Sci-Fi directors do not travel often, as they are not aware that commercial planes fly above weather like what is featured herein and the subsequent crash actually would not have happened. But as I said, it's a Sci-Fi Channel movie so we must forgive a few things.

The movie is pretty graphic at times, and rotates between \\\"Alive\\\" about the Donner Party, \\\"Predator\\\" about the alien in the woods, and any bad wushu movie where they fly about on wires. The Yeti apparently can leap about like Spiderman...or Super Mario...remember? \\\"Run faster! Jump higher! Live longer!\\\"

Also, the Yeti has missed his teddy bear. He's searched high and low for it, but cannot seem to make a cadaver work. Poor Yeti! You can't help but feel sorry for it. It has survived and evolved thousands of years only to succumb to severe teddy bear loss. He's missed his bear. Or maybe it wants to mate, but that thought is BANISHED! Do ya hear me? Well, it does seem to be an unmated male. REBANISHED!

And it's superhuman. Well, it's not human...it's super-Yeti! But then again, what's normal-Yeti? I don't know, but he has a definite Michael Meyers quality that is completely unsettling. And he's got this fabulous way of cleaning his fur. FABulous Dahlink! It's spotlessly white at times when it SO shouldn't be. He's fastidiously superhu-...super-Yeti.

All in all? This was a lot of fun to watch, has some great kills and a few honest plot elements. In spite of the horribly gravel-like production style, this is actually quite entertaining. I can't help wondering if they're planning on another one?

It rates a 6.0/10 on the M4TV Scale.

It rates a 4.4/10 on the Movie Scale from...

the Fiend :.\": {\"frequency\": 1, \"value\": \"First off, I'm not ...\"}, \"When I saw the previews for this movie, I didn't expect much to begin with - around a second rate teen horror movie. But wow, this movie was absolutely awful. And that's being generous.

First of all, the casting for the movie was terrible. You feel no sympathy (or for that matter any morbid feeling) for the characters. The acting was so terrible that I was just simply waiting and hoping for the God-awful thing to end.

Secondly, there are points in the movie that had absolutely no relation to the plot whatsoever. Can somebody please explain to me why the girlish-looking boy starts screaming \\\"PANCAKES!!!\\\" at the top of his lungs while going into Jackie Chan moves I've never seen before, and even further biting the guy who has the virus? Why does the father of the kid proceed to get angry with the virus-infected guy, and go on a redneck hunting spree to find him? I was left with a feeling of such confusion and utter disbelief that I literally said out loud, \\\"Where the hell did that come from?\\\"

I just simply couldn't believe what I had seen. I really thought I had seen some bad movies, but I have to say that Cabin Fever tops them all. This movie made me want to puke and then puke again. Then blow my brains out.

Please, save yourself an hour and a half and do something more productive. Watching grass grow, perhaps, is a proper alternative.\": {\"frequency\": 1, \"value\": \"When I saw the ...\"}, \"Watching this movie again really brought back some great childhood memories . I'm 34 now, have not seen it since I was 12-14. I had almost forgotten about this movie, but when I watched it again recently, some scenes literally brought a tear to my eye! That little robot \\\"Jinx\\\"(friends for ever!). It was just like revisiting my childhood. It was an absolutely amazing experience for me. I will always cherish this movie for that reason. I hope some of you readers can relate to my experience, not for this particular movie, but any movie you have not seen in a long while. Very nostalgic...

-Thanks for reading\": {\"frequency\": 1, \"value\": \"Watching this ...\"}, \"Warning! Spoilers ahead!

SPOILERS

I've seen movie in German, so it might be, that I missed some clues.

Despite some weakness in the plot, it's a movie that came through to me. I liked especially Lexa Doig's acting. Sometimes I got impression, that she *is* Camille. But I can't stop wondering, what happened at the end with Bob, Cassie and baby. I belive, she, after initially being set on Bob, eventually ended up loving him and regretting what happened with his brother and being forced to lie to him. Otherwise it's a bit strange, that she would carry his baby and love it. It's up to viewer to decide - and I don't like such endings. Dean Cain was as good as ever, Eric Roberts .. well, I've seen him better but also worse.

I believe that the film is more an analysis of human relations and reacting in unexpected situations than a crime story.

Bottom line is, I liked it very much.\": {\"frequency\": 1, \"value\": \"Warning! Spoilers ...\"}, \"Welcome to Collinwood is one of the most delightful films I have ever seen. A superb ensemble cast, tight editing and wonderful direction. A caper movie that doesn't get bogged down in the standard tricks.

Not much can be said about this film without spoiling it. The tag line says it all - 5 guys. 1 Safe. No Brains.

William H Macy and Sam Rockwell lead an amazing cast. George Clooney should be congratulated for producing this gem.

\": {\"frequency\": 1, \"value\": \"Welcome to ...\"}, \"The fact that this movie made it all the way to the rentalrack in Norway is bizarre. This movie is just awful. This image quality is just one teeny bit better than you get of a mobile phone and the plot is soooo bad. The main character is just plain annoying and the rest just suck. Every person affiliated with this movie should be ashamed. The fact that the people that made this movie put their name on this is extraordinary. And the distributors; did they even see it!? This is probably the worst movie I have ever seen. To label this a comedy is an insult to mankind. I urge you not to support this movie by buying or renting it.\": {\"frequency\": 1, \"value\": \"The fact that this ...\"}, \"People call this a comedy, but when I just watched it, I laughed

only once. I guess the problem is that I first saw it when I was 14,

and I wasn't old enough to understand that it wasn't meant to be

taken seriously. There were quite a few scenes that were meant

to be funny, but I cared too much about the characters to laugh at

them.

I suggest that you watch this film next time you're falling in love,

and try to take it seriously. I think you'll find that, despite a few silly

flaws, it's one of the most moving love stories you've ever seen.\": {\"frequency\": 1, \"value\": \"People call this a ...\"}, \"If in the 90's you're adapting a book written in the 50's, set the bloody thing in the 50's and not the '90's. See, 40 year old mores and values tend not to play as well, or ring as true, that far down the road. It's a simple rule that Hollywood habitually keeps violating. And that's the problem with this film. It should have been set in the era it was written in. You'd think that would be a no-brainer, but nooo. I'd elaborate, but bmacv's comment spells it out quite well. I'll limit my commentary to Rachel Ward. She looks like she dieted her ass completely out of existence for this role. As a result, she looks like a crack ho' on chemotherapy, and is about as sexy as a gay leather couch in drag. I found her \\\"I could die at any moment\\\" look quite disconcerting, and it greatly detracted from her supposed \\\"hotness\\\" and the \\\"sexual tension\\\" the film intended to create. Other than that, the film was quite good; a 7+ out of 10.\": {\"frequency\": 1, \"value\": \"If in the 90's ...\"}, \"This movie was so bad, outdated and stupid that I had rough times to watch it to the end. I had seen this Rodney guy in Natural Born Killers and I thought he was funny as hell in it, but this movie was crap. The \\\"jokes\\\" weren't funny, actors weren't funny, anything about it wasn't even remotely funny. Don't waste your time for this! Only positive things about this were the beautiful wives :) and Molly Shannon who I'm sure tried her best, but the script was just too awful. That's why I rated it \\\"2\\\" instead of \\\"1\\\", but it's definitely one of the worst films I've ever seen.\": {\"frequency\": 1, \"value\": \"This movie was so ...\"}, \"by Dane Youssef

A gang of crooks. The perfect plan. It all goes wrong. They're in trouble. The police are outside. They're cornered. What are they gonna do now?

Sound familiar?

The movie seems like it's trying to be a combination of the acting workshop, the \\\"indie\\\" film and the theater.

It's the kind of things that actors love--it's kind of like a workshop or a play because it mostly consists of tight focusing on the actors acting... acting angry, tense, scared, conversing, scheming, planning--giving the performers a lot of free range to really ham it all up.

A trio of crooks, one leader, one goon, one brother, come up with a big heist scheme... and a monkey wrench is thrown into the works. To top things off, there's a bit of a \\\"fender-bender\\\" and one of the crooks in flung through the back of the windshield.

The cops are on their tail and they stumble into a bar named poetically (and leadenly) \\\"Dino's Last Chance.\\\"

Spacey, as a director, tries to keep the focus on the actors' performances and delivery of dialouge. He pans over to a bright passion-red cigarette ad of a smoking and smoldering Bogart. And he keeps all the violence off-screen, really.

I think that was a mistake. Focusing on the intensity and gruesome violent scenes would have given the movie some edge.

The problem with the movie is that it moves too slow and suffers from miscasting in almost every role. Matt Dillon (\\\"Drugstore Cowboy\\\" and \\\"Wild Things\\\") seems too young and too idealistic to be the leader of this gang.

Gary Sinese seems to brooding and deep in thought to be a spineless tag-along with these guys and Joe Mantaga is effective as the traditional routine foul-swearing mad-dog police lieutenant who's all thumbs, but he isn't given anything to really do here.

William Fischter is the only actor who is believable in his role as a brainless grunt who just wants to spill blood.

And the crooks are in a tense situation where they either go to jail or they try to think of some way out of this.

Spacey lacks the ability to create a lot of tension and keep it going. The characters are mostly chatting away, trying to think of a plan... and they're to calm and too articulate. There's even a scene where the crooks are playing pool with a whole swarm of armed cops right outside, ready to strike. At one point, one of the crooks even call the police who are right outside the bar. Oh brother. Oh bother.

These cops are going to either blow them away or going to lock them up. Shouldn't the holed-up crooks be a little scared, a little uneasy? Meanwhile, all the real action is happening inside.

Someone whips out a gun, a baseball bat, which leads to an ugly confrontation off-screen and there's one more casualty that happens that's... well, kinda sad. But...

Faye Dunaway also should have spent more time with a dialect coach, improving on her New Orleans accent. Skeet Ullrich is fine in a smaller part.

A cop listening in reaches for a pack of matches at the absolute worst time is a nice look. And so is a scene where someone goes right through the rear windshield.

The dialouge is obviously trying to go for a David Mamet approach and it's as profane, but never as realistic or as insightful.

The movie feels like too much of what it really is... a really low-budget movie with an actor behind the camera for the first time directing other actors from a script that's \\\"not bad, but needs a few more re-writes.\\\" Spacey shows he's not a terrible director, but he lacks a sort of feel for \\\"shaping a movie\\\" and it feels like he's just filming actors act.

These actors are all talented and could work with the material, but they all feel out of place. As I said before, the movie really suffers from miscasting.

I don't mean that the wrong actors were cast. I think they found just the right cast, but placed them in all the wrong roles. I think switching some of the roles would've helped immensely.

Having veteran mob actor Joe Mantagna play the leader of the pack, Gary Sinese as the angry police lieutenant outside on his bullhorn giving orders and barking at his troops, keeping Fischter in his \\\"bloodthirsty goon\\\" part and Matt Dillion as the sacrificial lamb. That would have been a big improvement.

When some actors direct, it works. They can even win Oscars for it. But a lot of the time, when actors direct, they have a tendency to just focus on the performances. Just shoot the actors acting.

Sometimes it works... but they need a good showcase for it. An excuse for it.

Hostage situations are all pretty much the same in real life just like coming-of-age stories so it's only natural that movies about them will go from point A to point B as well.

There are a few really great entries into this genre.' Spacey himself appeared in a similar movie about hostage situations: \\\"The Negotiator.\\\"

This certainly won't become a cult classic, let alone one of AFI's 100. Still, it does have a few nice moments and personal touches, but in the end, it's instantly forgettable and the kind of movie that would play best on regular TV. It's just not worth going out of your way to see.

I give a 3 out of 10.

Spacey's other directorial credit, \\\"Beyond The Sea\\\" was reportedly a better effort. Hmmm... maybe it's true. You need to fail before you succeed.

by Dane Youssef\": {\"frequency\": 2, \"value\": \"by Dane Youssef

In the first flick, the MIB Organization had a kind of \\\"elite\\\" force feel. You had a few special agents, and it had a \\\"clandestine\\\" kind of feel to it. In the sequel, the MIB Organization has a JROTC Summer Camp vibe.

The movie wasn't terrible or anything.. it just lacked the \\\"coolness\\\" (for lack of a better phrase) of the first movie. A lot of the same old humor was recycled from the first to the second, and didn't really add any originality to the MIB Universe.

A perfect analogy would be Episode 1 to the first 3 films. Was it decent? Yeah. Is it worthy of bearing it's title? Not really.\": {\"frequency\": 1, \"value\": \"Men In Black 2 was ...\"}, \"This movie is not based on the bible. It completely leaves Christ out of the movie. They do not show the rapture or the second coming of Christ. Let alone talk about it. It does not quote from scriptures. The end times are called the great tribulation. The movie does not even show bad times. The seven bowls, seven viles and seven trumpets of judgements are boiled down to a 15 second news cast of the sea changing it's structure. The anti-Christ was killed 3 1/2 years into the tribulation and that is how the movie ended. The only part they got correct was there was two prophets. The did not use there names of course because that would be too close to the truth of scriptures. The worst part of it was I really wanted it to be a good movie. I wanted to take unsaved people to it. I feel that the movie is evil. It is a counterfeit just like everything the devil does. I just hope it does not take away from the upcoming movie based on the left behind books.

The second problem with the movie is it was just bad. Bad acting, bad special effects, bad plot and poor character development. I have seen better episodes of Miami vice.\": {\"frequency\": 2, \"value\": \"This movie is not ...\"}, \"\\\"I'll Take You There\\\" tells of a woebegone man who loses his wife to another and finds an unlikely ally in a blind date. Unlike most romantic comedies, this little indie is mostly tongue-in-cheek situational comedy featuring Rogers and Sheedy with little emphasis on romance. A sort of road trip flick with many fun and some poignant moments keeps moving, stays fresh, and is a worthwhile watch for indie lovers.\": {\"frequency\": 1, \"value\": \"\\\"I'll Take You ...\"}, \"I did not expect a lot from this movie, after the terrible \\\"Life is a Miracle\\\". It turns out that this movie is ten times worse than \\\"Life ...\\\". I have impression that director/writer is just joking with the audience: \\\" let me see how much emptiness can you (audience) sustain\\\". Dialogues are empty, ... scenario is minimalistic. In few moments, photography is really nice. Few sarcastic lines are semi-funny, but it is hard to genuinely laugh during this \\\"comedy\\\". I've laughed to myself for being able to watch the movie until the end. If you can lift yourself above this director's fiasco, ... you will find good acting of few legends (Miki Manojlovic, Aleksandar Bercek), and very good performance of Emir's son Stribor Kusturica.

In short: too bad for such a great director ! Emir Kusturica is still young and should be making top-rated movies. Instead, he chooses to do this low-budget just-for-my-private theater movie, with arrogant attitude toward the world trends and negligence toward his old fans.\": {\"frequency\": 1, \"value\": \"I did not expect a ...\"}, \"Andy Goldsworthy is a taoist master of the first order, expressing the Way through his sublime ephemeral art. Indeed, time and change is what his work is fundamentally about. I bought his first book several years ago and my family has marveled at it many times. So it was a treat to get to know the artist personally through this film, he is just as patient and gentle as you would expect, and has some wonderful things to say about the natural world, the deepest of which are expressed in his occasional inability to say it in words at all. He is like most children who play in the great outdoors alone (if they do anymore), creating things from sticks and sand and mud and snow before they outgrow it. Mr. Goldsworthy was given the gift and the mission to extend that sort of play to create profound visions of nature, and to open our often weary eyes to it in brilliant new ways. And always with the utmost respect, gratitude and humor of a wandering, and wondering monk.\": {\"frequency\": 1, \"value\": \"Andy Goldsworthy ...\"}, \"I find it rather useless to comment on this \\\"movie\\\" for the simplest reason that it has nothing to comment upon.It's similar to a rotten egg which has nothing good to show to the world excerpt for the fact that it is rotten as other endless number of eggs have been before it. But since a comment is mandatory for such a grandiose insignificance ...

Filth is definitely the proper word to describe this movie created in the same manner as any other Romanian \\\"movie\\\" directed by Lucian Pintilie who insists to depict the so called \\\"Romanian reality\\\" following the Communist era (1990 to present days).

Under no circumstances recommended for people outside Romania as for the others (who lately find amateurish camera, lack of plot, lack of directorial / actors's quality etc, noise etc. as being trendy and even art-like) : watch & enjoy this \\\"movie\\\" (as I know you will) but do the other well intentioned IMDb members a favor, don't write an online review for it will misguide, irritate and in the end waste their time.

On the other hand this movie (among others) has some value whatsoever, an educational one for it sets the example for : \\\"How NOT to make a movie.\\\"\": {\"frequency\": 2, \"value\": \"I find it rather ...\"}, \"In Panic In The Streets Richard Widmark plays U.S. Navy doctor who has his week rudely interrupted with a corpse that contains plague. As cop Paul Douglas properly points out the guy died from two bullets in the chest. That's not the issue here, the two of them become unwilling partners in an effort to find the killers and anyone else exposed to the disease.

As was pointed out by any number of people, for some reason director Elia Kazan did not bother to cast the small parts with anyone that sounds like they're from Louisiana. Having been to New Orleans where the story takes place I can personally attest to that. Richard Widmark and his wife Barbara Bel Geddes can be excused because as a Navy doctor he could be assigned there, but for those that are natives it doesn't work.

But with plague out there and the news being kept a secret, the New Orleans PD starts a dragnet of the city's underworld. The dead guy came off a ship from Europe and he had underworld connections. A New Orleans wise guy played by Jack Palance jumps to a whole bunch of erroneous conclusions and starts harassing a cousin of the dead guy who is starting to show plague symptoms. Palance got rave reviews in the first film where he received notice.

Personally my favorite in this film is Zero Mostel. This happened right before Mostel was blacklisted and around that time he made a specialty of playing would be tough guys who are really toadies. He plays the same kind of role in the Humphrey Bogart film, The Enforcer. Sadly I can kind of identify with Mostel in that last chase scene where he and Palance are being chased down by Widmark, Douglas, and half the New Orleans Police. Seeing the weight challenged Zero trying to keep up with Palance was something else because I'm kind of in Zero's league now in the heft department.

Kazan kept the action going at a good clip, there's very little down time in this film. If there was any less it would be an Indiana Jones film. Panic In The Streets won an Oscar for Best Original Screenplay that year.

Kazan also made good use of the New Orleans waterfront and the French Quarter. Some of the same kinds of shots are later used in On the Waterfront. In fact Panic In The Streets is about people not squealing when they really should in their own best interest. Very similar again to On the Waterfront.

Panic In The Streets does everyone proud who was associated with it. Now why couldn't Elia Kazan get some decent New Orleans sounding people in the small roles.\": {\"frequency\": 1, \"value\": \"In Panic In The ...\"}, \"As I am no fan of almost any post-\\\"Desperate Living\\\" John Waters films, I warmed to \\\"Pecker\\\". After he emerged from the underground, Waters produced trash-lite versions of his earlier works (\\\"Cry Baby\\\", \\\"Polyester\\\", Hairspray\\\") that to die-hard fans looked and tasted like watered down liqueur. \\\"Pecker\\\", which doesn't attempt to regurgitate early successes, is a slight, quiet, humble commentary on the vagaries of celebrity and the pretentiousness of the art world. Waters clearly knows this subject well because he has also exhibited and sold (at ridiculous prices) some of the most amateurish pop art ever created that you couldn't imagine anyone being able to give away if it wasn't emblazoned with the Waters \\\"name\\\". Edward Furlong is fine as \\\"Pecker\\\" and Waters' non-histrionic style is at ease with the subject.\": {\"frequency\": 1, \"value\": \"As I am no fan of ...\"}, \"Back in the 1970s, WPIX ran \\\"The Adventures of Superman\\\" every weekday afternoon for quite a few years. Every once in a while, we'd get a treat when they would preempt neighboring shows to air \\\"Superman and the Mole Men.\\\" I always looked forward to those days. Watching it recently, I was surprised at just how bad it really was.

It wasn't bad because of the special effects, or lack thereof. True, George Reeves' Superman costume was pretty bad, the edges of the foam padding used to make him look more imposing being plainly visible. And true, the Mole Men's costumes were even worse. What was supposed to be a furry covering wouldn't have fooled a ten year-old, since the zippers, sleeve hems and badly pilling fabric badly tailored into baggy costumes were all painfully obvious. But these were forgivable shortcomings.

No, what made it bad were the contrived plot devices. Time and again, Superman failed to do anything to keep the situation from deteriorating. A lynch mob is searching for the creatures? Rather than round up the hysterical crowd or search for the creatures himself, he stands around explaining the dangers of the situation to Lois and the PR man. The creatures are cornered? Again, he stands around watching and talking but doesn't save them until they're shot. Luke Benson, the town's rabble-rouser, shoots at him? Attempted murder to any reasonable person, but Superman releases the man over and over to cause more problems. Superman had quite a few opportunities to nip the problem in the bud, but never once took advantage of them.

That said, both George Reeves and Phyllis Coates played their characters well, seemingly instantly comfortable in the roles. If only they had been given a better script to work with.\": {\"frequency\": 1, \"value\": \"Back in the 1970s, ...\"}, \"I didn't know the real events when I sat down to watch this, just the fact that this was based upon a true story. After the death of the kid's father, Rhonda tries to help her daughter Desiree(... I did not know anyone actually named their offspring that) cope with the loss. This is really made for children, as is often the case with \\\"family\\\" flicks(with that said, go ahead and get everyone together for a viewing, though I'd keep teenagers out of it, unless you're sure they're gonna buy the concept), but it doesn't downplay the sting that the death of a parent is, and it doesn't really talk down to anyone. The plot is sufficiently interesting, and moves along well enough. Acting varies, with the excellent Burstyn outshining most of her fellow cast, Mathis following that pretty well, and Ferland and her peers(with a few exceptions) being the least convincing of the bunch(and frankly, they're irritating; then again, I'm not really in the intended audience for this thing). The editing and cinematography are standard, and certainly not less than that. While humor is limited to a handful of amusing lines or so, the tone is not an unpleasant one. There is an intense scene or two in this. I recommend this to fans of these types of movies. 7/10\": {\"frequency\": 1, \"value\": \"I didn't know the ...\"}, \"Despite having 6 different directors, this fantasy hangs together remarkably well.

It was filmed in England (nowhere near Morocco) in studios and on a few beaches. At the outbreak of war, everything was moved to America and some scenes were filmed in the Grand Canyon.

Notable for having one of the corniest lyrics in a song - \\\"I want to be a bandit, can't you understand it\\\". It remains a favourite of many people.\": {\"frequency\": 1, \"value\": \"Despite having 6 ...\"}, \"This is a really fun movie. One of those you can sit and mindlessly watch as the plot gets more and more twisted; more and more funny. Sally Field, Teri Hatcher (in her hey-day), Kevin Klein, Elisabeth Shue, Robert Downey, Jr...It's all these well-known, quality actors acting as if they are soap opera stars/producers. If you have ever watched a soap opera and thought, \\\"How on earth did they come up with THIS idea??\\\", you will LOVE this movie. I have seen it multiple times; and each time I watch it, the more I appreciate the humor, the more I realize just how well-acted it really is. Don't expect Oscar quality. This is a fun movie to entertain, not some artsy attempt at finding \\\"man's inner man\\\", etc. Sit back, relax, and laugh.\": {\"frequency\": 1, \"value\": \"This is a really ...\"}, \"I dug this out and watched it tonight. I honestly think it must be 20 years since the last time I saw it. I remember it being a seriously flawed film. I don't remember it being THIS bad!!!!!

I am absolutely aghast that a project with this much potential should have been mistreated so reprehensibly. Who am I to blame for this? The 2 guys who wrote (and I use that word loosely) the script? The casting directors who so terribly miscast at least 3 major characters in the story? (Only 2 of them are among \\\"the amazing 5\\\".) The director, who clearly refused to take it seriously, and kept shoving awful music on top of bad writing & bad acting everywhere? (I LIKED the theme song-- but it should never have been used all the way throughout the entire film!) Don Black, who should be ASHAMED at some of the lyrics he wrote for that music?

It figures that I should pull this out, less than a week after re-reading the comic-book adaptation. The first 15-20 minutes of the film more-or-less (really, LESS) parallel the first issue of the comic. As I watched it tonight, I kept wondering-- why was ALMOST every single detail changed? Doc showing up, then using his wrist-watch remote-control to open the safe, and the sniper's bullet missing him by 5 inches because the refractive glass, were just about the only things left the same. I mean, if you're gonna do an \\\"adaptation\\\", WHY in God's name change EVERYTHING???

Once they leave Doc's HQ, virtually NOTHING is as it was in the comic (which, given Roy Thomas, I figure probably follows the book). I read somewhere they actually combined elements of 2 different novels into one movie. Again-- WHY? I've heard it was changed because they weren't able to secure the kind of budget they wanted. I look at the film, and think... LACK OF MONEY in NO WAY explains what I saw on the screen!!

You know, when people complain about Joel Schumacher, they should really take a look at this thing. The best thing I can say is, I think it would make a great double-feature with the 1966 BATMAN feature-- and probably a great triple-bill with that and the 1980 FLASH GORDON. All 3 films are \\\"silly\\\". Maybe we can \\\"blame\\\" the 1966 film (and TV series) for this. Some fans have complained over the years that Adam West's BATMAN ruined the image of comic-books in the minds of generations of non-comics fans. I think the same could be said for Hollywood. I'm reminded of how many really, really BAD films based on \\\"classic\\\" characters have been made over the years, especially (it seems to me) in the late 70's & early 80's. Charlie Chan, Fu Manchu, Tarzan, Buck Rogers, Flash Gordon, The Lone Ranger-- all \\\"murdered\\\" by Hollywood types who think, \\\"OH, comic-books! So you know it's supposed to be STUPID!\\\" More like they're the \\\"stupid\\\" ones. What a waste of potential.

Let me say some good things... Despite the script and the directing, Ron Ely is GREAT. When I read a DOC SAVAGE story, I don't think of the James Bama paintings, I think of Ely. Bill Lucking (who later was a regular on THE A-TEAM) is terrific. Eldon Quick (who I've seen somewhere else, but can't recall where) is terrific. Paul Gleason-- who I absolutely HATED with a passion and a vengeance in THE BREAKFAST CLUB (\\\"teachers\\\" like the one he played should be banned from ever teaching anywhere), may be the best of the \\\"amazing 5\\\" in the film. Pamela Hensley-- though her part was almost unrecognizable from the original story-- is terrific. Before she let her hair down, I also realized she looked a HELL of a lot like \\\"Ardala Valmar\\\" from those awful John Calkins BUCK ROGERS strips I just read the other day. She's got a big nose like Ardala-- only not quite as pronounced. The comics Ardala actually looked more like the 1936 movie Princess Aura-- or Cher. Or maybe Streisand. Take yer pick. (Ardala actually got plastic surgery in the George Tuska strips-- after, she was stunning!)

Paul Wexler, funny enough, I saw just last week in a GET SMART episode. I wonder if he was anything like the character he was supposed to be playing? I don't know, because that character sure wasn't in the movie the film takes its title from.\": {\"frequency\": 1, \"value\": \"I dug this out and ...\"}, \"Meek, tiny, almost insignificant. Polanski finds the invisibility of his characters and makes something enormous out of it. In front and behind the camera he creates one of the most uncomfortable masterpieces I had the pleasure to see and see and see again. It never let's me down. People, even people who know me pretty well, thought/think there was/is something wrong with me, based on my attraction, or I should say, devotion for \\\"Le Locataire\\\" They may be right, I don't know but there is something irresistibly enthralling within Polanski's darkness and I haven't even mentioned the humor. The mystery surrounding the apartment and the previous tenant, the mystery that takes over him and, naturally, us, me. That building populated by great old Academy Award winners: Melvyn Douglas, Shelley Winters, Jo Van Fleet, Lila Kedrova. For anyone who loves movies, this is compulsory viewing. One, two, three, many, many viewings.\": {\"frequency\": 1, \"value\": \"Meek, tiny, almost ...\"}, \"Cartoon Network seems to be desperate for ratings. Beginning with the cancellation of Samurai Jack, the network seemed hellbent on removing all the shows that made it so popular, such as the Powerpuff Girls, Dexter's Lab, Dragonball Z, etc. When the ratings started to plummet, CN began putting up some pretty mediocre shows. Though Total Drama Island/Action and Chowder stand out because of their clever writing and audience-pleasing gimmicks, there are plenty of other shows that either terrible remakes (George of the Jungle) or rip offs of other shows, such as The Marvelous Misadventures of Flapjack, where the title character acts just like Spongebob, and then there's Johnny Test, which is something of a replacement for Dexter's Laboratory, though it's much more of a sheer rip off than anything.

The show's characters are clearly derived from Dexter's Lab, only this time the focus is on Johnny, a blonde (or fiery-haired) character who torments his twin sisters, Susan and Mary, who just HAPPEN to look just like Dexter, from the orange hair, to the glasses, the impossible technology. There is even a rival genius named Bling Bling Boy or Eugene, who appears to be sitting in for Mandark. Then there's Dookie, Johnny's best friend and talking dog, one of Dexter's...I mean, Susan and Mary's early experiments.

Dexter's Laboratory was probably one of the best cartoons on television, with its simple, but effective art style, lovable main character, and episodes that don't seem to be a long drag. Johnny Test is a lot different. The art style here isn't nearly as eye-pleasing. In fact, it looks absolutely awful. The characters have motivations that make them really annoying or repulsive. Like how most of the series' episodes consist Johnny and Dookie's quest for havoc on the neighborhood girl Sissy, whom Johnny secretly likes, or the twins' obsession over a boy next door. Seeing these two geniuses swoon at the sight of abs and the fact that Johnny appears to be someone you would NEVER want to associate with, there is no real connection between the viewer and characters.

One thing the series heavily exploits in its name is that Johnny is Susan and Mary's guinea pig for their experiments. These range from turning Johnny fat, ugly, monstrous, and even into a woman. The twins then help Johnny in whatever scheme he's planning in return for his services. Whenever there's an episode involving this kind of \\\"win/win\\\" deal, it usually comes undone at the seems and those that doesn't come completely off the rails never ends satisfyingly.

The writing ranges from mediocre to horrid, however. The 'fat' episode constantly repeats \\\"It's Phat with a PH. There's a difference, you know.\\\" which is a line that should never be repeated, especially when the episode seems to PROMOTE child obesity, with Johnny becoming a famous star with money and videogames just by becoming fat.

Let's talk about how the show doesn't completely rip off Dexter's Lab. The show tosses in a lot of characters, from two Men-in-Black named Mr. Black and Mr. White, a military general who seems to need all his problems solved through Johnny and his sisters, and LOTS of super villains, though even here, the show again steals ideas for other sources, like a Mr. Freeze teenage clone, an evil cat with a butler who wants cats to rule over man (like the evil talking cat from Powerpuff Girls), a bumbling maniac mastermind, a trio of evil skater 'dudes' and even a Mole Man, which is probably the most clich\\ufffd\\ufffd villain in the media.

To top it all off, alongside its ugly animation and unlikeable characters, the voice acting is either passable (like the voices for Mr. Black and Mr. White) to just plain ear-splitting (Johnny, Dookie, and just about every villain in the show). The theme song seems to be the only catchy thing to this show, but then it was redone just a few episodes with a band that just ruined it.

So in the end, Johnny Test is not a good cartoon. Its horrible references and jokes about teen culture will dismantle little children's interest in the show, while its bright coloring, ripped-off characters, and dragging episodes will ruin the experience for teens. It's just another one of those crappy shows that Cartoon Network is over-promoting to trick people to watching it (like MTV toward rap). If you need a show that will satisfy your children for a half hour, you'd better stick to Spongebob, because Johnny Test is more of a \\\"test\\\" of patience than anything else.\": {\"frequency\": 1, \"value\": \"Cartoon Network ...\"}, \"I have always been a fan of David Lynch and with this film Lynch proved to critics that he has the talent, style, and artistic integrity to make films outside of the surreal aura that he's become known for in the past decade. As much as the film is G-rated, it's pure Lynch in style, pacing, and tone. The film moves at a masterfully hypnotic pace and is filled with scenes of genuine emotion and power.

The cinematography is terrific, as is to be expected from a Lynch film, and the transitional montage sequences are breathtaking. It's also very refreshing to see a film where the characters are all friendly, kindhearted folk and not unmotivated characters that are clearly labeled as being either \\\"good\\\" or \\\"evil\\\".

Richard Farnsworth turns in a beautiful performance as do the rest of the cast, most notably Sissy Spacek in an endearing performance as his daugher, and Harry Dean Stanton in a small but infinitely crucial role.

With this film, David Lynch proved to critics that he could make a powerful moving motion picture just like he did in the 80's with 'Blue Velvet' and 'The Elephant Man'. Critics seemed to lose faith in the past decade after he produced such surreal films as 'Twin Peaks: Fire Walk With Me' and 'Lost Highway' but with this film he showed that there was method to FWWM and LH, and it looks as if critics finally caught on with his recent film 'Mulholland Drive', considering the high praise it's received and the Oscar nomination for Lynch.

'Straight Story' is to me one of the most moving motion pictures I've ever seen. It's a loving story about family, friendship, and the kindness of strangers. I would highly recommend it.\": {\"frequency\": 1, \"value\": \"I have always been ...\"}, \"One of b- and c-movie producer Roger Corman's greatest cult classics was the Ramones vehicle (originally designated for Cheap Trick), Rock N' Roll High School. It's just a simple, technically dated story (but would serve up extra doses of nostalgia humor considering these were the kind of things that made Napoleon Dynamite characters funny--see Eaglebauer's van) about teenagers who love rock n' roll.

Students at Vince Lombardi High School are met with resistance by the evil principal, Miss Evelyn Togar (played by cult classic favorite, Mary Woronov) who fears that Rock N' Roll turns kids into uncontrollable, amoral deviants and vows to make a Rock N' Roll-free zone. Actually, she intends to wipe out Rock N' Roll for all students, regardless of whether its at school, and she has the cooperation of most of the adults who might make the plan successful.

But not if Riff Randell (PJ Soles) can help it. A Ramones fanatic, she has written some songs (including Rock N' Roll High School) that she wants to give to the Ramones, and in trying to do so, is rebuffed by Miss Togar who does all she can to keep her from going to see the Ramones play in town. It culminates into an ultimate revolt between the obsolete fun-hating adults and the teenagers (in an ending that is reminiscent of Over the Edge, somewhat). After the years of punk, when the fame of garage rockers, The Ramones (and others) would mark another shift in music evolution, it was great to see a movie that celebrated the fun of it all and in such a humorous, exaggerated way.

It is mostly mild comedy, but a great feel-good comedy nonetheless when you're in the mood for something more laid back to entertain you. With Jerry Zucker (of Airplane fame) and Joe Dante (of Gremlins fame) both taking part in some of the directing, you can get the idea for what kind of humor you're in for (and not to mention, expect to see Dick Miller even if only for a few minutes in the film's finale). The story must've later inspired (and was consequently updated) by the mid-90s comedy, Detroit Rock City, which some minor character changes in the vehicle for aged glam rockers, Kizz.

I would recommend passing on the Corey Feldman vehicle, Rock N' Roll High School Forever, released nearly a decade later. The original is still the best.\": {\"frequency\": 1, \"value\": \"One of b- and ...\"}, \"Basically, take the concept of every Asian horror ghost movie and smash it into one and you get this movie. The story goes like this: a bunch of college kids get voice mails from their own phones that are foretelling their deaths. There's some s*** going on with ghosts, which if you've seen any Asian ghost movie, isn't scary by now. This movie was quite upsetting because it's very clich\\ufffd\\ufffdd. It's the same bullcrap, different movie.

The acting was pretty good. Unfortunately the actors are put into a very Ring-esquire situation, so it's nothing we haven't seen in the past. The two lead acts did a solid job though.

As far as gore, there's not much going on. We get a cool sequence that includes an arm twisting a head off (I don't know how else to explain that), but it was cut away so you don't see anything except the final result. You see some blood at times, including decapitated arms and a zombie (that looked really cool I might add), but this movie isn't too bloody.

The scares in the movie are few and spread out, and it's really not that scary. You'll get some creepy images at times, but it's not enough for me to consider scary. It's nothing different from Ringu, Ju-On, or Dark Water, and none of those scared me either. That's really the downfall of this (and most Asian horror movies) is that if it doesn't deliver the scares then it's just not that good.

As far as directing, Takashi Miike still did a pretty good job. He seemed a little tamed in this movie compared to his past movies, but he still portrays a lot of his messed up style he's become famous for. A lot of images were a lot like Miike (including a scene with a bunch of jars of dead fetuses), and the last 15 - 20 minutes seemed far more Miike then the rest of the movie. Still, the movie is flawed by its unoriginality.

I would recommend this only to people who are huge on Asian horror movies (even if you are, I can recommend much better) or big Miike fans. Warning to those who want to get into Miike, this is NOT his best work.

I'm giving it a 4 because it's just mediocre. Perhaps if this was released 4 or 5 years ago it might be worth a higher rating.

Also, I'd like to b**** about Asian horror movies real quick. How come if it's an Asian horror movie it's automatically suppose to be good over here (US)? A LOT of these movies are the equivalent in Japan to what Scream, Urban Legends, and I Know What You Did Last Summer were over here in the 90's. If you've seen one you've seen them all. And a lot of these movies rely way too much on scares and imagery that if it doesn't deliver the scares they set out to do then they're just not that good, and nothing would change that. More Asian horror films need to be more like Audition and A Tale of Two Sisters, two movies that if they don't frighten or scare you, at least they have great stories, acting, direction, cinematography, and much more to back them up. Two movies that aren't just great horror movies, but great movies in general. More Asian horror movies need to be like these instead of the clich\\ufffd\\ufffd, \\\"A ghost just wanted to be found so it went around killing people through their phone/video tape/house/electric appliance/water pipes/google search engine/vibrator/groceries/etc.\\\"\": {\"frequency\": 1, \"value\": \"Basically, take ...\"}, \"Dreary. Schlocky. Just plain dreadful and awful. Let's be honest, when you sit down to watch something called The Double-D Avenger you aren't expecting great art or even mild mainstream entertainment. You are probably expecting a cult film type and maybe get some good looks at some impressive busts. You don't get really either of these in the video. The story, as it consistent with most of these types, is inane: Kitten Natividad runs a local pub, finds out she has breast cancer, flies down to South America for a fruit that claims to be a panacea for any ills and a super-human abilities giver, returns and fights, dressed as the Double-D Avenger, a group from a local strip club wanting to edge out the competition. As stories go, I have seen a lot worse, but as another reviewer noted the execution is horrendous. The action sequences lack zip, drive, motivation, and are tissue thin. The acting isn't even properly campy and the dialog is the pits. Nothing, and I mean NOTHING is funny from the wincing puns to the heavy-handed boob references. All could be forgiven if the girls could make up for it, but they all fall way short. Kitten, Haji, and Raven de la Croix are all quite older(still lovely in their own ways) yet expose nothing and become the antithesis of what they are trying to be: older, campy caricatures of their former selves. Instead, they look so lame and desperate - more because of the vehicle they are \\\"starring\\\" in rather than their own abilities. There are some other lovely ladies, but you really do not see much of anything. PG -13 definitely could be an appropriate rating for this. The material, the actresses, and director are all tired, tiresome, and dated - and again - NOT FUNNY! It was a brutal hour plus sitting through this, and that is a shame as I was expecting something campy and fun. The guy playing Bubba by the way was the only real laugh for me. Not that he was good at all mind you, but every time he opened his mouth I kept thinking how truly awful he was. The lone bright spot here at all is seeing Mr. Sci-fi himself, Forrest J. Ackerman, play the curator of a wax museum and chatting to his wax Frankenstein affectionately called Frankie. Other than that this is a complete bust - now how is that for another tired, dreadful, trite pun!\": {\"frequency\": 1, \"value\": \"Dreary. Schlocky. ...\"}, \"I am a big fan of Arnold Vosloo. Finally seeing him as the star of a recent movie, not just a bit part, made me happy.

Unfortunately I took film appreciation in college and the only thing I can say that I didn't like was that the film was made in an abandoned part of town and there was no background traffic or lookie loos.

I have to say that the acting leaves something to be desired, but Arnold is an excellent actor, I have to chalk it up to lousy direction and the supporting cast leaves something to be desired.

I love Arnold Vosloo, and he made the film viewable. Otherwise, I would have written it off as another lousy film.

I found the rape scene brutal and unnecessary, but the actors that got away at the end were pretty good. But the sound effects of the shoot-out were pretty bad. There are some glitches in the film (continuity) but they are overlookable considering the low-caliber of the film.

All in all I enjoyed the film, because Arnold Vosloo was in it.

Jackie\": {\"frequency\": 1, \"value\": \"I am a big fan of ...\"}, \"Now this is one of Big's Best, Jack Hulbert's single role in 1931 split into two for the Band Waggon radio team Askey & Murdoch. It boasts a great stalwart cast, who ham the play up for all they're worth, especially Askey of course. Histrionics were provided by Linden Travers, melodramatics by Herbert Lomas, and pragmatics by Richard Murdoch.

The group of rail passengers stranded at the lonely country station for the night find more than they bargained for, ghostly trains, spectral porters, hairy sausage rolls and Arthur trying to entertain them all. His repartee with everyone falls between side-splitting and ghastly dull. When the formula works it's very good, but it sometimes gets very contrived and forced making the film seem more dated than it is. But those damn treacherous fifth columnists - thank any God Britain hasn't got any nowadays!

Ultimately a nice harmless film, to welcome back to the TV screen as an old friend, but if you were expecting to be shivered out of your timbers you'll probably be very disappointed!\": {\"frequency\": 1, \"value\": \"Now this is one of ...\"}, \"i saw this movie on cable, it was really funny, from the stereotype police chief to the stereotype big bad guys, jay leno and mr mayagi from karate kid star in this good comedy about a prototype car part. I compare this movie to \\\"RUSH HOUR\\\" in which a local cop has to partner up with an asian police officer to solve a case. The chase through farmers market in downtown detroit brings back memories. Enjoyable soundtrack, good script, i give it 10/10.\": {\"frequency\": 1, \"value\": \"i saw this movie ...\"}, \"The Secret of Kells is a film I've been waiting for for years after seeing some early footage at the Cartoon Saloon in Kilkenny. I'm here to tell you now it's been worth the wait. The cartoons are heavily stylised but not annoyingly so as I'd feared. The whole film is a thing of beauty and great imagination, I particularly love the animated illuminated book where the little figures come to life on the page. The characterisation is superb, I love Brendan Gleeson's voice as the stern Abbot and I especially liked the voice of the sprite Aisling. The forest is a triumph, such a beautiful place. The story is well realised, a mix of fact and fantasy. and really draws the viewer in to cheer on Brendan in his quest for the perfect materials for the Book. I'm a lover of calligraphy and illumination anyway so the subject is close to my heart, but all the people I know who've seen this and are not fans of the craft agree that it's a lovely little film. I will definitely buy the DVD when it's released, and would like to say, well done Cartoon Saloon and all the people involved in this mammoth project. May there be many more. :) Coming back in here to say that I bought several copies of the DVD as soon as I could and gave them out at Christmas, everyone loves it! And I wish them all the luck in the world at the Oscars, such a joy to see this nominated.\": {\"frequency\": 1, \"value\": \"The Secret of ...\"}, \"While William Shater can always make me smile in anything he appears in, (and I especially love him as Denny Crane in Boston Legal), well, this show is all about glitz and dancing girls and screaming and jumping up and down.

It has none of the intelligence of Millionaire, none of the flair of Deal or No Deal.

This show is all about dancing and stupid things to fill in the time.

I watched it of course just to check it out. I did watch it for over 45 minutes, then I had to turn it off.

The best part of it was William Shatner dancing on the stage. He is a hoot!!! unfortunately, this show WILL NOT MAKE IT.

That's a given\": {\"frequency\": 1, \"value\": \"While William ...\"}, \"A real disappointment from the great visual master Ridley Scott. G.I. Jane tells the story of a first female ever to go through the hellish training at the Navy SEALs. The training is the most difficult and hard in existence as the instructor says in the film to the lead character O'Neil played by Demi Moore. There is no particular message or point in this film or then I couldn't reach it properly. It may be a some kind of a statement of female rights and abilities but it all sinks under the tired scenes and stupid gun fight at the end of the film.

I really can't understand why Ridley uses so much zooms in that mentioned last gun battle at the desert?! It looks sooooo stupid and irritating and almost amateurish so I would really like to know what the director saw in that technique. When I look at his latest film, Black Hawk Dawn, there is absolutely nothing wrong in the battle scenes (which are plenty) and they are very intense and directed with skill. The whole finale in G.I. Jane looks ugly and is nothing more but stupid and brainless shooting and killing.

This is Ridley Scott's worst movie in my opinion and there are no significant touches from which this great director is known. Still I'm glad I saw this in Widescreen format because there are still couple of great scenes and samples of Scott's abilities, but they are very few in this film.

A disappointment and nothing compared to the classics (Blade Runner, Thelma & Louise, Alien and so on..) of this talented director. So I'm forced to give G.I. Jane 4/10.\": {\"frequency\": 1, \"value\": \"A real ...\"}, \"If I had never read the book, I would have said it was a good movie. BUT I did read the book. Who ever did the screen write ruined the storyline. There is so many changes, that it wasn't really worthy of the Title. Character changes, plot changes, time line changes...

First off who was Henry and the investigator? They weren't in the story. Henry had Mitch's persona somewhat, but Mitch wasn't a cop. No you made it so Roz, helped 'sink ' his body and used that as Zenia's blackmail against Roz. The real so called blackmail was Roz thought Zenia was sleeping with her son and wanted her to get away from him. Her son was also being blackmailed because he was hiding being Gay from his mother. Her son wasn't even really mentioned in the story. Neither I don't believe was his lover, Roz's secretary.

Tony and West were not together in the beginning. He was actually with Zenia first while in college. The black painted apartment was their Idea, Tony just went to visit. This is where Zenia and Tony meet, become fast friends. Tony hides her love for West. Then Zenia left west, with cash from Tony, then West and Tony get together. Eventually marry, at some point West leaves Tony for Zenia again for a short time. Only to be heart broken again. Then go back to Tony. Zenia's blackmail for Tony was that Tony had written a test paper for Zenia. Now being a Professor at College she didn't want to let it get out. I will say the character who played Tony did it wonderfully.

Charis character was a blond, not that it really matters. Zenia didn't trick her about having cancer while Augusta was alive. No she was there when Charis had a lover named billy. Augusta's father, he was a draft dodger in the Vietnam war. Eventually after Charis takes care of Zenia for months for what was actually drug withdrawal. Zenia and Billy have an affair right under Charis's nose while taking care of them both. Then Zenia turns in Billy to the government, and leaves on the ferry with him. Not with Augusta, Charis was pregnant with her tho. Charis also had a split personality, Karen was her real name.

Zenia did not die from being cut up into piece's.... she fell or was possibly pushed (we never really knew) off the balcony and landed in a fountain. She had almost pure grade heroin in her blood and it was likely she took some not knowing and fell off as she OD'd. She was also really dieing of Cancer this time around.

It didn't show any of the childhood memories or anything that endeared the characters to the reader. The Book was striped down to its bare bones. Then re made in someone else's vision. Why couldn't you just write your own story along the lines of what you made the movie. It was different enough, and I'm sure could have been made more so.\": {\"frequency\": 1, \"value\": \"If I had never ...\"}, \"Shazbot, is this embarrassing. In fact, here's a list of 100 that makes up the embarrassment: 1.) a failed comeback for Christopher Lloyd. 2.) Jeff Daniels basically playing the same role he played in the live 101 Dalmatians remake which wasn't too juicy to begin with. He sure has a funny way of promoting his Purple Rose Theatre... 3.) Disnefluff. 4.) another disappointing reminder that Wallace Shawn is to Disney what Jet Li was to Bob Hoskins in Unleashed. 5.) Ray Walston, the original martian from the TV series, played a bit part (read \\\"cameo\\\") in this flick and died two years later of lupus. Coincidence? 6.) awful special effects. Seriously - awful. 7.-100.) that damn talking, farting suit voiced to an annoying degree by Wayne Knight (\\\"Newman!\\\"). My favorite scene? HA! HA ha, ha! Ha ha ha ha ha... Whew!... Good one. You - You're a joker. Okay, let's wrap up this review with a moment of silence for this franchise's agonizing death, and if you would like, you can say a quick prayer that Disney doesn't forget this travesty and do something silly like a movie adaptation of \\\"Mork and Mindy\\\" starring Tim Allen.........................................................\": {\"frequency\": 1, \"value\": \"Shazbot, is this ...\"}, \"SPOILER ALERT ! ! ! Personally I don't understand why Pete did not help to save Williams life,I mean that would be great to know why William was motivated,or forced.I think Secret Service members are every day people,and there is a rumor the writer was a member of the Secret Service,now he's motivations are clear,well known.But as a rental this film will not satisfy you,cause the old but used twists,the average acting -these are just things in this film,only for keep you wait the end.Clark Johnson as the director of S.W.A.T. did a far better work like this time,and I still wondering how the producers (for example Michael Douglas)left this film to theaters.\": {\"frequency\": 1, \"value\": \"SPOILER ALERT ! ! ...\"}, \"First of all yes I'm white, so I try to tread lightly in the ever delicate subject of race... anyway... White People Hating Black people = BAD but Black People Hating White people = OK (because apparently we deserved it!!). where do i start? i wish i had something good to say about this movie aside unintended comedy scenes: the infamous scene were Ice Cube and co. get in a fight with some really big, really strong, really really angry and scary looking Neo-Nazis and win!!! the neo-Nazi where twice the size :), and the chase! the chase is priceless... This is NOT a movie about race, tolerance and understanding, it doesn't deliver... this is a racist movie that re-affirm all the clich\\ufffd\\ufffd stereotypes, the white wimpy guy who gets manhandled by his black roommate automatically transform in a skinhead...cmon simply awful I do regret ever seeing it.

Save your time and the dreadful experience of a poorly written ,poorly acted, dull and clearly biased picture, if you are into the subject, go and Rent American History X, now thats a movie\": {\"frequency\": 1, \"value\": \"First of all yes ...\"}, \"Actually, this is a lie, Shrek 3-D was actually the first 3d animated movie. I bought it on DVD about 3 years ago. Didn't Bug's Life also do that? I think it was at Disneyworld in that tree, so I'm saying before they go and use that as there logo. Also, Shrek 3d was a motion simulator at Universal Studios. They should still consider it as a movie, because it appeared in a \\\"theater\\\" and you could buy it for DVD. The movie was cute, at least the little flyes were. I liked IQ. I agree with animaster, they did a god job out of making a movie out of something that is just a out-and-back adventure. I recommend it to families and kids.\": {\"frequency\": 1, \"value\": \"Actually, this is ...\"}, \"Acting is horrible. This film makes Fast and Furious look like an academy award winning film. They throw a few boobs and butts in there to try and keep you interested despite the EXTREMELY weak and far fetched story. There is a reason why people on the internet aren't even downloading this movie. This movie sunk like an iron turd. DO NOT waste your time renting or even downloading it. This film is and always will be a PERMA-TURD. I am now dumber for having watched it. In fact this title should be referred to as a \\\"PERMA-TURD\\\" from now on. Calling it a film is a travesty and insult. abhorrent, abominable, appalling, awful, beastly, cruel, detestable, disagreeable, disgusting, dreadful, eerie, execrable, fairy, fearful, frightful, ghastly, grim, grisly, gruesome, heinous, hideous, horrendous, horrid, loathsome, lousy, lurid, mean, nasty, obnoxious, offensive, repellent, repulsive, revolting, scandalous, scary, shameful, shocking, sickie, terrible, terrifying, ungodly, unholy, unkind\": {\"frequency\": 1, \"value\": \"Acting is ...\"}, \"Watching this movie made me think constantly; why are they making such a problem out of some broken brakes? There are a million options to slow down the car! In the movie Speed the writers a least thought of a good reason why the car wasn't able to stop...

There aren't many good things to say about this film; all the usual narrative cliche's make their appearance, the actors are very bad, the story is as leak as a sieve etc. That makes this movie a waste of time and money.

\": {\"frequency\": 1, \"value\": \"Watching this ...\"}, \"This film has renewed my interest in French cinema. The story is enchanting, the acting is flawless and Audrey Tautou is absolutely beautiful. I imagine that we will be seeing a lot more of her in the States after her upcoming role in Amelie.\": {\"frequency\": 1, \"value\": \"This film has ...\"}, \"Don't get me wrong, I assumed this movie would be stupid, I honestly did, I gave it an incredibly low standard to meet. The only reason I even saw it was because there were a bunch of girls going (different story for a different time). As I began watching I noticed something, this film was terrible. Now there are two types of terrible, there's Freddy vs. Jason terrible, where you and your friends sit back and laugh and joke about how terrible it is, and then there is a movie like this. The Cat in The Hat failed to create even a momentary interest in me. As I watched the first bit of it not only was I bored senseless, but I felt as though I had in some way been violated by the horrendousness of said movie. Mike Myers is usually brilliant, I love the majority of his work, but something in this movie didn't click. One of the things that the director/producers/writers/whatevers changed was that they refused to use any of the colors of the original book (red, black, white) on any character but the Cat. Coincidentally or not, they also refused to capture any of the original (and i hate to use this word, but it fits) zaniness of the original. The book was like an Ice Cream Sunday, colorful and delicious, and the movie was about as bland and hard to swallow as sawdust.

Avoid this like a leprous prostitute.\": {\"frequency\": 1, \"value\": \"Don't get me ...\"}, \"This is the only film I've seen that is made by Uwe Boll, I knew that he is probably the worst director ever who always makes films based on video games also that \\\"House of the Dead\\\" is one of IMDb bottom 100. But I still wanted to watch it because I'm a huge fan of the game and I wanted to see what doe's the film have that makes it so bad. After watching it I do agree that it is crap, the movie had no story. In the first 15-20 minutes there was nothing but topless teenage girls with no brains running about (for a moment there I was wondering are the zombies brain-dead? or the girls are?) then at night time the zombies popped out of nowhere & started attacking people later a woman started shooting them I mean it takes you one place then the other every 5 minutes. Is it supposed to be a comedy?, or horror? or both? Before I knew it I fell asleep at the second half & woke up during the end credits so I did not manage to watch all of it, which is a good thing! The film is a true insult to the classic game, Uwe Boll please do not make any more films. Thank you!\": {\"frequency\": 1, \"value\": \"This is the only ...\"}, \"My former Cambridge contemporary Simon Heffer, today a writer and journalist, has put forward the theory that, just as British film-makers in the eighties were often critical of what they called \\\"Thatcher's Britain\\\", the Ealing comedies were intended as satires on \\\"Attlee's Britain\\\", the Britain which had come into being after the Labour victory in the 1945 general election. This theory was presumably not intended to apply to, say, \\\"Kind Hearts and Coronets\\\" (which is, if anything, a satire on the Edwardian upper classes) or to \\\"The Ladykillers\\\" or \\\"The Lavender Hill Mob\\\", both of which may contain some satire but are not political in nature. It can, however, be applied to most of the other films in the series, especially \\\"Passport to Pimlico\\\".

Pimlico is, or at least was in the forties, a predominantly working-class district of London, set on the North Bank of the Thames about a mile from Victoria station. It is not quite correct to say, as has often been said, that the film is about Pimlico \\\"declaring itself independent\\\" of Britain. What happens is that an ancient charter comes to light proving that in the fifteenth century the area was ceded by King Edward IV to the Duchy of Burgundy. This means that, technically, Pimlico is an independent state, and has been for nearly five hundred years, irrespective of the wishes of its inhabitants. The government promise to pass a special Act of Parliament to rectify the anomaly, but until the Act receives the Royal Assent the area remains outside the United Kingdom and British laws do not apply.

Because Pimlico is not subject to British law, the landlord of the local pub is free to open whatever hours he chooses and local shopkeepers can sell whatever they please to whomever they please, unhindered by the rationing laws. When other traders start moving into the area to sell their goods in the streets, the British authorities are horrified by what they regard as legalised black-marketeering and seal off the area to try and force the \\\"Burgundians\\\", as the people of Pimlico have renamed themselves, to surrender.

Many of the Ealing comedies have as their central theme the idea of the little man taking on the system, either as an individual as happens in \\\"The Man in the White Suit\\\" or \\\"The Lavender Hill Mob\\\", or as part of a larger community as happens in \\\"Whisky Galore\\\" or \\\"The Titfield Thunderbolt\\\". The central theme of \\\"Passport\\\" is that of ordinary men and women taking on bureaucracy and government-imposed regulations which seemed to be an increasingly important feature of life in the Britain of the forties. The film's particular target is the rationing system. During the war the system had been accepted by most people as a necessary sacrifice in the fight against Nazism, but it became increasingly politically controversial when the government tried to retain it in peacetime. It was a major factor in the growing unpopularity of the Attlee administration which had been elected with a large majority in 1945, and organisations such as the British Housewives' League were set up to campaign for the abolition of rationing. I cannot agree with the reviewer who stated that the main targets of the film's satire were the \\\"spivs\\\" (black marketeers), who play a relatively minor part in the action, or the Housewives' League, who do not appear at all. The satire is very much targeted at the bureaucrats, who are portrayed either as having a \\\"rules for rules' sake\\\" mentality or a desire to pass the buck and avoid having to take any action at all.

I suspect that if the film were to be made today it would have a different ending with Pimlico remaining independent as a British version of Monaco or San Marino. (Indeed, I suspect that today this concept would probably serve as the basis of a TV sitcom rather than a film). In 1949, however, four years after the end of the war, the film-makers were keen stress patriotism and British identity, so the film ends with Pimlico being reabsorbed into Britain. One of the best-known lines from the film is \\\"We always were English and we always will be English and it's just because we ARE English that we're sticking up for our right to be Burgundians\\\". There is a sharp contrast between the rather heartless attitude of officialdom with the common sense, tolerance and good humour of the Cockneys of Pimlico, all of which are presented as being quintessentially British characteristics.

Most of the action takes place during a summer drought and sweltering heatwave, but in the last scene, after Pimlico has rejoined the UK the temperature drops and it starts to pour with rain. Global warming may have altered things slightly, but for many years part of being British was the ability to hold the belief, whatever statistics might say to the contrary, that Britain had an abnormally wet climate. The ability to make jokes about that climate was equally important.

There is a good performance from Stanley Holloway as Arthur Pemberton, the grocer and small-time local politician who becomes the Prime Minister of free Pimlico, and an amusing cameo from Margaret Rutherford as a batty history professor. In the main, however, this is, appropriately enough for a film about a small community pulling together, an example of ensemble acting with no real star performances but with everyone making a contribution to an excellent film. It lacks the ill-will and rancour of many more recent satirical films, but its wit and satire are no less effective for all that. It remains one of the funniest satires on bureaucracy ever made and, with the possible exception of \\\"Kind Hearts and Coronets\\\" is my personal favourite among the Ealing comedies. 10/10\": {\"frequency\": 1, \"value\": \"My former ...\"}, \"If you hate redneck accents, you'll hate this movie. And to make it worse, you see Patrick Swayze, a has been trying to be a redneck. I really can't stand redneck accents. I like Billy Bob Thornton, he was good in Slingblade, but he was annoying in this movie. And what kind of name is Lonnie Earl? How much more hickish can this movie get? The storyline was stupid. I'm usually not this judgemental of movies, but I couldn't stand this movie. If you want a good Billy Bob Thornton movie, go see Slingblade.

My mom found this movie for $5.95 at Wal Mart...figures...I think I'll wrap it up and give it to my Grandma for Christmas. It could just be that I can't stand redneck accents usually, or that I can't stand Patrick Swayze. Maybe if Patrick Swayze wasn't in it. I didn't laugh once in the movie. I laugh at anything stupid usually. If they had shown someones fingers getting smashed, I might have laughed. people's fingers getting smashed by accident always makes me laugh.\": {\"frequency\": 1, \"value\": \"If you hate ...\"}, \"Charming doesn't even begin to describe \\\"Saving Grace;\\\" it's absolutely irresistible! Anyone who ventures into this movie will leave with their spirits soaring high (haha).

Grace Trevethyn (Brenda Blethyn) has just lost her husband, but her problems are about to get a whole lot worse. Her dearly departed has left her with no money and outstanding debts. Faced with losing everything, she has to find out a way to get a lot of cash...fast! She gets an idea when her gardener, Matthew (Craig Ferguson) asks the town-famous horticulturist to give him advice on a plant he is secretly growing. Grace immediately realizes that his plant is marijuana, so they decide to use her gardening skills to grow a lot of top-quality weed, and then sell it to pay off her outstanding debts.

The most notable quality about \\\"Saving Grace\\\" is its likability. Every character is extremely sympathetic, and, save for the first 20 or so minutes, the film is non-stop good cheer. Everyone wants a happy ending for everyone, even if it means turning a blind eye to some rather illegal activities.

The acting is top-notch. Brenda Blethyn is one of Britain's finest actresses, and here is why. She turns what could have been a caricature into a fully living and breathing individual. She's a nice lady, but she's not stupid. Craig Ferguson is equally amiable as Matthew. He's a deadbeat loser, but he's so likable that it doesn't matter. The rest of the ensemble cast fits in this category as well, but special mention has to go to Tcheky Karyo. The French actor always has a aura of menace about him, and that suits him well, but he also has great comedy skills.

Nigel Cole finds the perfect tone for \\\"Saving Grace.\\\" It's all about the charm. One of the problems I have with British humor is that all the energy seems to be drained out of the film. Not so here. The film is thoroughly likable and always amusing. That's not to say that \\\"Saving Grace\\\" is just a likable movie that will leave you with a grin and a good feeling. While this movie is not an out and out comedy, it does boast two or three scenes that are nothing short of hysterical.

If there's any problem with the film, it's that the climax is a little confusing. The questions are answered though, and the ending boasts an unexpected twist.

See \\\"Saving Grace,\\\" especially when you're having a bad day.\": {\"frequency\": 1, \"value\": \"Charming doesn't ...\"}, \"Well, were to start? This is by far one of the worst films I've ever paid good money to see. I won't comment on the story itself, it's a wonderful classic, but here it feels like a soap opera. To start with, the acting, except for Eric Bana, is soap opera quality. I've always been a fan of Brad Pitt, but here every actor on The Bold and the Beautiful puts him to shame. The camera action doesn't help, either. How it lingers on him when he's thinking, it just takes me back to Brooke Forrester's days in the lab! Peter O'Toole has either had a really bad plastic surgery, or he is desperately in need of one. Either way, he looks more like Linda Evans than Linda Evans! And to end my comments, Diane Kruger is a cute girl, but she sure is no Helen of Troy. Peterson should rather have chosen Saffron Burrows for the role, since Elizabeth Taylor would be rather miscast by now.\": {\"frequency\": 2, \"value\": \"Well, were to ...\"}, \"Kept my attention from start to finish. Great performances added to this tremendous film. Mr. Pacino once again gives us another brilliant character to enjoy.\": {\"frequency\": 1, \"value\": \"Kept my attention ...\"}, \"Awful, simply awful. It proves my theory about \\\"star power.\\\" This is supposed to be great TV because the guy who directed (battlestar) Titanica is the same guy who directed this shlop schtock schtick about a chick. B O R I N G.

Find something a thousand times more interesting to do - like watch your TV with no picture and no sound. 1/10 (I rated it so high b/c there aren't any negative scores in the IMDb.com rating system.)

-Zaphoid

PS: My theory about \\\"star power\\\" is: the more \\\"star power\\\" used in a show, the weaker the show is. (It's called an indirect proportionality: quality 1/\\\"star power\\\", less \\\"sp\\\" makes for better quality, etc. Another way to look at it is: \\\"more is less.\\\")

-Z\": {\"frequency\": 1, \"value\": \"Awful, simply ...\"}, \"This is a genuinely horrible film. The plot (such as it is) is totally undecipherable. (I think it has something to do with blackmail, but I'm not entirely certain.)

Half of the dialogue consists of useless cliches. The other half is spoken by the various actors in such unintelligible imitations of \\\"southern\\\" accents that (thankfully) the words cannot be recognized.

But the one true tragedy of the movie is that such a historic talent as Mary Tyler Moore apparently was in such dire financial or personal circumstances that she appeared in it.

\": {\"frequency\": 1, \"value\": \"This is a ...\"}, \"This documentary is a reenactment of the last few years of Betty Page's(Paige Richards) career. The Tennessee tease was the most recognizable pin-up queen in history. Her most memorable work came in the 1950's and was fetish photos, bondage and cat-fight \\\"girly flicks\\\". Irving Klaw(Dukey Flyswatter)at his Movie Star News instructed Betty on what to do in front of the camera. There was no nudity in the famous photos or \\\"stag films\\\", but nonetheless, Klaw was charged with distributing obscene materials and was ordered to destroy them to avoid prosecution. It is no surprise that Betty had a cult following at the height of her career. The girl-next-door with jet black hair, blue eyes and an hour glass figure dressed in fetish gear or not would mesmerize for decades. After all, it has been said that she was photographed more than Marilyn Monroe and second only to the most photographed image in the world, Elvis Presley. Betty Page would disappear and devote her last years to religion. This movie actually could have been a lot better; but good enough to hold interest.

Miss Richards is stunning in her own right. Bra, panties, garter belt and hose do not hurt her image in the least. Also in the cast: Jaimie Henkin, Jana Strain, Emily Marilyn and Julie Simone. Be advised this movie can change your heart rate.\": {\"frequency\": 1, \"value\": \"This documentary ...\"}, \"This is absolutely the worst movie I've seen all year.

First, I will say that the acting was very good, and by all of the cast.

This was apparently meant to be very offbeat, and in that regard it succeeded. By the same token, the story revolves around a self-centered wannabe, who is a clueless, talentless chronic liar, whose source of self confidence comes from a pair of leather slippers.

This was worse than watching a car wreck.\": {\"frequency\": 1, \"value\": \"This is absolutely ...\"}, \"What seemed at first just another introverted French flick offering no more than baleful sentiment became for me, on second viewing, a genuinely insightful and quite satisfying presentation.

Spoiler of sorts follows.

Poor Cedric; he apparently didn't know what hit him. Poor audience; we were at first caught up in what seemed a really beautiful and romantic story only to be led back and forth into the dark reality of mismatch. These two guys just didn't belong together from their first ambiguous encounter. As much as Mathieu and Cedric were sexually attracted to each other, the absence of a deeper emotional tie made it impossible for Mathieu, an intellectual being, to find fulfillment in sharing life with someone whose sensibilities were more attuned to carnival festivities and romps on the beach.

On a purely technical note, I loved the camera action in this film. Subtitles were totally unnecessary, even though my French is \\\"presque rien.\\\" I could watch it again without the annoying English translation and enjoy it even more. This was a polished, very professionally made motion picture. Though many scenes seem superfluous, I rate it nine out of ten.\": {\"frequency\": 1, \"value\": \"What seemed at ...\"}, \"And I'm serious! Truly one of the most fantastic films I have ever had the pleasure of watching. What's so wonderful is that very rarely does a good book turn into a movie that is not only good, but if possible better than the novel it was based on. Perhaps in the case of Lord of the Rings and Trainspotting, but it is a rare occurrence indeed. But I think that the fact that Louis Sachar was involved from the beginning helped masses, so that the film sticks close to the story but takes it even further. This film has many elements that make it what it is:

1. A unique, original story with a good mix of fun and humour, but a mature edge. 2. Brilliant actors. Adults and kids alike, these actors know how to bring the story to life and deliver their lines with enthusiasm and style without going overboard, as sometimes happen with kids movies. 3. Breathtaking scenery. And it doesn't matter if it's real or CGI, the setting in itself is a masterpiece. I especially love the image of the holes from a birds eye view. 4. A talented director who breathes life into the book and turns it into technicolour genius. The transitions in time work well and capture the steady climax from the book, leading up to the twists throughout the film. 5. Louis Sachar! The guy who had me reading a book nonstop from start to finish so that I couldn't put it down. He makes sure that the script sticks to the book, with new bits added in to make it even better. 6. And speaking of the script! The one-liners in this are smart, funny and unpatronising. But there are also parts to make you smile, make you cry, and tug at your heartstrings to make you love this story all the more. 7. Beautiful soundtrack. There's not a song in this film that I haven't fallen for, and that's something considering I'm supposed to be a punk-rocker. The songs link to the story well and add extra jazz to the overall style of the film. If you're going to buy the film, I recommend you buy the soundtrack too, especially for \\\"If Only\\\", which centres around the story and contains the chorus from the book.

I do not work for the people who made Holes, by the way, I'm just a fan, plugging my favourite film and giving it the review it deserves. If you haven't seen it, do it. Now. This very instant. Go!\": {\"frequency\": 1, \"value\": \"And I'm serious! ...\"}, \"Brilliant execution in displaying once and for all, this time in the venue of politics, of how \\\"good intentions do actually pave the road to hell\\\". Excellent!\": {\"frequency\": 1, \"value\": \"Brilliant ...\"}, \"This is a very moving picture about 3 forty-something best friends in a small england town. One finds a passionate loves and a new beginning with a younger piano instructor, When tragedy strikes and hearts are changed forever. Definitely a film to have a box of tissues with you! A powerful piece of work. This is definitely one of my favorite films of all time.

*SPOILER!!! SPOILER ALERT!! SPOILER!!*

The main character is taken by her young, handsome piano instructor and a passionate romance blossoms. Her two jealous \\\"friends\\\" play an immature prank which quickly leads to tragedy. She loses her love and her friends in one foul swoop. In the end a unexpected surprise pulls them back together.(in my opinion her forgiveness is not warranted)\": {\"frequency\": 1, \"value\": \"This is a very ...\"}, \"There is nothing unique in either the TV Series nor the Movie. Which is a prequel to the TV Show, that isn't found everywhere else in life and entertainment. Both before David Lynches disgusting style of story telling, and after.

From the Moment the body of a poor misguided girl washed up on the beach. And being introduced to some of the most mind numbing shady immoral character of the Twin Peaks.

To the Mind numbing almost pedophilia disgusting way the movie seems to romantically tell of the destruction of a Human Life through some random psychedelic phenomena in the Movie Twin Peak:Fire Come Walk with me.

I watched it all just to make sure I wasn't missing anything. I didn't. It's is simply one mans obvious sexual fetish extended over long series fallowed by a ridiculous overly pornographic movie. Save your self the agony the suspense and watch anything else that at least has the ability to tell a story, rather then seduce you into some kind mental porn movie.

I have heard a lot of reviews, rants and raves about how great David Lynch. Because of his ability to define misery and and tragedy and making it into some kind of a wonderful thing. This is not life imitating art, as much as it is some sick twisted version of art doing its best to inspire complete mindless life.

Do yourself a favor and avoid this garbage.\": {\"frequency\": 1, \"value\": \"There is nothing ...\"}, \"!!!! POSSIBLE MILD SPOILER !!!!!

As I watched the first half of GUILTY AS SIN I couldn`t believe it was made in 1993 because it played like a JAGGED EDGE / Joe Eszterhas clone from the mid 80s . It starts with a murder and it`s left for the audience to muse \\\" Is he guilty or innocent and will he go to bed with his attorney ? \\\" , but halfway through the film shows its early 90s credentials by turning into a \\\" Lawyer gets manipulated and stalked by her client \\\" type film which ends in a ridiculous manner , and GUILTY AS SIN has an even more ridiculous ending in this respect .

This is a very poor thriller but the most unforgivable thing about it is that it was directed by Sidney Lumet the same man who brought us the all time classic court room drama 12 ANGRY MEN\": {\"frequency\": 1, \"value\": \"!!!! POSSIBLE MILD ...\"}, \"It was a Sunday night and I was waiting for the advertised movie on TV. They said it was a comedy! The movie started, 10 minutes passed, after that 30 minutes and I didn't laugh not even once. The fact is that the movie ended and I didn't get even on echance to laugh. PLEASE, someone tickle me, I lost 90 minutes for nothing.\": {\"frequency\": 1, \"value\": \"It was a Sunday ...\"}, \"\\\"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\\ufffd\\ufffd 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.\": {\"frequency\": 1, \"value\": \"\\\"Fanfan la tulipe\\\" ...\"}, \"Antonio Margheriti's \\\"Danza Macabra\\\"/\\\"Castle of Blood\\\" is an eerie,atmospheric chiller that succeeds on all fronts.It looks absolutely beautiful in black & white and it has wonderfully creepy Gothic vibe.Alan Foster is an English journalist who pursues an interview with visiting American horror writer Edgar Allan Poe.Poe bets Foster that he can't spend one night in the abandoned mansion of Poe's friend,Thomas Blackwood.Accepting the wager,Foster is locked in the mansion and the horror begins!The film is extremely atmospheric and it scared the hell out of me.The crypt sequence is really eerie and the tension is almost unbearable.Barbara Steele looks incredibly beautiful as sinister specter Elisabeth Blackwood.\\\"Castle of Blood\\\" is easily one of the best Italian horror movies made in early 60's.A masterpiece!\": {\"frequency\": 1, \"value\": \"Antonio ...\"}, \"In any number of films, you can find Nicholas Cage as a strong, silent hero, Dennis Hopper as a homicidal maniac, Lara Flynn Boyle as a vamp/tramp, and the late, lamented J.T. Walsh as the heavy. These are the types of roles these four can play in their sleep, and they have done so often enough that to see them playing them again borders on cliche. What a relief, therefore, that John Dahl, a master at getting a lot of mood out of a little action, directed this nuanced noirish thriller. Hopper manages to keep from going over the top, Cage shows a little more depth than his usually-superficial action heroes, Boyle is by turns sultry, innocent, and scheming, and one gets a sense of the hard iron of the soul that is central to his character, Wayne. Dahl's direction gives a sense of the emptiness of the Big Sky country where the story takes place while also being intimate enough to show how a wrinkled brow can indicate a radical change of plot in store. The plot twists are top-notch, and one of the other great twists in this movie is that some of the supporting characters actually act as if they have brains. It isn't often that minor characters like deputy sheriffs have more brains than their headlining superiors. But with a director as smart as Dahl, you shouldn't be surprised by the intelligence of anything connected with this film. An excellent movie.\": {\"frequency\": 1, \"value\": \"In any number of ...\"}, \"I absolutely hate this programme, what kind of people sit and watch this garbage?? OK my dad and mum love it lol but i make sure I'm well out of the room before it comes on. Its so depressing and dreary but the worst thing about it is the acting i cant stand all detective programmes such as this because the detectives are so wooden and heartless. What happened to detective programmes with real mystery??? I mean who wants to know what happened to fictional characters we know nothing about that died over 20 years ago??? I wish the bbc would put more comedy on bbc1 cos now with the vicar of dibley finished there is more room for crap like this.\": {\"frequency\": 2, \"value\": \"I absolutely hate ...\"}, \"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.

\": {\"frequency\": 1, \"value\": \"Ok, first of all, ...\"}, \"So, Steve Irwin. You have to admire a man who is not only willing to throw himself into a river that clearly is filled with crocs, snakes, lizards, tons of poop from the aforementioned reptiles, and mud, not only daily, but with enthusiasm. He was never able to make ME want to do it, but he managed to make his wife come close.

This movie does not fall into my parallel universe of film category - the films for people who just had their teeth drilled, have a migraine, or have no film experience and therefore like quiet mediocrity (currently well populated by Disney films). It's too noisy. Well, Steve is too noisy. He's just so happy all the time, and would cut right through the blas\\ufffd\\ufffd' teenager (I can hear it now: \\\"that movie was so STUPID\\\") or the Tylenol with codeine. I'd say his enthusiasm is catching, but if it was, I would own a room full of snakes, and that hasn't happened yet. I agreed they're beauties, but I'm still not going to pet them.

Plot was indeed predictable. Bad guys were so bad, for a minute there I thought I was shopping at a consumer electronic superstore. But the movie was filled with animals, and Steve and Terri, which is why I watched it. That plot (if you could call it that) was really more of a reason to throw yet another croc in a truck. My expectations were low and stayed that way.

I was hoping, though, that there would be a bit of a sequel, where Steve and Terri (having worked on their acting skills) have a movie with a real plot and more animals with fur. I still can't believe we won't see Steve anymore. I hope that Terri and the children continue to be involved in the Australia Zoo and the discovery channel, at least. I can't imagine seeing a crocodile without having some member of the Irwin family telling me forcefully how wonderful that croc is. Crikey!\": {\"frequency\": 2, \"value\": \"So, Steve Irwin. ...\"}, \"I must admit I'm a little surprised and disappointed at some of the very negative comments this film seems to provoke. I think its a great horror/sci fi film. Colonel Steve West (Alex Rebar) returns to Earth after an historical space flight to Saturn. While in space he contracted some bizarre and unknown disease. He wakes up in a hospital bed, he looks in a mirror and before his very eyes his face is melting! Escaping the hospitals supervision, he hides out in some local woods surrounding a small town. Unfortunately he starts to develop a rapidly growing hunger that can only be satisfied by eating other people. He must feed on human flesh and drink the blood of others to survive! Stalking human prey he begins his reign of terror! Its up to his old friend Dr Ted Nelson (Burr DeBenning) to find him and try and help him. He has to work alone as his boss General Perry (Myron Healey) wants it kept ultra quiet. Nelson can't even tell his wife Judy (Ann Sweeny). However, Sheriff Blake (Micheal Alldredge) becomes suspicious as General Perry turns up just as some of the local townspeople start turning up half eaten. I don't really understand why this film gets such negative reviews, what do people expect? Anyway, I really like this film. The star of the film are unquestionably Rick Bakers Special Make-up and gore effects which for the most part are excellent, and the fact their all prosthetic effects and no rubbish horrible CGI makes them even better. Writer and Director William Sachs isn't afraid to use them either, we get some nice long lingering close up shots of the incredible melting man and they hold up very well, even now. Photography, music and direction are a little bit dull, but professional enough. The script manages to create some sympathy for the the monster, shots of him looking longingly into Ted Nelsons house, or when he sees his own reflection in some water and reacts violently. The ending, set in a large factory of some sort, is pretty downbeat so don't expect any happy ending. Which surprised me. Also, the script doesn't really do anything with the premise, he just walks around melting and killing, with his friend trying to stop him, maybe a bit too simple. Personally I think the worst bit of the film is near the start when the fat nurse runs down a hospital corridor in slow motion, her screams are also portrayed in slow motion too, it looks and sounds totally ridiculous! You need to see it to believe it! I like this film a lot and recommend it to 70's and 80's horror/sci fi fans. A bit of a favourite of mine.\": {\"frequency\": 1, \"value\": \"I must admit I'm a ...\"}, \"I have watched 3 episodes of Caveman, and I have no idea why I continue except maybe waiting for it to get better.

To me this show is just pumping itself off the commercials, with no real humor. As we sat around watching these shows, we all speculated on what was going to happen.

The episode of the woman cave-woman with a attitude was actually a big, yea right, for us. she's crude in a theater and acts tough to strangers, and truth be told, she needed a slap

I consider myself a pretty good reviewer, taking in everything, but I must say, Cavemen is comparable to the old show, My mother, the car. I give it a 2, only because they deserve 1 better than a 1 because they actually spent money on it.\": {\"frequency\": 1, \"value\": \"I have watched 3 ...\"}, \"DVD has become the equivalent of the old late night double-bill circuit, the last chance to catch old movies on the verge of being completely forgotten like The Border. There were great expectations for this back in 1982 \\ufffd\\ufffd a script co-written by The Wild Bunch's Walon Green, Jack Nicholson in the days when he could still act without semaphore and a great supporting cast (Harvey Keitel, Warren Oates, Valerie Perrine), Tony Richardson directing (although he was pretty much a spent force by then) \\ufffd\\ufffd but now it doesn't even turn up on TV. The material certainly offers a rich seam of possibilities for comment on the 80s American Dreams of capitalism and conspicuous consumption, with Nicholson's border patrolman turning a blind eye to the odd drug deal or bit of people trafficking to finance his wife's relentless materialism, until he rediscovers his conscience when he finds out his partners are also in the baby selling business. Unfortunately, he never really gets his hands dirty, barely even turning a blind eye before his decency rises to the surface. The film feels always watered down as if too many rewrites and too many committees have left it neutered and, sadly, the recent DVD release is a missed opportunity to restore the original, nihilistic ending where Nicholson goes over the edge and firebombs the border patrol station that was cut after preview audiences found it too downbeat but which still featured prominently in the film's trailers.

While that probably wasn't too convincing considering how low-key Nicholson's crisis of conscience is in the film, it had to be better than the crude reshot climax where the film abandons logic and even basic rules of continuity: at one point he's holding characters at gunpoint, then he's somewhere else and they're free trying to kill him, one character goes from injured at his house to hopping around like a gazelle on the banks of the Rio Grande while Valerie Perrine's character gets dumber on an exponential level. The villains of the piece are disposed of with absurd ease (and one impressive car stunt) in time for a clumsily edited happy ending and you start wondering if you somehow found yourself watching another film entirely. What makes it all the more clumsy is that the rest of the film is so flat and underwhelming that the sudden lurch into melodrama is all the more jarring. Unfortunately Ry Cooder's beautiful title song, Across the Borderline, says it all much more economically. But if you want to know the film's real crime, it's completely wasting the great Warren Oates in a nothing bit part. When even he can't make an impression, you know something's really wrong. All in all, all too easy to remember why I found this so forgettable at the time.\": {\"frequency\": 1, \"value\": \"DVD has become the ...\"}, \"Did Sandra (yes, she must have) know we would still be here for her some nine years later?

See it if you haven't, again if you have; see her live while you can.\": {\"frequency\": 1, \"value\": \"Did Sandra (yes, ...\"}, \"I cannot say enough bad things about this train wreck. It is one of the few movies I've ever been tempted to walk out of. It was a bad premise to begin with, first pregnant male, but then they tried to make it a spoof. What were they spoofing all those real pregnant males??? This was the worst movie I have ever seen. If it had enough votes it would be on the IMDB bottom 100. If it was possible to give it a zero I would, and I would still feel I had given it too much credit.\": {\"frequency\": 1, \"value\": \"I cannot say ...\"}, \"I once thought that \\\"The Stoned Age\\\" was the worst film ever made... I was wrong. \\\"Hobgoblins\\\" surpassed it in every way I could imagine and a few I couldn't. In \\\"The Stoned Age\\\" I hated the characters. In \\\"Hobgoblins\\\" I hated the actors... and everyone else involved in creating this atrocity. I won't include a teaser to this film, I'm not that cruel. I couldn't subject innocent people such as yourselves to such torment. In fact, any discussion of plot pertaining to this film is senseless and demeaning. Words I would use to describe this film are as follows: insipid, asinine, and ingenuous.

In conclusion, PLEASE don't watch this film. I beg of you, from one movie lover to another... no, from one human being to another, PLEASE. For the sake of your own sanity and intellect DO NOT WATCH IT. Destroy any copies you come across.\": {\"frequency\": 1, \"value\": \"I once thought ...\"}, \"C'mon people, you can't be serious, another case of advertising snuff when it totally isn't! This isn't even remotely scary nor is it terrifying or depraved - it is just utterly terrible amateurish videowork, made for the next party to get the girls laid.

The gore is incredibly bad, even the eye-scene is far from making me want to puke but just making me want to take the camera and hit those guys over the head. The girl is just laying there rubber-faced, not moving at all. It would have been funnier to use a real doll instead.

One season of \\\"I'm a Celebrity, Get Me Out of Here!\\\" is more frightening than this one. Don't waste your time or your money.\": {\"frequency\": 1, \"value\": \"C'mon people, you ...\"}, \"Josef Von Sternberg directs this magnificent silent film about silent Hollywood and the former Imperial General to the Czar of Russia who has found himself there. Emil Jannings won a well-deserved Oscar, in part, for his role as the general who ironically is cast in a bit part in a silent picture as a Russian general. The movie flashes back to his days in Russia leading up to the country's fall to revolutionaries. William Powell makes his big screen debut as the Hollywood director who casts Jannings in his film. The film serves as an interesting look at the fall of Russia and at an imitation of behind-the-scenes Tinseltown in the early days. Von Sternberg delivers yet another classic, and one that is filled with the great elements of romance, intrigue, and tragedy.\": {\"frequency\": 1, \"value\": \"Josef Von ...\"}, \"I first saw Ice Age in the Subiaco Cinemas when it came out, back in '02. I was only 13 at the time, but even then I liked it. It had some sort of warmth.

We've had it on video for a number of years now and no matter how many times you watch it, it never gets boring. This is because of the one element which makes it different from all of the other 3D animations made at the time - The characters have no particular 'home' which they leave. They are nomads, and that's really refreshing and uplifting to watch.

Also, each individual character on the surface, appear to be just putting up with each other, but they're really all good friends. As well, all of the characters have their own charms (even the bad guys). Sid the sloth is charming in his annoying, over-affectionate and naive sort of way. Manny is adorable in his depressed, reclusive character, and so on and so forth.

Another great point about the movie is the beauty of the animation. All the environments and characters were modeled originally by clay, giving the film an artistic edge.

Another aspect that adds to the feel of the movie, is that gender means very little. There are hardly any female characters, but you don't really realize that until after you watch it a few times and even then it has little effect on the way you view the film. Due to this, there's also no mention of a nuclear family which would really be pathetic in a setting like the ice age.

All in all, Ice Age is a great movie and is proof on how much effort was put into 3d animations before Shrek 2 and The Incredibles came out.\": {\"frequency\": 1, \"value\": \"I first saw Ice ...\"}, \"I knew absolutely nothing about Chocolat before my viewing of it. I didn't know anything about the story, the cast, the director, or anything about the film's history. All I knew was it was a highly-acclaimed French film. Had I known more, I probably wouldn't have viewed the picture with an open mind. On paper, the premise doesn't sound interesting to me. Had I known what Chocolat was about ahead of time, my interest while watching would have been limited. However, not knowing about the story helped me enjoy it. Throughout, I had no clue has to where the story would go, what the characters would do, and what the end result would be. It was, if nothing else, not a predictable film. Indeed, it could have been as the story is told in flashbacks. Telling a story in flashbacks is often a risky move on the part of the filmmakers. Since the lead character is seen in present day, the audience knows she will remain alive. By using the flashback technique, director Claire Denis is able to ensure the audience that the young girl makes it to adulthood without any serious physical damage, giving the viewer the sense that Chocolat is a story more about emotions than what is on the outside. A lesser filmmaker would give France a haggard-looking face, one that screams of a confused and unusual childhood. Instead, Denis presents France as a beautiful girl, someone who looks fine on the outside.

It could be argued that Chocolat is more about France's mother since she is given far more screen time, though I believe it is ultimately about France. To me, what Chocolat is really about is how a mother's actions affect her daughter. It is about how parents' behavior stays with their offspring. France is not ruined by her mother's actions in the story, yet her mother's actions clearly made an impression on France. Had France not been affected at all by her mother's actions, the flashback aspect would be irrelevant.

For a movie that deals with two time periods, the past and the present, Chocolat was a very well paced, there were no scene of excess fat. None of the scenes felt gratuitous or out of the place. The film had nice rhythm, the editing crisp, leaving only what was necessary to tell the story. With a well told story, solid editing, and organized directing, Chocolat is one of the better French films I have seen. It was responsible for launching Claire Denis' career and with good reason: it's an incredible directorial debut.\": {\"frequency\": 1, \"value\": \"I knew absolutely ...\"}, \"I've read some terrible things about this film, so I was prepared for the worst. \\\"Confusing. Muddled. Horribly structured.\\\" While there may be merit to some of these accusations, this film was nowhere near as horrific as your average DVD programmer. In fact, it actually had aspirations. It attempted something beyond the typical monster/slasher nonsense. And by god, there are some interesting things going on.

Ms. Barbeau is a miracle to behold. She carries the film squarely on her shoulders.

This is not to say that it's a masterpiece. UNHOLY ultimately collapses under the weight of its own ambition. There are just too many (unexplained) subplots trying to coexist. And the plot loopholes created by time travel are never really addressed: for example, if Hope knows that her mother is evil and that she will ultimately kill her brother, then why doesn't she just kill Ma in the film's very first sequence? Seems like it would have beat the hell out of traveling into the future to do it.

Still, I give UNHOLY points for trying. A little ambition is not a bad thing.\": {\"frequency\": 1, \"value\": \"I've read some ...\"}, \"The 1930s. Classy, elegant Adele (marvelously played with dignified resolve by Debbie Reynolds) and batty, frumpy Helen (the magnificent Shelley Winters going full-tilt wacko with her customary histrionic panache) are the mothers of two killers. They leave their seamy pasts in the Midwest behind and move to Hollywood to start their own dance school for aspiring kid starlets. Adele begins dating dashing millionaire Lincoln Palmer (the always fine Dennis Weaver). On the other hand, religious fanatic Helen soon sinks into despair and madness.

Director Curtis (\\\"Night Tide,\\\" \\\"Ruby\\\") Harrington, working from a crafty script by Henry Farrell (who wrote the book \\\"Whatever Happened to Baby Jane?\\\" was based on and co-wrote the screenplay for \\\"Hush ... Hush, Sweet Charlotte\\\"), adeptly concocts a complex and compelling psychological horror thriller about guilt, fear, repression and religious fervor running dangerously amok. The super cast have a ball with their colorful roles: Michael MacLiammoir as a pompous elocution teacher, Agnes Moorehead as a stern fire-and-brimstone radio evangelist, Yvette Vickers as a snippy, overbearing mother of a bratty wannabe child star, Logan Ramsey as a snoopy detective, and Timothy Carey as a creepy bum. An elaborate talent recital set piece with Pamelyn Ferdin (the voice of Lucy in the \\\"Peanuts\\\" TV cartoon specials) serving as emcee and original \\\"Friday the 13th\\\" victim Robbi Morgan doing a wickedly bawdy dead-on Mae West impression qualifies as a definite highlight. David Raskin's spooky score, a fantastic scene with Reynolds performing an incredible tango at a posh restaurant, the flavorsome Depression-era period atmosphere, Lucien Ballard's handsome cinematography, and especially the startling macabre ending are all likewise on the money excellent and effective. MGM presents this terrific gem on a nifty DVD doublebill with \\\"Whoever Slew Auntie Roo?;\\\" both pictures are presented in crisp widescreen transfers along with their theatrical trailers.\": {\"frequency\": 1, \"value\": \"The 1930s. Classy, ...\"}, \"When people ask me whats the worst movie I've ever seen its this one. Its not even close to MST3k level riffing, or midnight viewing at a theatre, or even as Disney channel late night filler. The only time I've ever wanted to jump off a ride at Disney World (or Disney/MGM Studios in this case) was to grab Dick Tracey's jacket off the mannequin, rip it to shreds, and ram it down the tour guides throat saying \\\"Eat this! Eat this unholy coat of darkness!!!\\\" I've never been so mad at a movie, not even \\\"Nutty Professor II: The Klumps\\\" or \\\"Flash Gordon\\\". You want pretty colors and cinematography? Ain't here babe. Reviewers keep saying \\\"oh, but its too look like a comic book\\\", well, to me, its the color of a Gordito after several weeks in the sun. About as enjoyable too. Beatty wanders around this landscape jumping around and talking to his watch, himself, and occasional at the other actors, hoping someone will tell him what time the sequel will begin shooting. To be fair, I have only seen this movie once, but my pain threshold is that of a man, not a God.\": {\"frequency\": 1, \"value\": \"When people ask me ...\"}, \"Thunderbirds (2004)

Director: Jonathan Frakes

Starring: Bill Paxton, Ben Kingsley, Brady Corbet

5\\ufffd\\ufffd4\\ufffd\\ufffd3\\ufffd\\ufffd2\\ufffd\\ufffd1! Thunderbirds are GO!

And so began Thunderbirds, a childhood favorite of mine. When I heard that they were going to make a Thunderbirds movie, I was ecstatic. I couldn't wait to see Thunderbird 2 roar in to save people, while Thunderbird 4 would dive deep into the\\ufffd\\ufffdyou get the idea. I just couldn't wait. Then came August 2004, when the movie was finally released. Critics panned it, but I still wanted to go. After all, as long as the heart was in the same place, that was all that mattered to me. So I sat down in the theater, the only teenager in a crowd of 50\\ufffd\\ufffdeveryone else was over thirty and under ten. Quite possibly the most awkward theater experience that I have ever had\\ufffd\\ufffd

The movie (which is intended to be a prequel) focuses on Alan Tracy (Brady Corbet), the youngest of the Tracy family. He spends his days wishing that he could be rescuing people like the rest of his family, but he's too young. One day, he finally gets his chance when The Hood (Ben Kingsley) traps the rest of his family up on Thunderbird 5 (the space station). This involves him having to outsmart The Hood's henchmen and rescue his family in time before The Hood can steal all of the money from the Bank of England.

Trust me, the plot sounds like a regular episode of Thunderbirds when you read it on paper. Once it gets put on to film\\ufffd\\ufffdwhat a mess we have on our hands. First off, the film was intended for children, much like the original show was. However, Gerry Anderson treated us like adults, and gave us plots that were fairly advanced for children's programming. This on the other hand, dumbs down the plot as it tries to make itself a ripoff of the Spy Kids franchise. The final product is a movie that tries to appeal to fans of the Thunderbirds series and children, while missing both entirely. Lame jokes, cartoonish sounds, and stupid antics that no one really finds amusing are all over this movie, and I'm sure that Jonathan Frakes is wishing he'd never directed this.

Over all, everyone gave a solid performance, considering the script that they were all given. Ben Kingsley was exceptional as The Hood, playing the part extremely well. My only complaint about the characters is about The Hood's henchmen, who are reduced to leftovers from old Looney Tunes cartoons, bumbling about as, amazingly enough, the kids take them on with ease.

What's odd about this movie is that while I was watching the movie, I had fun. But once the lights went up, I realized that the movie was fairly bad, I was $8 lighter, and two hours of my time were now gone. A guilty pleasure? Perhaps. Nonetheless, Thunderbirds is a forgettable mess. Instead of a big \\\"go\\\", I'm going to have to recommend that you stay away from this movie. If the rest of movie could have been like the first ten minutes of it, it would have been an incredible film worthy of the Thunderbirds name. However, we get a movie that only die-hard Thunderbirds fans (if you'd like to watch your childhood torn to pieces) or the extremely bored should bother with.

My rating for Thunderbirds is 1 \\ufffd\\ufffd stars.\": {\"frequency\": 1, \"value\": \"Thunderbirds ...\"}, \"huge Ramones fan. i do like the ramones, and i suppose if you hate them, then, besides being a avid Bush supporter, you might not like this classic.

it's immensely better than the sappy john hughes teen films and the like that littered the 80's. infinitely better than the American Pie's that plague us now.

There are some other great high school films: Switchblade Sisters, Fast Times..., Class of '84, Three O'Clock High, and the cheesy yet gripping(doesn't seem possible) River's Edge. But RnRHS will always be my favorite because it's the funniest and most fun, plus you can get up and dance with it.

I love you, Riff Randell.

10/10\": {\"frequency\": 1, \"value\": \"huge Ramones fan. ...\"}, \"This film had my heart pounding. The acting was great, the erotic music and the beautiful women add up to make this one a winner. The lead actress decides to join an escort service when she realizes that her husband has no time for her. She step's into a whole new world her first client being another woman. This is a film you definitely DON'T want to pass up.\": {\"frequency\": 1, \"value\": \"This film had my ...\"}, \"Positively awful George Sanders vehicle where he goes from being a thief to police czar.

While Sanders was an excellent character actor, he was certainly no leading man and this film proves it.

It is absolutely beyond stupidity. Gene Lockhart did provide some comic relief until a moment of anger led him to fire his gun with tragedy resulting.

Sadly, George Sanders and co-star Carol Landis committed suicide in real life. After making a film as deplorable as this, it is not shocking.

The usual appealing Signe Hasso is really nothing here.\": {\"frequency\": 1, \"value\": \"Positively awful ...\"}, \"Well, I have finally caught up with \\\"Rock 'N' Roll High School,\\\" almost 30 years after it first became a midnight movie sensation in 1979. (Latecomer that I am, I will probably first see this summer's new documentary \\\"Patti Smith: Dream of Life\\\" sometime around 2040!) And no, the film doesn't feel dated one bit, and yes, it was worth the wait. This is a very high-energy comedy that features loads of great music and some surprising moments. It tells the story of Riff Randell, adorably played by P.J. Soles, and the battle that she and her fellow students at Vince Lombardi High wage against their new repressive principal, Miss Togar. (Danny Peary, in his book \\\"Cult Movies,\\\" quite accurately describes Mary Woronov's performance as an \\\"evil Eve Arden.\\\") A typical teens vs. Establishment story line is beefed up here with some absurdist humor (those exploding mice, that giant mouse, the Hansel and Gretel hall monitors) and some truly rousing tunes. Riff is, of course, the #1 fan of that original punk band The Ramones, and that band dishes out a baker's dozen of its greatest songs during the course of the film, including five at a concert that is a total blast. Indeed, the sight of Riff furiously dancing to \\\"Teenage Lobotomy\\\" at this blowout may be the picture's funniest moment. And the initial appearance of Joey, Johnny, Dee Dee and Marky in their Ramonesmobile, and later slinking down a street singing \\\"I Just Wanna Have Something To Do,\\\" is quite exhilarating. The film ends with an explosive confrontation that is, I would imagine, every high school kid's wet dream. Fun stuff indeed. On a side note, The Ramones were one of the loudest bands that I have ever seen in concert, so I was very amused to note that the DVD for this film comes with optional English subtitles for the hearing impaired. How many aging punks out there found these subtitles necessary, I wonder....\": {\"frequency\": 1, \"value\": \"Well, I have ...\"}, \"I knew I was going to see a low budget movie, but I expected much more from an Alex Cox film. The acting by the two leading men was terrible, especially the white guy. The girl should have won an Oscar compared to those two. This movie was filled with what I guess would be inside jokes for film industry people and a few other jokes that I actually understood and made me laugh out loud, which is rare. Without these laugh-out-loud moments I would have given this film 2/10. What happened to the Alex Cox who made all the 80s classics?

SPOILER:

There were a couple of questions I had after the movie was over. Why did the Mexican guy go to the other guy's house at the beginning? What did his daughter say he got 100 people fired from his last job? Why was she breaking her own stuff when she was mad at him? I guess I should have gone to the Q&A after the movie, but I didn't want to get up at 10am.\": {\"frequency\": 2, \"value\": \"I knew I was going ...\"}, \"Although Super Mario 64 isn't like the rest of the games in the series, it is still a classic and is every bit as good as the old games. Games with this much replay value are few and far between. Plus, this game has so much variety. There are 15 levels each with several different tasks you can do, and many other hidden tasks. The game isn't very challenging, but its lack of challenge doesn't take away from the game at all. Once you beat it, you'll want to erase your game and start again. And its just as much fun the second time, or third time, or two hundredth time. A must own for any Nintendo 64 owner, and is a reason in itself to own a Nintendo 64.\": {\"frequency\": 1, \"value\": \"Although Super ...\"}, \"My girlfriend picked this one; as a southern born and raised African American I found this movie's plot and premise totally without credibility. To believe that class and racial biases would be so easily and comfortably suspended would only come from someone totally unfamiliar with the ante-bellum south. Totally absurd !!! I wonder how they got a good actor like Harvey Keitel and a good actress like Andie McDowell (who being southern knows better) to participate in this crap\": {\"frequency\": 1, \"value\": \"My girlfriend ...\"}, \"I'm a fan of Matthew Modine, but this film--which I stumbled upon on cable--is absolutely witless. I see that the screenwriter and director were one and the same, so there was no one around to check her worst instincts. There are no surprises, no original lines, and no original characters. The goldfish was basically the most sympathetic character. What a waste of all this acting talent. Given how expensive it is to film in New York these days, I have to wonder how this got made in the first place. And if you're wondering why I watched it at all, it came on after a film that I like on cable and I left it on while I worked at the computer. It's not a very demanding picture!\": {\"frequency\": 1, \"value\": \"I'm a fan of ...\"}, \"Ashanti is a very 70s sort of film (1979, to be precise). It reminded me of The Wild Geese in a way (Richard Burton, Richard Harris and Roger Moore on a mission in Africa). It's a very good film too, and I enjoyed it a lot.

David (Michael Caine) is a doctor working in Africa and is married to a beautiful Ashanti woman called Anansa (Beverley Johnson) who has trained in medicine in America and is also a doctor. While they're doctoring, one day she is snatched by slavers working for an Arabic slave trader called Suleiman (played perfectly by Peter Ustinov, of all people). The rest of the film is David trying to get her back.

Michael Caine is a brilliant actor, of course, and plays a character who is very determined and prepared to do anything to get his wife back, but rather hopeless with a gun and action stuff. He's helped out first by a Englishman campaigning against the slave trade that no one acknowledges is going on (Rex Harrison!), then briefly by a helicopter pilot (William Holden), and then by an Arab called Malik (Kabir Bedi). Malik has a score to settle with Suleiman (he is very intense throughout, a very engaging character), and so rides off with David to find him and get Anansa back - this involves a wonderful scene in which David fails miserably to get on his camel.

Then there's lots of adventure. There's also lots of morality-questioning. The progress of the story is a little predictable from this point, and there are a few liberties taken with plotting to move things along faster, but it's all pretty forgivable. The question is, will David get to Anansa before Peter Ustinov sells her on to Omar Sharif (yes, of course Omar Sharif is in it!)?\": {\"frequency\": 1, \"value\": \"Ashanti is a very ...\"}, \"Utterly pretentious nonsense. The material is dull, dull, dull, and most of the cast wouldn't even have made understudies in Allen's earlier films. And to have to listen to the unfunny Will Ferrell do his Woody Allen imitation makes me loathe the second-rate (though mysteriously popular) Ferrell even more. It appears that the morose 70-year old Allen should have knocked off work when the clock rang in a new century.

I truly tried to get involved in the film, but it was just impossible; my snyapses couldn't fire that slowly. So, rather than doze off and kill the afternoon sleeping in an upright position I got up, left my wife and daughter in the theater, and went out to the car where I had a really good book to re-read (George Bailey's great tome of 30 years ago, \\\"Germans.\\\") The day turned out pretty well after all, no thanks to Woody.\": {\"frequency\": 1, \"value\": \"Utterly ...\"}, \"I was reviewing some old VHS tapes I have and came across The TV show John Denver & The Muppets A Christmas Together.This made me go to my computer and look it up to see if I could find a DVD version of this show to buy. I was disappointed not to be able to find it yet on DVD. The show aired in 1979 and was a delightful show. I have the record and the CD but I would love to buy a DVD version of this show. The tape is old and picture quality is pretty good but fading, the sound is not as good as the CD. There is also a few other songs not put on the CD. As a Fan of John Denver and of the Muppets, a DVD of this show would really be a good seller. If you don't have the CD it is a wonderful Chritmas collection of songs taken from that show. The album is also good if you can find it and still have a record player to play it on.\": {\"frequency\": 1, \"value\": \"I was reviewing ...\"}, \"This is the most boring worthless piece of crap I've ever wasted an hour of my life on. All I can say is thank God it was only an hour. Over half of this 'movie' is footage from the original \\\"Criminally Insane\\\". At the very least, I was able to see the highlights from that rare exploitation classic, since for some reality-defying reason my video store only has \\\"Criminally Insane II\\\" (as it had it, \\\"Crazy Fat Ethel II\\\"). But the rest of this movie is some of the absolute worst home-video acting and backyard filmmaking you'll ever see. Why is it my video store has this and not the original? Why does stuff like this actually end up in video stores? Why do people rent it and not immediately burn the copy once they've seen its sheer horror? Why - AAUUGGHH - Why, God, why?

Unless you enjoy seeing annoying fruits eating an entire candy bar in an excruciatingly slow scene, or said fruit getting hung from the stair railing in an even slower scene, or a character getting stabbed sideways (don't ask) multiple times in the back, or brain cell-murdering monologues about giving poisoned tea to one's wife and then complaining that all the talk has made one's own tea go cold, or the mentally-retarded eating fly soup, or just simply want to see Crazy Fat Ethel dancing with a bloody knife in a garden: Don't watch this movie. Repeat: Do NOT watch this movie. Do not rent this movie. If at all possible, do not walk past a shelf in a video store that has a copy of this movie setting on it. You can still be saved, but it is too late for me now. . .\": {\"frequency\": 1, \"value\": \"This is the most ...\"}, \"I'll dispense with the usual comparisons to a certain legendary filmmaker known for his neurotic New Yorker persona, because quite frankly, to draw comparisons with bumbling loser Josh Kornbluth, is just an insult to any such director. I will also avoid mentioning the spot-on satire `Office Space' in the same breath as this celluloid catastrophe. I can, however, compare it to waking up during your own surgery \\ufffd\\ufffd it's painful to watch and you wonder whether the surgeons really know what they're doing. Haiku Tunnel is the kind of film you wish they'd pulled the plug on in its early stages of production. It was cruel to let it live and as a result, audiences around the world are being made to suffer.

The film's premise \\ufffd\\ufffd if indeed it has one \\ufffd\\ufffd is not even worth discussing, but for the sake of caution I will. Josh Kornbluth, a temp worker with severe commitment-phobia, is offered a permanent job. His main duty is to mail out 17 high priority letters for his boss. But ludicrously, he is unable to perform this simple task. My reaction? Big deal! That's not a story\\ufffd\\ufffd it's a passing thought at best - one that should've passed any self-respecting filmmaker by.

The leading actor \\ufffd\\ufffd if you can call him that \\ufffd\\ufffd is a clumsy buffoon of a man, with chubby features, a receding, untamed hairline, and a series of facial expressions that range from cringe-making to plain disturbing. Where o where did the director find this schmuck? What's that you say\\ufffd\\ufffd\\ufffd\\ufffd he is the director? Oh, my mistake. Playing yourself in your own embarrassment of a screenplay is one thing, but I suspect that Mr Kornbluth isn't that convincing as a human being, let alone an actor. Rest assured, this is by no means an aimless character assassination, but never before have I been so riled up by an actor's on-screen presence! My frustration was further confounded by his incessant to-camera monologues in between scenes. I mean, as if the viewer needs an ounce of intelligence to comprehend this drivel, Kornbluth insults us further by `explaining' the action (first rule of filmmaking: `dramatize exposition'\\ufffd\\ufffd show, don't tell). Who does this guy think he is? He has no charisma, no charm, and judging by his Hawaiian shirts, no sense of style. His casting agent should be shot point blank!

The supporting actors do nothing to relieve the intense boredom I felt, with but one exception. Patricia Scanlon puts in a very funny appearance as Helen the ex-secretary, who has been driven insane by her old boss, and makes harassing phone calls from her basement, while holding a flashlight under her face. This did make me chuckle to myself, but the moment soon passed and I was back to checking my watch for the remainder of the film.

The film's title is also a misnomer. Haiku Tunnel has nothing to do with the ancient form of Japanese poetry. Don't be fooled into thinking this is an art house film because of its pretentious-sounding title or the fact that it only played in a handful of cinemas and made no money at the box office\\ufffd\\ufffd\\ufffd\\ufffd\\ufffd\\ufffd there's a very good reason for that!

\": {\"frequency\": 1, \"value\": \"I'll dispense with ...\"}, \"STAR RATING: ***** Unmissable **** Very Good *** Okay ** You Could Go Out For A Meal Instead * Avoid At All Costs

Stuck-up career bitch Kate (Franka Potente) heads to the London underground to catch a train to take her to meet George Clooney. However, after a hectic working day, she dozes off and awakens to find herself alone in a deserted platform. As she races off on a situation taking her from one daunting encounter to the next, however, she learns of something far more malign and evil waiting for her out there.

In a lot of ways, the British Film Industry is really becoming one on it's own, especially in the horror thriller department, with films such as Creep and the successful 28 Days Later (which this has strong echoes of in parts.) In terms of succeeding in what it set out to do, Creep does cleverly create (especially at the beginning) a scary sense of isolation and tense fear. At it's clever running time, it also (though inadvertently, I suspect) manages to pay homage to some of those pioneer high-concept horror films from the 70s that rely on shocks and fear through-out without really focusing too much on character development and such.

Of it's weaknesses, some scenes are a little predictable, but these don't really succeed in making it less scary or effective in any way. I'm not sure if the ending was meant to make it come off as some sort of morality play and it's not exactly perfect, but it's certainly very effective and serves it's basic function very well. ***\": {\"frequency\": 1, \"value\": \"STAR RATING: ***** ...\"}, \"I have to totally disagree with the other comment concerning this movie. The visual effects complement the supernatural themes of the movie and do not detract from the plot furthermore I loved how this move was unlike Crouching Tiger because this time the sword action had no strings attached and most of the time you can see the action up close.

I think western audiences will be very confused with 2 scenes one of which involves a monk trying to burn himself alive and the other concerning the villagers chanting that it is the end of the world. The mentioned scenes are derived from certain interpretations of Mahayana Buddhist text (Mahayana Buddhism can be found in China, Korea and Japan) and the other scene deals with a quirk in the Japanese calendar...people back then really thought that the world would come to an end... Gojoe has the action, story and visuals to mesmerize any viewer. I strongly believe that with some skillful editing it can be sold in the U.S. My one complaint is in the last fight scene (I can't give anything away--sorry).\": {\"frequency\": 1, \"value\": \"I have to totally ...\"}, \"I am a guy, who loves guy movies... I was looking forward to seeing a dragon fighting with the army with cool special effects. All of this happened, however, this movie was the worst movie I have ever seen in my life.

The story was standard, but the portrayal of the story was terrible. The scene transitions were the worst I have ever seen. Why would you walk out to a beach to relax if your life was in danger? The serpent dragon's actions itself was very poorly written... and the serpent dragon's attack capabilities varied widely throughout the movie, several times the main characters should have died.

The director attempted to infuse a love story in the middle of the movie during the most stressful times, this movie was obviously not watched after it was made, I love movies, but had to force myself to finish watching it, thank god I did not buy this, I borrowed it from a friend.

Do not buy this, do not rent it, just watch discovery channel... much more exciting.\": {\"frequency\": 1, \"value\": \"I am a guy, who ...\"}, \"This movie shows life in northern Cameroon from the perspective of a young French girl, France Dalens, whose father is an official for the colonial (French) government, and whose family is one of the few white families around. It gives a sense of what life was like both for the colonists and for the natives with whom they associated. It's a sense consistent with another movie I've seen about Africa in a similar time period (Nirgendwo in Afrika (2001)), but I have no way of knowing how realistic or typical it is. It's not just an impression -- things do happen in the movie -- but the plot is understated. The viewer is left to draw his own conclusions rather than having the filmmakers' forced upon him, although the framing of the story as a flashback from the woman's visit to south-western Cameroon as an adult provides some perspective.\": {\"frequency\": 1, \"value\": \"This movie shows ...\"}, \"Ugh! Where to begin ... first, Campbell Scott's non-stop angst becomes a real turn-off after awhile (a very short while) as he internalizes his mounting anguish, curiosity and anger. Only we don't care! These characters as presented by the writer and director are wholly unlikable, and therein lies the key. They haven't given us anything to make us care if they are adulterous and whether or not they are still in love with one another. When Scott quietly tells his wife, \\\"I could kill you\\\" before their three daughters at the dinner table, after the shock of his selfishly poor timing wore off I almost wished that he had--and then done the same thing to the smug, wisecracking apparition of Denis Leary before being hauled off the the looney bin. An utter waste of time and perhaps--only perhaps--resources.\": {\"frequency\": 1, \"value\": \"Ugh! Where to ...\"}, \"Sequels have a nasty habit of being disappointing, and the best credit I can give this is that it maintains that old tradition. These three tales aren't anything as good as any from the original Creepshow.

By far the best of the trio involves a wooden idol which comes to life to take revenge on the thugs who killed its owners. The second story is about a lake monster which seems to be nothing more than a lot of floating slop, makes you wonder how anybody could possibly be scared of it. The third story includes a cameo from Stephen King as a truck driver, but other than that is a pretty unmemorable tale concerning the victim of a road traffic accident who comes back from the dead for the person who knocked him down.

Watch the original Creepshow instead, or if you already have done then be happy with that.\": {\"frequency\": 1, \"value\": \"Sequels have a ...\"}, \"Another Norman Lear hit detailing the problems that African Americans had to go through in the turbulent 1960s and 1970s.

With Esther Rolle and husband along with 3 children living in a Chicago high-rise project in a predominantly black neighborhood, the show depicted what black people were going through with a landlord (black agent Mr. Bookman) as well as prices and the day-to-day problems of just existing.

The 3 children depicted how people seem to face their problems differently- from the comical JJ to the militant Ralph Carter, to their daughter who also aspired to attain success, this show was a perfect description of African-American life.\": {\"frequency\": 1, \"value\": \"Another Norman ...\"}, \"This movie was messed up. A sequel to \\\"John Carpenter's Vampires\\\", this didn't add up right. I'm not sure that I enjoyed this much. It was a little strange. Stick to the first \\\"Vampires\\\", it's a good movie. \\\"Vampires: Los Muetos\\\" wasn't a good attempt of a sequel.

4/10\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"I must have been only 11 when Mr Peepers started. It was a must see for the whole family, I believe on Sun. nights. Repeating gags were Rob opening his locker (he had to use a yardstick or pointer to gage the right spot on another locker and do some other things, finally kicking the spot whereupon his door would open), and taking pins out of a new shirt(at the start of an episode he would open up a package with a new dress shirt and for the rest of the show be finding one pin after another that he missed when unwrapping the shirt, timing was everything and the pins got lots of laughs.) I remember an aunt that drove a Rio like Jack Benny and always wanted \\\"Sonny\\\" to Say something scientific. He would think and come up with \\\"semi permeable membrane\\\" or osmosis causing her to say how brilliant he was. (you had to have been there). Marion Lorne stole the show every time she was on screen. Why they didn't continue the series from her POV when Wally quit (he was afraid he was being typecast but by then it was way too late)I'll never know. I saw somewhere that the 1st TV wedding (big one anyway) was Tiny Tim on the Carson show. Horsecocky. It was Rob and Nancy (did I ever have the hots for her) and I remember it made the cover of TV Guide and got press in all the papers and major magazines. A trip to the Museum of Broadcasting in NYC years ago was disappointing in that they had very few episodes then and those might be gone now. I still remember it as wonderful and wish I had been a little older.\": {\"frequency\": 1, \"value\": \"I must have been ...\"}, \"This movie i've loved since i was young! Its excellent. Although, it may be a bit much for the average movie watcher if one can't interpret certain subtleties in the film (for example, our hero's name is Achilles, and in the final battle between him and Alexander he's shot in the heel with a rocket, just as Achilles in mythology was shot in his heel). That's a just a little fact that is kind of amusing! Anyway, great movie, good story, it'd be neat to see it redone with today's special effects! Oddly enough, Gary Graham had average success, starring in the T.V. show Alien Nation. This movie is a fun watch and should be more appreciated!\": {\"frequency\": 1, \"value\": \"This movie i've ...\"}, \"I cannot say that Aag is the worst Bollywood film ever made, because I haven't seen every Bollywood film, but my imagination tells me that it could well be.

This film seems like an attempt at artistic suicide on behalf of the director, and I for one be believe he has been successful in his mission. No A-list actor outside of this film would risk sharing the same billing as him for all the humiliation this film is bound to carry with it.

But lets not just blame the director here, there is the cinematographer, who looks like he's rehearsing for the amateur home movie maker of the year award. There is the over dramatic score, that hopes to carry you to the next scene. The lighting man, who must have been holding a cigarette in one hand and light bulb on pole in the other, and hoping that the flame burning off the cigarette would add to that much needed light in every scene. And, of course the actors! Some of them are by no means newcomers, else all could be forgiven here. The ensemble of actors in Aag were put together to promote a new beginning and dimension to the re-make of India's most loved movie of all time, 'Sholay'. One must not forget that these actors were not forced in to this film, they are A-list and willing participants to something that, let's face it would surely have had high and eager public expectation??? So it begs the question, Amitabh aside (for now), did the other actors really believe their performances even attempted to better the original? Did Amitabh Bachchan read the script and believe that people would remember his dialogue in this farcical abomination of a film? Don't be stupid, of course he didn't, this was a demonstration to the public of how much money talks hence can make actors walk.

I truly hope everyone involved is satisfied with what is truly a vulgar attempt to remake a classic film, which only succeeds in polluting everyone's mind when they watch the original.\": {\"frequency\": 1, \"value\": \"I cannot say that ...\"}, \"One of the most frightening game experiences ever that will make you keep the lights on next to your bed. Great storyline with a romantic, horrific, and ironic plot. Fans of the original Resident Evil will be in for a surprise of a returning character! Not to mention that the voice-acting have drastically improved over the previous of the series. Don't miss out on the best of the series.\": {\"frequency\": 1, \"value\": \"One of the most ...\"}, \"I was watching this movie on Friday,Apr 7th. I didn't see the last scene ( cos I was talking with my bro n Mom in law at the same time ). Anyone can tell me what happened to her?I watched slightly that her husband was hearing someone was talking to his wife in the bedroom and then he opened the door,she's dead already.

What happened to her? Did she kill herself? How could she arrange everything like the phone calls,meanwhile she's at home when her husband was talking to this strange admirer?Anyone can explain to me,please. I am so so curious!! ( in the end,I read that she suffered from Multiply Disorder Personality ).

Thnks before.\": {\"frequency\": 1, \"value\": \"I was watching ...\"}, \"Yeah, it's a chick flick and it moves kinda slow, but it's actually pretty good - and I consider myself a manly man. You gotta love Judy Davis, no matter what she's in, and the girl who plays her daughter gives a natural, convincing performance.

The scenery of the small, coastal summer spot is beautiful and plays well with the major theme of the movie. The unknown (at least unknown to me) actors and actresses lend a realism to the movie that draws you in and keeps your attention. Overall, I give it an 8/10. Go see it.\": {\"frequency\": 1, \"value\": \"Yeah, it's a chick ...\"}, \"So the other night I decided to watch Tales from the Hollywood Hills: Natica Jackson. Or Power, Passion, Murder as it is called in Holland. When I bought the film I noticed that Michelle Pfeiffer was starring in it and I thought that had to say something about the quality. Unfortunately, it didn't.

1) The plot of the film is really confusing. There are two story lines running simultaneously during the film. Only they have nothing in common. Throughout the entire movie I was waiting for the moment these two story lines would come together so the plot would be clear to me. But it still hasn't.

2) The title of the film says the film will be about Natica Jackson. Well it is, sometimes. Like said the film covers two different stories and the part about Natica Jackson is the shortest. So another title for this movie would not be a wrong choice.

To conclude my story, I really recommend that you leave this movie where it belongs, on the shelf in the store on a place nobody can see it. By doing this you won't waste 90 minutes of your life, as I did.\": {\"frequency\": 1, \"value\": \"So the other night ...\"}, \"It's a good thing The Score came along for Marlon Brando as a farewell performance because I'd hate to think of him going out on Free Money. Not what his fans ought to remember him by.

Brando in his last years is looking more like Orson Welles and Free Money is the kind of film Welles would have done looking for financing of his own work. Brando is the warden of a local prison which in America, when it's located in a small rural setting is usually the largest employer in the area. That gives one who is in charge a lot of clout.

Unfortunately he has one weakness he indulges, his two twin bimbos otherwise known as daughters. Even when they get simultaneously pregnant by a pair of losers, Charlie Sheen and Thomas Haden Church, their hearts still belong to Daddy.

Not to fear because Brando's willing to give them jobs in the prison where they work under conditions not much better than the convicts have. What to do, but commit a robbery of a train which goes through the locality every so often carrying used money to be burned by the Treasury.

Although Free Money has some moments of humor, for most of the time it's quite beneath the talents of all those involved. Some of them would include Donald Sutherland as an equally corrupt judge and Mira Sorvino as his stepdaughter, but also straight arrow FBI agent.

Of course these people and the rest of the cast got to work with someone who many rate as the greatest American actor of the last century. Were it not for Brando's presence and were it some 40 years earlier, Free Money would be playing the drive-in circuit in red state America where the populace could see how they're being satirized.

Or a feeble attempt is made to satirize them.\": {\"frequency\": 1, \"value\": \"It's a good thing ...\"}, \"Let's cut to the chase: If you're a baby-boomer, you inevitably spent some time wondering at the fact that, in 1976, McCartney had the gumption to drop in on John's city hermit life and spend the day with him. You also certainly wondered how things went. I heard the exact same reports that the writer of this film heard, from John's and Paul's perspective, and I admit that I reconstructed the meeting in pretty much the same way this film does. But none of my imaginings could have bought tears to my eyes the way this incredible piece of work and acting does. I found it amazingly lifelike, perfectly plausible and 100 % saccharin-free. Now, can anyone explain why I didn't hear of this masterpiece before it was shown by the CBC last night? I mean it's already three years old, for goodness sake! And yes, if you're a Beatles fan, this is a must-see performance! Even the subtle paraphrasing of Beatles' melodies in the background is inspired.\": {\"frequency\": 1, \"value\": \"Let's cut to the ...\"}, \"Two years passed and mostly everyone looks different, some for good and some for worse. I still enjoyed as much as I did the original though.

Some flaws they had though like changing the Joker he now has no red lips and looks like more blackish hair and black pupils, hes still voiced by Mark Hamill which is a plus I guess. They made Poison Ivy more white hinting that she is becoming more like a plant and Catwomen looks much different and not as \\\"attractive\\\" as she was in the original.

Though costumes like Batman, Batgirl, Killer Croc and Scarecrow look badass, especially Scarecrow.

The show isn't as dark as the original because Batman doesn't work as alone as he used to. Most of the time working with Batgirl and the new Robin, Tim Drake. While NightWing(Dick Grayson) comes to the rescue often. Batman gave up the yellow logo and with the black wing on his suit and seems like he got a bit bigger but still kicking tons of ass.

The show isn't as good as the original mostly because of some of the revamped characters but the stories are as exciting as ever and the dialogue is still elite. \\\"Over the Edge\\\" might be one of the greatest Batman episodes ever so make sure you check that out.

Overall 8-9/10\": {\"frequency\": 1, \"value\": \"Two years passed ...\"}, \"This movie was the best movie I have ever seen. Being LDS I highly recommend this movie because you are able to feel a more understanding about the life of Joseph Smith. Although the movie was not made with highly acclaimed actors it is a remarkable and life changing movie that can be enjoyed and appreciated by everyone. I saw this movie with my family and I can bear witness that we have all had a change of heart. This movie allows people to really understand how hard the life was for the prophet and how much tribulation he was faced with. After I saw this movie,there was not a single dry eye in the entire room. Everyone was touched by what they saw and I have not been the same since I have seen it. I highly recommend this movie for everyone.\": {\"frequency\": 1, \"value\": \"This movie was the ...\"}, \"I went into this movie knowing nothing about it, and ended up really enjoying it. It lacked authenticity and believability- Some of the things that the characters said and did were completely bizarre, and a lot of the script seemed like it was ad-libbed (perhaps this is typical of Woody Allen? Excuse my ignorance) but the whole audience in the theater was laughing so hard. It wasn't even at the jokes in the movie per se, but at the whole movie itself. The acting reminded me of Seinfeld's acting, where he tries not to laugh at his own jokes- they are corny, but if you don't take the movie too seriously, you can really appreciate the humour of the ACTORS, not the CHARACTERS. If you're looking for a random movie, and you like Woody Allen, I'd definitely recommend it!\": {\"frequency\": 1, \"value\": \"I went into this ...\"}, \"Loved Part One, The Impossible Planet, but whoops, what a disappointment part two 'The Satan Pit' is. The cliffhanger of something apparently rising out of the pit was - nothing coming out of the pit. Then ages spent crawling round air vents to pad out the story, the Beast a roaring thing empty of intelligence, so no Doctor/villain confrontation I'd been anticipating. The TARDIS is somehow inside the pit despite the pit not being open till long after the TARDIS fell through the planet crust. And finally another ready made solution which existed for no logical reason - I mean, why not plunge the Beast into the Hole as soon as the pit opened? Why not plunge him in all those years ago instead of imprisoning him anyway. Why not - I could go on but I've lost interest...\": {\"frequency\": 1, \"value\": \"Loved Part One, ...\"}, \"So 'Thinner'... Yep.. This Steven Bachman (read Steven King) yarn about a man who gets his just desserts from a Gypsy Elder who he just killed, The story itself is there, no doubt about it, but I don't know why I didn't enjoy it more than I could have. I guess what really distracted me was the actors. I mean, who's the lead? Robert John Burke? Who's he? And fer crying out loud, can someone please stop hiring Joseph Mantegna for every Italian Mafioso role there ever is? And while we're at it, does every Mafioso have to have a pasta cooking Italian mother? The only good acting job done here is under 10 pounds of makeup, Michael Constantine as the Gypsy elder. He's pretty good. But the rest, I make you all, \\\"better actors...\\\"\": {\"frequency\": 1, \"value\": \"So 'Thinner'... ...\"}, \"While I suppose this film could get the rap as being Anti-Vietnam, while watching it I didn't feel that such was the case as much as the film was simply an honest look into the perspective of the young guys being trained for a war that the public didn't support.... it showed their fear, their desperation, their drive... all of it, out in the open, naked. As a soldier myself alot of the themes rang true to me in my experience in the military - especially boot camp. On the whole this movie, although it was shot on a very small budget, looks great, is very well put together, and features excellent acting and directing. I highly recommend this film to anyone looking for another excellent Colin Farrell film. 10/10\": {\"frequency\": 1, \"value\": \"While I suppose ...\"}, \"This wasn't the major disaster that I was expecting, but that is about as positive as I can be in my description of the movie. I'm not sure what was meant to be funny about this movie, but I suppose it's all a matter of taste. Personally, I don't find it funny to watch morons living their idiotic lives or making fools of themselves on television, but then again, I'm not a fan of Jerry Springer's pathetic daytime talk show. I didn't get too bored watching this, but I was definitely never enjoying it, either. If you're in the mood to see a bad movie, but one that isn't too painful to sit through, this is a good choice.\": {\"frequency\": 1, \"value\": \"This wasn't the ...\"}, \"The arrival of an world famous conductor sets of unexpected events and feelings in the small village. Some people are threatened by the way he handles the church choir, and how people in it gradually change. This movie is heartwarming and makes you leave the cinema with both a smile on your lips and tears in your eyes. It'a about bringing out the best in people and Kay Pollak has written an excellent script based on the ideas he has become so famous for. The actors are outstanding, Michael Nyqvist we know before but Frida Hallgren was an new, and charming acquaintances to me. She has a most vivid face that leaves no one untouched. Per Moberg does his part as Gabriella's husband almost too well, he is awful too see. One only wish the at he would be casted to play a nice guy one day so we can see if he masters that character as well.

This is a movie that will not leave you untouched. If you haven't already seen it, do it today!\": {\"frequency\": 1, \"value\": \"The arrival of an ...\"}, \"I simply can't get over how brilliant the pairing of Walter Matthau and Jack Lemmon is. It's like the movie doesn't even need additional characters because you can never get tired of the dialog between these two.

Lemmon had already been in several well-known films like Mr. Roberts and The Apartment and Matthau was fresh off his Oscar win for The Fortune Cookie (another Billy Wilder film also with Lemmon). That particular movie wasn't as great as this one because the story couldn't sustain such a long running time (I think it was almost 2 hours). However, this goes by at a brisk hour and a half, even though the introduction of the events leading up to Lemmon ending up at Matthau's apartment is a tad long (so was this sentence). That's a minor quibble though and for the rest of the running time you have a marvelous time.

I have already written a comment about how the follow-up to this film sucked and I won't go deeper into that. The reason why this is such a joy is probably that the movie was made just as the innocence of American movies was beginning to fade fast into oblivion. There are some sexual references but they are dealt with in such an innocent way that you couldn't even get a \\\"Well, I never...\\\" out of the most prudish person out there. It is kind of fun to see a movie from a long lost era and that was probably why the sequel didn't work because you had Matthau and Lemmon say quite a few f-words and that just doesn't fit them.

Of course, now they are both gone and you can just be happy that you still can enjoy them in a marvelous film like this. I think the only male actor in this film who is still alive is John Fiedler. Edelman died recently. So there you have it. Simply one of the best comedies and films ever.

Add: I have just learned recently that John Fiedler has died so to all the fans of him I am deeply sorry. I didn't mean any disrespect and I will try to be more careful of what I am blah blah blahing next time.\": {\"frequency\": 1, \"value\": \"I simply can't get ...\"}, \"Reese Witherspoon first outing on the big screen was a memorable one. She appears like a fresh scrubbed face \\\"tween\\\" slight and stringy, but undeniably Reese.

I have always liked her as an actor, and had no idea she started this young with her career, go figure. I actually gained some respect for Reese to know who she was so early on. I say that because whenever I have watched her perform, the characters thus far, in each portrayal she also seemed to have her own persona that lived with that character, quite nicely in fact.

Anyway, my first film experience with Reese was the Little Red Riding Hood parody Reese did with Kiefer Sutherland, somehow I assumed that was her first time up \\\"at bat\\\" Not so, well done Reese\": {\"frequency\": 1, \"value\": \"Reese Witherspoon ...\"}, \"This movie is written by Charlie Higson, who has before this done the \\\"legendary\\\" Fast Show and his own show based on one of Fast Show's characters (Tony the car sales man). He's also written James Bond books for kids.

Actually I've seen before this only Gordon's movies that are based on Lovecraft's stories, and every one of those is marvelous. Here Gordon tries to do something different. The style is totally \\\"contemporary\\\", which means shaky camera, fast and strange cutting, cool chillout music in the background. It works quite well here, I guess, but it's still pointless and cheap. It makes me often think of the cameraman who's shaking his dv-camera in front of the actors/actresses and try to make stylish moves in the pictures (hoping that something tolerable would come out of it). The casting is good, and there is a whole atmosphere, which is the result of good directing. I think the main character, the \\\"zero\\\" young guy, is quite interesting in his \\\"zeroness\\\". The fat guy is also good. And the guy who looks like Alec Baldwin, but is not him. But pretty soon after the beginning the movie turns out to be something not-so-interesting: In this case I mean an endless line of scenes of sadism and sickness. There is not much humanity in this film/story: It's totally pessimistic, and every person in this movie is disgusting and hopeless, or soon dead. Needless to say that there is no humor either. It's a 1'40 long vomit without no relief in any moment. Anyway, Gordon remains to me one of the most interesting movie makers that are active today, and I think of this movie as an experiment, and as a failure in that. Everyone has to experience getting lost sometimes, just to learn and to find their way again. This might be Gordon's most uninteresting and empty work.\": {\"frequency\": 1, \"value\": \"This movie is ...\"}, \"I had seen Lady with Red Hair back when it appeared, and didn't remember it as something to cherish. The truth is that, notwithstanding its base in a true story, its screen play is silly and unbelievable. The real merit of the picture is the cast. A constellation of some of the best supporting players of the 30's and 40's make a background for the delicate, intelligent work of the always underrated Miriam Hopkins, and the wonderful, spectacular performance of Claude Rains, who, as usual, is the best thing in the picture. What an actor! He never won an Oscar, but he is in the good company of Chaplin, Garbo and Hitchcock. Perhaps Lady with Red Hair contains his best work in films. See it and enjoy him.

\": {\"frequency\": 1, \"value\": \"I had seen Lady ...\"}, \"Verry classic plot but a verry fun horror movie for home movie party Really gore in the second part This movie proves that you can make something fun with a small budget. I hope that the director will make another one\": {\"frequency\": 1, \"value\": \"Verry classic plot ...\"}, \"I am a Catholic taught in parochial elementary schools by nuns, taught by Jesuit priests in high school & college. I am still a practicing Catholic but would not be considered a \\\"good Catholic\\\" in the church's eyes because I don't believe certain things or act certain ways just because the church tells me to.

So back to the movie...its bad because two people are killed by this nun who is supposed to be a satire as the embodiment of a female religious figurehead. There is no comedy in that and the satire is not done well by the over acting of Diane Keaton. I never saw the play but if it was very different from this movies then it may be good.

At first I thought the gun might be a fake and the first shooting all a plan by the female lead of the four former students as an attempt to demonstrate Sister Mary's emotional and intellectual bigotry of faith. But it turns out the bullets were real and the story has tragedy...the tragedy of loss of life (besides the two former students...the lives of the aborted babies, the life of the student's mom), the tragedy of dogmatic authority over love of people, the tragedy of organized religion replacing true faith in God. This is what is wrong with today's Islam, and yesterday's Judaism and Christianity.\": {\"frequency\": 2, \"value\": \"I am a Catholic ...\"}, \"This film has so little class in comparison to Strangers on a Train or even, Accidental Meeting for that matter, that despite plot similarities I wouldn't feel right in actually comparing this to either of them. The Yancy Butler character came across as such a dopey dimwit I was too embarrassed for the writer and director to continue watching.

I don't enjoy many Lifetime movies but feel compelled to watch one every now and then in the interest of promoting harmony at home. I often groan silently but this film caused me to protest out loud, stand up leave the room and walk around the house mumbling to myself, before I returned to my normally favorite chair to subject myself to more torture.

Dean Morgan, Rochester, NY\": {\"frequency\": 2, \"value\": \"This film has so ...\"}, \"As usual, I am making a mad dash to see the movies I haven't watched yet in anticipation of the Oscars. I was really looking forward to seeing this movie as it seemed to be right up my alley. I can not for the life of me understand why this movie has gotten the buzz it has. There is no story!! A group of guys meander around Iraq. One day they are here diffusing a bomb. Tomorrow they are tooling around the countryside, by themselves no less and start taking sniper fire. No wait here they are back in Bagdad. There is no cohesive story at all. The three main characters are so overly characterized that they are mere caricatures. By that I mean, we have the sweet kid who is afraid of dying. We have the hardened military man who is practical and just wants to get back safe. And then we have the daredevil cowboy who doesn't follow the rules but has a soft spot for the precocious little Iraqi boy trying to sell soldiers DVDs. What do you think is going to happen??? Well, do you think the cowboy soldier who doesn't follow rules is going to get the sweet kid injured with his renegade ways?? Why yes! Do you think the Iraqi kid that cowboy soldier has a soft spot for is going to get killed and make him go crazy? Why yes! There is no story here. The script is juvenile and predictable! The camera is shaken around a lot to make it look \\\"artsy\\\". And for all of you who think this is such a great war picture, go rent \\\"Full Metal Jacket\\\", \\\"Deerhunter\\\" or \\\"Platoon\\\". Don't waste time or money on this boring movie!\": {\"frequency\": 1, \"value\": \"As usual, I am ...\"}, \"The special effects of this movie are, especially for its time, laughable and used in such an over-emphasized way that you can't deny their terrible existance.

The acting redefines the term \\\"terrible overacting\\\" at the hands of Meg Foster and Richard Joseph Paul, where julie Newman and Andrew Divoff just redefine \\\"bad\\\".

***spoilers***

The charm in this movie can be found in two things: First is the excellent casting of Carel \\\"Lurch\\\" Struycken as the mysterious psychic Gaunt, who can sense where and when people will die and is always there.

The second are original finds, the combination SF-Western is obviously original, if terrible, but other finds are more original, like the gunman Zack Stone being able to sense the pain of the people he shoots (though his acting falls short here).

Overal...don't see this movie, except if you love that ol' hunk-o-brutal Carel Struycken, as any self-respecting Dutchman should.\": {\"frequency\": 1, \"value\": \"The special ...\"}, \"Dakota (1988) was another early Lou Diamond Phillips starring vehicle. This film is similar to the later released film Harley. There are a few differences but they're both the same. I don't know which one came first. I guess it'll remain one of the mysteries of life. But they both are troubled \\\"kids\\\" who are trying to turn there lives around. Instead of bikes this one involves horses. They're basically the same movie and they're both cheesy as hell. If you're a serious L.D.P. fan then I recommend that you watch them both. You get some extreme mugging and posturing from L.D.P. if you're game then go for it.

Not recommended, except for L.D.P. fans!!!\": {\"frequency\": 2, \"value\": \"Dakota (1988) was ...\"}, \"A very good start. I was a bit surprised to find the machinery not quite so advanced: It should have been cruder, to match we saw in the original series. The cast is interesting, although the Vulkan lady comes across as a little too human. She needs to school on Spock who, after all, is the model for this race. Too bad they couldn't have picked Jeri Ryan. I like Ms. Park, the Korean(?)lady. The doctor has possibilities. Haven't sorted out the other males, except for the black guy. He's a really likeable. Bakula needs to find his niche--In QL his strong point was his sense of humor and his willingness to try anything. He is, of course, big and strong enough for the heroics. The heavies were OK, although I didn't like their make-up.\": {\"frequency\": 1, \"value\": \"A very good start. ...\"}, \"Forgive me for stating the obvious, but some films are good and some films are bad. Of course, there are extremes within those two broad categories. Films such as The Godfather, Saving Private Ryan, and Star Wars slot comfortably into the good category. At the other end of the spectrum there are those films that simply don't deserve to be mentioned by name. Occasionally however, someone produces a truly woeful film. A film that should be singled out as a demonstration of how awful a film can be. A film that is more than bad. Such a film is Maiden Voyage.

Briefly, Maiden Voyage is a story about a luxury cruise ship that is hijacked by a gang of evil criminals who demand a ransom from an equally evil, scheming ship's owner. Of course, there is an all American hero on board, complete with chiselled jaw and sculptured chest, who saves the day.

This is a production that plumbs new depths. Everything about it is bad. The acting, the direction and the so-called plot are breath-takingly poor. In short, it is an insult to the intelligence of any unfortunate viewer. Even an American viewer would be annoyed by its shortcomings.

Yes, it's that bad.

I will resist the temptation to compose a list of things that angered me about this film. However, its dumber-than-dumb conclusion should serve as an adequate example of what I mean.

Imagine in your mind that you are an evil hijacker and you are stood in an open lifeboat on a calm sea. You are in company with the hero who holds a ticking bomb. Said hero throws the bomb to you and dives overboard. What would you do? I don't know about you, but I would throw the bomb as far as I possibly could into the sea. Not this guy. He watches as our hero swims away and then he tries to disarm the bomb with unfortunate (for him) results. Enough said. Such a demise would merit a mention in the Darwin Awards website and might also be a suitably apt conclusion to the production team's lives.\": {\"frequency\": 1, \"value\": \"Forgive me for ...\"}, \"What an insult to the SA film industry! I have seen better SA films. The comments I read about Hijack Stories,by saying it is worthy of a ten out of ten is quite scary. A movie's rating should not depend on.., \\\"OH, A MOVIE FROM A DEVELOPING COUNTRY. LETS BOOST THEIR INDUSTRY BY SAYING NICE THINGS ABOUT THEIR WORK, EVEN THOUGH IT IS BAD.\\\" We have the expertise to make good movies. Don't judge the film industry on what people say how great they think Hijack Stories is. We can tell great stories such as Cry the beloved Country and Shaka Zulu. Cry the beloved Country I'll give 9 out of 10. Great directing by Darryl, great acting by two great elderly actors, irrespective from where they are. Hijack Stories.., I'll give 1 out of 10. It could only be people involved in the project who would give it high scores. I would've done the same if it was my movie.\": {\"frequency\": 1, \"value\": \"What an insult to ...\"}, \"Let me first state that I enjoy watching \\\"bad\\\" movies. It's funny how some of these films leave more of a lasting impression than the truly superb ones. This film is bad in a disturbingly malicious way. This vehicle for Sam Mraovich's delusional ego doesn't just border on talentless ineptitude, it has redefined the very meaning of the words. This should forever be the barometer for bad movies. Sort of the Mendoza line for film. Mr. Mraovich writes, directs, and stars as blunt object Arthur Sailes battling scorned wives and the Christian forces of evil as he and his partner Ben \\\"dead behind the eyes\\\" Sheets struggle for marital equality. As a libertarian I believe gays should have a right to get married. Ben & Arthur do more harm to that cause than an army of homophobes. The portrayal of all things Christian are so ugly and ham-fisted, trademark Mraovich, that you can't possibly take any of them seriously. Arthur's brother Victor, the bible toting Jesus freak, is so horribly over-the-top evil/effeminately gay that you have to wonder how he was cast in this role. That's because Sam \\\"multitasking\\\" Mraovich was also casting director. The worst of it all is Sam Mraovich himself. When you think leading man do the words pasty, balding, and chubby come to mind? Sam also delivers lines like domino's pizza, cold and usually wrong. The final tally: you suck at writing, directing, acting and casting. That's the Ed Wood quadruple crown. Congratulations you horrible little man.\": {\"frequency\": 1, \"value\": \"Let me first state ...\"}, \"Unremarkable and unmemorable remake of an old, celebrated English film. Although it may be overly maligned as a total disaster (which it is not), it never builds any tension and betrays its TV origins. Richard Burton sleepwalks through his role, and Sophia Loren's closed (in this movie) face doesn't display much passion, either. (**)\": {\"frequency\": 1, \"value\": \"Unremarkable and ...\"}, \"You do not get more dark or tragic than \\\"Othello\\\" and this movie captures the play fairly well, with outstanding performances by Lawrence Fishburne and Irene Jacob. Fishburne's expresses to the viewer Othello's torment as he falls prey to Iago's lies very convincingly, even providing a realistic epileptic episode. Jacob is the loving and loyal wife who becomes either the instrument of Iago's revenge against Othello, or the object of his wrath (it is not clear which since no motive for Iago's behavior is offered). Although Kenneth Brannagh (sp?) displays his usual talent for Shakespeare in this movie, he is somewhat marginalized. The characters of Cassio and Emilia also wander in and out of scenes even though they, like Iago, seem more crucial to the plot. I have not checked the movie against the play to see how many lines were cut out, but I know that Shakespeare tends to develop his characters, even the seemingly unimportant ones, very well.

If I had any criticism of the movie it would be that the story unfolds too quickly, and that the relationships between some of the characters are not laid out more. The director had a great cast, and no one offered a bad performance. The relationship between Cassio and Othello and that between Emilia and Desdemona need to be further developed earlier in the film. I have a feeling that they were closer to each other than the movie suggests, although you get a sense of this very late into the movie. Also, Othello and Desdemona need more time together. Although their anguish is convincing, the amount of interaction they have with each other makes it seem like they just met. On the other hand, maybe the did just meet---like Romeo and Juliet.

In brief: good performances, too short.

\": {\"frequency\": 1, \"value\": \"You do not get ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"This is NOT as bad ...\"}, \"I was pleased to see that she had black hair! I've been a fan for about 30 years now and have been disgusted at the two earlier attempts to film the stories.

I was pleased that the screenwriters updated the period to include a computer, it didn't spoil it at all. In fact I watched the film twice in one day, a sure sign that it was up to standard. This is what I do with books that I like as well.

I thought all the characters were well depicted and represented the early days of Modesty Blaise extremely well as evinced in both book and comic strip. I would also have to disagree with a comment made by an earlier reviewer about baddies having to be ugly. Has he actually read the books?

I thought this was a very good film and look forward to sequels with anticipation.\": {\"frequency\": 1, \"value\": \"I was pleased to ...\"}, \"I saw this movie in the first couple of weeks it was out, (I don't remember exactly when.) I thought that it was alright, for a Ben Stiller movie. This movie isn't for a person without a good sense of humor. Like most of Ben Stiller's jokes you have to think about them. Or like I said you have a good sense of humor. From a couple of people on this website I saw that people didn't have anything good to say about it and It didn't get a very good rating, But I would have given it a larger one This movie, I thought, was very good and it should have gotten a better rating. Maybe this isn't a movie for you. I'm just giving you another person's opinion.\": {\"frequency\": 1, \"value\": \"I saw this movie ...\"}, \"The Sopranos is perhaps the most mind-opening series you could possibly ever want to watch. It's smart, it's quirky, it's funny - and it carries the mafia genre so well that most people can't resist watching. The best aspect of this show is the overwhelming realism of the characters, set in the subterranean world of the New York crime families. For most of the time, you really don't know whether the wise guys will stab someone in the back, or buy them lunch.

Further adding to the realistic approach of the characters in this show is the depth of their personalities - These are dangerous men, most of them murderers, but by God if you don't love them too. I've laughed at their wisecracks, been torn when they've made err in judgement, and felt scared at the sheer ruthlessness of a serious criminal.

The suburban setting of New Jersey is absolutely perfect for this show's subtext - people aren't always as they seem, and the stark contrast between humdrum and the actions taken by these seemingly petty criminals weigh up to even the odds.

If you haven't already, you most definitely should.\": {\"frequency\": 1, \"value\": \"The Sopranos is ...\"}, \"Well...now that I know where Rob Zombie stole the title for his \\\"House of 1,000 Corpses\\\" crapfest, I can now rest in peace. Nothing about the somnambulant performances or trite script would raise the dead in \\\"The House of Seven Corpses,\\\" but a groovie ghoulie comes up from his plot (ha!) anyway, to kill the bloody amateurs making a low-rent horror flick in his former abode! In Hell House (sorry, I don't remember the actual name of the residence), a bunch of mysterious, unexplained deaths took place long ago; some, like arthritic Lurch stand-in John Carradine (whose small role provides the film's only worthwhile moments), attribute it to the supernatural; bellowing film director John Ireland dismisses it as superstitious hokum. The result comes across like \\\"Satan's School for Girls\\\" (catchy title; made-for-TV production values; intriguing plot) crossed with \\\"Children Shouldn't Play With Dead Things\\\" (low-rent movie about low-rent movie makers who wake the dead); trouble is, it's nowhere near as entertaining or fun. \\\"The House of Seven Corpses\\\" is dead at frame one, and spends the rest of its 89 minutes going through rigor mortis, dragging us along for every aching second...\": {\"frequency\": 1, \"value\": \"Well...now that I ...\"}, \"Simon Pegg plays a rude crude and often out of control celebrity journalist who is brought from England to work for a big American magazine. Of course his winning ways create all sorts of complications. Amusing fact based comedy that co stars Kristen Dunst (looking rather grown up), Danny Huston, and Jeff Bridges. It works primarily because we like Simon Pegg despite his bad behavior. We completely understand why Kristen Dunst continues to talk to him despite his frequent screw ups. I liked the film. Its not the be all and end all but it was a nice way to cap off an evening of sitting on the couch watching movies.

7 out of 10\": {\"frequency\": 1, \"value\": \"Simon Pegg plays a ...\"}, \"Dog days is one of most accurate films i've ever seen describing life in modern cities. It's very harsh and cruel at some points and sadly it's very close to reality. Isolation, desperation, deep emotional dead ends, problematic affairs, perversion, complexes, madness. All the things that are present in the big advanced cities of today. It makes you realize once again the pityful state in which people have lead society.

The negative side of life in the city was never pictured on screen so properly. I only wish it was a lie. Unfortunately, it isn't. Therefore...10/10.\": {\"frequency\": 1, \"value\": \"Dog days is one of ...\"}, \"The only reason I even watched this was because I found it at my local library (and will berate them mercilessly for having wasted public monies on it), and despite the plethora of tits and ass, it didn't take long to realize that the fast-forward button was my friend. Terrible direction, pedestrian camera work, sporadically bad-to-nearly-passable acting, chintzy effects, and one of the worst screenplays I've had the displeasure of seeing brought to life (such as it was, horribly crippled and mutilated) in a long, long time. Best laughs actually come from the \\\"Making of...\\\" featurette, in which the poor saps involved with this HDV mess attempt to justify their lame efforts as if they had been working on something special, instead of something that won't be utterly forgotten next week. Wait! Except for the fact that somehow someone lured Tippi \\\"The Birds\\\" Hedren, of all people, into doing a bit part, along with Kane \\\"Friday the 13th\\\" Hodder! How this came to pass, I'll never know, and to be honest, I don't really care. Watch at your own risk, and don't say you haven't been warned. This is film-making at its pretentious, craven worst. It only gets a 2 from me for having some good-looking naked women, and even then, just barely.\": {\"frequency\": 1, \"value\": \"The only reason I ...\"}, \"Susan Swift is an appealing youngster, a flower child transplanted to the 1980's (like a young Susan Dey), but she doesn't quite have the vocal range for a demanding dramatic lead and she tends to whine; still, she's rather sweet and has bright eyes and a pretty smile. In \\\"The Coming\\\" (as it was called when briefly released to theaters), Swift may be the reincarnation of a Salem witch. The flick is very low-budget and borrows from so many other pictures that I gave up on it with about 15 minutes to go. It starts out strong and has some camp appeal. Obviously, there are more serious films that deal with the Salem witch trials that deserve to be seen over this one; however, as junk movies go, it isn't too terrible. The Boston locales are a definite plus, and the supporting cast is amusingly hammy. *1/2 from ****\": {\"frequency\": 1, \"value\": \"Susan Swift is an ...\"}, \"a bit slow and boring, the tale of an old man and his wife living a delapidated building and interacting with a fixed cast of characters like the mailman, the brothers sitting on the porch, the wealthy cigar smoking man. The photography of the river is marvelous, as is the interior period decoration. If you like decoration of Banana Republic stores, this is a must.\": {\"frequency\": 1, \"value\": \"a bit slow and ...\"}, \"Watching Josh Kornbluth 'act' in this movie reminds me of my freshman TV production class, where the 'not funny' had the chance to prove just how unfunny they really were!

OBVIOUS is the word that comes to mind when I try to synopsize this wannabe comedy. The jokes are sophomoric and telegraphed. The delivery is painfully bad. OUCH!!!!!!! The writing is simply dorkish. It is akin to a Bob Saget show.

Watching this movie is as painful as watching a one and a half hour long Saturday Night Live skit (post Belushi).

I hated this movie and want my money back!!!\": {\"frequency\": 1, \"value\": \"Watching Josh ...\"}, \"Val Kilmer, solid performance. Dylan McDermott, solid performance. Josh Lucas, solid performance. Three very engaging actors giving decent performances. The problem is, who cares about the plot? John Holmes. Infamous for his well-endowments, a drug addict, and a guy who, despite contracting AIDS, continued to make adult films, just does not make an intriguing character.

The story surrounds the events leading up to and the aftermath of a vicious mass murder that occurred in the late 80's in Los Angelos to which Holmes was linked, arrested and charged with murder, and who ultimately was acquitted. Just like in the case of O.J., the guilt factor, regardless of the outcome, ranged quite high in the \\\"He did it\\\" zone.

There is no one to sympathize with in this film, as everyone is a self-serving criminal. There is just nothing remotely interesting here.\": {\"frequency\": 1, \"value\": \"Val Kilmer, solid ...\"}, \"This movie should be nominated for a new genre: Complete Mess! Except for a few chuckles and one or two scenes of gore, this movie is a complete waste of time. Calling it \\\"Campy\\\" doesn't even cut it. \\\"Campy\\\" implies fun which this movie was not. You spend the first half of the movie thinking \\\"Its got to get better, right?\\\". In fairness, it does, at the very end when its finally explained who the \\\"brother/sister\\\" team are and what they want but by then, you hardly care anymore because you've spend the entire second half of the movie wondering exactly what did Mr. Onorati & Ms. Pacula do to tick someone off THIS badly to be stuck in such a horrible movie.

\": {\"frequency\": 1, \"value\": \"This movie should ...\"}, \"Look, there's nothing spectacularly offensive about this film, it's just boring. It's a typical rom-com with an ending you can see coming before you've seen so much as the trailer. The key difference is that the classic rom-coms tackle their stories with wit and a lack of pretension. This movie has no pretension but it really has no sense of movement, you feel as though you could get up and walk away at any moment. The production of the movie also has the feel of a debut movie made about fifteen years ago. I'd recommend re-watching a classic movie like When Harry Met Sally instead of this shallow imitation. Oh, one other BIG problem...no chemistry. If you're used to seeing Michael looking all cute as Vaughn in Alias, you're going to be seriously disappointed with the way they've made him look here.\": {\"frequency\": 1, \"value\": \"Look, there's ...\"}, \"THE TOY BOX (1971) BOMB

Sure, I like looking at nude women. While I prefer hardcore porn flicks, I'll take softcore exploitation grindhouse junk like this too under the right circumstances. Well, these aren't the right circumstances. These aren't ANY circumstances. There's supposed to be a horrific subplot lurking in here somewhere, but I'll be damned if I can untangle it. This is another of those amateurish steaming piles of badly made manure that bores you to tears rather than stimulates you, despite all the simulated sex going on all over the place. Bah -- if I want to see good sex scenes, I'll watch the real stuff.\": {\"frequency\": 1, \"value\": \"THE TOY BOX (1971) ...\"}, \"This could have been a rather entertaining film, but instead it ranks with other duds like Leeches and Rest In Pieces at the bottom of the cinematic food chain. Had they played this flick tongue-in-cheek, it could have been a very entertaining film, like Re-Animator or Dead ALive, but Juan Piquor Simon plays it tongue-in-cheek in spots but straight more often.

The premise of this film is a small community that is besieged by mutated slugs. There is an abandoned toxic waste dump near a sewer line that mutates the slugs into aggressive, meat-eating monsters - albeit monsters that move slowly and can be squished under your boot. Health Inspector Michael Garfiled and two accomplices are the only people that seem willing to fight the slugs while the sheriff and mayor think they are crazy. The climax is a laugh riot - unintentional at that - which makes you scratch your head as to how stupid (actors and screenwriter) the scenario of destroying the slugs is.

STORY: $$ (No new ground charted here. Simon seems to play the gore elements tongue-in-cheek but the dialogue is straight. Had Simon worked with a clever script - one with plenty of one-liners and eccentric characters, this could have been a cult film).

VIOLENCE: $$$ (You won't be letdown here. We get plenty of exploding chest cavity scenes as well as a grand head explosion in the middle of a fine Italian restaurant. The blood and guts, that many horror film watchers enjoy, is in full swing here. You also get corpses of people who have been picked clean by the slugs and plenty of slug smashing scenes).

ACTING: $ (Wow! Michael Garfield seems to know that this script is a stinker and he delivers his lines with a facial expression that suggests he knows how preposterous this film-making endeavor is. Kim Terry, as his wife, does an adequate job even though she does little beyond the hold-your-face-while-you-scream bit. The \\\"teenagers\\\" were all horrible actors - no exceptions. Man, this film could have used Bruce Dern or Jeffrey Combs!)

NUDITY: $$ (Two teens get naughty in bed before they get dispatched - in a poorly done scene - by a horde of slugs that crawled into the girl's bedroom. Both male and female nudity here).\": {\"frequency\": 1, \"value\": \"This could have ...\"}, \"This is a really old fashion charming movie. The locations are great and the situation is one of those old time Preston sturgess movies. Fi you want to watch a movie that doesn't demand much other then to sit back and relax then this is it. The acting is good, and I really liked Michael Rispoli. He was in Rounders, too. And While You Were Sleeping. The rest of the cast is fun. It's just what happens when two people about to get married meet the one that they really love on the weekend that they are planning their own weddings. I know... sounds kooky... but it is. And that's what makes it fun to watch. It will make your girl friend either hug you or leave you, but at least you'll know.\": {\"frequency\": 1, \"value\": \"This is a really ...\"}, \"Would anyone really watch this RUBBISH if it didn't contain little children running around nude? From a cinematic point of view it is probably one of the worst films I have encountered absolutely dire. Some perv woke up one day and thought I will make a film with little girls in and call it art, stick them in countryside and there isn't any need for a story or explanation of how they got there or why they don't appear to live anywhere or have parents because p*rn films don't need anything like that. I would comment on the rest of the film but I haven't ticked spoilers so I will just say avoid, avoid avoid and find yourself a proper film to watch\": {\"frequency\": 1, \"value\": \"Would anyone ...\"}, \"Spanish horrors are not bad at all, some are smart with interesting stories, but is not the case of \\\"Second Name\\\". It is badly directed, badly acted and boring...boring...boring, a missed chance for an interesting story.\": {\"frequency\": 2, \"value\": \"Spanish horrors ...\"}, \"This movie is an insult to ALL submariners. It was stupid. It appeared to have been written by monkeys. The acting was absurd. If this is the view most people have of the Navy, then I weep for our defense. This movie was awful. I put it below \\\"Voyage to the Bottom of the Sea\\\" as far as submarine movies go. Gene Hackman must have really needed rent money to do this crap. Denzel Washington must have been high. Little in the plot makes any sense. And the ending. For a mutineer to be rewarded for his crime? Only Hollywood would think of this garbage. If you haven't figured it out yet, I didn't like it. And if it wasn't for all the pro comments, I would not have bothered to post.\": {\"frequency\": 1, \"value\": \"This movie is an ...\"}, \"Not to be confused with Lewis Teague's \\\"Alligator\\\" (1980) which actually IS an excellent film, this \\\"Il Fiume Del Grande Caimano\\\" laboriously ends the exotic trilogy Sergio Martino made around the end of the seventies (including the rather watchable \\\"L'Isola degli uomini pesce\\\" and the not so good \\\"La Montagna del dio cannibale\\\"). Tracing outrageously the plot of \\\"Jaws\\\", the script fails at creating any suspense what so ever. The creature is ludicrous and its victims are simply despicable. Stelvio Cipriani's lame tune poorly illustrates the adventures of these silly tourists presented from the very beginning as the obvious items of the reptile's meal. No thrill out of this, rather laughters actually! And we could find this pitiful flick quite funny if the dialogs and the appearance of the natives were not so obviously inspired by pure racism. Very soon the giggling stops in favor of a sour feeling witnessing such a patronizing attitude. We could excuse badly made films and poor FXs, but not that kind of mentality. Never!\": {\"frequency\": 1, \"value\": \"Not to be confused ...\"}, \"I just sat through a very enjoyable fast paced 45 mins of ROLL.

Roll is about a country boy, Mat (Toby Malone) who has dreams of becoming a Sports Star. Mat travels to the city and is to be picked up by his cousin George (Damien Robertson). Well, that was the plan anyway. George is involved with a gangster, Tiny (John Batchelor) and is making a delivery for him. Needless to say, Mat gets dragged into George's world.

I thought it was great how Mat teaches George some morals and respect while George teaches Mat how to relax and enjoy life a little. Toby and Damien were well cast together and did an outstanding job.

Every character in the movie complimented each other very well, the two cops were great. David Ngoombujarra brought some great comic relief to the movie. Tiny played a likable gangster that reminded me of one of my favourite characters 'Pando' from Two Hands.

One of the other things that I liked about Roll was that it showcased the cities that I grew up and lived in for 20 years, Perth and Fremantle. It was good to see sights and landmarks that I grew up with, especially the old Ferris wheel.

This Rocks 'n' Rolls\": {\"frequency\": 1, \"value\": \"I just sat through ...\"}, \"Ealing Studios, a television and film production company based in West London, claims to be the oldest film studio in the world. Though it has been consistently churning out films and television programmes since the 1930s, its golden age was most certainly between 1948 and 1955, when it produced a string of comedy masterpieces, many starring the great Alec Guinness. Such well-known titles include 'Whisky Galore! (1949),' 'Passport to Pimlico (1949),' 'Kind Hearts and Coronets (1949),' 'The Lavender Hill Mob (1951),' 'The Titfield Thunderbolt (1953)' and 'The Ladykillers (1955).' One of Ealing Studio's most beloved films, 'The Man in the White Suit,' was released in 1951, and starred Alec Guiness as Sidney Stratton, a brilliant inventor who engineers a remarkable fabric, an invention that unexpectedly makes him more enemies than friends.

Sidney Stratton is poor and unappreciated, but he has scientific talent in great abundance. Due to his under-qualification, the only jobs he is able to get are as a janitor or labourer at any of the large textile factories, where he secretly undertakes his own experiments using the company's own money and equipment. After being found out and ejected countless times, Sidney is convinced that he is only weeks away from a momentous scientific discovery that will revolutionise the textiles industry. Encouraged by his daughter Daphne (Joan Greenwood), textile mill owner Alan Birnley (Cecil Parker) takes a keen interest in Sidney's exploits and agrees to finance any further work. After numerous failed attempts and quite a few earth-shattering explosions, Sidney eventually unveils his amazing creation: an almost-luminous white fabric that never gets dirty and never wears out.

If Sidney thought that his invention would make him a hero, then he was sorely disappointed. The all-powerful bosses of textiles industry, headed by the frail Sir John Kierlaw (Ernest Thesiger), unite to ensure that the revolutionary invention, which could completely cripple their businesses, never goes into full-scale production. Likewise, the humble labourers in the workers' union hear of Sidney's creation and also set out to erase it from existence, fearing for their jobs. The inventor, however, is convinced that the ever-lasting fabric will bring relief and happiness to many, and refuses to give in to the demand of others, despite being threatened with violence and offered \\ufffd\\ufffd\\ufffd250,000 in compensation. Throughout all his troubles to announce his invention to the media, only one person offers Sidney her complete sympathy and support, Birnley's daughter Daphne, who is engaged to be married to somebody else but falls in love with Sidney's plight anyway.

'The Man in the White Suit' is a clever and hilarious comedy, made great by a witty script (written by John Dighton, Roger MacDougall and director Alexander Mackendrick) and a quirky and charismatic performance from an inimitable Alec Guinness. There are also a few good-natured swipes at capitalism, and of how big industries can hold back progress for the sake of their own monetary situations, though we can certainly see the arguments for either side of the debate.\": {\"frequency\": 1, \"value\": \"Ealing Studios, a ...\"}, \"86 wasted minutes of my life. I fell asleep the first time I attempted watching it, and I must say I'm not one to ever fall asleep in the cinema.

I have never seen such a pointless plot acted in such a stilted and forced manner, and can only surmise that the actors were as hard-up as the protagonist writer allegedly was in the film itself.

Everything in this dire adaptation is overacted. And if it isn't the wooden acting, almost as though you can see the teleprompter, then the set itself, which is overlit and interfering in utterly unnecessary ways, and overdressed to an unimaginable extent, is enough to put you off the entire farce.

As to the supposed shock of a detective under disguise, any person who does not see that - as well as the entire rest of this ludicrous plot - telegraphed light years in advance, should check their eyesight immediately.

Bad acting, and from two very decent actors, coupled with the hyper-coddled Branagh trademark overdirection, is enough to make you want to use real bullets rather than blanks yourself.

On top of it all, there is a completely risible undertone of homoerotica in this, heightened towards the end of it. All I can hope for is that this was such a flop that people shan't try to emulate this level of cinema ever again.\": {\"frequency\": 1, \"value\": \"86 wasted minutes ...\"}, \"I don't know what that other guy was thinking. The fact that this movie was independently made makes it no less terrible. You can be as big a believer as you want... the majority of this film is mindless drivel. I feel i have been insulted by having to watch the first 40 minutes of it. And that alone was no small feat. Not only is the acting terrible, but the plot is never even close to developed. There are countless holes in the story, to the point where you can hardly even call it a story anymore. I've never read the book, so I can't critique on that, but this is the first review that I've written here and it's purpose is solely to save all you viewers out there an hour and a half of your life. I can't remember the last time I couldn't even finish watching a movie. This one really takes the cake.\": {\"frequency\": 1, \"value\": \"I don't know what ...\"}, \"I don't know why I picked this movie to watch, it has a strange title and from the description it just looked like something different. Every once in a while its good to try a film that's slightly different from the mainstream Hollywood hero/thriller flick and this film certainly was different. Right from the beginning this film had me intrigued but I couldn't figure out why until the end if the film when I realized that the movie was great because the characters were so real. I thought the acting was superb and the character development really makes you care about them and hope things turn out well for them in the end. I think that everyone who watches the film could in some way relate to one of the characters and this makes for great viewing and some good laughs at the sheer ordinariness of the actors.

At the culmination of the movie you definitely get a sense of well being, and are left with the 'things are going to be OK' type of a feeling. I'm sure this will have wide appeal and should be given a chance.\": {\"frequency\": 1, \"value\": \"I don't know why I ...\"}, \"I caught this movie at a small screening held by members of my college's gaming club. We were forewarned that this would be the \\\"reefer madness\\\" of gaming, and this movie more than delivered.

Tom Hanks plays Robbie, a young man re-starting his college career after \\\"resting\\\" for a semester. What we, the viewer, find out as the movie progresses, is that Robbie was hopelessly addicted to a role-playing game called \\\"Mazes and Monsters,\\\" a game that he gets re-acquainted with after a gaming group recruit him for a campaign.

This movie is laughable on many, many levels. One scene features the group \\\"gaming by candlelight,\\\" which is probably the best way I can describe it. While I'm sure that this was meant to be \\\"cultish\\\" in some way, as most gamers know, it's horribly inaccurate. Most role-play sessions are done in well-lit rooms, usually over some chee-tohs and a can of soda.

The acting, while not Oscar-caliber, isn't gut-wrenchingly awful either. This is one of Tom Hanks's first roles, and Bosom Buddies and Bachelor Party were still a year or two over the horizon. The supporting cast, while not very memorable, still hand forth decent performances.

Mainly the badness lies in the fact that it was a made-for-TV movie that shows the \\\"dangers of gaming\\\" Worth a view if you and your friends are planning a bad movie night.\": {\"frequency\": 1, \"value\": \"I caught this ...\"}, \"Very nice action with an interwoven story which actually doesn't suck. Interesting enough to merit watching instead of skipping past to get to the good parts. Having Jenna Jameson and Asia Carrere helps liven it up, too. Jenna in that sweater and those glasses is just astounding! Worth picking up just to see her!\": {\"frequency\": 1, \"value\": \"Very nice action ...\"}, \"This Batman movie isn't quite as good as Batman mask of The Phantasm and Batman and Mr. Freeze subzero But it is still a good installment to the Batman cartoons I say it is equally good as Batman Beyond The Movie. This movie is good for all the same reasons The storyline is good not quite as good as the other one's but still pretty good it has lots of action in it The Cartoon effects are good The voice of actors are really good such as Kevin Conroy as Batman/ Bruce Wayne, Tara Strong as Barbra Gordon, Efrem Zimbalist Jr., Eli Marienthal as Robin. The villains are good such as Kyra Sedgwick as Batwoman, David Ogden Stiers as The Pequin, Hector Elizondo as Bane. So I am sure you will not be disappointed with batman Mystery of The Batwomen. So make sure that you rent or buy batman Mystery of The Batwoman the movie because it is really good.

Overall score: ******* out of **********

*** out of *****\": {\"frequency\": 1, \"value\": \"This Batman movie ...\"}, \"Have you ever heard the saying that people \\\"telegraph their intentions?\\\" Well in this movie, the characters' actions do more than telegraph future plans -- they show up at your house drunk and buffet you about the head. This could be forgiven if the setting had been used better, or if the characters were more charismatic or nuanced. Embeth Davidtz's character is not mysterious, just wooden, and Kenneth Branagh doesn't succeed in conveying the brash charm his character probably was written to have.

The bottom line: obvious plot, one-note performances, unlikeable characters, and grotesque \\\"Southern\\\" accents employed by British actors.\": {\"frequency\": 1, \"value\": \"Have you ever ...\"}, \"In light of the recent and quite good Batman the Brave and the Bold, now is the time to bear a fatal blow to that mistake in the life of Batman. Being a huge fan since the first revival by Tim Burton 20 years ago, I have been able to accept different tonalities in the character, dark or campy. This one is just not credible : too many effects, poor intrigues and so few questions. What is great about Batman is the diversity of his skills and aspects of his personality : detective, crime-fighter, playboy, philanthropist etc. The Batman shows him only in his karate days. And by the way, how come the Penguin is capable of such virtuosity when jumping in the air regardless of his portly corpulence ? And look at the Joker, a mixture of Blanka in Street Fighter 2 and a stereotypical reggae man, what Batman fan could accept such a treason ? Not me anyway. Batman is much better without \\\"The\\\" article in front of his name.\": {\"frequency\": 1, \"value\": \"In light of the ...\"}, \"The plot was very thin, although the idea of naked, sexy, man eating sirens is a good one.

The film just seemed to meander from one meaningless scene to another with far too few nuddie/splatter/lesbian mouth licking shots in between.

The characters were wooden and one dimensional.

The ending made no sense.

Considering it had Tom Savini and Shaun Hutson in it, you would have expected a decent plot and decent special effects. Some of the effects were quite good but there were just too few of them.

Brownie points go for occasional flashes of tits and bush, naturally, and of course the lesbian moments. I also thought that the scene with the sirens bathing in the pool under the waterfall could be viewed as an innovative take on the 'shower scene'

The film had many of the elements that go into making a first rate horror film but they were poorly executed or used too sparsely.

If I had been watching this alone and aged 15, i would have really enjoyed it for about 10 minutes (with 1 hand of the remote control), then lost interest suddenly and needed a pizza...\": {\"frequency\": 1, \"value\": \"The plot was very ...\"}, \"This is a quite slow paced movie, slowly building the story of an ex stripper who begins a new family life with a complete stranger. The viewer slowly feels that there's something wrong here ...

I really loved this movie even though it leaves a slight bitter taste in the end. It is clever, well paced and very well acted. Both Philippe Toretton and Emmannuelle Seigner are deeply into their characters.

The little son \\\"pierrot\\\" is also very touching.

A thriller which does not seem like one. A very unconventional movie, very particular atmosphere throughout the whole movie though you might feel awkward a few times with a couple of scenes.

i'll give it a 8/10 !!\": {\"frequency\": 1, \"value\": \"This is a quite ...\"}, \"This film is definitely an odd love story. Though this film may not be much to shout about, Nicole Kidman carries the film on her own the rest of the cast could quite easily be forgotten, though Ben Chaplin does do quite a good job of Hertfordshire Life with shots of St Albans & Hemel Hempstead town centre depicting the true essence of the area. What starts outlooking like a regular episode of the popular British TV series\\\"Heartbeat\\\" soon turns into a gritty gangster getaway action flick.Nothing truly memorable happens in this simple small film and thus ends-up as fairly decent weekend entertainment. A good one to watch, and if you like the hero john are lonely thirty something you may find something to identify with in his character.\": {\"frequency\": 1, \"value\": \"This film is ...\"}, \"Sometimes a premise starts out good, but because of the demands of having to go overboard to meet the demands of an audience suffering from attention-deficit disorder, it devolves into an incongruous mess. And for three well-respected actors who have made better work before and after, this is a mortal shame.

So let's see. Premise: a loving couple who lives in a beautiful home is threatened by a bad cop. Interesting to say the least. Make the encroaching cop a little disturbing, why not. It was well done in THE HAND WHO ROCKS THE CRADLE and SINGLE WHITE FEMALE, and it's a proved ticket to a successful thriller.

Now herein lies the dilemma. Create a disturbing story that actually bothers to bring some true menace into its main characters while never going so far as to look ridiculous, or throw any semblance to reality, amp up the shock factor, and make this cop so extreme -- an ultra bad variation of every other super-villain that's hit cinemas since the silent age.

The producers, and directors, chose the latter. Thus is the resulting film -- badly made, with actors trying their darnedest to make heads or tails in roles that they've essayed before, and nothing much amounting to even less.\": {\"frequency\": 1, \"value\": \"Sometimes a ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"This is an ...\"}, \"I LOVE this movie. Director Michael Powell once stated that this was his favorite movie, and it is mine as well. Powell and Pressburger created a seemingly simple, superbly crafted story - the power of love against \\\"the powers that be\\\". However, its deception lies in the complexity of its \\\"is it real or is it imaginary\\\" premise. Basically, one could argue that it is simply a depiction of the effects of war on a young, poetically inclined airman during WWII. Or is it? The question is never answered one way or the other. Actually, it is never even asked. This continuous understatement is part of the film's appeal.

The innovative photography and cinematography even includes some nice touches portraying the interests of the filmmakers. For instance, Pressburger always wanted to do a cinematic version of Richard Strauss' opera, Der Rosenkavalier, about a young 18th century Viennese aristocrat. This is evident in the brief interlude in which Conductor 71, dressed in all his finery, holds the rose (which appears silver in heaven). The music even has a dreamy quality.

All of the acting is first rate - David Niven is at his most charming, and he has excellent support from veteran Roger Livesey and relative newcomer Kim Hunter. But, in my opinion, the film's charm comes from Marius Goring as Conductor 71. He by far has the most interesting role, filling each of his scenes with his innocent lightheartedness, brightening the film. It's a pity that some of Conductor 71's scenes were left on the cutting room floor. It is also a pity that Goring's comedic talents are rarely seen again on film, except in the wonderful videos of The Scarlet Pimpernel television series from the 1950s. This is by far and away the most memorable role of his film career. He is a perfect foil for relaxed style of Niven, and his virtual overstatement contrasts so nicely with the seriousness of the rest of the characters. Ironically, also in the mid -1940s, Niven also starred against another heavenly \\\"messenger\\\", played by Cary Grant, in The Bishop's Wife. Their acting styles were so similar that I found the result boring, unenergetic, and disappointing. As a note, according to Powell, Goring desperately wanted the role of Peter Carter, initially refusing Conductor 71. It's a good thing he gave in and gave us such a delightful portrayal.

The movie, \\\"commissioned\\\" to smooth over the strained relations between Britain and the U.S., overdrives its point towards the end. But it is disarming in its gentle reminders of the horrors of war - the numerous casualties, both military and civilian, the need to \\\"go on\\\" when faced with death. There is a conspicuous lack of WWII \\\"enemies\\\" in heaven, but the civilians shown are of indeterminate origin. Powell and Pressburger could have been more explicit in their depiction but it wasn't necessary. The movie may not have served its diplomatic purpose as was hoped for, but its originality continues to inspire moviemakers and viewers alike on both sides of the Atlantic.\": {\"frequency\": 1, \"value\": \"I LOVE this movie. ...\"}, \"It breaks my heart that this movie is not appreciated as it should be. its very underrated. people forgot what movies are really about, nowadays they only think about bum bum movies, which can be quite fun watching with popcorn and friends, like transformers, movies which are oriented, with hyper mega high budget like 300mln or even higher, on special effects only and which are dumb movies without storyline. Its the kind of a movie what i despite most. Of course it is fun watching greatly made CGIs, but we do not gain anything essential from that kind of movies.

I honestly think that performance was excellent. Especially Busy Philipps, alongside with Erika Christensen and Victor Garber(whom i respect) made this movie an Oscar worth. Emotional performance by Busy Philipps was astonishing, its such a shame we wont see Oscar in her hands, which she deserves.\": {\"frequency\": 1, \"value\": \"It breaks my heart ...\"}, \"Typical De Palma movie made with lot's of style and some scene's that will bring you to the edge of your seat.

Most certainly the thing that makes this movie better as the average thriller, is the style. It has some brilliantly edited scene's and some scene's that are truly nerve wrecking that will bring you to the edge of your seat. The best scene's from the movie; The museum scene and the elevator murder. There are some mild erotic scene's and the movies pace might not be fast enough for the casual viewer to fully appreciate this movie. So this movie might not be suitable for everybody.

The story itself is also quite good but it really is the style that makes the movie work! It might be for the fans only but also casual viewers should appreciate the well build up tension in the movie.

There are some nice character portrayed by a good cast. Michael Caine is an interesting casting choice and Angie Dickinson acts just as well as she is good looking (not bad for a 49-year old!).

The musical score by Pino Donaggio is also typically De Palma like and suits the movie very well, just like his score for the other De Palma movie, \\\"Body Double\\\".

Brilliant nerve wrecking thriller. I love De Palma!

10/10\": {\"frequency\": 1, \"value\": \"Typical De Palma ...\"}, \"An Insomniac's Nightmare was an incredibly interesting, well-made film. I loved the way it just throws you into the main character's subconscious without coddling the viewer...the acting was top notch - honestly, I would watch Dominic Monaghan read the phone book! - but everyone else, especially the young girl, was great as well. I was very impressed by the look of the film, too. Usually, \\\"independent films\\\" have a grainy, I-shot-this-on-my-camcorder look to them, but this director knows what she's doing. The lighting, the cinematography...quality work. I'm looking forward to a feature-length work from Tess Nanavati!\": {\"frequency\": 1, \"value\": \"An Insomniac's ...\"}, \"How did I ever appreciate this dud of a sequel? All it does is throw balls! Worst of all, it doesn't compare to even the first installment of the series! The comedy suffers from not being funny. Where did all the unintentional laughter go? Enough slapstick on-the-field action goes on too long. Bob Uecker literally saved this one from a complete nine-inning shutout. What's next, MAJOR LEAGUE 4: RETURN TO THE LITTLE LEAGUE? Ehh, could be! Leave this one on the shelf and plan a trip to the All-Star Game. This one's had three strikes too many.\": {\"frequency\": 1, \"value\": \"How did I ever ...\"}, \"This film was a disaster from start to finish. Interspersed with performances from \\\"the next generation of beautiful losers\\\" are interviews with Bono and The Edge as well as the performers themselves. This leaves little time for the clips of Leonard Cohen himself, who towers over everyone else in the film with his commanding yet gentle presence, wisdom and humor. The rest are too busy trying to canonize him as St. Leonard or as some Old Testament prophet. Many of the performances are forgettable over-interpretations (especially Rufus & Martha Wainright's) or bland under-achievements. Only Beth Orton and Anthony got within striking distance of Leonard's own versions by using a little restraint. Annoying little pseudo-avant-garde gestures are sprinkled throughout the film- like out of focus superimpositions of red spheres over many of the concert and interview shots, shaky blurred camera work, use of digital delay on some of Leonard Cohen's comments (making it harder to hear what's being said) and a spooky, pretentious low drone under a lot of the interview segments (an attempt at added gravitas?). For the real thing, see the Songs From The Life Of documentary produced by the BBC in 1988.\": {\"frequency\": 1, \"value\": \"This film was a ...\"}, \"It's good to see that Vintage Film Buff have correctly categorized their excellent DVD release as a \\\"musical\\\", for that's what this film is, pure and simple. Like its unofficial remake, Murder at the Windmill (1949), the murder plot is just an excuse for an elaborate girlie show with Kitty Carlisle and Gertrude Michael leading a cast of super-decorative girls including Ann Sheridan, Lucy Ball, Beryl Wallace, Gwenllian Gill, Gladys Young, Barbara Fritchie, Wanda Perry and Dorothy White. Carl Brisson is also on hand to lend his strong voice to \\\"Cocktails for Two\\\". Undoubtedly the movie's most popular song, it is heard no less than four times. However, it's Gertrude Michael who steals the show, not only with her rendition of \\\"Sweet Marijauna\\\" but her strong performance as the hero's rejected girlfriend. As for the rest of the cast, we could have done without Jack Oakie and Victor McLaglen altogether. The only good thing about Oakie's role is his weak running gag with cult icon, Toby Wing. In fact, to give you an idea as to how far the rest of the comedy is over-indulged and over-strained, super-dumb Inspector McLaglen simply cannot put his hands on the killer even though, would you believe, in this instance it happens to be the person you most suspect. Director Mitch Leisen actually goes to great pains to point the killer out to even the dumbest member of the cinema audience by giving the player concerned close-up after close-up.\": {\"frequency\": 1, \"value\": \"It's good to see ...\"}, \"If this had been done earlier in the Zatoichi series it could have been one of the best. It is good enough, as most of them are, but the plot and the characters seem too complicated for the series at this point. The situation is unusually intriguing: the farmers in the province have two champions, a benevolent boss (for once) and a philosopher-samurai who starts a sort of Grange; both run afoul of the usual local gangsters, who want the crops to fail because it increases their gambling revenues and their chances to snap up some land; their chief or powerful ally is a seeming puritan who is death on drinking and gambling but secretly indulges his own perverse appetites. (He also resembles Dracula, as the villains in the later Zatoichi movies tend increasingly to do.) These characters have enough meaning so that they deserved to be set against Zatoichi as he was drawn originally, but by now he has lost many of his nuances, and the changes in some of the characters, such as the good boss and the angry sister of a man Zatoichi has killed, need more time then the movie has to give, so that the story seems choppy, as if some scenes were missing. Other than that, the movie shows the virtues of most of the others in the series: good acting, sometimes lyrical photography, the creation of a vivid, believable, and uniquely recognizable landscape (the absence of which is obvious in the occasional episode where the director just misses it), and a technical quality that of its nature disguises itself: the imaginatively varied use of limited sets so their limitations seem not to exist. And of course there is the keynote actor, whose presence, as much as his performance, makes it all work. This must be one of the best-sustained series in movie history.\": {\"frequency\": 1, \"value\": \"If this had been ...\"}, \"Was there a single positive to this film? Critics who knew nothing of video games could spot the gaming errors made. No damage taken with damage clearly visible towards the beginning being a primary example.

And I may have missed something, but wasn't Super Mario Bros. 3 suppose to be a game that had never played before? Well if that IS the case, and I did not miss anything... how did Fred Savage's character, and even the girl, know so much about the game already? We're talking things that some people don't know about by their second or third play-through.

Beyond the factual and gaming errors there is the general low quality of the film itself. Nothing here is honestly very memorable. The kid wasn't even that good at playing video games in the footage they showed. A lot of kids I knew way back in those days were significantly more experienced. On top of all this the acting and storyline are just mediocre at their strongest points. The characters are bland and completely uninteresting, the 'Wizard' (the youngest child) is a very silent, completely dry child clich\\ufffd\\ufffd of a little kid who almost never talks because of a trauma. It isn't that this is unrealistic, it's the fact that it had to be thrown into the movie to actually even begin to form a plot that would exceed even 30 minutes.

Honestly, the only value that is to be found here is that of a nostalgic nature. If you grew up with this movie you're going to like it whether it was good or not. It was about kids playing video games, and at the time you saw it you likely had an obsession with the NES as well. But unless you loved it as a kid there just isn't anything that's going to keep you interested, and very little that will prevent you from turning it off.

No sir, I didn't like it.\": {\"frequency\": 1, \"value\": \"Was there a single ...\"}, \"This was thought to be the flagship work of the open source community, something that would stand up and scream at the worlds media to take notice as we're not stuck in the marketing trap with our options in producing fine work with open source tools. After the basic version download ( die hard fan here on a dial-up modem ) eventually got here I hit my first snag. Media Player, Mplayer Classic & winamp failed to open it on my xp box, and then Totem, xine & kaffeine failed to open it on my suse server. Mplayer managed to run it flawlessly. Going to be hard to spread the word about it if normal users cant even open it...

The Film. Beautiful soundtrack, superb lighting, masterful camera work and flawless texturing. Everything looked real. And then the two main characters moved.... and spoke... And the movie died for me. Everything apart from the lip syncing and the actual animation of the two main characters ( except for Proog in the dancing scene ) looked fluid and totally alive. The two main characters were animated so poorly that at times i was wondering if there are any games on the market at the moment with cut-scenes that entail less realism than this.

Any frame in the movie is fantastic.. as a frame, and the thing is great if neither actors are moving. I'm so glad i haven't actually recommended this to anyone. I'd ruin my reputation.

Oh, and final fantasy had a more followable and cunningly devised plot.

this movie would get 10 stars if it wasn't for the tragedy that sits right there on the screen.\": {\"frequency\": 1, \"value\": \"This was thought ...\"}, \"So often with Stephen King adaptations, you just get a collection of characters reciting dialogue from the books. This really captures the heart of the book. Maybe because they DON'T use large chunks of text straight from the book, but it's a bit more of an improv of the events in the story. A big part of its success is Miko Hughes as baby Gage. Dale Midkiff and Denise \\\"Tasha Yar\\\" Crosby really act like his parents. There's a scene where Louis is cuddling Gage, and they are very natural together. Fred Gwynne is WONDERFUL. He nails the Maine accent perfectly without lapsing into parody, and is wise and warm just like Jud should be. (8 out of 10)\": {\"frequency\": 1, \"value\": \"So often with ...\"}, \"JUST CAUSE showcases Sean Connery as a Harvard law prof, Kate Capshaw (does she still get work?) as his wife (slight age difference) and Lawrence Fishburne as a racist southern cop (!) and Ed Harris in a totally over the top rendition of a fundamentalist southern serial killer.

Weird casting, but the movie plays serious mindf** with the audience. (don't read if you ever intend to seriously watch this film or to ever watch this film seriously due to the spoilers) First of all, I felt myself rolling my eyes repeatedly at the Liberal stereotypes: the cops are all sadistic and frame this black guy with no evidence. The coroner, witnesses and even the lawyer of the accused collaborate against him (he is accused of the rape and murder of a young girl) because he is black.

Connery is a Harvard law prof who gives impassioned speeches about the injustices against blacks and against the barbarous death penalty. He is approached by the convicted man's grandmother to defend him and re-open the trial.

Connery is stonewalled (yawn...) by the small town officials and the good IL' boys club but finds that the case against Blair, the alleged killer, now on death row, was all fabricated. The main evidence was his confession which was beaten out of him.

The beating was administered by a black cop (!) who even played Russian roulette to get the confession out of him. Connery finds out that another inmate on death row actually did the murder and after a few tete a tetes with a seriously overacting, Hannibal Lecter-like Ed Harris, he finds out where Harris hid the murder weapon.

He gets a re-trial and Blair is freed.

I think... film over....

Then suddenly! It turns out that Blair IS a psychotic psycho and that he used \\\"white guilt\\\" to enlist Connery. He concocted the story with Ed Harris in return for Blair carrying out a few murders for Harris.

now Blair is on the loose again, thanks to Connery's deluded PC principles! The final 30 min. are a weird action movie tacked onto a legal drama, Connery and Fishburne fighting the serial killer in an alligator skinning house on stilts (yes, you read that right) in the everglades.

That was one weird film.

So the whole system is corrupt and inefficient, the cops are all just bullies and Abu Graib type torturers, but the criminals are really psychotics and deserve to fry.

Truly depressing on every level! The system is completely rotten and the PC white guilt types who challenge it are seriously deluded too.

Two thumbs down. Connery obviously had to make a mortgage payment or something.\": {\"frequency\": 1, \"value\": \"JUST CAUSE ...\"}, \"...that the Bette Davis version of this film was better than the Kim Novak version.

Despite all of the other comments written here, I really prefer the Bette Davis version, even though the Novak version has a more coherent story line.

However: Davis' Mildred's raw emotions seem to me to be more apt to a sluttish girl who seems easily to become a prostitute.

And it is those raw emotions that constitute *part* of what the poor doctor falls in love with. He has emotions of despair, of failure, of \\\"otherness\\\" - strong emotions that he represses. Davis' Mildred, on the other hand, displays her emotions immediately and without censure. She has no feelings of despair, or of failure, or of \\\"otherness\\\"; rather, she is merely surviving as a poor Cockney woman in the Victorian era.

Novak's portrayal was a more vulnerable Mildred than was Davis', almost through the the whole movie. Davis' Mildred was **never** vulnerable until she actually had to go to the doctor and beg for assistance. And when he reviles her - for her method of keeping body and soul together, and for continually taking advantage of his love for her - she unleashes arguably the most passionate repudiation of snobbish holier than thou attitude ever seen on screen: \\\"I wiped my mouth! I WIPED MY MOUTH!!\\\" Novak's vulnerability was excellent. Davis' realism was monumental.

IMDb votes concur!\": {\"frequency\": 1, \"value\": \"...that the Bette ...\"}, \"Exceptionally horrible tale that I can barely put into words. The best part of the movie was when one of the murder victims turns up at the end, alive and well, only to be massacred again. There is the chance that I missed some crucial plot elements since I may have been in a slight coma during the time this baby was on. The box that the movie comes in shows scenes that are never even in the film. I was lured in by the crude images of bondage torture and promises of a 'Euro-trash, sexy horror flick.' I get the feeling this was the budget version and about one quarter of the film was left out. All the good stuff more than likely. I got the PG-13 addition that made about as much sense as the end to the new 'Planet of the Apes' movie. Watch this one with a friend and a bottle of the hard stuff. You'll need it.\": {\"frequency\": 1, \"value\": \"Exceptionally ...\"}, \"A classic cartoon, always enjoyable and funny. It has an interesting plot complete with lovable characters. Road Rovers is a show worth seeing, it is a short 13 episodes, and if you can ever manage a chance to see it, you should. Unfortunately, it is very hard to find. I think Warner Brothers Studios should release a DVD that contains all 13 episodes. I would definitely buy it if they did, and if they do, you should buy it too. if you have kids who like dogs, they will love road rovers! Road Rovers should have gotten more attention while it was being aired, it was definitely an original and very special show that should have been appreciated much more than it was.\": {\"frequency\": 1, \"value\": \"A classic cartoon, ...\"}, \"

Upon concluding my viewing of \\\"Trance,\\\" or \\\"The Eternal,\\\" or whatever the producers are calling this film, I wondered to myself, \\\"Out of all of the bad movies I could have seen, couldn't I have at least seen one that was entertaining?\\\" Even if a film is not well made in terms of acting, directing, writing, or what have you, it can at least be fun, and therefore worthwhile. But not only is this film bad in artistic value, it's incredibly boring. For a plot of such thinness, it moves awfully slowly, with little dramatic tension. At the very least, in a low-brow attempt at entertainment, the deaths of the characters could have been cool and/or gory, but the creators of this dreck failed in that department as well.

What does this movie have going for it? Pretty much nothing, unless you get entertainment out of watching Christopher Walken, who is capable of being brilliant, put so little effort into his acting that he falls into self-parody mode (WHY did he decide to do this film anyway?).

I give this film 3/10, because, God help us, there actually have been worse movies made before.\": {\"frequency\": 1, \"value\": \"

Upon ...\"}, \"I know I know it was a good ending but sincerely it was awesome. I love when a movie ends on a terrific dark nature but this time I was impressed with Darth Vader turning against the Emperor I really stayed astonished. The anguishing sequence in that film was when Luke is tortured and defeated by the Emperor/Darth Sidious. He is about to be destroyed when Darth Vader, Dark Lord of the Sith, eliminates his dark master. A nice sacrifice. The cinematography of this film is impressive. I was surprised with all the vessels of the Rebel Battle ships and all Imperial War Ships and Super Star Destroyers. I loved the new race they brought on screen the Mon Calomari, the ewoks, the sullesteian (Lando's co pilot) and many more... Most of my favorite scenes are in that film:1-When Vader destroys the Emperor and is fatally wounded. 2- When Luke sees the spirits of Obi-Wan and Yoda and then it shows up Anakin Skywalker (Sebastian Shaw)(the greatest scene in Star Wars) 3- When LEia slays Jabba strangling the Hutt crime lord.

I personally like the script and the battle of Endor presenting a ground and space combat as well the best duel of Star Wars between Darth Vader V.s Luke Skywalker on the Death Star. Post-script: The scenes with Leia in the slave bikini are memorable. 9/10.\": {\"frequency\": 1, \"value\": \"I know I know it ...\"}, \"This is what I call a \\\"pre Sci Fi; Sci Fi\\\" movie. It gets no better than Lugosi/Karloff in this incredibly good \\\"mood\\\" type motion picture. These two genuine artists are at their very best, as is the story line.

Karloff does an amazing job as a scientist that sees himself caught in a vise of vanity, pride, and scientific competition. I was caught up in the idea of watching a man as he drowns himself in the three previously mentioned concepts. I was saddened and at the same time fascinated with the two stars as they do themselves in.

This is the sort of motion picture that begs for a remake. This time put Harrison Ford in the Karloff part and maybe Kieffer Sutherland as the Bela Lagosi role. It might be possible to do it almost as good.

This is one of the very best that Hollywood EVER produced. As I said..it gets no better. No way.\": {\"frequency\": 1, \"value\": \"This is what I ...\"}, \"Even though The Shining is over a quarter of a century old, I challenge anyone to not get freaked out by Jack Nicholson's descent into madness. This is a rare example of something so unique that no one has been able to rip it off; instead it has been referenced time and again in pop culture. The twins, the elevator of blood, RedRum, the crazy nonsense \\\"writing\\\"... this should be seen, if for nothing else, to understand all the allusions to it in daily life. The film is simultaneously scary, suspenseful, beautiful, and psychologically intriguing. It has the classic mystery of Hitchcock and the terror of a modern thriller. And it has what horror movies usually lack: a great script.\": {\"frequency\": 1, \"value\": \"Even though The ...\"}, \"Really, everybody in this movie looks like they want to be someplace else! No wonder, the casting is done not with the left hand, but rather not at all. I haven't seen anything worse than Natascha McElhone impersonating some sort of agent, carrying a gun. You don't use a spoiled city-brat-look in such a role. The only worse thing I can imagine is casting Doris Day as a prostitute. The rest of the cast is likewise awful, possibly with Hurt as the sole exception, sometimes you can see him trying, but suffering. Oh, did I mention that it is a completely insane story? Jeopardizing many peoples lives because you are divorced and want to see your family? Well, it must be because the guy (Weller) is German?

2/10, because the photography could be worse.\": {\"frequency\": 1, \"value\": \"Really, everybody ...\"}, \"First of all, let me say that this is not the movie for people looking to watch something spirited and joyous for the holidays. This movie is cold, brutal, and just downright depressing. Mary Steenburgen plays a grinchy mom who is down on Christmas because her husband has lost his job, they are losing their house, can't buy Christmas presents for the kids, etc. You get the idea, happy stuff for the holidays. So along comes Harry Dean Stanton as Gideon the Christmas angel, who in his dark hat and long overcoat comes off more like a pedophile who hangs around children all day observing them. What better way to instill the spirit of Christmas in Mary Steenburgen than to kill off her family and then offer to bring them back if she believes in Christmas again. Santa Claus is a blackmailer and his Christmas workshop looks more like a haven for refugee Nazis on the lam. The movie lays everything on so thick that you don't care about the happy ending when it comes because the rest of the movie is so bitter and unbelievable. I'm sure this film wanted to be something Capra-like, but it left out the joy and sentiment on what a holiday film should be.\": {\"frequency\": 1, \"value\": \"First of all, let ...\"}, \"It looks to me as if the creators of \\\"The Class Of Nuke 'Em High\\\" wanted it to become a \\\"cult\\\" film, but it ends up as any old high school B-movie, only tackier. The satire feels totally overshadowed by the extremely steretyped characters. It's very un-funny, even for a turkey.\": {\"frequency\": 1, \"value\": \"It looks to me as ...\"}, \"This is one of the best animated family films of all time. Moreover, virtually all of the serious rivals for this title came from the same creative mind of Hiyao Miyazaki and his Studio Ghibli. Specifically, other great films include \\\"My Neighbor Totoro\\\" and \\\"Kikki's Delivery Service.\\\" Spirited Away is quite good, but a bit too creepy for typical family fare - better for teenagers and adult. The one thing that sets \\\"Laputa: Castle in the Sky\\\" apart from other films by Miyazaki is that it is far more of a tension-filled adventure ride.

Why is this film so good? Because it's a complete package: the animation is very well done, and the story is truly engaging and compelling.

Most Japanese anime is imaginative, but decidedly dark or cynical or violent; and the animation itself is often jerky, stylized, and juvenile. None of these problems plague Castle in the Sky. It has imagination to burn, and the characters are well drawn, if slightly exaggerated versions of realistic people. (None of those trench-coat wearing posers) There is plenty of adventure, but not blood and gore. The animation is smooth, detailed, and cinematic ally composed - not a lot of flat shots. The backgrounds are wonderful.

The voice acting in the dubbed English version is first rate, particularly the two leads, Pazo (James Van der Beek) and Sheeta (Anna Paquin). The sound engineering is great, too. Use your studio sound, if you've got it.

One aspect that I particularly enjoyed is that much of the back story is left unexplained. Laputa was once inhabited, and is now abandoned. Why? We never know. We know as much as we need to know, and then we just have to accept the rest, which is easy to do because the invented world is so fully realized. Indeed, it is fair to say that the world is more fully realized than most of the minor characters, who are for the most part one-dimensional stock characters (e.g., gruff general, silly sidekick, kooky old miner, etc.) Highly recommended for people aged 6 to 60!\": {\"frequency\": 1, \"value\": \"This is one of the ...\"}, \"I haven't laughed this hard at a movie in a long time. I got to go to an advance screening, and was thrilled because I had been dying to see it. I had tears in my eyes from laughter throughout a lot of the movie. The audience all shared my laughter, and was clapping and yelling throughout most of the movie.

Kudos to Steve Carrell(who I had already been a fan of). He proves in this movie his tremendous talent for comedy. He has a style that I haven't seen before. And Catherine Keener is excellent as always. Thank God there wasn't a cameo from Will Ferrell(love him, but saw him too much this summer).

There were parts of comedic genius in this movie. Partly thanks to Carrell, and partly thanks to the writing(also Carrell). The waxing scene and the speed dater with the \\\"obvious problem\\\" were absolutely hysterical.

I will definitely go see '40 Year Old Virgin' when it's released. My advice: go to see it for huge laughs and an incredibly enjoyable movie on top of it.\": {\"frequency\": 1, \"value\": \"I haven't laughed ...\"}, \"This movie is without a doubt the worst horror movie I've ever seen. And that's saying a lot, considering I've seen such stinkers like Demon of Paradise, Lovers' Lane, and Bloody Murder (which is a close second). However, I love bad horror movies, and as you can tell from my username, this one really sticks out. At times there's nothing more entertaining than a poorly made slasher flick. As for this film, the opening scene in which a woman gets fried in a tanning booth appears to have no bearing on the film whatsoever, especially since the movie fails to tell you that the event happened 2 years prior to the rest of the film. The acting is nonexistent, and most of the camera shot are of women's areas shrink wrapped in spandex. The policeman was the most stone-faced, monotone actor I've ever seen. The best/worst part of this movie, however, has to be the murder weapon. A giant safety pin?! What were they thinking? Who's the killer? A disgruntled \\\"Huggies\\\" employee? I'd have to give this movie an overall zero, but darned if I didn't have a blast watching it\": {\"frequency\": 1, \"value\": \"This movie is ...\"}, \"Holes, originally a novel by Louis Sachar, was successfully transformed into an entertaining and well-made film. Starring Sigourney Weaver as the warden, Shia Labeouf as Stanley, and Khleo Thomas as Zero, the roles were very well casted, and the actors portrayed their roles well.

The film had inter-weaving storylines that all led up to the end. The main storyline is about Stanley Yelnats and his punishment of spending a year and a half at Camp Greenlake. The second storyline is about Sam and Kate Barlow. This plot deals with racism and it is the more deep storyline to the movie. The third is about Elya Yelnats and Madame Zeroni, which explains the 100-year curse on the Yelnats family. In my opinion, these storylines were weaved together very well.

Contrary to many people's beliefs, I think that you do not have to have read the book to understand the movie. The film is reasonably easy to understand.

The acting in the film was well done, especially Shia Labeouf (Stanley), Khleo Thomas (Zero), Sigourney Weaver (the warden), and Jon Voight (Mr. Sir). The other members of D-Tent, Jake Smith (Squid), Max Kasch (Zig-Zag), Miguel Castro (Magnet), Byron Cotton (Armpit), and Brenden Jefferson (X-Ray), enhanced the comic relief of the movie. However, the best parts were with Zero and Stanley, who made a great team together.

Although Holes is a Disney movie, it deals with some serious issues such as racism, shootings, and violence. The film's dramatization at some points is very well done.

I would suggest this movie to people of all ages, whether they have read the book or not. You shouldn't miss it.\": {\"frequency\": 1, \"value\": \"Holes, originally ...\"}, \"Probably New Zealands worst Movie ever made

The Jokes They are not funny. Used from other movies & just plain corny The acting Is bad even though there is a great cast

The story is Uninteresting & Boring Has more cheese then pizza huts cheese lovers pizza kind of like the acting Has been do 1,000 times before

I watched this when it came on TV but was so boring could only stand 30 minutes of it.

This movie sucks

Do not watch it,

Watch paint dry instead\": {\"frequency\": 1, \"value\": \"Probably New ...\"}, \"This film is an excellent military movie. It may not be an excellent Hollywood Movie, but that does not matter. Hollywood has a reputation of sacrificing accuracy for good entertainment, but that is not the case with this movie. Other reviewers have found this movie to be too slow for their taste, but \\ufffd\\ufffd as a retired Soldier \\ufffd\\ufffd I appreciate the pace the movie crew deliberately took to tell their story as completely as possible given the two hours and nine minutes allotted. The story itself has been told and retold several times over, but it remains for a professional soldier \\ufffd\\ufffd and an African American at that \\ufffd\\ufffd to report on the story as presented by the movie crew, and as it presents the US Navy to the world. The story of Brashear's work to become a Navy Diver, and his life as a Navy Diver beyond his graduation, is not the only story that is presented. There I also the story of how Master Chief Petty Officer Sunday defied the illegal order of his Commanding Officer that Petty Officer 2nd Class Brashear not be passed in his test dive no matter how well he did, and paid the price of a loss of one Stripe and a change of assignment. It also told the true story how Brashear found the third Hydrogen Bombs lost in the Atlantic Ocean off the coast of Spain in the 1950's, and how he saved the life of another seaman who was in the line of the snapped running line that would have snapped him in two if Brashear had not shoved him out of the way and took the shot himself. This was a complex story that was worth telling, and I will admit that two hours and nine minutes was not enough to tell the full story, and I can tell from the deleted scenes on the DVD that the crew tried their best to tell a story as full as possible. As a professional soldier, I was proud to see such a great story told in such a comprehensive manner, and to see the traditions and honor of the navy preserved in such a natural and full manner.\": {\"frequency\": 1, \"value\": \"This film is an ...\"}, \"I have watched quite a few Cold Case episodes over the years, beginning with Season 1 episodes back in 2003-2004. And while most have been good, this particular episode was not only the best of the best, but has few rivals in the Emmy categories. Though some may not agree with the story content (i.e. the male-to-male romantic relationship), I doubt that anyone could watch this without being deeply moved within their spirit.

The story is essentially about a case that was reopened, based on the testimony from a dying drug dealer. The two central actors are two police officers in the 1960's named Sean Coop (aka, the cold case victim who goes by his last name, Coop) and his partner, Jimmy Bruno.

In the story, Coop is single, a Vietnam war vet, with a deeply troubled past. Jimmy, however, is married, with children no less. Both are partners on the police force and form not only a friendship, but a secret romantic relationship that they both must hide from a deeply and obviously homophobic culture prevalent at that time.

The flashback scenes of their lives are mostly in black and white, with bits of color now and then sprinkled throughout. Examples include their red squad car, the yellow curtains gently blowing by the window in Jimmy's bedroom, where Jimmy's wife watched Coop and Jimmy drink, fight, and then kiss each other while being in an alcohol-induced state. I found it interesting that only selected items were colored in the flashback scenes, with everything else in black and white. I still have not figured out the color scheme and rationale.

The clearly homophobic tension between fellow patrol officers and the two central actors only heightens the intensity of the episode. One key emotional scene was when Coop was confronted by his father after the baptism of Jimmy's baby. In this scene, Coop's father, Sarge, who was a respected fellow officer on the force, confronts Coop about the rumors surrounding Coop's relationship with Jimmy. One can feel sorry for Coop, at this point, as the shame and disgrace of Coop's father was heaped upon Coop - \\\"You are not going to disgrace our family...and you're not my son, either.\\\" - clearly indicative of the hostile views of same-sex relationships of that era.

Additional tension can also be seen in the police locker room where Coop and another officer go at it after Coop and Jimmy are labeled \\\"Batman and Robin homos\\\".

As for the relationship between Coop and Jimmy, it's obvious that Coop wanted more of Jimmy in his life. Once can see the tension in Jimmy's face as he must choose between his commitment to his wife and kids, his church, and yet his undying devotion to Coop.

In the end, Jimmy walks away from Coop, realizing that he cannot have both Coop and his family at the same time. Sadly, Coop is killed, perhaps because of his relationship with Jimmy, but Coop may also have been killed for his knowledge of drug money and police corruption that reached higher up in the force.

The most moving scene in the whole episode was when Coop, as he sat dying from gunshot wounds in his squad car, quietly spoke his last words over his police radio to his partner: \\\"Jimmy...we were the lucky ones. Don't forget that.\\\"

The soundtrack selection was outstanding throughout the episode. I enjoyed the final scene with the actor Chad Everett, playing the still grieving Jimmy, only much older by now, and clearly still missing his former partner, Coop.

I highly recommend this episode and consider it the best. It is without a doubt the most well-written, well-acted, and well done of all Cold Case episodes that I've ever seen.\": {\"frequency\": 1, \"value\": \"I have watched ...\"}, \"This has got to be the best movie I've ever seen.

Combine breathtaking cinematography with stunning acting and a gripping plot, and you have a masterpiece.

Dog Bite Dog had me gripping the edge of my seat during some scenes, recoiling in horror during others, and left me drowning in my own tears after the tragic ending.

The film left a deep impression on me. It's shockingly violent scenes contrasted sharply with the poignant and tender 'love' scenes. The film is undeserving of it's Cat III (nudity) rating; there are no nude scenes whatsoever, and the 'love' scenes do not even involve kissing or 'making out'.

The message which this film presented to me? All human beings, no matter how violent or cruel they may seem, have a tender side. Edison Chen does a superb job playing the part of the murderous Pang.

I rate this film 10/10. It's a must-watch.\": {\"frequency\": 1, \"value\": \"This has got to be ...\"}, \"I was skeptical when I first saw the Calvin Kline-esque commercials, but thought I'd give it a chance. So I've watched it, and all I can say is bleh. This movie was so bad. It's rare that I hate a movie this much. Watching this flick reminded me of those funny scenes in Altman's \\\"The Player,\\\" when the writers pitch their bizarre ideas to producers. I'd like to know which MTV producer decided that an hour and a half long music video adaptation of Bronte (but this time Heathcliff's name is Heath and he's a rock star, and Hindley's name is Hendrix) would be a good idea.

Even that might not have been so bad, had they not gotten every other aspect of the film so horrible wrong as well. The direction must have been \\\"you're lonely, pout for me.\\\" I laughed out loud during all the \\\"serious\\\" scenes and was bored throughout the rest. The camera work was jagged and repeatedly reminded me that I was watching a bad movie trying to be edgy. My theory is that the sound guy got bored and went down to the beach for a few beers with his boom -- all I could hear in half the scenes were the waves. And in the other scenes, I wish that's all I could hear. And speaking of sound, what they did to the Sisters of Mercy song \\\"More\\\" is absolutely inexcusable, then again, it's inexcusable what they did to Bronte.

On the bright side, there was one entertaining scene -- specifically the moment when Johnny Whitworth licked Katherine Heigl's face -- and if you can tell me what that scene had to do with all the rest of the story more power to you.\": {\"frequency\": 1, \"value\": \"I was skeptical ...\"}, \"The various nudity scenes that other reviewers referred to are poorly done and a body double was obviously used. If Ms. Pacula was reluctant to do the scenes herself perhaps she should have turned down the role offer.

Otherwise the movie was not any worse than other typical Canadian movies. As other reviewers have pointed out Canadian movies are generally poorly written and lack entertainment value, which is what most movies watchers are hoping to get. Perhaps Canadian movie producers are consciously trying to \\\"de-commercialize\\\" their movies but they have forgotten a very important thing - movies by definition are a commercial thing....\": {\"frequency\": 1, \"value\": \"The various nudity ...\"}, \"i got to see the whole movie last night and i found it very exciting.it was at least,not like the teen-slasher movies that pop out every now and then.the search for the killer and the 'partner' relationship between the hero&the so-called bad guy was parts i liked about the movie.also,i remember once being on the edge of my seat during a specific scene in the movie.i mean it's exciting.maybe some time later,i might watch the movie again...\": {\"frequency\": 1, \"value\": \"i got to see the ...\"}, \"Joseph H. Lewis was one of the finest directors of film noir. This is surely his best.

It doesn't have some of the standard features of what we now call film noir. Though American-made, it is set entirely in England. It lacks gangsters. It lacks a femme fatale. It does not lack crime.

The title character answers an ad. She is overjoyed that she'll be making some money as a secretary. Instead, she wakes up days later as the pawn in a frightening plot. Only a very strong person could survive such a terrifyingly unsettling ordeal. And Nina Foch gives the sense of a strong woman as Julia.

Part of the excitement comes from casting against type: Ms. Foch has an elegant manner. She is no screaming, cowering victim. She is actually a bit icy and patrician, albeit impecunious. This makes her character's plight all the more believable.

Surely the single most fascinating element is the casting of Dame May Witty. She was (and is) probably most famous for the charming title character in \\\"The Lady Vanishes.\\\" She has a sweet manner and a harmless, slightly dithering manner. But here she is far from a heroine.

George Macready is excellent as her extremely troubled son. The whole cast, in fact, is superb.

It seems that this famous and brilliant movie was made almost by accident. Undoubtedly the director knew exactly what he was doing. But he did it on a low budget. That is the thrill and charm of film noir, the real film noir: It is small, convincingly lowlife, and, in this case, unforgettable.\": {\"frequency\": 1, \"value\": \"Joseph H. Lewis ...\"}, \"This two-parter was excellent - the best since the series returned. Sure bits of the story were pinched from previous films, but what TV shows don't do that these days. What we got here was a cracking good sci-fi story. A great big (really scary) monster imprisoned at the base of a deep pit, some superb aliens in The Ood - the best \\\"new\\\" aliens the revived series has come up with, a set of basically sympathetic and believable human characters (complete with a couple of unnamed \\\"expendable\\\" security people in true Star Trek fashion), some large-scale philosophical themes (love, loyalty, faith, etc.), and some top-drawer special effects.

I loved every minute of this.\": {\"frequency\": 1, \"value\": \"This two-parter ...\"}, \"This movie is great entertainment to watch with the wife or girlfriend. There are laughs galore and some very interesting little nudist stories going on here. The actresses are all very interesting and definitely worth watching in their natural beauty. Maslin beach life is full of diverse nudists and personality types. The Australian coast scenery is, simply, splendid to see. What a place to visit, to say the least, and one day it may become my hideaway. I really enjoy this movie and every time I watch it I enjoy it more. I would love to see more of these characters and I always wonder what became of them. Although the plot is somewhat soft, this movie is, of course, a great excuse to just sit back on the couch and enjoy the wonderful and famous Maslin beach with these wonderful nudists and their own personal stories.\": {\"frequency\": 1, \"value\": \"This movie is ...\"}, \"**Possible Spoilers Ahead**

Jason (a.k.a. Herb) Evers is a brilliant brain surgeon who, along with wife Virginia Leith, is involved in the most lackluster onscreen car crash ever. Leith is decapitated and the doctor takes her severed noggin back to his mansion and rejuvenates the head in his lab. The mansion's exterior was allegedly filmed at Tarrytown's Lyndhurst estate; the lab scenes were apparently shot in somebody's basement. The bandaged head is kept alive on \\\"lab equipment\\\" that's almost cheap-looking enough for Ed Wood. Some of the library music\\ufffd\\ufffdthe movie's high point\\ufffd\\ufffdlater turned up in Andy Milligan's THE BODY BENEATH. Leith's head has some heavy metaphysical discourses with another of Ever's misfires, a mutant chained in the closet. Meanwhile, the good doc prowls strip joints looking for a body worthy of his wife's gabby noodle. The ending, in uncut prints, features some ahead-of-its-time splatter and dismemberment when the zucchini-headed monster comes out of the closet to bring the movie to a welcome close. This thing took three years to be released and then, audiences gave it the bad reception it richly deserved. Between this, PLAN 9 FROM OUTER SPACE and a few others, 1959 should have been declared The Year Of The Turkey.\": {\"frequency\": 1, \"value\": \"**Possible ...\"}, \"This is Paul F. Ryan's first and only full-length feature. He hasn't done anything since. However, he managed to get an amazing ensemble cast to portray the characters of his story. I don't know when or why the idea emerged in his head, but Ryan wrote a screenplay which later became his own directed movie, \\\"Home room\\\".

Busy Philipps carries the movie on her shoulders as Alicia, a troubled girl; the ones we always see in television series. With dark hair and black clothes; a package of cigarettes in the pocket, weird look and disturbing eyes (with makeup, of course). An event has occurred at her school; a shooting. Some students have died, and she saw everything. Now Detective Martin Van Zandt (Victor Garber) is investigating the case, and, as expected, Alicia is a suspect. But the shooting is just the genesis; the movie is not about the shooting.

Lying in bed in a hospital room is Deanna Cartwright (Erika Christensen). She is one of the survivors of the hospital. The script establishes a bond between them, by the school Principal (James Pickens Jr). He is helping all the students to recover from the event, but Alicia doesn't seem to care. She's isolated. So the Principal punishes her; she needs to visit Deanna every day until five o' clock. Then the movie starts.

I can't even describe how wonderfully written I think the movie is. I can identify with the characters and the situations they live; I like reality. These things could happen to anyone. And the things they say are totally understandable. They're growing up and trying to deal with things they haven't experienced; they're doing their best. Without knowing it, Alicia (when she visits Deanna for the first time) and Deanna (when she sees Alicia standing in front of her) are commencing a journey of that will define their personalities and ideas for the next step in life; after high school.

The director leads Christensen and Philipps through their roles very well. Look the contrast between them. Deanna seems naive and with plain thoughts; no complexity inside of her mind. When Alicia enters her room and sees tons of flowers she asks: \\\"Who has brought them?\\\". \\\"Many people\\\", Deanna answers; although some days later we learn they're from her parents, who come every week. The parental figures are all well represented, but are not as important as their sons' characters. Deanna is lonely. Alicia seems mature and violent; smoking cigarettes and talking roughly. But after two days of visiting, she finds herself coming back to the hospital every day; even sleeping in Deanna's room all night. When they both have a fight afterwards, I believe Deanna says: \\\"Why do you keep coming back?\\\". Alicia is lonely too.

The ending of the movie, without ruining it, comes a bit disappointing; it's something I wasn't waiting for. It eliminates some of the strength the movie has. The revelation comes totally unnecessary; ruining the logical climax the movie could have had. It was an excellent script anyway; and an excellent direction. A damn fine movie.

When it comes to Erika Christensen, this was the role she needed to fly higher. Her role in \\\"Traffic\\\" was impressing, but this was the big step; the main role. Maybe not many had the chance to see her in this film, and that's a pity. She hasn't made one false move since then. She has even come out with good performances in awful movies. On the other hand, Busy Philipps, who proved to be very promising in this movie (what a transformation), hasn't got many opportunities for other roles.

The same I say about Paul F. Ryan (in directing, of curse), and I expect he is sitting now in his computer finishing his new script; I'm waiting for his next movie. I'm hoping the best for all of them.\": {\"frequency\": 1, \"value\": \"This is Paul F. ...\"}, \"It's been a long time since I last saw a movie this bad.. The acting is very average, the story is horribly boring, and I'm at a loss for words as to the execution. It was completely unoriginal. O, and this is as much a comedy as Clint Eastwood's a pregnant Schwarzenegger!

One of the first scenes (the one with the television show - where the hell are you?) got it right - the cast was 80% of let's face it - forgotten actors. If they were hoping for a career relaunch, then I think it might never happen with this on their CV! The script had the potential, but neither 80% of the actors nor the director (who's an actor and clearly should stick to being an actor) pulled it off. Fred Durst was the only one who seemed better than any of the rest.

I'm sorry, but if you ever consider watching this - I highly recommend you turn to something less traumatic, because not only it's a total loss of time, but also a weak example of what bad cinema looks like.\": {\"frequency\": 2, \"value\": \"It's been a long ...\"}, \"Well you take O.J. Simpson as a all american soldier turned all american bus driver who decides to rescue his passengers on his own just incase no one else is going to and Arte Johnson in an absolutely straight role as the tour guide who doesn't know what to do but doesn't want to admit they are in trouble and combine it with Lorenzo Lamas as one of three baby faced bad boys who intend to kidnap an heiress and leave a busload of people to die on the dessert and you have got to have action, plot twists and a lot of drama. Everyone was good but seeing Lamas as the baddest of the bad boys really blew my mind. He was much too believable as the overbearing bad guy who not only wanted to kidnap the heiress but rape the women and humiliate the guy who tried to stop him. This was evidently long before he cultivated his good guy image. And believe me a 20 year old Lorenzo in tight jeans you really don't want to miss!\": {\"frequency\": 1, \"value\": \"Well you take O.J. ...\"}, \"This kind of film has become old hat by now, hasn't it? The whole thing is syrupy nostalgia turned in upon itself in some kind of feedback loop.

It sure sounds like a good idea: a great ensemble cast, some good gags, and some human drama about what could have/might have been. Unfortunately, there is no central event that binds them all together, like there was in \\\"The Big Chill\\\", one of those seminal movies that spawned copycat films like this one. You end up wanting to see more of one or two particular people instead of getting short takes on everyone. The superficiality this creates is not just annoying, it's maddening. The below-average script doesn't help.\": {\"frequency\": 1, \"value\": \"This kind of film ...\"}, \"Although she is little known today, Deanna Durbin was one of the most popular stars of the 1930s, a pretty teenager with a perky personality and a much-admired operatic singing voice. This 1937 was her first major film, and it proved a box-office bonanza for beleaguered Universal Studios.

THREE SMART GIRLS concerns three daughters of a divorced couple who rush to their long-unseen father when their still-faithful mother reveals he may soon remarry--with the firm intention of undermining his gold-digger girlfriend and returning him to their mother. Although the story is slight, the script is witty and the expert cast plays it with a neat screwball touch. Durbin has a pleasing voice and appealing personality, and such enjoyable character actors as Charles Winninger, Alice Brady, Lucile Watson, and Mischa Auer round out the cast. A an ultra-light amusement for fans of 1930s film.

Gary F. Taylor, aka GFT, Amazon Reviewer\": {\"frequency\": 1, \"value\": \"Although she is ...\"}, \"The movie is pretty funny and involving for about four dates, then it becomes a blatant commercial for some guy you (and even his \\\"friends\\\") really can't stand. It is a pretty interesting concept; film dates on a quest to find true love in modern LA. The problem is that it feels incredibly (and badly) scripted at times and blatantly self-promoting. It is difficult to care about and be drawn into any of the characters because the writer/actor is so egotistical, uncool, untrue, and simply unlikeable. You end up feeling sorry for his dates.\": {\"frequency\": 1, \"value\": \"The movie is ...\"}, \"Kurosawa is a proved humanitarian. This movie is totally about people living in poverty. You will see nothing but angry in this movie. It makes you feel bad but still worth. All those who's too comfortable with materialization should spend 2.5 hours with this movie.\": {\"frequency\": 1, \"value\": \"Kurosawa is a ...\"}, \"The 1967 In Cold Blood was perhaps more like \\\"the real thing\\\" (Think about it: would we really want to see the real thing?), but it was black and white in a color world, and a lot of people didn't even know what it was, and there was an opportunity to remake it for television. Plus, if you remake it, you can show some stuff not shown in the original. The book In Cold Blood by Truman Capote was the first \\\"nonfiction novel\\\". Truman's book was in fact not 100% true to the real story. I thought the Canadian location sufficed for Kansas pretty much for a TV movie. Look for the elements of sex, drugs and rock 'n' roll: Dick's womanizing, Perry being an aspirin junkie, Perry playing blues guitar.\": {\"frequency\": 1, \"value\": \"The 1967 In Cold ...\"}, \"I didn't expect much when I rented this movie and it blew me away. If you like good drama, good character development that draws you into a character and makes you care about them, you'll love this movie.

Engrossing!\": {\"frequency\": 1, \"value\": \"I didn't expect ...\"}, \"I was rooting for this film as it's a remake of a 1970s children's TV series \\\"Escape into Night\\\" which, though chaotic and stilted at times was definitely odd, fascinating and disturbing. The acting in \\\"Paperhouse\\\" is wooden, unintentionally a joke. The overdubs didn't add tension they only reinforced that I was sat watching a botch. Casting exasperated the dreary dialogue which resulted in relationships lacking warmth, chemistry or conviction. As in most lacklustre films there are a few good supporting acts these people should be comforted, consoled and reassured that they will not be held responsible. Out of all the possible endings the most unexpected was chosen ... lamer than I could have dreamt.

\\\"Escape into Night\\\" deserves a proper remake, written by someone with life experience and directed with a subtle mind.\": {\"frequency\": 2, \"value\": \"I was rooting for ...\"}, \"Good horror movies from France are quite rare, and it's fairly easy to see why! Whenever a talented young filmmaker releases a staggering new film, he emigrates towards glorious Hollywood immediately after to directed the big-budgeted remake of another great film classic! How can France possibly build up a solid horror reputation when their prodigy-directors leave the country after just one film? \\\"Haute Tension\\\" was a fantastic movie and it earned director Alexandre Aja a (one-way?) ticket to the States to remake \\\"The Hills Have Eyes\\\" (which he did terrifically, I may add). Eric Valette's long-feature debut \\\"Mal\\ufffd\\ufffdfique\\\" was a very promising and engaging horror picture too, and he's already off to the Hollywood as well to direct the remake of Takashi Miike's ghost-story hit \\\"One Missed Call\\\". So there you have it, two very gifted Frenchmen that aren't likely to make any more film in their native country some time soon. \\\"Mal\\ufffd\\ufffdfique\\\" is a simple but efficient chiller that requires some patience due to its slow start, but once the plot properly develops, it offers great atmospheric tension and a handful of marvelous special effects. The film almost entirely takes place in one single location and only introduces four characters. We're inside a ramshackle French prison cell with four occupants. The new arrival is a businessman sentenced to do time for fraud, the elderly and \\\"wise\\\" inmate sadistically killed his wife and then there's a crazy transvestite and a mentally handicapped boy to complete the odd foursome. They find an ancient journal inside the wall of their cell, belonging to a sick murderer in the 1920's who specialized in black magic rites and supernatural ways to escape. The four inmates begin to prepare their own escaping plan using the bizarre formulas of the book, only to realize the occult is something you shouldn't mess with\\ufffd\\ufffd Eric Valette dedicates oceans of time to the character drawings of the four protagonists, which occasionally results in redundant and tedious sub plots, but his reasons for this all become clear in the gruesome climax when the book suddenly turns out to be some type of Wishmaster-device. \\\"Mal\\ufffd\\ufffdfique\\\" is a dark film, with truckloads of claustrophobic tension and several twisted details about human behavior. Watch it before some wealthy American production company decides to remake it with four handsome teenage actors in the unconvincing roles of hardcore criminals.\": {\"frequency\": 1, \"value\": \"Good horror movies ...\"}, \"My choice for greatest movie ever used to be Laughton's \\\"Night of the Hunter\\\" which remains superb in my canon. But, it may have been supplanted by \\\"Shower\\\" which is the most artistically Daoist movie I have seen. The way that caring for others is represented by the flowing of water, and the way that water can be made inspiration, and comfort, and cleansing, and etc. is the essence of the Dao. It is possible to argue that the the NOFTH and Shower themes are similar, and that Lillian Gish in the former represents the purest form of Christianity as the operators of the bathhouse represent the purest form of Daoism. I would not in any way argue against such an interpretation. Both movies are visual joys in their integration of idea and image. Yet, Shower presents such an unstylized view of the sacredness of everyday life that I give it the nod. I revere both.\": {\"frequency\": 1, \"value\": \"My choice for ...\"}, \"A warm, sweet and remarkably charming film about two antagonistic workers in the same shop (James Stewart and Margaret Sullavan) who are carrying on a romance via mailbox without either of them knowing it. The key to this film's success is that Ernst Lubitsch keeps any syrupy sentimentality absent and calls on his actors to give low-key, unfussy performances. As a result, you fall in love with virtually all of them.

There's a strong undercurrent of melancholy running through this film which I appreciated. Loneliness is a major theme, most obviously represented in the character of the shop's owner and manager, played wonderfully by Frank Morgan. He discovers that he's being cuckolded by his wife, and realizes that the successful life he's created for himself isn't enough to keep him from feeling lonely when he doesn't have a partner to share it. This makes the timid romance between Stewart and Sullavan all the more poignant, because they're both reaching out to this unseen other, who each thinks of as a soulmate before they've even met. Of course we know everything will turn out right in the end, but the movie doesn't let you forget the dismal feeling either of them would feel if they found that the reality didn't live up to the fantasy.

Lubitsch fills his movie out with a crackerjack cast that has boatloads of chemistry. The little group of shop employees refers to itself throughout the movie as a little family, and that's exactly how it feels to us as well.

This is a wonderful, unsung romance.

Grade: A+\": {\"frequency\": 1, \"value\": \"A warm, sweet and ...\"}, \"I saw this at the Mill Valley Film Festival. Hard to believe this is Ms. Blom's directorial debut, it is beautifully paced and performed. Large cast of characters could be out of an Anne Tyler novel, i.e. they are layered with back story and potential futures, there are no false notes, surprising bursts of humor amidst self-inflicted anxiety and very real if not earth-shattering dilemmas. If you saw \\\"The Best of Youth,\\\" you will recognize how well drawn the characters are through small moments, even as the story moves briskly along. I really hope this gets distribution in the USA. I live in a fairly sophisticated film market, yet we rarely get Swedish films of any kind.\": {\"frequency\": 1, \"value\": \"I saw this at the ...\"}, \"I can agree with other comments that there wasn't an enormous amount of history discussed in the movie but it wasn't a documentary! It was meant to entertain and I think it did a very good job at it.

I agree with the black family. The scenes with them seemed out of place. Like all of a sudden it would be thrown in but I did catch on to the story and the connection between the families later on and found it pretty good.

Despite it wasn't a re-enactment of the 60s it did bring into the light very big and important landmark periods of the decade. I found it very entertaining and worth my while to watch.\": {\"frequency\": 1, \"value\": \"I can agree with ...\"}, \"This is very much not the sort of movie for which John Wayne is known. He plays a diplomat, a man who gets things done through words and persuasion rather than physical action. The film moves with a quiet realism through its superficially unexciting story.

For the open-minded, the patient and the thoughtful, this movie is a rich depiction of an intriguing part of history.

There are two intertwining stories. The big story is of internalised, isolationist Japan and externalised, expansionist America clashing when their interests conflict. The small, human, story is of an outsider barbarian (Wayne) and a civilised Geisha's initial hostility and dislike turning to mutual respect and love. The human story is a reflection of the greater story of the two nations.

The movie is very well done and all actors play their roles well. The two lead roles are performed to perfection. John Wayne is excellent as Townsend Harris, striking exactly the right blend of force and negotiation in his dealings with the Japanese. Eiko Ando is likewise excellent as the Geisha of the title, charming and delightful. The interaction between her character and John Wayne's is particularly well portrayed. This is exactly how these two individuals (as they are depicted in the film) would have behaved.

The script is very well written. It lacks all pomposity. and is a realistic depiction of the manner in which the depicted events may have occurred. The characters are real people, not self-consciously \\\"great\\\" figures from history. Furthermore, the clash of cultures and interests is portrayed with great skill and subtlety. Indeed, the clash of a traditionalist, and traditionally powerful, isolationist Japan and a rising, newly powerful nation from across the ocean is summarised very well in one exchange between John Wayne and the local Japanese baron. Wayne complains that shipwrecked sailors are beheaded if they land in Japan, and that passing ships cannot even put into port for water. The Baron responds that Japan just wants to be left alone. Wayne's character replies that Japan is at an increasingly important crossroads of international shipping, and that if things continue as before the nation will be regarded as nothing more than a band of brigands infesting an important roadway. A very real summary of the way in which the two countries each saw themselves as being in the right, and saw the other as being in the wrong. The resultant clash between two self-righteous peoples with conflicting interests has its reflections throughout history, a continuing theme that echoes into the present and on into the future.

Cinematography and the depiction of mid-nineteenth century Japan, before the accelerated growth towards industrialisation that was to follow later in the century, is excellent. A visual treat, and an enlightening insight into Japan's ancient civilisation.

I highly recommend anyone, whether a John Wayne fan or not, to watch this film if you get the chance. Just be aware that it isn't an action film. It is a representation of an interesting place and time in history, and a slow-boiling love story which (much to their surprise) comes to dominate the personal lives of the two main characters. Watch this film on its merits, without preconceptions, allow yourself to be immersed in its story, and you will thoroughly enjoy it.

All in all, an excellent film.\": {\"frequency\": 1, \"value\": \"This is very much ...\"}, \"Florence Chadwick was actually the far more accomplished swimmer, of course. She swam the English Channel both directions. She swam from Catalina Island to the California coast. Marilyn Bell's is a sweet story, but the usual glorification of us Canadians in the face of a superior world. Another sample of our inferiority complex. Our political system works pretty well and the health system allows people not to die in hospital lobbies. That's pretty good. Better than Lebanon. What should we do about hockey though...? And curling. The notion of calling this a sport, of its inclusion in the Olympics...! ah, but we digress...\": {\"frequency\": 1, \"value\": \"Florence Chadwick ...\"}, \"Gregory Peck's acting was excellent, as one would expect, and the cinematography quite stunning even when playing directly into some melodramatic \\\"moment.\\\" But, the rest of the film was overacted and hard to watch, for me anyway. I tried to like it, but had to fast-forward through the last thirty minutes or so. I feel I wasted a couple of good hours. Had it not been for Gregory Peck, I wouldn't have lasted fifteen minutes. 4/10.\": {\"frequency\": 1, \"value\": \"Gregory Peck's ...\"}, \"With all the excessive violence in this film, it could've been NC-17. But the gore could've been pg-13 and there were quite a lot of swears when the mum had the original jackass bad-hairdewed boy friend. There was a lot of character development which made the film better to watch, then after the kid came back to life as the scarecrow, there was a mindless hour and ten minutes of him killing people. The violence was overly excessive and i think the bodycount was higher than twelve which is a large number for movies like this. ALmost every character in the film is stabbed or gets their head chopped off, but the teacher who called him \\\"white trash\\\" and \\\"hoodlum\\\" (though the character lester is anything but a hoodlum, not even close, i know hoods and am part hood, they don't draw in class, they sit there and throw stuff at the teacher). The teacher deserved a more gruesome death than anyone of the characters, but was just stabbed in the back. There were two suspenseful scenes in the film, but didn't last long enough to be scary at all. As i said, the killings were excessive and sometimes people who have nothing to do with the story line get their heads chopped off. If the gore was actually fun to see, then it would've been nc-17. Two kids describe a body they find in the cornfields, they describe it as a lot gorier than it actually was, they explained to the cop that there were maggots crawling around in the guys intestines. His stomach had not even been cut open so there was no way maggots were in his stomach, though i would've liked to see that. The acting was pathetic, characters were losers, and the scarecrow could do a lot of gymnastix stunts. I suggest renting this movie for the death scenes, i wont see it again anytime soon, but i enjoyed the excessive violence. Also, don't bother with the sequel, i watched five minutes of it and was bored to death, it sounds good but isn't. The original scarecrow actually kept me interested.\": {\"frequency\": 1, \"value\": \"With all the ...\"}, \"This is short and to the point. The story writing used for Star Trek: Hidden Frontier is surprisingly good. Acting is all over the map, but the main characters over the years seem to have worked at improving their skills. It is hard to believe that this series has been going on for almost 7 years and will be coming to end mid-May 2007.

I will not rehash what has already been said about the sets and graphics. Considering this is all-volunteer, for no profit, it is pretty amazing.

If this was being ranked as a professional production, I would have to give it a 5 for a good story but terrible sets. However, as a fan-based production I have to give it an excellent rating as with the exception with a few other efforts, this is in a league of its own. For sheer volume, I don't think this has been matched. Congratulations to the cast and crew for an effort that many admire.\": {\"frequency\": 1, \"value\": \"This is short and ...\"}, \"Yep, lots of shouting, screaming, cheering, arguing, celebrating, fist clinching, high fiving & fighting. You have a general idea as to why, but can never be 100% certain. A naval knowledge would be an advantage for the finer points, but then you'd probably spot the many flaws. Not an awful film & Hackman & Washington are their usual brilliant, but the plot was one you could peg pretty early on. I'm still waiting to see a submarine film where people get on with each other & don't argue, but then you probably wouldn't have a film.

4/10\": {\"frequency\": 1, \"value\": \"Yep, lots of ...\"}, \"I'm always surprised about how many times you'll see something about World War 2 on the German national television. You would think they don't like to open old wounds, but there isn't a week that goes by without a documentary or a movie about the horror and atrocities of this war. Perhaps it's a way of dealing with their past, I don't know, but you sure can't blame them of ignoring what happened. And it has to be said: most of those documentaries are really worth a watch because they never try to gloss over the truth and the same can be said about their movies (think for instance about \\\"Der Untergang\\\" or \\\"The Downfall\\\" as you might now it) which are also very realistic.

One of those movies is \\\"Rosenstrasse\\\". It tells a true story and deals with the subject of the mixed marriages during the war, even though the movie starts with a family in the USA, at the present day. After Hannah's father died, her mother all a sudden turned into an orthodox Jew even though she hasn't been very religious before. She doesn't know where the strange behavior of her mother comes from, but as she starts digging in her mother's troubled childhood, Hannah understands how little she has ever known about her mother's past.

The fact that this movie deals with the subject of the mixed marriages during the Nazi regime is already quite surprising. For as far as I know, there hasn't been another movie that deals with this subject. (For those who didn't know this yet: Being married to a so-called pure Aryian man or woman meant for many Jews that they weren't immediately sent to one of the concentration camps, but that they had to work in a factory). But it does not only tell something about the problems of the mixed marriages, it also gives a good idea of how these people were often seen by their own parents and relatives. How difficult it sometimes was for them during the Nazi regime and how these people, most of the time women, did everything within their power to free their men, once they were captured and locked away in for instance the Rosenstrasse...

The acting is really good and the story is very well written, although the way it was presented in the beginning didn't really do it for me (and that's exactly the only part that you'll get to see in the trailer). Perhaps it's just me, but I would have left out a big part of what happens in the present day. At least of the part that is situated in the USA, because the part where Hannah goes to Berlin and talks to someone who knows more about her mother's past, definitely works.

If you are interested in everything that has something to do with the Second World War, and if you aren't necessarily looking for a lot of action shots, than this is definitely a movie you should see. This isn't a movie in which you'll see any battles or gunfights, but it certainly is an interesting movie, because it gives you an idea about an aspect of the war only little is known of. I give it an 8/10.\": {\"frequency\": 1, \"value\": \"I'm always ...\"}, \"Bend it like Beckham is packed with intriguing scenes yet has an overall predictable stroy line. It is about a girl called Jess who is trying to achieve her life long dream to become a famous soccer player and finally gets the chance when offered a position on a local team. there are so many boundaries and limits that she faces which hold her back yet she is still determined and strives. i would recommend it for anyone who likes a nice light movie and wants to get inspired by what people can achieve. The song choices are really good, 'hush my child, just move on up...to your destination and you make boundaries and complications.' Anyway hope that was at help to your needs in a review. Bend it like Beckham great flick\": {\"frequency\": 1, \"value\": \"Bend it like ...\"}, \"Rain or shine outside, you enter a movie house. It makes you happy. (If not, come right out.) Lights go off. You settle down with a bar of ice cream. Moving pictures begin to flicker on the screen. You feel content. In the dark, you are back in the beginning of time. Sitting around the campfire...looking at the modern version of the flickering flames 24 times per second and sharing the joy of discovering the unknown turns and twists of the scenario with rest of your clan/spectators.

Those who are not happy with themselves, should not write comments. (Long live romantic comedies...)\": {\"frequency\": 1, \"value\": \"Rain or shine ...\"}, \"The selection of Sylvester Stallone to perform the protagonist by Renny Harlin is commendable since Stallone is that sort of tough and craggy person who had earlier rendered the requisite audaciously versatile aura to the characters of Rocky Balbao and Rambo. But to compare Die Hard series with Cliffhanger is a far-fetched notion.

The excellently crafted opening scene introduces the audience to the thrill, suspense and intrigue which is going to engulf them in the ensuing bloody and perilous encounter with the outlaws. The heist and the high altitude transfer of hard cash in suit cases from one plane to the other is something not filmed before.

The biting cold of the snow capped Alps and the unfolding deceit and treachery among the antagonist forces makes one shiver with trepidation. The forces of awesome adventure and ruthless murder kicks the drama through to the end.

Good movies are not made every year and people don't get a feast for eyes to watch every now and then. Apart from the filthy language/parlance which endows brazen excitement during certain scenes, the movie can be regarded as one that is not going to fade its captivating appeal even watching it after so many years.\": {\"frequency\": 1, \"value\": \"The selection of ...\"}, \"A long film about a very important character from South Africa, Stephen Biko. He is one of these Blacks who did not survive apartheid, who actually died a long time before their normal time. The already old film though does not show how important Biko was, what he really represented. His life and his teaching is reduced to little, at best a few witty remarks. The film being from 1987, the objective was to push South Africa over the brink that would lead her to liberation. So the film aims at showing how irrational the South African supporters of apartheid are, in 1987. To show this the film has to look beyond Biko's death, hence to center its discourse not on Biko but on a white liberal journalist and his escaping the absurd system in which he is living. His escape is made necessary because of the victimization he is the victim of, along with his family, and because he wants to publish the first book on Biko, after his death, and that can only happen in England. The film shows a way to escape South Africa, while apartheid is still standing and killing. So do not expect this way to be realistic and true. It could not be. But the film has tremendously aged because it does not show South Africa with any historical distantiation, the very distantiation that has taken place under Nelson Mandela's presidency and that is called forgiveness provided those who want to be forgiven speak up and out. The film is strong and emotional but that very historical limit makes it rather weak today, especially since the film does not mention the third racial community, the Indians. Panegyric books or films all have that defect: they are looking at the person they are supposed to portrait from only one point of view. That explains why the film has aged so much, seems to be coming from so long ago, as if nothing had changed at all. A remake is necessary.

Dr Jacques COULARDEAU, University Paris 1 Pantheon Sorbonne, University Versailles Saint Quentin en Yvelines, CEGID\": {\"frequency\": 1, \"value\": \"A long film about ...\"}, \"It really impresses me that it got made. The director/writer/actor must be really charismatic in reality. I can think of no other way itd pass script stage. What I want you to consider is this...while watching the films I was feeling sorry for the actors. It felt like being in a stand up comedy club where the guy is dying on his feet and your sitting there, not enjoying it, just feeling really bad for him coz hes of trying. Id really like to know what the budget is, guess it must have been low as the film quality is really poor. I want to write 'the jokes didn't appeal to me'. but the reality is for them to appeal to you, you'd have to be the man who wrote them. or a retard. So imagine that in script form...and this guy got THAT green lit. Thats impressive isn't it?\": {\"frequency\": 1, \"value\": \"It really ...\"}, \"Knowing how old a film is, ought to prepare the viewer for a few things, and, with those things in mind, perhaps the movie'll be more tolerable. So it was when I watched Revolt of the Zombies. The heavy reliance on tedious dialogue and corny movements should be expected, as should the primitiveness (or absence) of special effects in those days. A great deal is asked from the imagination of the onlooker - maybe too much, in this case. And the plot isn't easy to follow: Some zombiefied southeast Asian soldiers in WWI performed very admirably. Although skeptical as to why, if true, the explanation should stay out of the wrong hands, so, off goes a group to archaeologically investigate. The key to long-distance hypnosis is learned by a member of the expedition, who uses it to, among other purposes, temporarily dispense with the beau of the gal for whom he has the hots. To prove his love for her, he gives up his hold on everybody, which he shouldn't have done 'cause, once they're all unzombiefied, many want to kill him so that he'll never control them again. Below average, even with precautionary forethought. Recommended for only the extremely patient.\": {\"frequency\": 1, \"value\": \"Knowing how old a ...\"}, \"Well let me say that I have always been a Steven seagal fan and his movies are usually great but this just don't measure up to the rest. This in my opinion is very stupid I did not like it all. The biggest reason I don't like it is because it is very flawed and to me does not make much sense. The acting is very bad even Steven seagal does not do good acting, The rest of the actors I can see because they just do direct to video movies. It does not follow a straight storyline everything happens at once so that why it doesn't make much sense. Ther is barely any action in it at all and in order to make an action movie good you usually need action in it. The special effects are very bad and you can tell are fake. So all in all this has to seagals worst movie of all so if you want to see a Steven seagal movie don't rent this one just pretend it does not exist. So just avoid this movie.

Overall score: ** out of **********

* out of *****\": {\"frequency\": 1, \"value\": \"Well let me say ...\"}, \"I'll be honest, this is one of the worst movies ever. If not, then it's VERY close. Ever seen a bad teen soap opera. Well this is like one of those. Except worse. For example: (POSSIBLY SPOILER) girl: I wanna go somewhere else.

guy: all we need is here.

girl: but I wanna take myself somewhere different.

guy: I'll take YOU somewhere else.

... Proceeding this line they have sex. The music is bad pop and bad punk rock. If you've EVER read the book, avoid this movie like the plague. They completely change the personalities of the characters and the events. Additionally, they just get rid of things. Also, the movie ends about before the book finishes. It is an AWFUL movie. So, if you haven't read the book, don't watch it. If you HAVE read the book, burn it (the movie). If you like stupid teen soap operas that are lower quality than your average low quality teen soap opera, go for it. Then again, should we expect anything different from MTV?\": {\"frequency\": 1, \"value\": \"I'll be honest, ...\"}, \"Quite possibly the worst movie I've ever seen; I was ready to walk out after the first ten minutes. The only people laughing in the theater were the tweeners. Don't get me wrong, I love silly, stupid movies just as much as the next gal, but the whole premise, writing and humor stunk. It seemed to me that they were going for a \\\"Napoleon Dynamite\\\" feel - strange and random scenes which would lead to a cult audience. Instead, it ended up being forced, awkward and weird.

The only bright light was Isla Fisher and I just felt utterly awful that she (and Sissy Spacek) had signed up for this horrible thing.

Thank gosh I didn't pay for it.\": {\"frequency\": 1, \"value\": \"Quite possibly the ...\"}, \"Sandra Bernhard is quite a character, and certainly one of the funniest women on earth. She began as a stand-up comedienne in the 1970s, but her big break came in 1983 when she starred opposite Jerry Lewis and Robert De Niro in Scorsese's underrated masterpiece, \\\"The King of Comedy\\\". Her film career never quite took off, though. She did make a couple of odd but entertaining pictures, such as \\\"Dallas Doll\\\" (1994) or \\\"Dinner Rush\\\" (2000), but the most amazing parts were those she created for herself.

\\\"Without You I'm Nothing\\\" is undoubtedly her best effort. It's an adaptation of her smash-hit off-Broadway show which made her a superstar \\ufffd\\ufffd and Madonna's best friend for about four years. In ten perfectly choreographed and staged scenes, Sandra turns from Nina Simone to Diana Ross, talks about her childhood, Andy Warhol and San Francisco and performs songs made famous by Burt Bacharach, Prince, or Sylvester. Director John Boskovich got Sandra to do a 90-minute tour-de-force performance that's both sexy and uniquely funny. If you are a Bernhard fan, you can't miss out this film; it's a tribute as well to her (weird) beauty as to her extremely unconventional talent as a comedienne. And it has influenced filmmakers in their work \\ufffd\\ufffd \\\"Hedwig and the Angry Inch\\\", for instance, would look a lot different if \\\"Without You I'm Nothing\\\" didn't exist.\": {\"frequency\": 1, \"value\": \"Sandra Bernhard is ...\"}, \"Kid found as a baby in the garbage and raised at a martial arts academy has a knack for sinking baskets. With the help of the man who found him he gets in to college and is promoted to the championship as he searches for his real parents. Infinitely better in pieces action comedy is a real mess as a whole. It seems to be striving for a hipper basketball version of Shaolin Soccer, but the comedy is scatter shot, its focus wanders more than a Chihuahua with ADD on quadruple espresso. I kept asking \\\"What am I watching\\\". I watched it from start to finish and I still don't know what the hell happened. Its a shame since there are some great action scenes, some amusing jokes and the occasional moment, but nothing, none of it ever comes together, I'd take a pass.\": {\"frequency\": 1, \"value\": \"Kid found as a ...\"}, \"This bogus journey never comes close to matching the wit and craziness of the excellent adventure these guys took in their first movie. This installment tries to veer away from its prequel to capture some new blood out of the joke, but it takes a wrong turn and journeys nowhere interesting or funny.

There's almost a half-hour wasted on showing the guys doing a rock concert (and lots of people watching on \\\"free TV\\\"--since when does that happen?) Surely the script writer could have done something more creative; look at how all the random elements of the first movie were neatly tied up together by a converging them at the science presentation. Not in this film, which pretty much ended the Bill & Ted franchise. The joke was over.

The Grim Reaper is tossed into the mix, for whatever reason. This infusion, like the whole plot, is done poorly and lacks sparks for comedy or audience involvement. There's a ZZ Top impression, hammered in for no reason. There's lights, smoke, mirrors, noise. But nothing really creative or funny.

Skip this bogus thing.\": {\"frequency\": 1, \"value\": \"This bogus journey ...\"}, \"I want to clarify a few things. I am not familiar with Ming-liang Tsai movies, and I am very familiar with art cinema; I grow up in the seventies times of Goddard, Fellini, Bergman, Bertolucci and many others.

Art movies then were really ART; like paints. People did it to express their inner feelings, not really worried about if other people understand anything. They were beyond commercial values; just look some old Antonioni (or early Picasso) and you will understand.

Tian bian yi duo yun (The Wayward Cloud) has nothing to do with that. It is an opportunistic movie, intended to fool festival judges and critics, playing many things without saying anything.

The story makes no sense. The lack of water makes the government to promote the use of watermelons to hydrate. A girl in desperation, steal water from the public bathrooms WC. There is also a porno start (neighbor) trying to make a movie with an actress he does not seems to feel comfortable with. There is some romantic awakening between the girl and the porno star. The mess ends with a sexual scene (not pornographic) that many people feel shocked about, but I believe it is less provocative than you can see in American Pie or History of Violence.

The two main characters never talk. Sometimes, a musical number 60 style appears and explains (through a song) what is happening in characters minds. These video clips, are really welcomed because the previous scene, without dialog or music only people looking at each other, takes sometimes 4, 5 or even more minutes which in movie times is TOO MUCH.

There is also a few bits about \\\"the difficult to make sex without love\\\", the \\\"selfish mind of the porno industry\\\".

It is obvious, this movie intended (get away with it) to fool festival juries and critics. It have a few pseudo-shocking scenes (within the limits of Taiwan censorship) and many subjects are open, but nothing is concluded or goes anywhere.

These tricks, got the movie a few (disputed) important prices in film festivals and get the movie an undeserved commercial success (I see the movie in France and the theater was packed).

However, please, do not be fooled. There is nothing new or original or even originally told or filmed in this movie. It is boring and empty; really a fraud to public. Boogie Nights (which I did not really liked), Intimacy and 9 Songs are far better movies.\": {\"frequency\": 1, \"value\": \"I want to clarify ...\"}, \"This has to be the worst, and I mean worst biker movie ever made! And that's saying a lot because the line of stinkers is long and smelly!

Now at least we know what happened to Ginger after she was rescued from Gilligan's Island! A frightened looking Tina Louise(she was probably afraid someone would see this mess!)is a stranded motorist who is tormented by the most repulsive motorcycle gang in film history. But, don't worry fans! Batman, I mean Adam West as a hick-town doctor comes to the rescue! Pow! Crush! Boom! Holy Toledo Batman!

The only good points of this \\\"bomb\\\" are some cute women, some laughable fight scenes, and the still \\\"sexy\\\" Tina Louise!\": {\"frequency\": 1, \"value\": \"This has to be the ...\"}, \"I agree with everything people said on this one but I must add that the soundtrack is probably the WORST one I have ever heard my entire life! There are actual vocals during times when you are supposed to be listening to the actors talk! And the vocals are like a broadway version of Danzig singing, \\\"The darkness of the forest! Oh the darkness of the dark, dark forest!\\\" or something else so unthreatening. The singer has a terrible vibrato and has been recorded with a treble-y microphone over some synthed-up string section and fake drum beats. It's horrible!!

Yes, the male leads are awful. So are the female ones. This is one bad case of gender stereotyping - it's so bad! Everything they say revolves around being a male or a female, just playing up the stereotypes to the max. Makes me sick. Soooo boring!!!

The children were so echoey in their lines, you couldn't understand them. And why do female ghost children always wear cute little bows in their hair, pretty blue dresses and long hair? And ghost boys always wear clean cut slacks with cute little shiny blond hair? Not scary - STUPID.

Daddy's face was way too blemish free and clean to be that of a man living in a cave. Nice beard and bangs, pa. Did you perfectly cut those with a knife yourself or did you stroll into town and go to the salon?

Stupid movie.\": {\"frequency\": 1, \"value\": \"I agree with ...\"}, \"I wanted so much to enjoy this movie. It moved very slowly and was just boring. If it had been on TV, it would have lasted 15 to 20 minutes, maybe. What happened to the story? A great cast and photographer were working on a faulty foundation. If this is loosely based on the life of the director, why didn't he get someone to see that the writing itself was \\\"loose\\\". Then he directed it at a snail's pace which may have been the source of a few people nodding off during the movie. The music soars, but for a different film, not this one....for soap opera saga possibly. There were times when the dialogue was not understandable when Armin Meuller Stahl was speaking. I was not alone, because I heard a few rumblings about who said what to whom. Why can't Hollywood make better movies? This one had the nugget of a great story, but was just poorly executed.\": {\"frequency\": 1, \"value\": \"I wanted so much ...\"}, \"I have this film out of the library right now and I haven't finished watching it. It is so bad I am in disbelief. Audrey Hepburn had totally lost her talent by then, although she'd pretty much finished with it in 'Robin and Marian.' This is the worst thing about this appallingly stupid film. It's really only of interest because it was her last feature film and because of the Dorothy Stratten appearance just prior to her homicide.

There is nothing but idiocy between Gazzara and his cronies. Little signals and little bows and nods to real screwball comedy of which this is the faintest, palest shadow.

Who could believe that there are even some of the same Manhattan environs that Hepburn inhabited so magically and even mythically in 'Breakfast at Tiffany's' twenty years earlier? The soundtrack of old Sinatra songs and the Gershwin song from which the title is taken is too loud and obvious--you sure don't have to wait for the credits to find out that something was subtly woven into the cine-musique of the picture to know when the songs blasted out at you.

'Reverting to type' means going back up as well as going back down, I guess. In this case, Audrey Hepburn's chic European lady is all you see of someone who was formerly occasionally an actress and always a star. Here she has even lost her talent as a star. If someone whose talent was continuing to grow in the period, like Ann-Margret, had played the role, there would have been some life in it, even given the unbelievably bad material and Mongoloid-level situations.

Hepburn was a great person, of course, greater than most movie stars ever dreamed of being, and she was once one of the most charming and beautiful of film actors. After this dreadful performance, she went on to make an atrocious TV movie with Robert Wagner called 'Love Among Thieves.' In 'They all Laughed' it is as though she were still playing an ingenue in her 50's. Even much vainer and obviously less intelligent actresses who insisted upon doing this like Lana Turner were infinitely more effective than is Hepburn. Turner took acting seriously even when she was bad. Hepburn doesn't take it seriously at all, couldn't be bothered with it; even her hair and clothes look tacky. Her last really good work was in 'Two for the Road,' perhaps her most perfect, if possibly not her best in many ways.

And that girl who plays the country singer is just sickening. John Ritter is horrible, there is simply nothing to recommend this film except to see Dorothy Stratten, who was truly pretty. Otherwise, critic David Thomson's oft-used phrase 'losing his/her talent' never has made more sense.

Ben Gazarra had lost all sex appeal by then, and so we have 2 films with Gazarra and Hepburn--who could ask for anything less? Sandra Dee's last, pitiful film 'Lost,' from 2 years later, a low-budget nothing, had more to it than this. At least Ms. Dee spoke in her own voice; by 1981, Audrey Hepburn's accent just sounded silly; she'd go on to do the PBS 'Gardens of the World with Audrey Hepburn' and there her somewhat irritating accent works as she walks through English gardens with aristocrats or waxes effusively about 'what I like most is when flowers go back to nature!' as in naturalized daffodils, but in an actual fictional movie, she just sounds ridiculous.

To think that 'Breakfast at Tiffany's' was such a profound sort of light poetic thing with Audrey Hepburn one of the most beautiful women in the world--she was surely one of the most beautiful screen presences in 'My Fair Lady', matching Garbo in several things and Delphine Seyrig in 'Last Year at Marienbad.' And then this! And her final brief role as the angel 'Hap' in the Spielberg film 'Always' was just more of the lady stuff--corny, witless and stifling.

I went to her memorial service at the Fifth Avenue Presbyterian Church, a beautiful service which included a boys' choir singing the Shaker hymn 'Simple Gifts.' The only thing not listed in the program was the sudden playing of Hepburn's singing 'Moon River' on the fire escape in 'Breakfast at Tiffany's,' and this brought much emotion and some real tears out in the congregation.

A great lady who was once a fine actress (as in 'The Nun's Story') and one of the greatest and most beautiful of film stars in many movies of the 50's and 60's who became a truly bad one--that's not all that common. And perhaps it is only a great human being who, in making such things as film performances trivial, nevertheless has the largeness of mind to want to have the flaws pointed out mercilessly--which all of her late film work contained in abundance. Most of the talk about Hepburn's miscasting is about 'My Fair Lady.' But the one that should have had the original actress in it was 'Wait Until Dark,' which had starred Lee Remick on Broadway. Never as celebrated as Hepburn, she was a better actress in many ways (Hepburn was completely incapable of playing anything really sordid), although Hepburn was at least adequate enough in that part. After that, all of her acting went downhill.\": {\"frequency\": 1, \"value\": \"I have this film ...\"}, \"THE DECOY is one of those independent productions, made by obvious newcomers, but it doesn't have all the usual flaws that sink most such films. It has a definite story, it has adequate acting, the photography is very good, the hero and the bad guy are both formidable men, and the background music isn't overdone. This is a DVD New Release, so people will be looking here to see if it's worthwhile. I don't know where all the 10's come from, as there's no way this film is that good --- even if you're the filmmaker's mother.

The last film we saw at a theater was Warner's trashing of J K Rawlings much-loved and excellent book, Order of the Phoenix. In comparing THE DECOY with PHOENIX, consider that PHOENIX (as made by Warners) had no story, certainly no acting was allowed by the director, the photography was dreadful, and the wall-of-sound overbearing musical score was just a mess. I rated Phoenix a \\\"1\\\" because the scale doesn't go any lower. THE DECOY is 4 times better -- in all regards.

If you have the opportunity, give THE DECOY a chance. Remember, this isn't \\\"Decoy 3 -- the Shootout\\\" or any such nonsense. It's original. If your expectations aren't overblown by the foolish \\\"10\\\" scores here, you might just enjoy the film on its own terms.\": {\"frequency\": 1, \"value\": \"THE DECOY is one ...\"}, \"Yes, it's over the top, yes it's a bit clich\\ufffd\\ufffdd and yes, Constance Marie is a total babe and worthy of seeing again and again! The jokes and gags might get old and repetitive after a while but the show's still fun to watch. Since it's a family show the humour is toned down and the writers have incorporated family values and ideals in between the gags.

George Lopez is funny. Don't take him seriously and the show's a winner. I'm sure he didn't intend his character to be serious or a paragon of virtue. His outbursts and shouts of glee are hilarious...

I do have to say that the one big, dark, bitter spot is Benny. I hate the character...so much so that anytime she's on for more than 30 seconds I mute the TV just so I don't have to hear her. There is nothing funny about her dialogue or her jokes. As a mother she has to be the worst out there and I am just shocked and surprised that George, as the character, would stand by such a deplorable person for so long.

Even so anytime I get ticked off at seeing Benny I think to myself: seeing her is a lot better than having to watch the Bill Engvall Show. Now there's a bad sitcom...\": {\"frequency\": 1, \"value\": \"Yes, it's over the ...\"}, \"This Book-based movie is truly awful, and a big disappointment. We've been waiting for this move over a month. Many film reviewer were hopeful for it. Also in newspapers and TV, it made big sense. When 29th April comes, many people regretfully noticed that movie is really awful. Why? First of all story was so monotone. It has been many indefinite scenes, sometimes it's hard to realize what's going on. The actresses, out of Hulya Avsar, weren't harmonized with their roles, especially Vildan Atasever. She acts better in comedy films, In this movie, a kind of drama, she couldn't disposed of her previous role. And finally Movie is too short, just 66 minutes.\": {\"frequency\": 1, \"value\": \"This Book-based ...\"}, \"My dad is a fan of Columbo and I had always disliked the show. I always state my disdain for the show and tell him how bad it is. But he goes on watching it none the less. That is his right as an American I guess. But my senses were tuned to the series when i found out that Spielberg had directed the premier episode. It was then that I was thankful that my dad had bought this show that I really can't stand. I went through his DVD collection and popped this thing in when i came home for a visit from college. My opinion of the series as a whole was not swayed, but I did gain respect for Spielberg knowing that he started out like most low tier directors. And that is making small dribble until the big fish comes along (get the pun, HA,HA. Like Spielberg did. It's like Jesus before he became a man. Or thats at least what I think that would feel like. Any ways if your fan of Columbo than you would most likely like this, even though it contains little of Peter Falk. I attribute this to the fact this is the start of the series and no one knew where to go with it yet. This episode mainly focuses on the culprit of the crime instead of Columbo's investigation, as many later episodes would do.\": {\"frequency\": 1, \"value\": \"My dad is a fan of ...\"}, \"the Germans all stand out in the open and get mowed down with a machine gun. the Good guys never die, unless its for dramatic purposes. the \\\"plot\\\" has so many holes its laughable. (Where did the German soldiers go once they rolled the fuel tank towards the train? Erik Estrada? Please!) And the whole idea, hijacking a train? How moronic is that! The Germans KNOW where you are going to go, its not like you can leave the track and drive away! What a waste. I would rather bonk myself on the head with a ball peen hammer 10 times then have to sit through that again. I mean, seriously, it FELT like it was made in the 60s, but it was produced in 88!! 1988!! the A-Team is more believable than this horrid excuse for a movie. Only watch it if you need a good laugh. This movie is to Tele Sevalas what Green Beret was to John Wayne.\": {\"frequency\": 1, \"value\": \"the Germans all ...\"}, \"After a long hard week behind the desk making all those dam serious decisions this movie is a great way to relax. Like Wells and the original radio broadcast this movie will take you away to a land of alien humor and sci-fi paraday. 'Captain Zippo died in the great charge of the Buick. He was a brave man.' The Jack Nicholson impressions shine right through that alien face with the dark sun glasses and leather jacket. And always remember to beware of the 'doughnut of death!' Keep in mind the number one rule of this movie - suspension of disbelief - sit back and relax - and 'Prepare to die Earth Scum!' You just have to see it for yourself.\": {\"frequency\": 1, \"value\": \"After a long hard ...\"}, \"What was the worst movie of 2003? \\\"Cat in the Hat?\\\" \\\"Gigli?\\\" Mais non! I propose that it was this atrocious little film from earlier in the year. Badly written, badly edited, and (if I may be so bold) badly acted, \\\"The Order\\\" is the black hole of film - a movie so dense not even the slightest bit of entertainment could escape from its event horizon of suck. It isn't even accidentally funny, like (for example) \\\"Showgirls.\\\"

You know that the producers are assuming that their audience isn't going to be very smart. They renamed the movie, originally titled \\\"The Sin Eaters,\\\" because they figured Americans were too stupid to understand what a sin eater was, even though they go to great lengths to explain what a sin eater is in the movie. Instead, they figure an utterly generic title and a picture of Heath Ledger looking sullen are more than enough to get you in there.

And, hey, what do you know, they were right! My ex-girlfriend saw the picture of Heath and dragged me in. Congratulations, producers, you've met your target market. She also liked \\\"Grease II,\\\" so you're in good company.

Back on topic, Heath plays a Catholic monk from a specific (you guessed it) order that is trying to investigate the murder of his mentor. He has celibacy issues, possibly because nobody in their right mind would believe that he knew the slightest thing about religion, much less be a celibate monk. The only other member of this order is a funny alcoholic fat guy. As much as I've wanted to see the return of the funny alcoholic to the big screen, his attempts at humor reminded me of all the dorks in my high school who did imitations of Monty Python, thinking that if they just said the lines like the Pythons did they would automatically be funny. You know the sort of people I'm talking about.

If I utter any more, I would be in danger of generating spoilers. Frankly, the thing that spoiled this movie for me was the fact that it was created.\": {\"frequency\": 1, \"value\": \"What was the worst ...\"}, \"When George C. Scott played the title role in \\\"Patton,\\\" you saw him directing tanks with pumps of his fist, shooting at German dive bombers with a revolver, and spewing profanity at superiors and subordinates alike. The most action we get from Gregory Peck as \\\"MacArthur,\\\" a figure from the same war of debatably greater accomplishment, is when he taps mapboards with his finger and raises that famous eyebrow of his.

Comparing Peck's performance with Scott's may be unfair. Yet the fact \\\"MacArthur\\\" was made by the same producer and scored by the same composer begs parallels, as does the fact both films open with the generals addressing cadets at West Point. It's clear to me the filmmakers were looking to mimic that Oscar-winning film of a few years before. But while Peck looks the part more than Scott ever did, he comes off as mostly bland in a story that feels less like drama than a Wikipedia walkthrough of MacArthur's later career.

\\\"To this day there are those who think he was a dangerous demagogue and others who say he was one of the greatest men who ever lived,\\\" an opening title crawl tells us. It's a typical dishwater bit of post-Vietnam sophistry about those who led America's military, very much of its time, but what we get here is neither view. MacArthur as presented here doesn't anger or inspire the way he did in life.

Director Joseph Sargent, who went on to helm the famous turkey \\\"Jaws The Revenge,\\\" does a paint-by-numbers job with bland battle montages and some obvious set use (as when the Chinese attack U.S. forces in Korea), while the script by Hal Barwood and Matthew Robbins trots out a MacArthur who comes across as good-natured to the point of blandness, a bit too caught up in his public image, but never less than decent.

Here you see him stepping off the landing craft making his return to the Phillipines. There you see him addressing Congress in his \\\"Old Soldiers Never Die\\\" speech. For a long stretch of time he sits in a movie theater in Toyko, waiting for the North Koreans to cross the 38th parallel so we can get on with the story while newsreel footage details Japan's rise from the ashes under his enlightened rule. Peck's co-actors, Marj Dusay as his devoted wife (\\\"you're my finest soldier\\\") and Nicolas Coaster as a loyal aide, burnish teary eyes in the direction of their companion's magnificence but garner no interest on their own.

Even when he argues with others, Peck never raises his voice and for the most part wins his arguments with thunderous eloquence. When Admiral Nimitz suggests delaying the recapture of the Philippines, a point of personal pride as well as tactical concern for MacArthur, MacArthur comes back with the comment: \\\"Just now, as I listened to his plan, I thought I saw our flag going down.\\\" Doubtless the real Nimitz would have had something to say about that, but the character in the movie just bows his head and meekly accepts the insult in the presence of President Roosevelt.

The only person in the movie who MacArthur seriously disagrees with is Harry S Truman, who Ed Flanders does a fine job with despite a prosthetic nose that makes him resemble Toucan Sam. Truman's firing of MacArthur should be a dramatic high point, but here it takes place in a quiet dinner conversation, in which Peck plays MacArthur as nothing less than a genial martyr.

I've never been sold by Peck's standing at the upper pantheon of screen stars; he delivers great presence but lacks complexity even in many of his best-known roles. But it's unfair to dock him so much here, as he gets little help defining MacArthur as anything other than a speechifying bore. Except for two scenes, one where he rails against the surrender of the Philippines (\\\"He struck Old Glory and ran up a bedsheet!\\\") and another where he has a mini-breakdown while awaiting the U.S. invasion of Inchon, inveighing against Communists undermining him at the White House, Peck really plays Peck here, not the complex character who inspired the famous sobriquet \\\"American Caesar.\\\" The real MacArthur might have been worthy of such a comparison. What you get here is less worthy of Shakespeare than Shakes the Clown.\": {\"frequency\": 1, \"value\": \"When George C. ...\"}, \"Flight of Fury starts as General Tom Barnes (Angus MacInnes) organises an unofficial test flight of the X-77, a new stealth fighter jet with the ability to literally turn invisible. General Barnes gives his top pilot Colonel Ratcher (Steve Toussaint) the job & everything goes well until the X-77 disappears, even more literally than Barnes wanted as Ratcher flies it to Northern Afghanistan & delivers it to a terrorist group known as the Black Sunday lead by Peter Stone (Vincenzo Nicoli) who plans to use the X-77 to fly into US airspace undetected & drop some bombs which will kills lots of people. General Barnes is worried by the loss of his plane & sends in one man army John Sands (co-writer & executive producer Steven Seagal) to get it back & kill all the bad guy's in the process...

This American, British & Romanian co-production was directed by Michael Keusch & was the third film in which he directed Seagal after the equally awful Shadow Man (2006) & Attack Force (2007), luckily someone decided the partnership wasn't working & an unsuspecting public have thankfully been spared any further collaboration's between the two. Apparently Flight of Fury is an almost scene-for-scene word-for-word remake of Black Thunder (1988) starring Michael Dudikoff with many of the same character's even sharing the same name so exactly the same dialogue could be used without the makers even having to change things like names although I must admit I have never seen Black Thunder & therefore cannot compare the two. Flight of Fury is a terrible film, the poorly made & written waste of time that Seagal specialises in these days. It's boring even though it's not that slow, the character's are poor, it's full of clich\\ufffd\\ufffds, things happen at random, the plot is poor, the reasoning behind events are none existent & it's a very lazy production overall as it never once convinces the viewer that they are anywhere near Afghanistan or that proper military procedures are being followed. The action scenes are lame & there's no real excitement in it, the villains are boring as are the heroes & it's right down there with the worst Seagal has made.

Flight of Fury seems to be made up largely of stock footage which isn't even matched up that well, the background can change, peoples clothes change, the area changes, the sky & the quality of film changes very abruptly as it's all too obvious we are watching clips from other (better) films spliced in. Hell, Seagal never even goes anywhere near a plane in this. The action scenes consist of shoot-outs so badly edited it's hard to tell who is who & of course Seagal breaking peoples arms. The whole production feels very cheap & shoddy.

The IMDb reckons this had a budget of about $12,000,000 which I think is total rubbish, I mean if so where did all the money go? Although set in Afghanistan which is a war torn arid desert Flight of Fury looks like it was filmed down my local woods, it was actually shot in Romania & the Romanian countryside does not make a convincing Afghanistan. The acting is terrible as one would expect & Seagal looks dubbed again.

Flight of Fury is a terrible action film that is boring, amateurish & is an almost scene-for-scene remake of another film anyway. Another really lazy & poorly produced action thriller from Seagal, why do I even bother any more?\": {\"frequency\": 1, \"value\": \"Flight of Fury ...\"}, \"I've rarely been as annoyed by a leading performance as I was by Ali McGraw's in this movie. God is she bothersome or what?! She says everything in the same tone and is horrible, so horrible in fact that, by contrast, Ryan O'Neal is brilliant.

There is not much of a story. He's rich, she's wooden, they both have to Sacrifice A Lot for Love. His father is Stonewall Jackson, hers is called by his first name, in case you didn't notice the Difference in The Two of Them that They Overcame in the Name of Love.

The Oscar nominations for this movie indicate it had to have been a bad year. John Marley is fine as Wooden's father, but a Supporting Nomination? At least Ali didn't win.

I still think Katharine Ross should have played Jennifer, but then again, if it were up to me, Katharine Ross would have been in a lot more movies. She's certainly a better actress than McGraw.

I didn't even cry when she got sick, never occured to me to even feel sad.

It was nice to see Tommy Lee Jones looking like he was about 15, and the score is good. But this one is so old by now it has a beard a mile long, and the sin of that is its not that old, but it feels it.\": {\"frequency\": 1, \"value\": \"I've rarely been ...\"}, \"`The United States of Kiss My Ass'

House of Games is the directional debut from playwright David Mamet and it is an effective and at times surprising psychological thriller. It stars Lindsay Crouse as best-selling psychiatrist, Margaret Ford, who decides to confront the gambler who has driven one of her patients to contemplate suicide. In doing so she leaves the safety and comfort of her somewhat ordinary life behind and travels `downtown' to visit the lowlife place, House of Games.

The gambler Mike (played excellently by Joe Mantegna) turns out to be somewhat sharp and shifty. He offers Crouse's character a deal, if she is willing to sit with him at a game, a big money game in the backroom, he'll cancel the patients debts. The card game ensues and soon the psychiatrist and the gambler are seen to be in a familiar line of work (gaining the trust of others) and a fascinating relationship begins. What makes House of Games interesting and an essential view for any film fan is the constant guessing of who is in control, is it the psychiatrist or the con-man or is it the well-known man of great bluffs David Mamet.

In House of Games the direction is dull and most of the times flat and uninspiring, however in every David Mamet film it is the story which is central to the whole proceedings, not the direction. In House of Games this shines through in part thanks to the superb performances from the two leads (showy and distracting) but mainly as is the case with much of Mamet's work, it is the dialogue, which grips you and slowly draws you into the film. No one in the House of Games says what they mean and conversations become battlegrounds and war of words. Everyone bluffs and double bluffs, which is reminiscent of a poker games natural order. This is a running theme throughout the film and is used to great effect at the right moments to create vast amounts of tension. House of Games can also be viewed as a `class-war' division movie. With Lindsay Crouse we have the middle-class, well-to-do educated psychiatrist and Joe Mantegna is the complete opposite, the working class of America earning a living by `honest' crime.

The film seduces the viewer much like Crouse is seduced by Mantegna and the end result is ultimately a very satisfying piece of American cinema. And the final of the film is definitely something for all to see and watch out for, it's stunning.

An extremely enjoyable film experience that is worth repeated viewings. 9/10\": {\"frequency\": 1, \"value\": \"`The United States ...\"}, \"I just watched I. Q. again tonight and had forgotten how much I love this movie. It is wonderfully entertaining and leaves you feeling that all is right with the world. I love the allusions to Mozart all throughout from the opening with \\\"Einstein\\\" playing \\\"Twinkle, Twinkle Little Star\\\" on the violin to him humming Eine Kleine Nachtmusik during the IQ testing of the Ed Walters. I love that a woman is portrayed as intelligent and encouraged to have a career, an especially unique situation for the 1950's, the time in which this movie is set. (I myself have been a teacher but stayed at home to raise my children, so please don't think I am some staunch women's libber.) It's wonderful how a man who is \\\"only a grease monkey\\\" is finally seen to be just as important and worthy as Catherine's fiance, a clinical behavioral researcher. The message to me is that we are not what we do, but who we are is defined by so much more - no labels. There are so many little gags and one-liners that are almost throwaways if you don't watch and listen carefully.

I did catch a few things in the movie that are not listed on the goofs page. In the scene when Ed Walters is to speak at symposium, there are 3 instruments (protractor, ruler, etc.) hanging on the right from the chalk ledge. In the next camera shot, there only 2. In the credits on our video, it lists Tony Shaloub's character as Bob Watters, not Bob Rosetti as he introduces himself in the movie and is listed here on Imdb.

I highly recommend this movie. It may be a piece of fluff in some estimations, but has lots more substance than many give it credit for. Not only that, what a great cast is assembled here. Watch it and enjoy!\": {\"frequency\": 1, \"value\": \"I just watched I. ...\"}, \"this film needs to be seen. the truest picture of what is going on in the world that I've seen since Darwin's Nightmare. Go see it! and If you're lucky enough to have it open in your city, be sure to see it on the big screen instead of DVD. The writing is sharp and the direction is good enough for the ideas to come through, though hardly perfect. Joan Cusack is amazing, and the rest of the cast is good too. It's inspiring that John Cusack got this movie made, and, I believe, he had to use some of his own money to do it. It's a wild, absurd ride, obviously made without the resources it needed, but still succeeds. Jon Stewart, Steven Colbert, SNL, even Bill Maher haven't shown the guts to say what this film says.\": {\"frequency\": 1, \"value\": \"this film needs to ...\"}, \"And that is the only reason I posses this DVD. Now I haven't seen the first Nemesis film, but I did check the info out of it and I here by say: What? Why? Because in the first film Alex was male. But then again the first one was set in the future, so maybe this Alex is brand new one and the scientist just happened to make Alex female this time. Who knows, at least it wasn't addressed in the film in any way.

Here's a quick summary of the plot: Alex, still a baby then (or how ever you want, as it was, is, in the future) escapes with her mom using a special time vessel and ends up in the 80's Africa. There mommy gets killed and Alex (Sue Price) grows up in a African tribe. Then the tribe gets slaughtered by a cyborg from the future and Alex then runs and hides and finally she kills the cyborg. So there. Does sound familiar, doesn't it?.

Terminator isn't the only film being ripped here, Predator gets its fair share too and I think the first Fly movie, the Vincent Price one, gets special nomination for giving a solid base to build up your cyborgs head from.

Lets see, what else? Okay, the film was quite standard small budget flick, but it did have bad special effects for a mid 90's film. It would have looked okay for a 80's flick how ever. Biggest problem is the plot. Things just happen and the viewer is barely interested. Nemesis 2 isn't the crappiest piece of cinema I've had pleasure (?) to watch but it does come damn close.

I won't say a thing about acting, because let's be honest here: did anyone expect Oscar worthy performances here? Oh well... at least I did find Sue Price hot in that amazonian warrior way.

A \\\"real\\\" movie rating: 2/10 There isn't a lot of pros about the over all quality. And despite of the very basic plot the film it self makes very little sense.

A camp movie rating: 4/10 I did get occasional laughs from the sheer badness of the film, so it does have small merits in it.\": {\"frequency\": 1, \"value\": \"And that is the ...\"}, \"2 WORDS: Academy Award. Nuff said. This film had everything in it. Comedy to make me laugh, Drama to make me cry and one of the greatest dance scenes to rival Breakin 2: Electric Boogaloo. The acting was tip top of any independant film. Jeremy Earl was in top form long since seen since his stint on the Joan Cusack Show. His lines were executed with dynamite precision and snappy wit last seen in a very young Jimmy Walker. I thought I saw the next emergance of a young Denzel Washington when the line \\\"My bus!! It's.... Gone\\\" That was the true turning point of the movie. My Grandmother loved it sooo much that i bought her the DVD and recommended it to her friends. It will bring tears to your eyes and warmth to your heart as you see the white Tony Donato and African American Nathan Davis bond. Through thick( being held up at knife point) and thin( Nathan giving Tony tips on women) the new dynamic duo has arrived and are out to conquer Hollywood.\": {\"frequency\": 1, \"value\": \"2 WORDS: Academy ...\"}, \"It's like what other Dracula movies always do, the minions of Dracula always on Dracula's side, which is what disappointed me at the ending. Regardless the person wants to stay a vampire or not, I would like to see something like in the first movie that the minion fights against her master. It is much interesting (since you can almost predict how the story goes) than just either the priest or D. win the game (we need some surprising plots!).\": {\"frequency\": 1, \"value\": \"It's like what ...\"}, \"Unfortunately, because of US viewers' tendency to shun subtitles, this movie has not received the distribution nor attention it merits. Its subtle themes of belonging, identity, racial relations and especially how colonialism harms all parties, transcend the obvious dramatic tensions, the nostalgic memories of the protaganiste's childhood, and the exoticism of her relationship with her parents' \\\"houseboy,\\\" perhaps the only \\\"real\\\" human she knows. We won't even look at her mother's relationship with this elegant man. There! i hope i've given you enough of a hook to take it in, whether you speak French or like subtitles or not. I challenge you to be as brave, strong and aware as La P'tite.\": {\"frequency\": 1, \"value\": \"Unfortunately, ...\"}, \"Altered Species starts one Friday night in Los Angeles where Dr. Irwin (Guy Vieg) & his laboratory assistant Walter (Allen Lee Haff) are burning the midnight oil as they continue to try & perfect a revolutionary new drug called 'Rejenacyn'. As Walter tips the latest failed attempt down the sink the pipes leak the florescent green liquid into the basement where escaped lab rats begin to drink it... Five of Walter's friends, Alicia (Leah Rown in a very fetching outfit including some cool boots that she gets to stomp on a rat with), Gary (Richard Peterson), Burke (Derek Hofman), Frank (David Bradley) & Chelsea (Alexandra Townsend) decide that he has been working too hard & needs to get out so they plan to pick him up & party the night away. Back at the lab & the cleaner Douglas (Robert Broughton) has been attacked & killed by the now homicidal rats in the basement as Walter injects the latest batch of serum in a lab rat which breaks out of it's cage as it grows at an amazing rate. Walter's friends turn up but he can't leave while the rat is still missing so everyone helps him look for it. All six become potential rat food...

Also known as Rodentz Altered Species was co-edited & directed by Miles Feldman & has very little to recommend it. The script by producer Serge Rodnunsky is poor & coupled together with the general shoddiness of the production as a whole Altered Species really is lame. For a start the character's are dumb, annoying & clich\\ufffd\\ufffdd. Then there's the unoriginal plot with the mad scientist, the monster he has created, the isolated location, the stranded human cast & the obligatory final showdown between hero & monster. It's all here somewhere. Altered Species moves along at a fair pace which is just about the best thing I can say about it & thankfully doesn't last that long. It's basically your average run-of-the-mill killer mutant rat film & not a particularly good one at that either.

Director Feldman films like a TV film & the whole thing is throughly bland & forgettable while some of the special effects & attack scenes leave a lot to be desired. For a start the CGI rats are awful, the attack sequences feature hand-held jerky camera movement & really quick edits to try & hide the fact that all the rats are just passively sitting there. At various points in Altered Species the rat cages need to shake because of the rats movement but you can clearly see all the rats just sitting there as someone shakes the cages off screen. The giant rat monster at the end looks pretty poor as it's just a guy in a dodgy suit. There are no scares, no tension or atmosphere & since when did basements contain bright neon lighting? There are one or two nice bits of gore here, someone has a nice big messy hole where their face used to be, there's a severed arm & decapitation, lots of rat bites, someone having their eyeball yanked out & a dead mutilated cat.

Technically Altered Species is sub standard throughout. It takes place within the confines of one building, has cheap looking CGI effects & low production values. The acting isn't up to much but it isn't too bad & a special mention to Leah Rowan as Alicia as she's a bit of a babe & makes Altered Species just that little bit nicer & easier to watch...

Altered Species isn't a particularly good film, in fact it's a pretty bad one but I suppose you could do worse. Not great but it might be worth a watch if your not too demanding & have nothing else to do.\": {\"frequency\": 1, \"value\": \"Altered Species ...\"}, \"This movie was strange... I watched it while ingesting a quarter of psilcybe cubensis (mushrooms). It was really weird. Im pretty sure you are supposed to watch it high, but mushrooms weren't enough. I couldn't stop laughing.. maybe lsd would work. The movie is a bunch of things morphing into other things, and dancing. Its really cheesy for todays standards but when it was released im sure it was well... one of a kind. I could see how some people would think this movie was good, but I didn't think it was very interesting, and I was on mushrooms at the time. If your having a party or something and everybodys pretty lit, pop it on you'll get a few laughs.\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"Bangville Police supposedly marked the debut of the Keystone Kops, named after the studio they worked for. In this one, however, they don't dress in the silly cop costumes or drive the fast-paced car that's their trademark. Anyway, Mabel Normand is a farm girl here who's begged her dad for a calf. She later sees some strange men in the barn and quickly calls the police. One answers and the chase is on. Next, Mabel slams her door just as someone is coming in. Turns out it's her mother who jumps to the conclusion robbers are in there! So while Mabel blocks her door with furniture, the mother and father try to fight their way in! This was perhaps the most amusing part of the short along with some explosions of the cop car. This was a short 7 minutes that went by so fast it's over before it's begun. The only real characterization that's developed is Mabel's who exudes charm with just her face and big eyes and seems so optimistically cheery here except, of course, when she's frightened. It's easy to see why she became a star. It's largely because of her that I'd recommended seeing this at least once and why I'm giving this a 4.\": {\"frequency\": 1, \"value\": \"Bangville Police ...\"}, \"This was a marvelously funny comedy with a great cast. John Ritter and Katey Sagal were perfectly cast as the parents, and the kids were great too. Kaley Cuoco was a good choice to play Bridget, who was sort of a toned-down version of Kelly Bundy from Married with Children. The writing and performances were both first-rate.

Sadly, John Ritter died during the series, and it put a damper on things. They had to scramble to change the show and bring in more cast members, and it was obviously an uncomfortable situation, but they handled it well. James Garner was a good addition. It could have lasted longer had Ritter lived.

I especially loved it when they brought in Ed O'Neill in a guest spot. That was great.

*** out of ****\": {\"frequency\": 1, \"value\": \"This was a ...\"}, \"Way to go ace! You just made a chilling, grossly intriguing story of a necrophiliac cannibal into a soft, mellow, drama. Obviously a movie called Dahmer would be one of two kinds: Horror, or documentary right? This was neither. It wasn't close to any detailed facts, (in fact it barely had any substance at all) It wasn't really morbid or scary or didn't even try to be very disturbing.(as if you would've had to try!!) What the hell was this writer/director thinking?? Here's one of the most REAL examples of sick serial killers ever and we get badly shot, poorly acted gay bar roofie rapes and lengthy droning flashbacks to alone time in his old parent's house. I think Jacobson was actually trying to present (or invent) 'the soft side' of j.Dahmer.\": {\"frequency\": 1, \"value\": \"Way to go ace! You ...\"}, \"Mighty Morphin Power Rangers came out in 1993, supposedly based on the Japanese sentai television show that started back in the 1970s. Now as a fan of Japanese action films and series, you would think I would get a kick out of this show.

You could not be more wrong. What worked in the Japanese version has become a complete abomination of television with mighty morphin power rangers.

MMPR is based on five teenagers who get powers to becomes costumed superheroes with robotic dinosaurs who form an even bigger robot.

Now this premise is more far fetched and more laughable than anything in either Transformers movie, yet, the ridiculousness of this show is often overlooked.

It was followed by two really bad, and I do mean, really bad movie knock offs, and the actors starring in this series, completely disappeared from the scene.

If you must choose, try watching Japan's Zyuranger series instead.

Also, what's up with the awful long 1990s haircuts and all the earrings on the guys? It makes them all look feminine!\": {\"frequency\": 1, \"value\": \"Mighty Morphin ...\"}, \"Another horror flick in which a goof-ball teenager battles a madman and his supernatural sidekick who want to take over?! Yes, but the fact that this one was from Canada gives it a slightly different feel. \\\"The Brain\\\" has troublesome teenager Jim Majelewski getting put into a treatment whose leader turns out to be a cult leader aided by a big ugly \\\"brain\\\". Can Jim stop him? I guess that since our northern neighbor has accomplished all that they have accomplished, they're entitled to make at least one ridiculous horror movie. But still, they'll probably want to be known for having national health care and all.

The bad guy had a brain. Why didn't the people who made this movie?\": {\"frequency\": 1, \"value\": \"Another horror ...\"}, \"With all this stuff going down at the moment with MJ i've started listening to his music, watching the odd documentary here and there, watched The Wiz and watched Moonwalker again. Maybe i just want to get a certain insight into this guy who i thought was really cool in the eighties just to maybe make up my mind whether he is guilty or innocent. Moonwalker is part biography, part feature film which i remember going to see at the cinema when it was originally released. Some of it has subtle messages about MJ's feeling towards the press and also the obvious message of drugs are bad m'kay.

Visually impressive but of course this is all about Michael Jackson so unless you remotely like MJ in anyway then you are going to hate this and find it boring. Some may call MJ an egotist for consenting to the making of this movie BUT MJ and most of his fans would say that he made it for the fans which if true is really nice of him.

The actual feature film bit when it finally starts is only on for 20 minutes or so excluding the Smooth Criminal sequence and Joe Pesci is convincing as a psychopathic all powerful drug lord. Why he wants MJ dead so bad is beyond me. Because MJ overheard his plans? Nah, Joe Pesci's character ranted that he wanted people to know it is he who is supplying drugs etc so i dunno, maybe he just hates MJ's music.

Lots of cool things in this like MJ turning into a car and a robot and the whole Speed Demon sequence. Also, the director must have had the patience of a saint when it came to filming the kiddy Bad sequence as usually directors hate working with one kid let alone a whole bunch of them performing a complex dance scene.

Bottom line, this movie is for people who like MJ on one level or another (which i think is most people). If not, then stay away. It does try and give off a wholesome message and ironically MJ's bestest buddy in this movie is a girl! Michael Jackson is truly one of the most talented people ever to grace this planet but is he guilty? Well, with all the attention i've gave this subject....hmmm well i don't know because people can be different behind closed doors, i know this for a fact. He is either an extremely nice but stupid guy or one of the most sickest liars. I hope he is not the latter.\": {\"frequency\": 1, \"value\": \"With all this ...\"}, \"(SPOILERS IN FIRST PARAGRAPH) This movie's anti-German sentiment seems painfully dated now, but it's a brilliant example of great war-time propaganda. It was made back when Cecil B. DeMille was still a great director. (Ignore all his later Best Picture Academy Awards; he never made a very good sound film.) This movie lacks the comedy of most of Pickford's other films, and really it was DeMille's movie, not Pickford's. The vilification of the Germans can be compared to the way \\\"The Patriot\\\" of 2000 did the same to the British. The only good German in the film was a reluctant villain who had the ironic name of Austreheim. They even had Pickford take an ill-fated trip on a luxury ship that gets torpedoed by a German submarine. So what'll get the Americans more stirred up to war? The sinking of the Lusitania, or watching America's favorite Canadian import sinking in it? All throughout the film DeMille runs his protagonist from one kind of horrible calamity to another, barely escaping death, hypothermia, depravity, rape, execution, and explosions that go off in just the right place to keep her unharmed. The way she is saved from a firing squad is no more believable than the way the humans in \\\"Jurassic Park\\\" were ultimately rescued from the velociraptors. If I was any more gullible to such propaganda I would punish myself for having a part-German ancestry.

Was it a good film? Aside from a humorous running gag about Americans abroad thinking they're untouchable \\ufffd\\ufffd that was apparently a joke even back then \\ufffd\\ufffd you might not be entertained. You'll find it more than a little melodramatic, and obviously one-sided, but the first thing that came to my mind after watching it is that it was years before Potemkin's false portrayal of a massacre revolutionized the language of cinema as well as a movie's potential for propaganda. It made me wonder: what became of Cecil B. DeMille? Somewhere between the advent of sound and \\\"The Greatest Show on Earth\\\" he seemed to lose his ambition. Ben Hur looked expensive, but not ambitious. In a sentence, this movie is for 1) Film historians, 2) Silent Film Buffs, 3) Mary Pickford fans, or 4) DeMille fans, if such a person exists.\": {\"frequency\": 1, \"value\": \"(SPOILERS IN FIRST ...\"}, \"At the name of Pinter, every knee shall bow - especially after his Nobel Literature Prize acceptance speech which did little more than regurgitate canned, by-the-numbers, sixth-form anti-Americanism. But this is even worse; not only is it a tour-de-force of talentlessness, a superb example of how to get away with coasting on your decades-old reputation, but it also represents the butchery of a superb piece. The original Sleuth was a masterpiece of its kind. Yes, it was a theatrical confection, and it is easy to see how it's central plot device would work better on the stage than the screen, but it still worked terrifically well. This is a Michael Caine vanity piece, but let's face it, Caine is no Olivier. Not only can he not fill Larry's shoes, he couldn't even fill his bathroom slippers. The appropriately-named Caine is, after all, a distinctly average actor, whose only real recommendation, like so many British actors, is their longevity in the business. He was a good Harry Palmer, excellent in Get Carter, but that's yer lot, mate! Give this a very wide berth and stick to the superb original. This is more of a half-pinter.\": {\"frequency\": 1, \"value\": \"At the name of ...\"}, \"Lord Alan Cunningham(Antonio De Teff\\ufffd\\ufffd)is a nutjob{seen early on trying to escape an insane asylum}, with this castle slowly succumbing to ruin, likes to kill various hookers who resemble his deceased wife Evelyn, a woman who betrayed him for another man, with those red locks. This nutcase is quite wealthy and his bachelor status can be quite alluring. He, however, is overrun by his obsession with his late wife's memory(specifically her adultery..he saw her naked with the lover). While the memory of Evelyn is almost devouring his whole existence, Alan tries his best to find true love and believes he has with Gladys(Marina Malfatti, who spends most of the film naked..that's probably her lone attribute since she isn't a very good actress), who agrees to marry him after a very short courtship which should probably throw up flags right away{there's a key moment of dialogue where she knows exactly to the very amount what he is worth}.

The only real person Alan can confide in is his doctor from the hospital, Dr. Richard Timberlane(Giacomo Rossi-Stuart). There are other key characters in this film that revolve around Alan. Alan's cousin, George(Rod Murdock), seems to be quite a good friend who often supplies him victims..I mean dates, while holding onto hope of getting his lord's estate some day. Albert(Roberto Maldera), Evelyn's brother, is a witness to Alan's slaughter and, instead of turning him into the police, squeezes him for cash. Aunt Agatha(Joan C Davis), wheelchair bound, lives at the castle estate and is often seen snooping around behind cracked doors. We later find that she is having a love affair with Albert.

All that is described above services the rest of the story which shows what appears to be the ghost of Evelyn haunting Alan, someone is killing off members of the cast family that revolve around Alan, and the body of Evelyn is indeed missing.

The ultimate question is who is committing the crimes after Alan and Gladys are married, where is Evelyn's body, and will Alan go over the edge? I have to be honest and say I just didn't really care much for this film. It's badly uneven and the pacing is all over the place. It looks great on the new DVD and the \\\"rising from the grave sequence\\\" is cool, but what really hurts the film in my mind is that the entire cast is unlikable. You really have a hard time caring for Alan because he is a psychotic who is skating on thin ice in regards to holding his sanity. He can be quite volatile. Who commits the crime really isn't that great a surprise for after several key characters are murdered off, there aren't but a choice few who could be doing it. What happens to Alan doesn't really make your throat gulp because you can make the argument he's just getting what he deserves. Those behind the whole scheme of the film in regards to Alan, as I pointed out before, aren't that shocking because if you are just slightly aware of certain circumstances(..or advantages they'd have)that would benefit them with the collapse of Alan's sanity, then everything just comes off less than stellar. I thought the editing was choppy and unexciting, but the acting from the entire cast is really below par. Some stylistics help and there is a sniff of Gothic atmosphere in the graveyard sequences to help it some.\": {\"frequency\": 1, \"value\": \"Lord Alan ...\"}, \"Bo Derek will not go down in history as a great actress. On the other hand, starting in the 1980s, actual acting talent seemed to be less and less of a required ability in Hollywood, so Bo could very well have gone onto bigger and better things after the big box office take of Blake Edwards' \\\"10.\\\" That is if she hadn't allowed her husband, John Derek, to take over her career. Numerous Playboy spreads and bad movies like this one (this one in particular) directed by John destroyed what momentum she had and made her the butt of many a joke. In the 1980s it was assumed that you could put a certain personality in a certain movie and it would be box office gold. John figured that putting Bo in a movie wherein she was nude for much of the running time would make people flock to the theaters after the 10 hype. Maybe if the movie had been any good perhaps. This version of Tarzan has got to be the all time worst of the many iterpretations of Burrough's lord of the jungle, a slap in the face to character's book and film legacy. Tarzan is in fact an after thought as the film is primarily a vehicle for Bo's breasts and Richard Harris' wonderful over acting (remember, the pair had worked together in Orca). His scenery chewing helps you to stay awake during the boredom of it all and yes, the film is quite boring. Nothing really exciting happens and the few action scenes seem to have been shot by someone in a trance. Bo's body can only get you so far. Miles O'Keeffe who played Tarzan at least would go onto a long and enjoyable B movie career and Richard Harris can put this behind him after his recent acting triumphs, but Bo and John Derek never recovered from this fiasco and future collaborations between the two only served to show why his directing career and her acting career died in the first place.

And how did the orangutan get to Africa?\": {\"frequency\": 1, \"value\": \"Bo Derek will not ...\"}, \"The folk who produced this masterful film have done fine service to a novel that stands as perhaps the best fiction work centering upon human guilt and human responsibility ever published. Nolte takes the role of Howard W. Campbell, Jr., and makes it his own, remaining true to Vonnegut's depiction of a man who has lost ALL (to and) for Love.

No weaknesses in this fine adaptation.\": {\"frequency\": 1, \"value\": \"The folk who ...\"}, \"In Lizzie Borden's \\\"Love Crimes\\\" (1992), Sean Young plays a gritty D.A. in Atlanta. She's a loner who gets herself too deeply involved in the case of a man (Patrick Bergin) who poses as a famous fashion photographer and seduces women, takes compromising photos of them, then leaves them.

Naturally, this tough loner decides to enter the phony shutterbug's life by posing as his prey, intending to bring him to justice. They meet, they make love, then the next thing she knows, she is over his lap, getting spanked. (Note: The spanking scene is only in the \\\"unrated\\\" version of this film. The R-rated version omits it and several other scenes that would make the plot more lucid.) This psychological thriller includes several scenes of female nudity and disturbing images, such as Bergin chasing one of his victims around the room, flailing at her with a riding crop.

As a thriller, \\\"Love Crimes\\\" is at its best when Sean Young is playing her cat-and-mouse game with Bergin, trying to catch him in an incriminating act. It's unfortunate that the film doesn't end, it just stops. That's true. Director Lizzie Borden may have just run out of story to tell, but after 92 minutes the credits roll, and we are left with a puzzling \\\"what just happened?\\\" bewilderment.

The unfolding of Young's plan is played out in engaging style, but the lack of a coherent ending will be a turn-off for some viewers.

Dan (daneldorado@yahoo.com)\": {\"frequency\": 1, \"value\": \"In Lizzie Borden's ...\"}, \"In 1948 this was my all-time favorite movie. Betty Grable's costumes were so ravishing that I wanted to grow up to be her and dress like that. Douglas Fairbanks, Jr., was irresistible as the dashing Hungarian officer. Silly and fluffy as this movie might appear at first, when I was eight years old it seemed to me to say something important about relations between men and women. I saw it again the other day; I was surprised to find that it still did.\": {\"frequency\": 1, \"value\": \"In 1948 this was ...\"}, \"I watched this movie every chance I got, back in the Seventies when it came out on cable. It was my introduction to Harlem, which has fascinated me (and Bill Clinton) ever since. I was still very young, and the movie made a big impression on me. It was great to see a movie about other young girls growing up, trying to decide whom they wanted to be, and making some bad choices as well as good ones. I was dazzled by Lonette McKee's beauty, the great dresses they eventually got to wear, and the snappy dialogue. As someone being raised by a single mother as well, I could really identify with these girls and their lives. It's funny, these characters seem almost more real to me than Beyonce Knowles!\": {\"frequency\": 1, \"value\": \"I watched this ...\"}, \"The film began with Wheeler sneaking into the apartment of his girlfriend. Her aunt (Edna May Oliver--a person too talented for this film) didn't like Wheeler--a sentiment I can easily relate to. The aunt decided to take this bland young lady abroad to get her away from Wheeler. They left and Wheeler invested in a revolution in a small mythical kingdom because they promised to make him their king. At about the same time, Woolsey was in the same small mythical kingdom and he was made king. So when Wheeler arrived, it was up to the boys to fight it out, but they refused because they are already friends--which greatly disappointed the people, as killing and replacing kings is a national pastime.

I am a huge fan of comedy from the Golden Age of Hollywood--the silent era through the 1940s. I have seen and reviewed hundreds, if not thousands of these films and yet despite my love and appreciation for these films I have never been able to understand the appeal of Wheeler and Woolsey--the only comedy team that might be as bad as the Ritz Brothers! Despite being very successful in their short careers in Hollywood (cut short due to the early death of Robert Woolsey), I can't help but notice that practically every other successful team did the same basic ideas but much better. For example, there were many elements of this film reminiscent of the Marx Brother's film, DUCK SOUP, yet CRACKED NUTS never made me laugh and DUCK SOUP was a silly and highly enjoyable romp. At times, Woolsey talked a bit like Groucho, but his jokes never have punchlines that even remotely are funny! In fact, he just seemed to prattle pointlessly. His only funny quality was that he looked goofy--surely not enough reason to put him on film. Additionally, Wheeler had the comedic appeal of a piece of cheese--a piece of cheese that sang very poorly! A missed opportunity was the old Vaudeville routine later popularized by Abbott and Costello as \\\"who's on first\\\" which was done in this film but it lacked any spark of wit or timing. In fact, soon after they started their spiel, they just ended the routine--so prematurely that you are left frustrated. I knew that \\\"who's on first\\\" had been around for many years and used by many teams, but I really wanted to see Wheeler and Woolsey give it a fair shot and give it their own twist.

Once again, I have found yet another sub-par film by this duo. While I must admit that I liked a few of their films mildly (such as SILLY BILLIES and THE RAINMAKERS--which I actually gave 6's to on IMDb), this one was a major endurance test to complete--something that I find happens all too often when I view the films of Wheeler and Woolsey. Where was all the humor?!\": {\"frequency\": 1, \"value\": \"The film began ...\"}, \"Roommates Sugar and Bobby Lee are abducted by menacing dudes while out shopping one day and taken back to a secluded island that the girls reluctantly tell the thugs that they last visited when they were ten years of age and that a fortune is located on. All that just pretty much bookends a movie that is pretty much one long flashback about the girls first visit to the island and subsequent fight with a cannibalistic family.

This one is extremely horribly acted by everyone involved to the point that I started feeling bad for poor Hank Worden who truly deserved much MUCH better. As much as I didn't like \\\"Barracuda\\\" (that's on the same DVD) I have to admit that this film makes that one look like Citizen Kane.

Eye Candy: one pair of tits (they might belong to Kirsten Baker)

My Grade: F

Dark Sky DVD Extras: Vintage ads for various drive-in food; and Trailers for \\\"Bonnie's Kids\\\" (features nudity), \\\"the Centerfold Girls\\\", \\\"Part-time Wife\\\" (features nudity), \\\"Psychic Killer\\\", & \\\"Eaten Alive\\\". The DVD also comes with 1978's \\\"Barracuda\\\"\": {\"frequency\": 1, \"value\": \"Roommates Sugar ...\"}, \"Earlier today I got into an argument on why so many people complain about modern films in which I encountered a curious statement: \\\"the character development in newer movies just isn't nearly as good or interesting as it used to be.\\\" Depending on the film(s) in question, this can be attributed to a number of things, sometimes generic special effects and plot-driven Hollywood garbage like War Of The Worlds, but in the case of over-the-top, uninteresting attempts at social commentary and a desperate struggle to put \\\"art\\\" back into cinema, it's movies like Dog Days that are to blame.

I normally have a very high tolerance for movies, no matter how dull or pointless I find them (ranging from good, long ones like Andrei Rublev and Dogville, to ones I've considered painful to sit through a la Alpha Dog and Wild Wild West). I shut this movie off 45 minutes in, which is 30 minutes more than I actually should have. I wasn't interested in any of the characters whatsoever and found nothing substantial beyond a thin veil of unfocused pessimism. In an attempt to say something about the dregs of society, this film too easily falls into being self-indulgent, trite, and exploitative in a very sincere sense. Granted, I've seen many disturbing movies on the same subject, but there are so many better films out there about depressing, pathetic people (Happiness, Gummo, Kids, Salo, Storytelling, Irreversible) that actually contain characters of great emotional depth and personality. Dog Days had none more than an eighth grader's distaste for society, choosing to ignore any true intelligence about the way people actually are, and instead choosing to be a dull, awful, and hopelessly unoriginal attempt at a work of \\\"art.\\\" This isn't a characterization of the unknown or a clever observation into the dregs of society, it's just boring and nothing worth caring about.\": {\"frequency\": 1, \"value\": \"Earlier today I ...\"}, \"Pokemon 3 is little more than three or four episodes of the TV series, strung together without the usual commercials. The story is typical of Pokemon (conflict, fighting, and a resolution where all are happy in the end), and there is nothing original or unusual in the animation. Some of the holes in the plot are filled in (over the closing credits!) without explanation, and everything is just a bit too sweet.

Why see it on the big screen? The only reason is to be a part of your child's world. Both of my sons enjoy Pokemon, and by my showing an interest in what they like, we are closer. Seeing a film in a theatre is still different than seeing it on the tube, and my sons enjoy the full movie-going experience. I gave the movie a 4, mostly from my children's point of view.

\": {\"frequency\": 1, \"value\": \"Pokemon 3 is ...\"}, \"Gayniggers from Outer Space is a short foreign film about black, gay aliens who explore the galaxy until they stumble upon Earth. Being gay, their goal is to have a male-only universe in which all people are gay. Hence, when they discover women or \\\"female creatures\\\" live on Earth, they are at first terrified; eventually they decide to eliminate all women on the planet and liberate the male population.

An offensive title with a racist, homophobic and sexist storyline, albeit probably intended as a satire, give this film some shock value. However, there's little substance underneath. As another reviewer pointed out, there are few jokes besides the characters' names (eg. ArmInAss); I think I laughed once at one small gay joke. I think I got the point of the film quickly, a satire of bad science fiction, but after that I had had enough; I kept wanting the film to end already (and it is a short film!). Not brilliant or particularly well-written.\": {\"frequency\": 1, \"value\": \"Gayniggers from ...\"}, \"This is, without a doubt, the most offensive \\\"chick flick\\\" I have seen in years, if not ever. The writing & characterizations are so riddled with stereotypes that the film verges on parody. Before walking out of the theater an hour and five minutes into this disaster, we were subjected to the following themes: having a baby will solve all of your problems, \\\"performer types\\\" are miserable messes, & musicians can't be good mothers unless they toss their dreams for a more conventional lifestyle. What a waste of a talented cast & some great-looking sets & costumes. When Natasha Richardson told Toni Collette that unless she lives a more mainstream life, she'll end up - shudder - \\\"alone!\\\", I felt queasy. I can't believe this movie made it to theatrical release. It's the sort of fare one expects from those \\\"women's\\\" cable channels that I always pass right by when channel-surfing. I am female and over 35, so I should be part of this film's target audience, but boy, does \\\"Evening\\\" miss its target.\": {\"frequency\": 1, \"value\": \"This is, without a ...\"}, \"Arnold once again in the 80's demonstrated that he was the king of action and one liners in this futuristic film about a violent game show that no contestant survives. But as the tag line says Arnold has yet to play! The movie begins in the year 2019 in which the world economy has collapsed with food and other important materials in short supply and a totalitarian state has arisen, controlling every aspect of life through TV and a police state. It's most popular game show is The Running Man, in which criminals are forced to survive against \\\"Stalkers\\\" that live to kill them.

The movie opens with Ben Richards (Arnold) leading a helicopter mission to observe a food riot in progress. He is ordered by his superiors to fire on them, refusing to gets him knocked out and thrown in prison, in the meantime they slaughtered the people without his help. The government blames Richards for the massacre earning him the name \\\"Butcher of Bakersfield\\\". Eighteen months later Richards along with two friends William Laughlin (Koto) and Harold Weiss (McIntyre) breakout of a detention zone they worked in. They make their way to the underground, led by Mic (Mick Fleetwood). Mic quickly identifies Richards as the \\\"Butcher of Bakersfield\\\" and refuses to help him, but his friend's convince him otherwise. They want him to join the resistance, but he'd rather go live with his brother and get a job. Soon he finds that his brother has been taken away for reeducation and a woman name Amber Mendez (Alonso) has taken his apartment. Knowing who he is she won't help him, but he convinces her, but is busted at the airport by the cops after she ratted him out.

Meantime, The Running man is having trouble finding good new blood for the there stalkers to kill. Damon Killian (Dawson) the shows host and one of the most powerful men in the country sees Richards escape footage and is able to get him for the show after his capture. Richards refuses to play, Killian threatens to use his friends instead of him, so he signs the contract. You'll love that part. But soon he finds they will join him as well and makes sure Killian knows he'll be back. The Runners begin to make there way through the Zones and fight characters that are memorable, Sub-Zero, Buzz Saw and many others. Eventually Richards is joined by Amber who suspected he was set up but was caught and thrown into the game too. Together they find the underground and make there way back to Killian and give him a farewell send off.

The running man is another one of Arnold's great movies from the 80's. The movie was apparently somewhat based on Stephen King's book of the same name. Some have said that the book is better. I'm sure it's not and I don't care anyway I loved the movie. As in all of Arnold's films the acting is what you would expect with classic one liners from Arnold and even Ventura gets a couple in. But without a doubt Richard Dawson is the standout in this film. Being a real game show host he easily spoofed himself and was able to create a character that was truly cold blooded. The whole movie itself somewhat rips on game shows and big brother watching you. Keep an eye out for them poking fun and some old shows, \\\"hate boat\\\" among others. Also the cast was great besides Arnold, Koto, and Alonzo don't forget Professor Toru Tanaka, Jim Brown, Ventura and Sven-Ole! With all the reality TV nonsense that goes on it almost fits in better now, but I'm sure the Hollywood liberals would make it into a movie about the \\\"Evil Bush\\\". The new DVD had mostly poor extras meet the stalkers being the only redeemable one. Some how the ACLU managed to get some of there communism into the DVD and is laughable garbage that should not be anywhere near an Arnold movie of all things. Blasphemy! Overall for any Arnold fan especially we who grew up in the 80's on him ,you can't miss this. Its one of the first ones I saw back in the 80's and it's still great to this day. The futuristic world and humor are great. Overall 10 out 10 stars, definitely one of his best.\": {\"frequency\": 1, \"value\": \"Arnold once again ...\"}, \"\\\"A Girl's Folly\\\" is a sort of half-comedy, half-mockumentary look at the motion picture business of the mid-1910's. We get a glimpse of life at an early movie studio, where we experience assembly of a set, running through a scene, handling of adoring movie fanatics, even lunch at the commissary. We are also privy to little known cinematic facts - for example, did you know that \\\"Frequently, 'movie' actors do not know the plot of the picture in which they are working\\\"?

The plot of this film in essence is movie star Kenneth Driscoll's discovery and romancing of a budding young starlet whom he discovers while shooting on location in the country. I believe the 30-minute version I watched was abridged, included on the same tape with Cecil B. De Mille's \\\"The Cheat.\\\" It is a very credible film - an easy watch with a large cast of extras. As a bonus it includes some of best-illustrated captions I have ever seen accompanying a silent movie.\": {\"frequency\": 1, \"value\": \"\\\"A Girl's Folly\\\" ...\"}, \"This entertainingly tacky'n'trashy distaff \\\"Death Wish\\\" copy stars the exceptionally gorgeous and well-endowed brunette hottie supreme Karin Mani as Billie Clark, a top-notch martial arts fighter and one woman wrecking crew who opens up a gigantic ten gallon drum of ferocious chopsocky whup-a** on assorted no-count scuzzy muggers, rapists, drug dealers and street gang members after some nasty low-life criminals attack her beloved grand parents. The stunningly voluptuous Ms. Mani sinks her teeth into her feisty butt-stomping tough chick part with winningly spunky aplomb, beating jerky guys up with infectious glee and baring her smoking hot bod in a few utterly gratuitous, but much-appreciated nude scenes. Unfortunately, Mani possesses an extremely irritating chewing-on-marbles harsh and grating voice that's sheer murder on the ears (my favorite moment concerning Mani's dubious delivery of her dialogue occurs when she quips \\\"Don't mess with girls in the park; that's not nice!\\\" after clobbering a few detestable hooligans. The delectable Karin's sole subsequent film role was in \\\"Avenging Angel,\\\" in which she does a truly eye-popping full-frontal nude scene, but doesn't have any lines.) The film's single most sensationally sleazy sequence transpires when Mani gets briefly incarcerated on a contempt of court charge and shows her considerably substantial stuff in a group prison shower scene. Of course, Mani's lascivious lesbian cell mate tries to seduce her only to have her unwanted advances rebuffed with a severe beatdown! Strangely enough, the lesbian forgives Mani and becomes her best buddy while she's behind bars. Given an extra galvanizing shot in the vigorously rough'n'ready arm by Edward Victor's punchy direction, a funky-rockin' score, endearingly crummy acting by a game (if lame) cast, a constant snappy pace, numerous pull-out-all-the-stops exciting fight scenes, and Howard Anderson III's gritty photography, this immensely enjoyable down'n'dirty exploitation swill is essential viewing for hardcore fans of blithely low-grade low-budget grindhouse cinema junk.\": {\"frequency\": 1, \"value\": \"This ...\"}, \"This was a wonderful little American propaganda film that is both highly creative AND openly discusses the Nazi atrocities before the entire extent of the death camps were revealed. While late 1944 and into 1945 would reveal just how evil and horrific they were, this film, unlike other Hollywood films to date, is the most brutally honest film of the era I have seen regarding Nazi atrocities.

The film begins in a courtroom in the future--after the war is over (the film was made in 1944--the war ended in May, 1945). In this fictitious world court, a Nazi leader is being tried for war crimes. Wilhelm Grimm is totally unrepentant and one by one witnesses are called who reveal Grimm's life since 1919 in a series of flashbacks. At first, it appears that the film is going to be sympathetic or explain how Grimm was pushed to join the Nazis. However, after a while, it becomes very apparent that Grimm is just a sadistic monster. These episodes are amazingly well done and definitely hold your interest and also make the film seem less like a piece of propaganda but a legitimate drama.

All in all, the film does a great job considering the film mostly stars second-tier actors. There are many compelling scenes and performances--especially the very prescient Jewish extermination scene towards the end that can't help but bring you close to tears. It was also interesting how around the same point in the film there were some super-creative scenes that use crosses in a way you might not notice at first. Overall, it's a must-see for history lovers and anyone who wants to see a good film.

FYI--This is not meant as a serious criticism of the film, but Hitler was referred to as \\\"that paper hanger\\\". This is a reference to the myth that Hitler had once made money putting up wallpaper. This is in fact NOT true--previously he'd been a \\\"starving artist\\\", homeless person and served well in the German army in WWI. A horrible person, yes, but never a paper hanger!\": {\"frequency\": 1, \"value\": \"This was a ...\"}, \"The documentary presents an original theory about \\\"Guns, Germs and Steel\\\". The series graphically portray several episodes strongly supporting the theory, and defend the theory against common criticism.

I was deeply puzzled to find user comments complaining about lack of new information in these series. They say documentary presents information which is taught in middle school. Indeed, it does. In fact, I greatly enjoyed the original look at the information which I have known since middle school and the unexpected analysis.

So, if you like knowing WHY things work, if you have taken apart the telephone trying to determine how it worked, if you have gone to the farm to see how farm works and how cows are milked, you will enjoy this series. A definite recommendation.\": {\"frequency\": 1, \"value\": \"The documentary ...\"}, \"This is undeniably the scariest game I've ever played. It's not the average shoot-everything-that-moves kind of fps (which I usually don't care much for), but the acceptable gfx, interesting weapons and magic, great surround soundeffects (\\\"Scryeeee, scryeeee..\\\") and above all incredible atmosphere. I love the Scrye, which enables you, at certain places in the games, to see or hear events that happened there in the past. The only game I've had to take regular breaks after a few minutes of playing just because of the intensity of the atmosphere. I'm a great horror fan, escpecially of Clive Barker's stories and movies, and participating in a horror story like this makes me yearn for more games that emphasizes atmosphere and a more involving story. 9/10 (-1 because I'm no fps fan, and perhaps the game was a bit short?)\": {\"frequency\": 1, \"value\": \"This is undeniably ...\"}, \"I only watched this because it starred Josie Lawrence, who I knew

from Whose Line is it Anyway?, the wacky British improvisational

comedy show. I was very pleasantly surprised by this heartwarming and magical gem. It is uplifting, touching, and

romantic without being sappy or sentimental. The characters are

all real people, with real foibles, fears and needs. See it.!\": {\"frequency\": 1, \"value\": \"I only watched ...\"}, \"Outside of the fact that George Lopez is a pretentious jerk, his show is terrible.

Nothing about Lopez has ever been funny. I have watched his stand-up and have never uttered any resemblance to a laugh.

His stuff comes across as vindictive and his animosity towards white people oozes out of every single pore of his body.

I have laughed at white people jokes from many a comedian and love many of them.

This guy has a grudge that won't end.

I feel bad for Hispanics who have only this show to represent themselves.

The shows plots are always cookie cutter with an Hispanic accent.

Canned laugh at the dumbest comments and scenes.

Might be why this show is always on at 2AM in replay.\": {\"frequency\": 1, \"value\": \"Outside of the ...\"}, \"Yikes. This is pretty bad. The play isn't great to begin with, and the decision to transfer it to film does it no favours - especially as Peploe doesn't decide how she wants to treat the material's theatrical origins (we get occasional glances of an observing theatre audience etc.) and has decided to go with a jumpy editing style that is intended to keep reminding you that you're watching a film, whereas in fact it only serves to remind you that you are watching a very poor film by a director who is overwhelmed by her material. Mira Sorvino's central performance is breath-takingly poor: stage-y and plummy, it's as if she's playing the part via Helena Bonham-Carter's Merchant Ivory oeuvre. Only Fiona Shaw delivers a performance of note - and it may be that her theatrical pedigree means that she is best able to handle the material - but it's hard to watch a film for one performance alone, even if that performance is as light, truthful and entire as Shaw's. Ben Kingsley turns in an average and disengaged turn, and Diana Rigg's daughter, Rachel Stirling plays her supporting role as just that. Sadly, none of Bertolucci's magic has rubbed off on his wife if this film is to be the evidence.\": {\"frequency\": 1, \"value\": \"Yikes. This is ...\"}, \"My father was the warden of the prison (he is retired now) showcased in this documentary and I've grown up around the prison life, so perhaps my views will be totally different from everyone else who watches this movie. I will say this, the filmmakers who brought us this 93-minute miracle are fantastic artists and even better people. They were brave enough to A) Show up and tell this story, B) Get inside these inmates minds and hearts, and C) Do all of this responsibly. Responsible to their art and, more importantly, responsible to the inmates and staff of Luther Luckett Correctional Complex. They should be commended without end for this work. To take 170 hours, yes HOURS, of footage and be able to cut and whittle it down to 93 riveting minutes is nothing short of extraordinary and they have my utmost respect.

I saw this film under circumstances that only a very, very few were able to see it. I was at the inmate screening. I was in the same room with these men as they watched their hearts being poured out on screen. I saw men crying on television crying in the chair in front of me and let me tell you, it was a very profound experience. These men have committed horrendous crimes in some cases, yet have found ways to try to redeem themselves, even if they view themselves as unredeemable. How many of us have the courage to do this? How many people could do what they have done in such a harsh environment? To see them react to the film was an experience I am eternally grateful for, and I will never forget that. I thank the men who allowed me this glimpse into their lives, I thank my father for making ALL of this possible, and I thank Philomath Films for taking the time to pour their blood, sweat, soul, and tears into this project.

This movie will change everything you think you know about prison life, and the inmates held within it. 'Oz' is not real, television is not real. 'Shakespeare Behind Bars' is.\": {\"frequency\": 1, \"value\": \"My father was the ...\"}, \"After dipping his toes in the giallo pool with the masterful film \\\"The Strange Vice of Mrs. Wardh\\\" (1971), director Sergio Martino followed up that same year with what turns out to be another twisty suspense thriller, \\\"The Case of the Scorpion's Tail.\\\" Like his earlier effort, this one stars handsome macho dude George Hilton, who would go on to star in Martino's Satanic/giallo hybrid \\\"All the Colors of the Dark\\\" the following year. \\\"Scorpion's Tail\\\" also features the actors Luigi Pistilli and Anita Strindberg, who would go on to portray an unhappy couple (to put it mildly!) in Martino's \\\"Your Vice Is a Locked Room and Only I Have the Key\\\" (1972). (I just love that title!) I suppose Edwige Fenech was busy the month they shot this! Anyway, this film boasts the stylish direction that Martino fans would expect, as well as a twisty plot, some finely done murder set pieces, and beautiful Athenian location shooting. The story this time concerns an insurance investigator (Hilton) and a journalist (Strindberg, here looking like Farrah Fawcett's prettier, smarter sister) who become embroiled in a series of grisly murders following a plane crash and the inheritance of $1 million by a beautiful widow. I really thought I had this picture figured out halfway through, but I was dead wrong. Although the plot does make perfect sense in this giallo, I may have to watch the film again to fully appreciate all its subtleties. Highlights of the picture, for me, were Anita's cat-and-mouse struggle with the killer at the end, a particularly suspenseful house break-in, and a nifty fight atop a tiled roof; lots of good action bursts in this movie! The fine folks at No Shame are to be thanked for still another great-looking DVD, with nice subtitling and interesting extras. Whotta great outfit it's turned out to be, in its ongoing quest to bring these lost Italian gems back from oblivion.\": {\"frequency\": 1, \"value\": \"After dipping his ...\"}, \"This is a very good movie. Do you want to know the real reasons why so many here are knocking this movie? I will tell you. In this movie, you have a black criminal who outwits a white professor. A black cop who tells the white professor he is wrong for defending the black criminal and the black cop turns out to be right, thus. \\ufffd\\ufffdmaking the white professor look stupid. It always comes down to race. This is an excellent movie. Pay no attention to the racist. If you can get over that there are characters who are played by blacks in this movie who outsmart the white characters, then you shouldn't have any problems enjoying this movie. I recommended everyone to go see this movie.\": {\"frequency\": 1, \"value\": \"This is a very ...\"}, \"Oh, CGI. A blessing when used properly. A sin with it's used by people who have no idea what their doing. Sadly, that's not the only thing that's used poorly in this umpteen Jaws rip-off.

Ok, anybody who has read any number of my posted reviews has probably noticed 2 things. 1: I like low-budget horror movies. And 2: If there is a cute guy in said low-budget movie, I'll usually point them out. So, let's just get this out of the way right now. This is one low-budget horror movie I didn't like. The acting, for the most part, is horrible, effects laughable, and the script rivals Battlefield Earth as the worst I've witnessed this year. As far as the resident cute boy...Dax Miller (Bog) wins that prize hands down. This boy is hot! And surprisingly, he's not just a toned body with nice eyes and a cute butt...he can actually act (well, as much as he can in this odious film). Now that we have the housekeeping chores out of the way, let's get on with it.

In Cliff Notes version, here's the story (don't worry, I'll try not to give anything away)...

A film crew travels to a remote island to film a documentary about two surfers (established cute boy and his buddy) who surf with sharks. Unknown to them is a rather large salt water crocodile lurking around the island. Croc shows up, mayhem ensues, and people are eaten. Roll end credits.

As I said earlier, this film pretty much blows. It started pretty well, but soon devolved into being silly and stupid. A main character becomes lunch (in a rather humorous way), and our remaining heros utter one-liners at the victims expense. Also, if this croc is at the top of the food chain on both the land and in the water, what's with all the sharks around? If this thing can eat a 40 foot boat, I don't think a few skimpy sharks would stick around. The FX is some of the worst I have ever had the displeasure to see. The CGI is horrendous, and they've even managed to screw up the animatronic crocs. Attention, filmmakers. National Geographic. Discovery Store. The Croc Hunter. They know what crocodiles look like. You obviously didn't reference any of these judging by the monstrosity seen towards the end of the film. And what's with the pirate/drug pusher gang? Did you just need another reason to rip off a woman's top?

It's funny how we get little sub-genres in the movie world. With Alligator and it's sequels, Lake Placid, Crocodile, and now Blood Surf, it now looks like \\\"over-sized crocodile/alligator\\\" movies should now get their own category at Blockbuster. Alligator was good. Lake Placid was good. I even thought Tobe Hooper's Crocodile was good. Blood Surf, sucked.

My grade: D-\": {\"frequency\": 1, \"value\": \"Oh, CGI. A ...\"}, \"I didn't at all think of it this way, but my friend said the first thing he thought when he heard the title \\\"Midnight Cowboy\\\" was a gay porno. At that point, all I had known of it was the reference made to it in that \\\"Seinfeld\\\" episode with Jerry trying to get Kramer to Florida on that bus and Kramer's all sick and with a nosebleed.

The movie was great, and surprisingly upbeat and not all pissy pretentious pessimistic like some movies I can't even remember because they're all crap.

The plot basically consisted of a naive young cowboy Joe Buck going to New York trying to be a hustler (a male prostitute, basically), thinking it'll be easy pickings, only to hit the brick wall hard when a woman ends up hustling HIM, charging him for their sexual encounter.

Then he meets Enrico Salvatore Rizzo, called \\\"Ratso\\\" by everyone and the cute gay guys who make fun of him all the time. You think of him as a scoundrel, but a lovable one (like Han Solo or Lando Calrissian) and surprisingly he and Joe become friends, and the movie is so sweet and heartwarming watching them being friendlier and such and such. Rizzo reveals himself to actually be a sad, pitiable man who's very sick, and very depressed and self-conscious, hates being called \\\"Ratso\\\" and wants to go to Florida, where he thinks life will be much better and all his problems resolved, and he'll learn to be a cook and be famous there.

It's heartwarming watching Joe do all that he does to get them both down to Florida, along with many hilarious moments (like Ratso trying to steal food at that hippie party, and getting caught by the woman who says \\\"Gee, well, you know, it's free. You don't have to steal it.\\\" and he says \\\"Well if it's free then I ain't stealin' it\\\", and that classic moment completely unscripted and unscheduled where Hoffman almost gets hit by that Taxi, and screams \\\"Hey, I'm walkin' here! I'm walkin' here!\\\"), and the acting is so believable, you'd never believe Joe Buck would grow up to be the distinguished and respected actor Jon Voight, and Ratso Rizzo would grow up to be the legendary and beloved Dustin Hoffman. It's not the first time they've worked together in lead roles, but the chemistry is so thick and intense.

Then there's the sad part that I believe is quite an overstatement to call it \\\"depressing\\\". Ratso Rizzo is falling apart all throughout the movie, can barely walk, barely eat, coughs a lot, is sick, and reaches a head-point on the bus on its way to Florida. He's hurting badly, and only miles away from Miami, he finally dies on the bus. The bus driver reassures everyone that nothing's wrong, and continues on. Sad, but not in the kind of way that'd make you go home and cry and mope around miserably as though you've just lost your dog of 13 years.

All in all, great movie. And the soundtrack pretty much consists just of \\\"Everybody's Talking'\\\" played all throughout the movie at appropriate times. An odd move, but a great one, as the song is good and fits in with the tone of the movie perfectly. Go see it, it's great, go buy it\": {\"frequency\": 1, \"value\": \"I didn't at all ...\"}, \"To many people, Beat Street has inspired their lifestyle to something creative concerning the hip hop culture.

The young Lee is living in NY in the 80's when hip hop was at its beginning. His a crew member of \\\"Beat Street\\\" -a b-boy crew. The movie follows Lee in his average day, dancing, graffitiing, etc.

The director has succeeded in making a movie with a plot and at the same time presenting hip hop to the rest of the world. The movie has old school features such as

Afrika Bambaataa & the Soul Sonic Force, Grandmaster Melle Mel & the Furious Five, the Rock Steady Crew, the New York City Breakers, and many more....

Neither the movie Beat Street nor the Beat Street spirit will ever die.\": {\"frequency\": 1, \"value\": \"To many people, ...\"}, \"Indian Summer! It was very nostalgic for me. I found it funny, heartwarming, and absolutely loved it! Anyone who went to camp as a kid and wishes at times they could go back to the \\\"good Ole' days\\\" for a brief time really needs to see this one! It starts out as 20 years later, a group of old campers returns for a \\\"reunion\\\". I won't comment on the plot anymore cause you have to see it for yourself. The actors were great, and it contains an all star cast. Everyone in it played a terrific role. You actually felt like you were a part of the movie watching it. Alan Arkin was especially good in his role as Uncle Lou. He plays the kind of guy that everyone wishes they had in their lives. This is also a good family movie for the most part. I would suggest this one to anybody in a heartbeat! HIGHLY Recommended!\": {\"frequency\": 1, \"value\": \"Indian Summer! It ...\"}, \"Sydney Lumet, although one of the oldest active directors, still got game! A few years ago he shot \\\"Find me guilty\\\", a proof to everyone that Vin Diesel can actually act, if he gets the opportunity and the right director. If he had retired after this movie (a true masterpiece in my eyes), no one could have blamed him. But he's still going strong, his next movie already announced for 2009.

But let's stay with this movie right here. The cast list is incredible, their performance top notch. The little nuances in their performances, the \\\"real\\\" dialogue and/or situations that evolve throughout the movie are just amazing. The (time) structure of the movie, that keeps your toes the whole time, blending time-lines so seamlessly, that the editing seems natural/flawless. The story is heightened by that, although even in a \\\"normal\\\" time structure, it would've been at least a good movie (Drama/Thriller). I can only highly recommend it, the rest is up to you! :o)\": {\"frequency\": 1, \"value\": \"Sydney Lumet, ...\"}, \"On the 28th of December, 1895, in the Grand Caf\\ufffd\\ufffd in Paris, film history was writing itself while Louis Lumi\\ufffd\\ufffdre showed his short films, all single shots, to a paying audience. 'La Sortie des Usines Lumi\\ufffd\\ufffdre' was the first film to be played and I wish I was there, not only to see the film, but also the reactions of the audience.

We start with closed doors of the Lumi\\ufffd\\ufffdre factory. Apparently, since the image seems a photograph, people thought they were just going to see a slide show, not something they were hoping for. But then the doors open and people are streaming out, heading home. First a lot of women, then some men, and one man on a bike with a big dog. When they are all out the doors close again.

Whether this is the first film or not (some say 'L'Arriv\\ufffd\\ufffde d'un Train \\ufffd\\ufffd la Ciotat' was the first film Lumi\\ufffd\\ufffdre recorded), it is an impressive piece of early cinema. Being bored by this is close to impossible for multiple reasons. One simple reason: it is only fifty seconds long. But also for people who normally only like the special effect films there must be something interesting here; you don't get to see historical things like this every day.\": {\"frequency\": 1, \"value\": \"On the 28th of ...\"}, \"The film is almost laughable with Debbie Reynolds and Shelley Winters teaming up as the mothers of convicted murderers. With the horrible notoriety after the trial, the two women team up and leave N.Y. for California in order to open and song and dance studio for Shirley Temple-like girls.

From the beginning, it becomes apparent that Reynolds has made a mistake in taking Winters with her to California. Winters plays a deeply religious woman who increasingly seems to be going off her rocker.

To make matters worse, the women who live together, are receiving menacing phone calls. Reynolds, who puts on a blond wig, is soon romanced by the wealthy father of one of her students, nicely played by Dennis Weaver.

Agnes Moorehead, in one of her last films, briefly is seen as Sister Alma, who Winters is a faithful listener of.

The film really belongs to Shelley Winters. She is heavy here and heaviness seemed to make her acting even better. Winters always did well in roles testing her nerves.

The ending is of the macabre and who can forget Winters at the piano banging away with that totally insane look?\": {\"frequency\": 1, \"value\": \"The film is almost ...\"}, \"I loved the movie, but like everyone said, there were some bits that weren't developed enough. I thought personally that the girls were very vapid before they landed in prison; sure, they were supposed to be innocent American girls but still...I felt like they lacked that bond that best friends are supposed to have. For example, in the montage where they're sight-seeing, the way they held each other for the photograph was very awkward-looking.

Then, there are some parts that were very ambiguous. I think it's pretty much understood that Danes' character didn't do it, but I can see how that could be confusing. Also, why did the camera dwell on Manat bearing a very grim expression after he put the bags in their taxi trunk? I thought it was suggesting something, but it turned out to be nothing.

Apart from that, the movie was great. I cried when Claire Danes took the blame; she's a GREAT actress.

Also, I wanted to see that bitchy Thai inmate get her ass kicked. Talk about lack of closure...\": {\"frequency\": 1, \"value\": \"I loved the movie, ...\"}, \"This guy has no idea of cinema. Okay, it seems he made a few interestig theater shows in his youth, and about two acceptable movies that had success more of political reasons cause they tricked the communist censorship. This all is very good, but look carefully: HE DOES NOT KNOW HIS JOB! The scenes are unbalanced, without proper start and and, with a disordered content and full of emptiness. He has nothing to say about the subject, so he over-licitates with violence, nakedness and gutter language. How is it possible to keep alive such a rotten corpse who never understood anything of cinematographic profession and art? Why don't they let him succumb in piece?\": {\"frequency\": 2, \"value\": \"This guy has no ...\"}, \"Roeg has done some great movies, but this a turkey. It has a feel of a play written by an untalented high-school student for his class assignment. The set decoration is appealing in a somewhat surrealistic way, but the actual story is insufferable hokum.\": {\"frequency\": 1, \"value\": \"Roeg has done some ...\"}, \"After erasing my thoughts nearly twenty-seven times, there is a feeling that I can now conquer this review for the complex French drama, \\\"Read My Lips\\\". Having written over five hundred reviews, I have never found myself at such a loss of words as I did with director Jacques Audiard's subtle, yet inspirational love story. Thought was poured over what was loved and hated about this film, and while the \\\"loves\\\" overpowered, it was the elements that were hated that sparked further debate within my mind. \\\"Read My Lips\\\" is a drama. To be more precise, is a character driven drama which fuses social uncertainty with crime lords with the doldrums of everyday office work. Here is where this review begins to crumble, it is all of these items \\ufffd\\ufffd but it is more\\ufffd\\ufffdmuch, much more. As a viewer, you are pulled in instantly by Emmanuelle Devos' portrayal of this fragile woman named Carla, whose strength is lost to the males in her office as well as her hearing difficulty. Audiard introduces us harshly to her world by removing sound from the screen whenever she is not wearing her aid, causing an immediate unrest, not only from the characters within the film, but to those watching. Without sound, the world is left open to any possibility, and that is frightening.

As we watch this difficult and unsettling woman setting into her life, we are then uprooted and given the opportunity to meet Paul (played exquisitely by Vincent Cassel), a slicked-back hair, mustache-wearing lanky man who was just released from prison, homeless, jobless, and forced by his parole officer to get a job. This is how Carla and Paul meet. There is that moment of instant, unsettling attraction. The one where we think she loves him, but he is dark (and here is where it gets even more fun) \\ufffd\\ufffd and where we think he loves her, but she is dark. The constant role reversal creates the tone of the unknown. Who, as viewers, are we to feel the most sympathy for? Paul sleeps in the office, Carla helps him; Carla looses a contract to a rival co-worker, Paul helps her; Carla's ability to read people's lips comes in handy for a make-shift idea for Paul. The continual jumps back and forth keep you on your chair, waiting for the possibility of some light to shine through this dark cave. It never does. Audiard cannot just allow this story to take place, he continually introduces us to more characters; one just as seedy as the next. Even our rock, our solid foundation with the parole officer is in question when his wife goes missing \\ufffd\\ufffd a subplot to this film that at first angered me, but upon further debate was a staple finale for this film. Yet none of this could have happened if it weren't for our characters. Devos' solemn and homely look is breathtaking, as she changes her image for Paul; the truth of her beauty is discovered. Paul, the wildcard in the film, continues to seemingly use and abuse the friendship for his final endgame. Then, just as we assume one, Carla takes on one last shape.

Audiard knows he has amazing actors capturing his characters. Cassel and Devos could just play cards the entire time and I would still be sitting at the end of my chair. The story, probably the weakest part of this film, is at first random. The interwoven stories seem unconnected at first, but Audiard lets them connect bit by bit. Again, the entire parole officer segment was tangent, but that final scene just solidified the ends to the means. Not attempting to sound vague, but this complex (yet utterly simple) story is difficult to explain. There is plenty happening, but it is up to you to connect the pieces. A favorite scene is when Carla is attempting to discover where some money is being held. That use of sound and scene was brilliant. It was tense, it was dramatic, and it was like watching a who-dun-it mystery unfold before your eyes.

Overall, I initially though this was a mediocre French film that I could easily forget about when it was over \\ufffd\\ufffd I was proved wrong. \\\"Read My Lips\\\" opens the floor for discussion, not just with the characters, but the situations. One will find themselves rooting for Carla in one scene, and Paul in the next. When a discovery is made in Paul's apartment by Carla, I found myself deeply angry. Audiard brought true emotion to the screen with his characters and development, and what he was lacking in plot \\ufffd\\ufffd the actors were able to carry. I can easily suggest this film to anyone, but be prepared; this isn't a one time viewing film. Repeat. Repeat. Repeat.

Grade: **** out of *****\": {\"frequency\": 1, \"value\": \"After erasing my ...\"}, \"Film starts in 1840 Japan in which a man slashes his wife and her lover to death and the commits suicide. It's a very gory, bloody sequence. Then it jumps to present day...well 1982 to be precise. Ted (Edward Albert), wife Laura (Susan George) and their annoying little kid move to Japan for hubby's work. They rent a house and--surprise! surprise--it just happens to be the house where the murders took place! The three dead people are around as ghosts (the makeup is hysterically bad) and make life hell for the family.

Sounds OK--but it's really hopeless. There's a bloody opening and ending and NOTHING happens in between. There is an attack by giant crabs which is just uproarious! They look so fake--I swear I saw the strings pulling one along--and they're muttering!!!!! There's a pointless sex sequence in the first 20 minutes (probably just to show off George's body), another one about 40 minutes later (but that was necessary to the plot) and a really silly exorcism towards the end. The fight scene between Albert and Doug McClure must be seen to be believed.

As for acting--Albert was OK as the husband and McClure was pretty good as a family friend. But George--as always--is terrific in a lousy film. She gives this film a much needed lift--but can't save it. I'm giving this a 2 just for her and the gory opening and closing. That aside, this is a very boring film.\": {\"frequency\": 1, \"value\": \"Film starts in ...\"}, \"I remember seeing this film when it first came out in 1982 & loved it then. About 4 years later I had the privilege of seeing Luciano Pavarotti sing at the Metropolitan Opera house in New York (in Tosca) so seeing the ending of this film reminds me very much of that great night. What's not to like about this film? The music is brilliant and Pavarotti (Fini) was at his best and still looked great. The story is actually very funny in parts & the 'food fight' scene is still one of the funniest I have ever seen. The hot air balloon flight over the Napa valley was beautiful & so was the song he sang \\\"If we were in love\\\" (one of the few times Pavarotti sang in English). And hearing the duet of Santa Lucia gorgeous. Get real folks, this was a film about an opera singer called Georgio Fini who just happened to be played by Pavarotti. Kathryn Harrold & Eddie Albert were excellent in their supporting roles.

I am VERY glad that I still have this almost worn out VHS tape of this movie but I would love this to be released on DVD especially now that Pavarotti is no longer with us because I think this includes the best performance of Nessun Dorma sung by him still on film today!\": {\"frequency\": 1, \"value\": \"I remember seeing ...\"}, \"I loved the episode but seems to me there should have been some quick reference to the secretary getting punished for effectively being an accomplice after the fact. While I like when a episode of Columbo has an unpredictable twist like this one, its resolution should be part of the conclusion of the episode, along with the uncovering of the murderer.

The interplay between Peter Falk and Ruth Gordon is priceless. At one point, Gordon, playing a famous writer, makes some comment about being flattered by the famous Lt. Columbo, making a tongue-in-cheek allusion to the detective's real life fame as a crime-solver. This is one of the best of many great Columbo installments.\": {\"frequency\": 1, \"value\": \"I loved the ...\"}, \"I remember watching this in the 1970s - then I have just recently borrowed a couple of episodes from our public library.

With a nearly 30 year hiatus, I have come to another conclusion. Most of the principals interviewed in this series - some at the center of power like Traudl Junge (Hitler's Secretary),Karl Doenitz (head of Germany's navy) Anthony Eden (UK) - are long gone but their first hand accounts will live on.From Generals and Admirals to Sergeants, Russian civilians, concentration camp survivors, all are on record here.

I can remember the Lord Mountbatten interview (killed in the 1970s)

This is truly a gem and I believe the producer of this series was knighted by Queen Elizabeth for this work - well deserved.

Seeing these few episodes from the library makes me want to buy the set.

This is the only \\\"10\\\" I have given any review but I have discovered like a fine bottle of wine, it is more appreciated with a little time...\": {\"frequency\": 1, \"value\": \"I remember ...\"}, \"An expedition led by hunky Captain Storm (Mark Dana) travels to the Valley of the Kings in Cairo to find out what happened to an earlier expedition. They meet beautiful mysterious Simira (Ziva Rodann) who joins them. They soon find themselves faced with a blood drinking mummy...and only Simira seems to know what's going on.

A real snoozer. I caught this on late night TV when I was about 10. It put me to sleep! Seeing it again all these years later I can see why. It's slow-moving, the mummy doesn't even show up until 40 minutes in (and this is only 66 minutes long!), the acting ranges from bad (Dana) to REAL bad (George N. Neise) and there's no violence or blood to be found. This movie concentrates more on second rate dramatics (involving a silly love triangle) than horror.

This rates three stars because it actually looks pretty good, everyone plays it straight, there's some good acting from Diane Brewster, it's short and the mummy attack scenes (all three of them) aren't bad. They're not scary just mildly creepy. Still, this movie is pretty bad. A sure fire cure for insomnia.\": {\"frequency\": 1, \"value\": \"An expedition led ...\"}, \"As a cinema fan White Noise was an utter disappointment, as a filmmaker the cinematography was pretty good, nicely lit, good camera work, reasonable direction. But as a film it just seamed as predictable as all the other 'so called' horror movies that the market has recently been flooded with. Although it did have a little bit of the 'chill factor' the whole concept of the E.V.O (Electronic Voice Phenomena) did'not seem believable. This movie did not explain the reasonings for certain occurrences but went ahead with them. The acting was far from mind blowing the main character portrayed no emotion, like many recent thriller/horror movies.

Definitely not a movie I will be buying on DVD and would not recommend anyone rushes out to see it.\": {\"frequency\": 1, \"value\": \"As a cinema fan ...\"}, \"I was about 11 years old i found out i live 0.48 miles from the uncle house. the uncle house is on Westway Dr, deer park, TX. they have added homes since the movie was made. i don't know the house number but you can go look it up. i am now 21 and i enjoy watching this movie. the bar on Spencer is no longer their. Pasadena ISD wants to build a school their. I drove by the house last week the house still looks great. My dad and uncle would go to the street where the house is and watch the actors come in and out of the house trying to make the movie. where john cross over the railroad cracks they have made 225 higher. when i hear about john loesing his son i start thinking about when he made urban cowboy he was 26 or 25 at the time.\": {\"frequency\": 1, \"value\": \"I was about 11 ...\"}, \"I loathed this film. The original Phantasm had such wonderful ambiance and mystery. Like many 70s horror flicks, it looked and felt like some creepy, unfinished documentary. Phantasm II, from the late 80s, pumped up the action, but maintained this nice attention to mood. Sadly, Phantasm III is just awful. It tediously explains all of the weird happenings in the previous films, which diminishes rather than expands their power. It shamelessly degrades imagery from the first Phantasm like a cheap reenactment of the original. There are so many flying spheres in this movie that they seem more like household pests than menacing death orbs. Hundreds hang from the ceiling like Christmas balls swaying in the draft. Didn't anyone-- the prop master, the DP, the editor, the director-- notice or care that they looked so crummy? Even worse, Phantasm III presents one corny, unfunny joke after another. How different from the intensity of the first film. The original Phantasm used humor to relieve its relentless focus on death. Phantasm III uses death to set up countless cheap jokes about Reggie's horniness: several refer to the film's \\\"flying balls\\\" ha-ha, oh, I get it, balls. Maybe the crew got a kick out of these jokes, but they are on us.\": {\"frequency\": 1, \"value\": \"I loathed this ...\"}, \"This is a typical Steele novel production in that two people who have undergone some sort of tragedy manage to get together despite the odds. I wouldn't call this a spoiler because anyone who has read a Steele novel knows how they ALL end. If you don't want to know much about the plot, don't keep reading.

Gilbert's character, Ophelia, is a woman of French decent who has lost her husband and son in an accident. Gilbert needs to stop doing films where she is required to have an accent because she, otherwise a good actress, cannot realistically pull off any kind of accent. Brad Johnson, also an excellent actor, is Matt, who is recovering from a rather nasty divorce. He is gentle, convincing and compelling in this role.

The two meet on the beach through her daughter, Pip, and initially, Ophelia accuses Matt of being a child molester just because he talked art with the kid. All of them become friends after this episode and then the couple falls in love.

The chemistry between the two leads is not great, even though the talent of these two people is not, in my opinion, a question. They did the best they could with a predictable plot and a script that borders on stereotypical. Two people meet, tragedy, bigger tragedy, a secret is revealed, another tragedy, and then they get together. I wish there was more to it than that, but there it is in a nutshell.

I wanted mindless entertainment, and I got it with this. In regard to the genre of romantic films, this one fails to be memorable. \\\"A Secret Affair\\\" with Janine Turner is far superior (not a Steele book), as are some of Steele's earlier books turned into film.\": {\"frequency\": 1, \"value\": \"This is a typical ...\"}, \"I got to see this just this last Friday at the Los Angeles film festival at Laemlee's on Beverly. This movie got the most applause of all the films that evening. Considering that two music videos opened first, I didn't know what to expect since they were very fast and attention grabbing, I wasn't sure I was ready for a short immediately. But to my surprise I really enjoyed this. I thought the main actor demon guy was really good. I was so impressed with his performance that I checked out his name. I was surprised to see that this was the Witchblade guy. He's gotten really good especially since then! Either that or he was given lousy roles or had been pushed by the director really hard for this short. The girl did an okay job. I guess its hard since it was her first performance and being so young. The dad did well also. There was a lot of really nice cg work for a short, both for this and the short playing next \\\"Mexican Hat\\\" which was also nice, but I enjoyed this the most because it had the most depth and emotion and I actually cared about the characters. The other was a very simple story. The story was quite illustrative and dark! It dealt with real topics using a more fantasy like approach to keep ADD people like me interested. We won't even talk about the last film in the block which I left. My only complaint is that I only wish I had seen more of the demon character and a little less of getting started, which is why I gave it a 9 out of 10. I also thought the end credits went a little slowly. Otherwise it was beautifully told, directed and edited. The timing was very nice with a complete change from the fast MTV editing done on everything nowadays. There will be more coming from this director in the future as well as the actor. I now will think of him as the Sorrows Lost actor not the Witchblade guy.\": {\"frequency\": 1, \"value\": \"I got to see this ...\"}, \"When a film has no fewer than FIVE different titles, it usually means several things and almost always means that the film has major flaws somewhere. Necromancy has major flaws and is just out and out bad. I saw the version on video called Rosemary's Disciples. Yes, I am sure it differs from other versions, but I am not inclined to think that in any way is any other version and the few more minutes it might have - going to be really any better. The story is perhaps the biggest problem: the film opens with Laurie waking up and her husband taking her to a town where he has a new job at a toy factory for occultists(yep, it gets bad this early!). The town is called Lillith and has some guy with a rifle on the bridge to make sure only those selected by the \\\"owner\\\" of the town are allowed in. Soon we find that everyone living in Lillith is a witch and all follow the directives of Mr. Cato - the head of this municipal coven who wants his dead son back(hence the name Necromancy). The people in the town do witch kind of stuff - have ceremonies, some like wearing a goat's head, and promiscuity abounds(not much really shown in this area), but none of these people are very good actors. Mr. Cato is played robustly by the figuratively and literally larger-than-life movie maverick Orson Welles. Welles is misused, but, make no mistake, he is the best thing in this movie. And that is really the saddest part of Necromancy as Welles gives a pretty poor and pedestrian performance with little directorial guidance. In one scene at a party, director Bert I Gordon keeps going back to Welles watching the action of the party using the exact same frames! It looked ridiculous. As did the scene that was repeatedly seen over and over again of a woman's arm centered in swirling flames after a car crash. It looked like the arm of a shop mannequin. The story is never fully utilized as we never really know what happens: many scenes are shot like dreams or hallucinations and never confirmed. This also applies to the corny, hokey ending. The lead Pamela Franklin is pert and pretty and has some talent. Other than her performance, real slim pickings from the rest of the cast sans Welles. The direction and story were both done by Gordon who obviously had little gas left in the engine. This is not a good movie in any way under any name.\": {\"frequency\": 1, \"value\": \"When a film has no ...\"}, \"Imagine that in adapting a James Bond novel into a movie, the filmmakers eliminated all the action and suspense in order to make it kid-friendly. Or if a television producer told Chris Rock he couldn't cuss so that his specials could be rated PG. In the same way, the director of the movie \\\"Something Wicked This Way Comes\\\" took out the excitement and gore in favor of melodrama for younger audiences. This created a monotonous plot without the complications of the book. In trying to make the story of \\\"Something Wicked This Way Comes\\\" easier for children to follow, the filmmakers eliminated the theme of good and evil both existing in everyone, and good always prevailing over evil. This is apparent in Will's character transformation, Charles Halloway's rescue of Jim, and the carnival's defeat.

Will's transformation into a more adventurous boy has been muted in the movie. The scene in which the Dust Witch visits Will's house in a balloon has been cut from the film. Instead, a green mist follows Jim and Will home and gives them the same bad dream about the Witch and her spiders. The balloon attack shows us that Will has begun to conquer his fear of doing things on his own. He gets on top of a neighbor's roof and tears the balloon with a bow, defeating the Witch. \\\"Sorry, Dad, he thought, and sat up, smiling. This time it's me out, alone,\\\" Will decides as he prepares to face her (147.) Removing this scene from the movie prevents us from understanding that Will is becoming more adventuresome. The film shows us many examples of Will being afraid to follow Jim, but never growing curious like his friend. In the book, Will has both a good, quiet side and an \\\"evil,\\\" daring side like his Jim. In the movie, each boy only has one mode of thought, which destroys Bradbury's theme of both good and evil being present in each person.

In the book, Will saves Jim because of their friendship, but, in the movie, Charles Halloway saves Jim to repay Jim's father. Will pulls Jim off the carousel in Bradbury's novel because he doesn't want his best friend to grow up without him. It is the good in Will, the fact that he cares about his friend, that saves Jim from the evil curse of the carnival. On the carousel, Jim \\\"gestured his other hand free to trail on the wind, the one part of him, the small, white, separate part that still remembered their friendship\\\" (269.) This shows that there was good left inside of Jim, which has the potential to still defeat evil. But when Charles Halloway saves Jim in the movie, he does it to repay the debt he owes Jim's father, who saved Will when he was a little boy. By changing the motivation for saving Jim, the filmmakers have ruined Bradbury's original idea that it takes good to win against evil.

In the end of the movie, the carnival is defeated by a tornado and lightning instead of smiles and laughter. When the book ends, Mr. Dark turns himself into a little boy and Charles Halloway smiles and laughs at him so much that he can't stand it and evaporates. In Bradbury's world, evil people feed off fear and can only be defeated by happiness and love. His message is that good will always prevail over evil, but only if that goodness is expressed outwardly. \\\"Good to evil seems evil,\\\" says Charles Halloway as he holds the dying Mr. Dark. \\\"So I will do only good to you, Jed. I'll simply hold you and watch you poison yourself\\\" (275.) In the movie, Mr. Dark is the only one left on the carousel when lightning hits it, and he dies. By eliminating the weapon of laughter and smiles, the filmmakers imply that bad weather is the most effective way to defeat evil, as if lightning only strikes those who are bad. This takes away the major theme of Bradbury's book, which is that doing \\\"good\\\" toward others wards off evil.

Good may always triumph over evil, but trying to make movies more kid-friendly will always force filmmakers to leave out some of the themes from the books they are based on. In the movie, \\\"Something Wicked This Way Comes,\\\" Will does not transform, Will's friendship does not save Jim, and smiles and laughter do not defeat the carnival. As a result, the filmmakers have left out too many of Bradbury's main points. The process of adapting a book to a movie too often ruins the world the author has established. In the case of this story, Bradbury's frightening world of opposing forces of good and evil has been reduced to a tamer, simpler version of itself.\": {\"frequency\": 1, \"value\": \"Imagine that in ...\"}, \"\\\"The Tenant\\\" is Roman Polanski's greatest film IMO. And I love \\\"Chinatown\\\", but this one is so much more original and unconventional and downright creepy. It's also a great black comedy. Some people I have shown this film to have been *very disturbed* by it afterwards so be forewarned it does affect some people that way. Polanski does a great job acting the lead role in \\\"The Tenant\\\" as well as directing it.\": {\"frequency\": 1, \"value\": \"\\\"The Tenant\\\" is ...\"}, \"I just watched this movie and have to say, I was very impressed. It's very creepy and has numerous moments that will make you jump out of seat! I had to smoke several \\\"emergency\\\" cigarettes along the way to calm my nerves! If I had to criticise, I'd say that perhaps if anything, there were too many jump moments. It got to the point where every single new scene climaxed with a jump and this gradually wore away the startling effect, because you kind of new what was coming.

Although it contains virtually every clich\\ufffd\\ufffd in the ghost genre, they were all done so well that it maintained the creepy, fear-factor. It had elements of The Shining, The 6th Sense and The Changeling (in particular, the soundtrack reminded me of The Changeling).

I would highly recommend this to anyone looking for a good old-fashioned scare!\": {\"frequency\": 1, \"value\": \"I just watched ...\"}, \"This is one of the weakest soft porn film around. I can't believe somebody wrote this stupid story before making some changes. The guy Mike is a major wimp and moron I can't believe he didn't want to take a shower with his bride-to-be Toni and be in a threesome with the french photographer Jan. He does do a threesome with Toni and Kristi but that was short I hate that every time in Soft Core Porn Films threesomes between a woman, a man, and a woman is short but a girl-girl thing is about an hour. To the makers of these films have the threesomes alot longer this film should've have two threesome scenes not one but two.\": {\"frequency\": 1, \"value\": \"This is one of the ...\"}, \"As usual, i went to watch this movie for A.R.Rahman. Otherwise, the film is no good. Rajni wanted to end his movie career with this film is it would be successful. But fortunately or unfortunately the film was a failure. After this he delivered a hit with Chandramukhi. I Am eagerly waiting for his forth coming Shivaji.

I have read the other user's comment on Rajni. I found it interesting as the user is from TN too. Rajni is one actor who acts, i think, from his heart not from his mind. He is not a method actor like Kamal Hasan. I think we need to appreciate Rajni for his strong going at his age.

Any ways, i need to fill 10 lines for this comment... so wish u good luck Rajni...........\": {\"frequency\": 1, \"value\": \"As usual, i went ...\"}, \"Of course if you are reading my review you have seen this film already. 'Raja Babu' is one of my most favorite characters. I just love the concept of a spoiled brat with a 24*7 servant on his motorcycle. Watch movies and emulate characters etc etc. I love the scene when a stone cracks in Kader khans mouth while eating. Also where Shakti Kapoor narrates a corny story of Raja Babu's affairs on a dinner table and Govinda wearing 'dharam-veer' uniform makes sentimental remarks. Thats my favorite scene of the film. 'Achcha Pitaji To Main Chalta Hoon' scene is just chemistry between two great Indian actors doing a comical scene with no dialogs. Its brilliant. It's a cat mouse film. Just watch these actors helping each other and still taking away the scene from each other. Its total entertainment. If you like Govinda and Kader Khan chemistry then its a must. I think RB is 6th in my list by David Dhawan. 'Deewana Mastana', 'Ankhein','Shola or Shabnam', 'Swarg', Coolie no 1' precedes this gem of a film. 7/10.\": {\"frequency\": 1, \"value\": \"Of course if you ...\"}, \"The Gospel of Lou was a major disappointment for me. I had received an E-Mail from the theater showing it that it was a great and inspirational movie. It was neither great nor inspirational. The cinematography was pretty iffy with the whole movie. A lot the scenes were flash backs that were done in a way that couldn't tell at times what they were about. The voices were often distorted for no reason. Also many of the people in the movie were far fetched. The relationship he has with his ex & son is never made clear. Also the whole movie has most him one way, and then all of a sudden BAM, he is cured and inspiring people. The whole movie seems to show that boxing is one of the things that is bad in his life, making him live his life the way that he is living it, but when he changes, he doesn't leave boxing, he teaches others how to box. Thumbs Down.\": {\"frequency\": 1, \"value\": \"The Gospel of Lou ...\"}, \"Stargate SG-1 follows and expands upon the Egyptian mythologies presented in Stargate. In the Stargate universe, humans were enslaved and transported to habitable planets by the Goa'uld such as Ra and Apophis. For millennia, the Goa'uld harvested humanity, heavily influencing and spreading human cultures. As a result, Earth cultures such as those of the Aztecs, Mayans, Britons, the Norse, Mongols, Greeks, and Romans are found throughout the known habitable planets of the galaxy. Many well-known mythical locations such as Avalon, Camelot, and Atlantis are found, or have at one time existed.

Presently, the Earth stargate (found at a dig site near Giza in 1928) is housed in a top-secret U.S. military base known as the SGC (Stargate Command) underneath Cheyenne Mountain. Col. Jack O'Neill (Anderson), Dr. Daniel Jackson (Shanks), Capt. Samantha Carter (Tapping) and Teal'c (Judge) compose the original SG-1 team (a few characters join and/or leave the team in later seasons). Along with 24 other SG teams, they venture to distant planets exploring the galaxy and searching for defenses from the Goa'uld, in the forms of technology and alliances with friendly advanced races.

The parasitic Goa'uld use advanced technology to cast themselves as Egyptian Gods and are bent on galactic conquest and eternal worship. Throughout the first eight seasons, the Goa'uld are the primary antagonists. They are a race of highly intelligent, ruthless snake-like alien parasites capable of invading and controlling the bodies of other species, including humans. The original arch-enemy from this race was the System Lord Apophis (Peter Williams). Other System Lords, such as Baal and Anubis, play pivotal roles in the later seasons. In the ninth season a new villain emerges, the Ori. The Ori are advanced beings with unfathomable technology from another galaxy, also bent on galactic conquest and eternal worship. The introduction of the Ori accompanies a departure from the primary focus on Egyptian mythology into an exploration of the Arthurian mythology surrounding the Ori, their followers, and their enemies\\ufffd\\ufffdthe Ancients.\": {\"frequency\": 1, \"value\": \"Stargate SG-1 ...\"}, \"There is an episode of The Simpsons which has a joke news report referring to an army training base as a \\\"Killbot Factory\\\". Here the comment is simply part of a throwaway joke, but what Patricia Foulkrod's documentary does is show us, scarily, that it is not that far from the truth. After World War Two the US Army decided to tackle a problem they faced throughout the war; that many soldiers got into battle and found themselves totally unable to kill another human being unless it was a matter of 'me or them'. Since then the training process of the US army has been to remove all moral scruples and turn recruits into killing machines who don't think of combatants as people. To develop in them a most unnatural state: \\\"The sustainable urge to kill\\\".

First off, this isn't an antiwar movie as such. Whilst it certainly paints war in a very bad light, Foulkrod focuses rather on an aspect that doesn't get as much media attention as, say, the debate over the legality of a war or it's physical successes or failures; the affect the process of turning a man into a soldier has on that person as a human being. It's the paradox that to train someone to be a soldier to defend society makes them totally unsuitable to live as part of that society themselves, and whilst most of the examples and interviewees are from the current Middle East conflict Foulkrod makes the links to past conflicts, especially Vietnam, painfully clear. This isn't about any particular war, it's about the problems caused by war in general.

Structurally the film seems to be split into three sections; how recruits are drawn into the army and the training they receive, how they are treated once they are in combat, and what happens once they leave the army. Once this point is reached you realise that the main target of this film is actually the policies that are inherent in the armed forced, policies that are put into place to make soldiers into an affective combat force but removing all humanity from the individuals. Those interviewed tell the camera how the recruiting process seems so clean and simple, how word like \\\"democracy\\\" and \\\"freedom\\\" are banded around, but once the training begins they become \\\"enemy\\\" and \\\"kill\\\" and \\\"destroy\\\". How once in action soldiers don't care what they are ordered to do, as they are ingrained with the idea that as soon as they carry out an order, whatever it may be, they are one step closer to going home. They have no political or social ideals to fight for but fight and kill as that's what they've been trained to do.

But The Ground Truth's main goal is to highlight the way the US Army discards those who have fought for their country once they return home. There is no real rehabilitation given to soldiers returning, and many are forced to go home unable to cope with what they have seen and done, and most policies in place seem to be to make sure the army has no legal responsibility whatsoever for psychological affects their soldiers pick up. This is the final indignity, that once they are used they are cast away.

If there is a flaw in the film it is that Foulkrod doesn't attempt to show another side to the argument. You would get the impression that every single soldier who ever went to war would come back with Post Traumatic Stress Syndrome. It would have been interesting to see those of a\\ufffd\\ufffd less liberal upbringing give their opinions of how the army handles training and policies. There is never a chance for the other side of the argument to make itself known.

But other than that this is an expertly crafted documentary, and Foulkrod's use of stock footage and music is perfectly utilised to get across a side of war that too often get s passed by when discussing the fallout of war.\": {\"frequency\": 1, \"value\": \"There is an ...\"}, \"This is one really bad movie. I've racked my brain and I cannot come up with one positive comment to make. The acting is atrocious. I've seen more believable performances on cable access. The plot is ridiculous. Stolen diamonds, secret recordings of the President, and a shark that attacks anything that gets near it should have made for cheesy fun at the worst. Night of the Sharks isn't even so bad it's good. The dialogue sounds and is delivered as if it were written seconds before it's filmed. And to top it off, Night of the Sharks has the worst soundtrack I've ever heard. I'm surprised my ears didn't start bleeding from the 80s techno synthesized sounds that someone actually bothered to record.

From everything I've read, the Italian film industry was dead by 1987. Night of the Sharks is like a final nail in the coffin.\": {\"frequency\": 1, \"value\": \"This is one really ...\"}, \"Of all the films I have seen, this one, The Rage, has got to be one of the worst yet. The direction, LOGIC, continuity, changes in plot-script and dialog made me cry out in pain. \\\"How could ANYONE come up with something so crappy\\\"? Gary Busey is know for his \\\"B\\\" movies, but this is a sure \\\"W\\\" movie. (W=waste).

Take for example: about two dozen FBI & local law officers surround a trailer house with a jeep wagoneer. Inside the jeep is MA and is \\\"confused\\\" as to why all the cops are about. Within seconds a huge gun battle ensues, MA being killed straight off. The cops blast away at the jeep with gary and company blasting away at them. The cops fall like dominoes and the jeep with Gary drives around in circles and are not hit by one single bullet/pellet. MA is killed and gary seems to not to have noticed-damn that guy is tough. Truly a miracle, not since the six-shooter held 300 bullets has there been such a miracle.\": {\"frequency\": 1, \"value\": \"Of all the films I ...\"}, \"I really enjoyed this movie. The script is fresh and unpredictable and the acting is outstanding.It is a down-to-earth movie with characters one cares about. It brought tears into my eyes a few times but left me with a great feeling afterwards.\": {\"frequency\": 2, \"value\": \"I really enjoyed ...\"}, \"I was at the same screenwriters conference and saw the movie. I thought the writer - Sue Smith - very clearly summarised what the film was about. However, the movie really didn't need explanation. I thought the themes were abundantly clear, and inspiring. A movie which deals with the the ability to dare, to face fear - especially fear passed down from parental figures - and overcome it and, in doing so, embrace life's possibilities, is a film to be treasured and savoured. I enjoyed it much more than the much-hyped 'Somersault.' I also think Mandy62 was a bit unkind to Hugo Weaving. As a bloke about his vintage, I should look so good! I agree that many Australian films have been lacklustre recently, but 'Peaches' delivers the goods. I'm glad I saw it.\": {\"frequency\": 1, \"value\": \"I was at the same ...\"}, \"It's 1978, and yes obviously there are too many black players on the teams as well! Fans will be upset and certainly the 75,000 seats will be full, only less happy there are so many black players on the field! This made for TV Super Bowl movie is watchable. It's not much more, but it's really surprising the cast of talented actors that make an appearance (for the time), probably most notably Tom Selleck. Unfortunately any goodness Selleck brings to the screen, is quickly trumped by \\\"actors\\\" like Dick Butkus.

It's a silly story about super bowl betting. PJ Jackson is charged by \\\"New York\\\" (read mafia) for ensuring the game ends for their favor, in this case a $10,000,000 bet. PJ is innocent enough, and seems to have a loose grasp by buying off a few people here and there. But things seem to fall apart for him. Another person, the unsuspected Lainie, takes charge. For a while, the mystery of murders isn't known for certain, but is revealed rather plainly at the final murder that Lainie is the new antagonist.

It's a bad movie, but is watchable. The acting is decent, and the filming is OK. At least there weren't any silly typical 70s car chases (they have their place just not here). Just keep an open mind about past stereotyping and the cocaine era and you'll survive.

2/10 (maybe a 2.5)\": {\"frequency\": 1, \"value\": \"It's 1978, and yes ...\"}, \"It's not well shot, well written or well acted but it has to be the most addictive show I've seen since Twin Peaks. Every single revelation is timed so well that you have to see the next episode to get any kind of closure. They have even slowed down the pace of the show where they only reveal tiny amounts of information per episode however it feels like they've just told you everything you wanted to know. However some of the acting is just about awful and some of the duologue is downright brutal. Some characters are very two dimensional. The more experienced actors like Locke and Ecko really stand out over actors who play Jack, Kate, Sayid and so on. The development of the show can also be very frustrating as the following episode may not show what the previous episode lead up to. Annoying side plots have become part of the story that sometimes tell you nothing. However, the second season has developed to a point where back stories reveal more about the island than they had previously. All in all its a great show but not perfect.\": {\"frequency\": 1, \"value\": \"It's not well ...\"}, \"When I first saw this film, I thought it should have come from the children's section - It's very fun and at times humorous, and is actually quite a good story, but it severely lacks the \\\"romantic chemistry\\\" that actors like Meg Ryan and Tim Robbins are capable of delivering. I must note that Walter Matthau is perfect for the part of Albert Einstein, and his performance is extraordinary, but that's the sole exception. This film appears a bit forced, the directing lacks substance, and oh yeah...the music is ridiculously awful, it didn't put me in a very good mood. But if you are not expecting a smart, well-crafted comedy/romance tale, then this certainly can be entertaining, like I said..it should be in the children's section. Einstein and his buddies are a good relief from Tim Robbins' boring, almost tense quest to steal Meg Ryan's heart. A very conflicting film, but as long as it's not taken seriously this can be an alright movie.\": {\"frequency\": 1, \"value\": \"When I first saw ...\"}, \"I really wanted to like this western, being a fan of the genre and a fan of \\\"Buffalo Bill,\\\" \\\"Wild Bill Hickok,\\\" and \\\"Calamity Jane,\\\" all of whom are in this story! Add to the mix Gary Cooper as the lead actor, and it sounded great.

The trouble was.....it wasn't. I found myself looking at my watch just 40 minutes into this, being bored to death. Jean Arthur's character was somewhat annoying and James Ellison just did not look like nor act like \\\"Buffalo Bill.\\\" Cooper wasn't at his best, either, sounding too wooden. This was several years before he hit his prime as an actor.

In a nutshell, his western shot blanks. Head up the pass and watch another oater because most of 'em were far better than this one.\": {\"frequency\": 1, \"value\": \"I really wanted to ...\"}, \"A lot of people seemed to have liked the film, so I feel somewhat bad giving it a bad review. But after sitting through 96 minutes of it, I feel I have to do so. Where the heck is the plot in this film?! I must have missed it, I was waiting for the storyline to unfold and nothing happened. Sure the ending was \\\"somewhat shocking\\\" but they didn't build up to it. I forgot who was who half of the time, so they didn't really develop the characters. The acting was so-so, most of the time it was believable, but I was able to see through it most of the time. So... without giving anything away, I must say that unless you like the actors in the film, there is no real reason to watch this movie. I could be mistaken, but I just didn't understand why there was so little, or too much of the film. I can't decide which one that would be, so I say judge for yourselves. I don't even know if renting it would be a good idea, the cost and all...

Plot: 0/10 Characters: 1/10 Acting: 2/10 Overall: 3/10 I feel like that's too high really, I am staying with my vote up at the top.\": {\"frequency\": 1, \"value\": \"A lot of people ...\"}, \"Another double noir on one disc from Warner Home Video and by far the better of the two movies is RKO's marvellous 1950 thriller \\\"Where Danger Loves\\\". This is a memorable classic with a great cast in Robert Mitchum, Faith Domergue and Claude Rains. Crisply photographed in Black & White by Nicholas Musuraca it was tightly directed by John Farrow. \\\"Where Danger Lives\\\" is a prime example of the noir style of picture making and will always be remembered for its stylish craftsmanship that was Hollywood's past - (See my full review).

Unfortunately, none of the above praise can be applied to the second movie on the disc, the abysmal MGM 1949 stinker TENSION! Poorly written (Allen Rivkin) and directed by John Berry this movie is full of ludicrous characterisations and unlikely situations. The inconceivable relationship between a mild mannered and wimpish pharmacist - blandly played by Richard Baseheart - and his overtly floozy wife (a risible Audrey Totter) is totally implausible and unconvincing (how on earth they ever got together in the first place is anybody's guess). Then when she \\\"unsurprisingly\\\" ditches him for one of her playmates (Lloyd Gough) our timid pharmacist, instead of being euphoric and over the moon with his new found good fortune, plots revenge and attempts to kill Gough but at the last minute chickens out. The guy gets murdered anyway and our pharmacist is immediately suspected by Homicide detective Barry Sullivan (another bland performance). So who did kill him? Well, at this stage of the movie you really couldn't care less since it is all so badly executed and rendered ridiculous by director Berry. Mr. Berry has no idea of pacing and is unable to inject even a smidgen of style into the thing. There is nothing he can put in front of the camera that will prevent you from nodding off! The only TENSION contained in this movie is in the rubber band that is stretched to its limit and snaps in the fingers of Barry Sullivan as he gives the intro at the film's opening. So much for that! A most unfortunate effort! C'est La Vie!

Best things about this turkey is the smooth Monochrome Cinematography by the great Harry Stradling, an effective score by a young Andre Previn and an early dramatic appearance by the lovely Cyd Charisse before she found her dancing shoes. Hey! - maybe she could have saved the picture had she given us a few steps and a couple of pirouettes! HUH?

In its favour however, are the heaps of extras that are included which boasts trailers, commentaries and featurettes for both films. But the disc is worth it alone for the RKO Mitchum classic!\": {\"frequency\": 1, \"value\": \"Another double ...\"}, \"Gojoe is part of a new wave of Japanese cinema, taking very creative directors, editors and photographers and working on historic themes, what the Japanese call \\\"period pieces\\\". Gojoe is extremely creative in terms of color, photography, and editing. Brilliant, even. The new wave of Japanese samurai films allows a peek at traditional beliefs in shamanism, demons and occult powers that were certainly a part of their ancient culture, but not really explored in Kurosawa's samurai epics, or the Zaitochi series. Another fine example of this genre is Onmyoji (2001). I would place director Sogo Ichii as one of the most interesting and creative of the new wave Japanese directors. Other recent Japanese period pieces I would highly recommend include Yomada's Twilight Samurai (2002) and Shintaro Katsu's Zatoichi: The Blind Swordsman (2003).\": {\"frequency\": 1, \"value\": \"Gojoe is part of a ...\"}, \"Channel 4 is a channel that allows more naughty stuff than any of the other channels, this show was certainly a naughty one. The presenter of this sometimes gross adult chat show, Four-time BAFTA winning and British Comedy Award winning (also twice nominated) Graham Norton was just the perfect gay host for a good show like this. It had one or more famous celebrities in the middle of it. They basically had an adult idea which would either gross, humiliate or humour the guest, but some are not for the faint-hearted. They had women playing the recorder with their parts, men using their dicks to play a xylophone, women weeing upwards in the bath, men with or without pants under their kilts, and many more gross but hilarious ideas. This is just for adults, but enjoy it! It won the BAFTA twice for Best Entertainment (Programme or Series), it won the British Comedy Awards for Best Comedy Entertainment Programme (also nominated), Best Comedy Talk Show, it won an Emmy for episode #18 (?), and it won the National Television Awards twice for Most Popular Talk Show. It was number 52 on The 100 Greatest Funny Moments. Very good!\": {\"frequency\": 1, \"value\": \"Channel 4 is a ...\"}, \"Yikes, it was definitely one of those sleepless nights where I surfed the channels and bumped into this stinker of a movie. For some of the names in the cast, I'd expect a much better movie. I'm almost embarrassed to see Oscar Winner F. Murray Abraham being reduced to such a horrible part. I hope the money was worth it. And the students, they talked about fencing like they were talking about survival in a war or through a horrible disaster. I mean, I've fenced, it's a fun sport, but I've never been that intense. The only reason I even watched this entire movie was because the remote fell under the sofa and I was too lazy to get it back.\": {\"frequency\": 1, \"value\": \"Yikes, it was ...\"}, \"I grew up during the time that the music in this movie was popular. What a wonderful time for music and dancing! My only complaint was that I was a little too young to go to the USO and nightclubs. Guess it sounds like I'm living in the past, (I do have wonderful memories)so what's wrong with that?!!? World War 2 was a terrible time, except where music was concerned. Glenn Miller's death was a terrible sadness to us. This movie will be a favorite of mine. Clio Laine was excellent; what a voice! I don't know how I ever missed this movie. My main reason for this commentary is to alert the modern generation to an alternative to Rap and New Age music, which is offensive to me. Please watch this movie and give it a chance!\": {\"frequency\": 1, \"value\": \"I grew up during ...\"}, \"To call a film about a crippled ghost taking revenge from beyond the grave lame and lifeless would be too ironical but this here is an undeniably undistinguished combination of GASLIGHT (1939 & 1944) via LES DIABOLIQUES (1954); while still watchable in itself, it's so clich\\ufffd\\ufffd-ridden as to provoke chuckles instead of the intended chills. However, thanks to the dire straits in which the British film industry found itself in the late 1970s, even a mediocre script such as this one was able to attract 10 star names - Cliff Robertson (as the conniving husband), Jean Simmons (in the title role), Jenny Agutter (as Robertson's artist half-sister), Simon Ward (as the enigmatic chauffeur), Ron Moody (as an ill-fated doctor), Michael Jayston (as Robertson's business partner), Judy Geeson (as Simmons' best friend and Jayston's wife), Flora Robson (as the housekeeper), David Tomlinson (as the notary reading Simmons' will) and, most surprisingly perhaps, Jack Warner (as a gravestone sculptor) - although most of them actually have nothing parts, I'm sorry to say!\": {\"frequency\": 1, \"value\": \"To call a film ...\"}, \"

This movie is full of references. Like \\\"Mad Max II\\\", \\\"The wild one\\\" and many others. The ladybug\\ufffd\\ufffds face it\\ufffd\\ufffds a clear reference (or tribute) to Peter Lorre. This movie is a masterpiece. We\\ufffd\\ufffdll talk much more about in the future.\": {\"frequency\": 1, \"value\": \"

This ...\"}, \"CAROL'S JOURNEY is a pleasure to watch for so many reasons. The acting of Clara Lago is simply amazing for someone so young, and she is one of those special actors who can say say much with facial expressions. Director Imanol Urbibe presents a tight and controlled film with no break in continuity, thereby propelling the plot at a steady pace with just enough suspense to keep one wondering what the nest scene will bring. The screenplay of Angel Garcia Roldan is story telling at its best, which, it seems, if the major purpose for films after all. The plot is unpredictable, yet the events as they unravel are completely logical. Perhaps the best feature of this film if to tell a story of the Spanish Civil War as it affected the people. It was a major event of the 20th century, yet hardly any Americans know of it. In fact, in 40 years of university teaching, I averaged about one student a semester who had even heard of it, much less any who could say anything comprehensive about it--and the overwhelming number of students were merit scholars, all of which speaks to the enormous amount of censorship in American education. So, in one way, this film is a good way to begin a study of that event, keeping in mind that when one thread is pulled a great deal of history is unraveled. The appreciation of this film is, therefore, in direct relation to the amount of one's knowledge. To view this film as another coming of age movie is the miss the movie completely. The Left Elbow Index considers seven aspects of film-- acting, production sets, character development, plot, dialogue, film continuity, and artistry--on a scale for 10 for very good, 5 for average, and 1 for needs help. CAROL'S JOURNEY is above average on all counts, excepting dialogue which is rated as average. The LEI average for this film is 9.3, raised to a 10 when equated to the IMDb scale. I highly recommend this film for all ages.\": {\"frequency\": 1, \"value\": \"CAROL'S JOURNEY is ...\"}, \"Having just seen the A Perfect Spy mini series in one go, one can do nothing but doff one's hat - a pure masterpiece, which compared to the other Le Carr\\ufffd\\ufffd minis about Smiley, has quite different qualities.

In the minis about Smiley, it is Alex Guiness, as Smiley, who steals the show - the rest of the actors just support him, one can say.

Here it is ensemble and story that's important, as the lead actor, played excellently by Peter Egan in the final episodes, isn't charismatic at all.

Egan just plays a guy called Magnus Pym, who by lying, being devious and telling people what they like to hear, is very well liked by everyone, big and small. The only one who seems to understand his inner self is Alex, his Czech handler.

Never have the machinery behind a spy, and/or traitor, been told better! After having followed his life from a very young age we fully understand what it is that makes it possible to turn him into a traitor. His ability to lie and fake everything is what makes him into 'a perfect spy', as his Czech handler calls him.

And, by following his life, we fully understand how difficult it is to get back to the straight and narrow path, once you've veered off it. He trundles on, even if he never get anything economic out of it, except promotion by his MI5 spy masters. Everyone's happy, as long as the flow of faked information continues!

Magnus's father, played wonderfully by Ray McAnally, is a no-good con-man, who always dreams up schemes to con people out of their money. In later years it is his son who has to bail him out, again and again. But by the example set by his dad and uncle, who takes over as guardian when his father goes to prison, and his mom is sent off to an asylum, Magnus quickly learns early that lying is the way of surviving, not telling the truth. At first he overdoes it a bit, but quickly learn to tell the right lies, and to be constant, not changing the stories from time to time that he tell those who want to listen about himself and his dad.

His Czech handler Alex, expertly played by R\\ufffd\\ufffddiger Weigang, creates, with the help of Magnus, a network of non-existing informants, which supplies the British MI5 with fake information for years, and years, just as the British did with the German spies that were active in the UK before and during the war - they kept on sending fake information to Das Vaterland long after the agents themselves had been turned, liquidated or simply been replaced by MI5 men.

The young lads who play Magnus in younger years does it wonderfully, and most of them are more charismatic than the older, little more cynic, and tired, Pym, played by Egan. But you buy the difference easily, as that is often the way we change through life, from enthusiasm to sorrow, or indifference.

Indeed well worth the money!\": {\"frequency\": 1, \"value\": \"Having just seen ...\"}, \"A tour deforce! OK the kid that plays Oliver is a bit toooooo sweet! Starting with the great cinematography, color, costumes and most impressive performances this is a must see movie. I have seen several adaptations of this great novel, but this one stands above them all and its a musical to boot! It is a masterful Fagan, never leaving his character to do a song. You never really know if you like him or not, the same feeling I got in the book. In other versions you hate him from start to finish. Bill Sykes.... when you read the book hes a mean one, and so he is in this movie. Oliver Reed was masterful. His wife directed this masterpiece. I went and saw his last movie, Gladiator based on his many fine performances, not to see the headliners. The music fits the times and the mood. Who will buy this beautiful movie? You Should!\": {\"frequency\": 1, \"value\": \"A tour deforce! OK ...\"}, \"I have been a huge Lynn Peterson fan ever since her breakthrough role in the 1988 blockbuster movie \\\"Far North\\\", and even though I loved her in her one other film \\\"Slow\\\" (2004) where she plays \\\"Francis\\\", this is by far and away her strongest role.

Lynn, as I'm sure you all know (or should), plays the critical role of \\\"Driver\\\".

Unfortunately, other than Lynn's amazing performance, I'm afraid this movie doesn't really have much going for it.

Oh wait - there was one other thing - the amazing creativity of the editing to remove profanity for TV viewers. Memorable lines like: \\\"You son-of-a-gun!\\\", \\\"You son-of-a-witch!\\\", \\\"Shoot!\\\", and \\\"Well, Forget You!\\\"

O.K. Bye.

P.S.: Does anyone know where I can get another Lynn Peterson poster?\": {\"frequency\": 1, \"value\": \"I have been a huge ...\"}, \"Jeux d'enfants or how the film was wrongly translated into English Love me if You Dare is a film made by stupid people and about stupid people. I just don't know how I could expect something worth a look from a film with such plot: Two stupid ignorant kids make a bet that each of them will do something (certainly extremely idiotic) to prove to each other (wtf?) that they are \\\"cool dudes\\\". I know that i exaggerated some aspects but that is what the entire film is about. They grow older...and instead of realizing that they are just a couple of alienated weirdos continue to perform their crazy things, thinking that they are great people.

One could expect such a film from Hollywood, but France? It is even more offensive to watch the film from the country which created Amelie a couple of years ago, which, btw, the film tries to look like but is far, extremely far away from.

Avoid. Avoid. Avoid.\": {\"frequency\": 1, \"value\": \"Jeux d'enfants or ...\"}, \"My watch came a little too late but am glad i watched both this and the sequel together...which makes me compliment the makers of this flick for giving such a pure and basic treatment to the idea of romanticism... and very marginally separating it from the idea of relationships! As a lot has been written about the movie already, it would just be appropriate to highlight few portions of the movie which i personally loved.

I think the point where Jesse and Celine make phony phone calls to their respective friends was a very shrewd way of telling each other what they had meant to each other through a journey not even extending 24 hrs... the curiosity of two people who both think the other has made an infallible impact on the other has been very smartly dealt with...

On the plot front , making a romantic story work on pure conversation is not an easy job to accomplish..

I believe in romantic flicks of such flavor , the characters are not clearly designed even in the writer's and director's mind. What the actors bring out is what becomes of them .. right or wrong even the idea bearers would find it difficult to justify... to become the character, the life the actor gives has to go beyond instructions and the story...here both the actors do just the RIGHT job! Kudos..!!!and Before sunset is another feather which makes this one even more beautiful!\": {\"frequency\": 1, \"value\": \"My watch came a ...\"}, \"

The movie \\\"Slugs\\\" is unique because the titular vermin are actually the good guys in this horrific tale of nature gone awry. You see, these poor slugs have been mutated through the pollution of evil humans and don't mean to do anything malicious, they're just slugs- slugs with sharp teeth who eat flesh and excrete poison, but slugs none the less. The real bad guys are the humans, who either actively try to destroy our beloved slugs, or overreact when they encounter them.

For example, take the scene where the guy puts on the glove full of slugs. They were just hanging out in a comfortable work glove when out of nowhere this giant hand came at them, and they reacted instinctively, defending themselves and biting the guy. Now, instead of seeking medical attention for his slug bite, this guy runs around his greenhouse screaming like an idiot, spills some highly volatile chemicals, starts a fire, knocks a bookcase over on himself, and cuts off his own hand- then the fire and volatile chemicals mix and his house explodes. How can you blame that on the slugs?

This movie paints a portrait of humans that is less than favorable. The characters in this movie include the dumb sheriff who hates everybody, the drunk hick who's mean to his dog, and the lumpy sidekick whose wife is at least forty-five years older than him. There's also a set of drunken teens

that get attacked while copulating, and we have to see the skinny long-haired freaks' genitals. Meanwhile, there's a guy who looks like a demonic Leslie Neilson who yells \\\"You don't have the authority to declare happy birthday!\\\" for some reason. Finally, this parade of loathsomeness is rounded out by the guy from the MST3K classic \\\"Pod People\\\" whose face explodes after eating a slug-laces salad (another easily avoided fate blamed on the helpful, harmless slugs).

Humans are portrayed as greedy, stupid, racist, alcoholic, and, in one pointless scene, as would-be rapists. In the movie's climactic scene, the villainous humans try to burn the slugs who are cowering helplessly in the sewers, Well, since they're idiots, the humans succeed in BLOWING UP THE ENTIRE TOWN. They alone do more damage than the slugs ever did!

If you hate humans, and I know I do, you'll appreciate \\\"Slugs\\\". If you're a fan of bad cinema, you'll also appreciate this crapfest from the director of \\\"Pieces\\\" and \\\"Pod People\\\". There's enough bad acting, silly dialog, illogical plot twists, lame special effects, pointless scenes, and poor dubbing to hold your attention.\": {\"frequency\": 1, \"value\": \"

The ...\"}, \"If you \\\"get it\\\", it's magnificent.

If you don't, it's decent.

Please understand that \\\"getting it\\\" does not necessarily mean you've gone through a school shooting. There is so much more to this movie that, at times, the school shooting becomes insignificant.

Above all, it's a movie about acceptance, both superficially--of a traumatic event, but also of people who are different for whatever reason.

It's also a movie about unendurable pain, and how different people endure it. In this case, the contrast between Alicia's rage and Deanna's obsession creates an atmosphere of such palpable anxiety that halfway through the movie we wonder how the director could possibly pull a happy ending out of his hat. Thankfully, the audience is given credit for being human beings; our intelligence is not insulted by a sappy, implausibly moralistic ending.

Above and beyond that, I try to keep a clear head about movies being fiction and all that. Yet I must admit, I cried like a lost little baby during this movie. There were certain things about it that hit *very* close to home and opened up some old wounds that never quite healed. But that is not necessarily a bad thing.\": {\"frequency\": 1, \"value\": \"If you \\\"get it\\\", ...\"}, \"I always thought this would be a long and boring Talking-Heads flick full of static interior takes, dude, I was wrong. \\\"Election\\\" is a highly fascinating and thoroughly captivating thriller-drama, taking a deep and realistic view behind the origins of Triads-Rituals. Characters are constantly on the move, and although as a viewer you kinda always remain an outsider, it's still possible to feel the suspense coming from certain decisions and ambitions of the characters. Furthermore Johnnie To succeeds in creating some truly opulent images due to meticulously composed lighting and atmospheric light-shadow contrasts. Although there's hardly any action, the ending is still shocking in it's ruthless depicting of brutality. Cool movie that deserves more attention, and I came to like the minimalistic acoustic guitar score quite a bit.\": {\"frequency\": 1, \"value\": \"I always thought ...\"}, \"\\\"Ko to tamo peva\\\" is one of the best films I ever saw. A tragicomedy with very deep implications on the fate of humankind shown through the eyes of seemingly very plain and common people from a God-forsaken Serbian province just before the start of the World War II. I saw it in a small movie theater in Russia where the film had had a very limited distribution, and I had no chance to come across it ever since. It is such a pity that this excellent film is almost forgotten now. I searched for a VHS or DVD copy of it many times, and alas - could find none. I would be most grateful to other fans of this little gem of movie-making for a suggestion of the ways to purchase a copy.\": {\"frequency\": 1, \"value\": \"\\\"Ko to tamo peva\\\" ...\"}, \"Heavenly Days commits a serious comedy faux pas: it's desperate to teach us a civics lesson, and it won't stop until we've passed the final exam. Fibber McGee and Molly take a trip to Washington, where they see the senate in action (or inaction, if you prefer), have a spat with their Senator (Eugene Palette in one of the worst roles of his career), get acquainted with a gaggle of annoying stereotypical refugee children, and meet a man on a train reading a book by Henry Wallace. Henry Wallace!! A year later, he was considered a near communist dupe, but in 1944, he was A-OK. Add in some truly awful musical moments, a whole lot of flagwaving hooey, and a boring subplot about newspaper reporters, and you've got a film that must have had Philip Wylie ready to pen Generation of Vipers 2: D.C. Boogaloo. Drastically unfun, Heavenly Days is another reminder that the Devil has all the best tunes.\": {\"frequency\": 1, \"value\": \"Heavenly Days ...\"}, \"RUN...do not walk away from this movie!!!!! Aimed at the very young kids, this movie will bore you to tears. If the Gamera trilogy of the 90's raised the bar, this film just lowered it. It's slow paced and the monster fighting is good, but seldom seen. This movie had me dry heaving in the cat box. Just a very poor offering after a phenomenal 90's series.

SPOILERS BEYOND THIS POINT!!!!!!!!!!! Here are the top 10 reasons Gamera fans of the 90's series will HATE this film.

10. This movie is a drama that follows a kid trying to cope with the death of his mother and fears losing baby Gamera to a fight after knowing his father saw the adult Gamera die.

9. You see the adult Gamera for maybe a minute at the beginning of the film. He gets his butt kicked by a few Gyaos and self destructs??? He looks old and lethargic. Plus he looks nothing like any gamera you've ever seen. His suit looked cheap and rushed.

8. The young Gamera you see through the rest of the film looks like a Pokemon. Big-eyed and cute...it will remind you of the baby Godzilla from Godzilla vs MechaGodzilla 2. Gamera is now too cute.

7. This movie has the pace of watching a NASCAR race during a 3 hour rain delay. I watched this movie with 2 other Gamera fans and nobody was happy with how slowly this film moved along. I've seen an SUV full of fat people going up a mountain road move faster.

6. Like Godzilla:Final Wars, this movie had very little kaiju time on screen. Final Wars had much more, actually, and better fights although short.

5. Kids take the title role. The friend of all children theme and poor writing killed the original Gamera series in the 1970's and history repeats itself in the 2000's. The most successful Gamera films abandoned the Sesame Street feel and went to a darker place. Why go back to a failed formula? This was to be a new trilogy and poor ticket sales killed any hope for this story to continue (thank god).

4. Gamera lost his iconic roar. He now sounds like an Elephant with strep throat.

3. This movie may produce a new Olympic event.....Imagine a relay race that involves sending very young children into harm's way. You have to see the ending to understand this point. Where were the parents? Oh yea..right there sending their kids into a kaiju battle zone.

2. The special effects were good, but sub-par for a Gamera movie. Legion and Iris had better effects. The best effect was showing the apple sized baby Gamera fly. Not too impressive.

1. This movie is just not what adult kaiju fans come to expect. The director was involved in Power Rangers and it shows. It comes off like a cross between ET, Always: Sunset on Third Street and TMNT. Kudos if you know all 3 references.

Rental at best or watch once if you buy it to complete the DVD series.\": {\"frequency\": 1, \"value\": \"RUN...do not walk ...\"}, \"Granting the budget and time constraints of serial production, BATMAN AND ROBIN nonetheless earns a place near the bottom of any \\\"cliffhanger\\\" list, utterly lacking the style, imagination, and atmosphere of its 1943 predecessor, BATMAN.

The producer, Sam Katzman, was known as \\\"King of the Quickies\\\" and, like his director, Spencer Bennett, seemed more concerned with speed and efficiency than with generating excitement. (Unfortunately, this team also produced the two Superman serials, starring Kirk Alyn, with their tacky flying animation, canned music, and dull supporting players.) The opening of each chapter offers a taste of things to come: thoroughly inane titles (\\\"Robin Rescues Batman,\\\" \\\"Batman vs Wizard\\\"), mechanical music droning on, and our two heroes stumbling toward the camera looking all around, either confused or having trouble seeing through their cheap Halloween masks. Batman's cowl, with its devil's horns and eagle's beak, fits so poorly that the stuntman has to adjust it during the fight scenes. His \\\"utility belt\\\" is a crumpled strip of cloth with no compartments, from which he still manages to pull a blowtorch and an oxygen tube at critical moments!

In any case, the lead players are miscast. Robert Lowery displays little charm or individual flair as Bruce Wayne, and does not cut a particularly dynamic figure as Batman. He creates the impression that he'd rather be somewhere, anywhere else! John Duncan, as Robin, has considerable difficulty handling his limited dialogue. He is too old for the part, with an even older stuntman filling in for him. Out of costume, Lowery and Duncan are as exciting as tired businessmen ambling out for a drink, without one ounce of the chemistry evident between Lewis Wilson and Douglas Croft in the 1943 serial.

Although serials were not known for character development, the earlier BATMAN managed to present a more energetic cast. This one offers a group going through the motions, not that the filmmakers provide much support. Not one of the hoodlums stands out, and they are led by one of the most boring villains ever, \\\"The Wizard.\\\" (Great name!) Actually, they are led by someone sporting a curtain, a shawl, and a sack over his head, with a dubbed voice that desperately tries to sound menacing. The \\\"prime suspects\\\" -- an eccentric professor, a radio broadcaster -- are simply annoying.

Even the established comic book \\\"regulars\\\" are superfluous. It is hard to discern much romance between Vicki Vale and Bruce Wayne. Despite the perils she faces, Vicki displays virtually no emotion. Commissioner Gordon is none-too-bright. Unlike in the previous serial, Alfred the butler is a mere walk-on whose most important line is \\\"Mr Wayne's residence.\\\" They are props for a drawn-out, gimmick-laden, incoherent plot, further saddled with uninspired, repetitive music and amateurish production design. The Wayne Manor exterior resembles a suburban middle-class home in any sitcom, the interiors those of a cheap roadside motel. The Batcave is an office desperately in need of refurbishing. (The costumes are kept rolled up in a filing cabinet!)

Pity that the filmmakers couldn't invest more effort into creating a thrilling adventure. While the availability of the two serials on DVD is a plus for any serious \\\"Batfan,\\\" one should not be fooled by the excellent illustrations on the box. They capture more of the authentic mood of the comic book than all 15 chapters of BATMAN AND ROBIN combined.

Now for the good news -- this is not the 1997 version!\": {\"frequency\": 1, \"value\": \"Granting the ...\"}, \"Harold Pinter rewrites Anthony Schaeffer's classic play about a man going to visit the husband of his lover and having it all go sideways. The original film starred Laurence Olivier and Michael Caine. Caine has the Olivier role in this version and he's paired with Jude Law. Here the film is directed by Kenneth Branaugh.

The acting is spectacular. Both Caine and Law are gangbusters in their respective roles. I really like the chemistry and the clashing of personalities. It's wonderful and enough of a reason to watch when the script's direction goes haywire.

Harold Pinter's dialog is crisp and sharp and often very witty and I understand why he was chosen to rewrite the play (which is updated to make use of surveillance cameras and the like).The problem is that how the script moves the characters around is awful. Michale Caine walks Law through his odd modern house with sliding doors and panels for no really good reason. Conversations happen repeatedly in different locations. I know Pinter has done that in his plays, but in this case it becomes tedious. Why do we need to have the pair go over and over and over the fact that Law is sleeping with Caine's wife? It would be okay if at some point Law said enough we've done this, but he doesn't he acts as if each time is the first time. The script also doesn't move Caine through his manipulation of Law all that well. To begin with he's blindly angry to start so he has no chance to turn around and scare us.(Never mind a late in the game revelation that makes you wonder why he bothered) In the original we never suspected what was up. here we do and while it gives an edge it also somehow feels false since its so clear we are forced to wonder why Law's Milo doesn't see he's being set up. There are a few other instances but to say more would give away too much.

Thinking about the film in retrospect I think its a film of missed opportunities and missteps. The opportunities squandered are the chance to have better fireworks between Caine and Law. Missteps in that the choice of a garish setting and odd shifts in plot take away from the creation of a tension and a believable thriller. Instead we get some smart dialog and great performances in a film that doesn't let them be real.

despite some great performances and witty dialog this is only a 4 out of 10 because the rest of the script just doesn't work\": {\"frequency\": 1, \"value\": \"Harold Pinter ...\"}, \"Depardieu's most notorious film is this (1974)groundbreaker from Bertrand Blier. It features many highly sexual scenes verging on an X-rating, including one of Jeanne Moreau doing a hot 1970s version of her Jules and Jim menage a trois with the two hairy French hippies (Depardieu and Deware). There is no such thing as a sacred territory in this film; everything is fair game.

It's very odd that Americans tend to not like this film very much while many French people I've met consider it a classic. Something about it goes against what Americans have been programmed to 'like.'

Gerard and the late Patrick Deware are two bitch-slapping, hippy drifters with many sexual insecurities, going around molesting women and committing petty crimes. They're out for kicks and anti-capitalist, Euro-commie, slacker 'freedom.' Blier satirizes the hell out of these two guys while at the same time making bourgeois society itself look ultimately much more ridiculous. Best of all though, is the way the wonderful Stephane Grappelli score conveys the restless soul of the drifters, the deeper subconscious awareness or 'higher ideal' that motivates all the follies they engage in.\": {\"frequency\": 1, \"value\": \"Depardieu's most ...\"}, \"I don't want to bore everyone by reiterating what has already been said, but this is one of the best series ever! It was a great shame when it was canceled, and I hope someone will have the good sense to pick it up and begin the series again. The good news is that it is OUT ON DVD!!!! I rushed down to the store and picked up a copy and am happy to say that it is just as good as I remembered it. Gary Cole is a wonderfully dark and creepy character, and all actors were very good. It is a shame that the network did not continue it. Shaun Cassidy, this is a masterpiece. Anyone who enjoys the genre and who has not seen it, must do so. You will not be disappointed. My daughter who was too young to view it when it was on television (she is 20) is becoming very interested, and will soon be a fan. She finds it \\\"very twisted\\\" and has enjoyed the episodes she has seen. I cannot wait to view the episodes which were not aired.

This show rocks!!!!\": {\"frequency\": 1, \"value\": \"I don't want to ...\"}, \"can any movie become more naive than this? you cant believe a piece of this script. and its ssooooo predictable that you can tell the plot and the ending from the first 10 minutes. the leading actress seems like she wants to be Barbie (but she doesn't make it, the doll has MORE acting skills).

the easiness that the character passes and remains in a a music school makes the phantom of the opera novel seem like a historical biography. i wont even comment on the shallowness of the characters but the ONE good thing of the film is Madsen's performance which manages to bring life to a melo-like one-dimensional character.

The movie is so cheesy that it sticks to your teeth. i can think some 13 year old Britney-obsessed girls shouting \\\"O, do give us a break! If we want fairy tales there is always the Brothers Grimm book hidden somewhere in the attic\\\". I gave it 2 instead of one only for Virginia Madsen.\": {\"frequency\": 1, \"value\": \"can any movie ...\"}, \"I generally find Loretta Young hard to take, too concerned with her looks and too ladylike in all the wrong ways. But in this lyrical Frank Borzage romance, and even though she's playing a low-self-esteem patsy who puts up with entirely too much bullying from paramour Spencer Tracy, she's direct and honest and irresistible. It's an odd little movie, played mostly in a one-room shack in a Hooverville, unusually up-front about the Depression yet romantic and idealized. Tracy, playing a blustery, hard-to-take \\\"regular guy\\\" who would be an awful chauvinist and bully by today's standards, softens his character's hard edge and almost makes him appealing. There's good supporting work from Marjorie Rambeau and Glenda Farrell (who never got as far as she should have), and Jo Swerling's screenplay is modest and efficient. But the real heroes are Borzage, who always liked to dramatize true love in lyrical close-up, and Young. You sort of want to slap her and tell her character to wise up, she's too good for this guy, but she's so dewy and persuasive, you contentedly watch their story play out to a satisfying conclusion.\": {\"frequency\": 1, \"value\": \"I generally find ...\"}, \"Given that a lot of horror films are based on the premise that one or more of the central characters does something stupid at some stage during the proceedings, the girls in this film would be collecting Gold, Silver and Bronze at a Darwin Awards Olympic ceremony. A mentally disabled baboon would have made better choices than they did, and would have screamed a lot less while doing so.

If you like films with a grainy picture, deliberately amateur camera-work (my 92 year-old grandmother wields a camcorder with better results), extremely poor sound and no discernible plot/narrative, then this is your ideal film. Also note that you should enjoy the following: women screaming for no reason, women whining for no reason. In fact reason and logic don't appear much in this film. For example: \\\"we have to find Stephanie\\\" \\\"yeah I can't believe I was speaking to her, like, last night\\\" \\\"she called you last night?\\\" \\\"yeah, she wanted to talk about some date she got asked one\\\" \\\"WHAT? How come she didn't tell me\\\"? As in, our friend is being chased by a serial killer with a shotgun and an array of grisly weapons but I have a problem with the fact that she didn't tell me she was going on a date.

Okay, so the budget is low. That doesn't mean you have to make it look like it cost half the budget. The 'score' is interesting since all - with the exception of one - tracks have been written and performed by the writers/directors of the film itself. In fact it would appear that the entire budget has been blown on sampling a track by The Duskfall, a death metal band from Sweden.

The most worrying thing of all in the entire film is the ending which leaves us with the possibility for a sequel.\": {\"frequency\": 1, \"value\": \"Given that a lot ...\"}, \"As I watch this film, it is interesting to see how much it marginalizes Black men. The film spends its time showing how powerless the most visible Black man in it is (save for an heroic moment). For much of the film, the other Black men (and dark-skinned Black women) in the film are way in the background, barely visible.

Vanessa Williams' character was strong and sympathetic. The viewer can easily identify and sympathize with her. There are also some fairly visible and three-dimensional support characters who are light-skinned, and some White characters of some warmth and dignity. But 99% of the Black males in this film are nothing but invisible men. Voiceless shadows in the background, of no consequence. Such a horrible flaw, but anything but unusual in the mainstream media.\": {\"frequency\": 1, \"value\": \"As I watch this ...\"}, \"I found the storyline in this movie to be very interesting. Best of all it left out the usual sex and violence (they're getting old) inserted in many movies. The movie was well done in its flashbacks to days gone by in that area of the Southwest. The acting was also superb.\": {\"frequency\": 1, \"value\": \"I found the ...\"}, \"From the opening scene aboard a crowded train where a ruthless pickpocket is at work (RICHARD WIDMARK) stealing from a woman's purse (JEAN PETERS), PICKUP ON SOUTH STREET is relentlessly fascinating to watch. Partly it's because the acting is uniformly strong from the entire cast, the B&W photography is crisp and adds to the starkness of the story and characters, and because Samuel Fuller's direction puts him in the same league with the biggies like John (ASPHALT JUNGLE) Huston. In fact, it has the same urgency as the Huston film about a heist that goes wrong--but the payoff is not quite as strong.

JEAN PETERS is excellent as the hard-edged girl whom Widmark describes as being \\\"knocked around a lot\\\". She gives a lot of raw energy and sex appeal to her role of the not too bright woman carrying a micro-film in her purse for her boyfriend (RICHARD KILEY), something the FBI already knows about. They're on her trail when the theft occurs.

THELMA RITTER adds realism to her portrait of a woman called \\\"Moe\\\" who buys and sells anything to make a profit and ends up paying for it with her life. She's particularly touching in her final scene with Kiley.

This one is guaranteed to hold your attention through its one hour and twenty minute running time. Good noir from Fox and notable for the performances of Widmark, Peters and Ritter.\": {\"frequency\": 1, \"value\": \"From the opening ...\"}, \"Prof. Janos Rukh (Boris Karloff) discovers Radium X--a powerful force to be used for atomic power. Unfortunately Rukh has been contaminated by the Radium and starts to glow in the dark--and his touch causes instant death. Dr. Felix Benet (Bela Lugosi) develops an antidote--but Rukh starts to go mad due to the Radium AND the antidote and sets out to kill all he believed wronged him.

The plot is silly and the \\\"effects\\\" that make Karloff glow in the dark are laughable, but this is still a fun little chiller. It moves quickly, has some great atmosphere (notice Rukh's \\\"house\\\" and the movie starts on a dark and rainy night) and Karloff and Lugosi (as always) give great performances. There is also good acting by Franic Drake (as Rukh's wife) and Violet Kemble Cooper (as his mother). So it's OK but just a notch below all the other Karloff/Lugosi movies. The plot is just too far-fetched for me to swallow. Still I did like this. I give it a 7.\": {\"frequency\": 1, \"value\": \"Prof. Janos Rukh ...\"}, \"It's unlikely that anyone except those who adore silent films will appreciate any of the lyrical camera-work and busy (but scratchy) background score that accompanies this 1933 release. Although sound came into general use in 1928, there are no more than fifty words spoken to tell the story of a woman, unhappily married, who deserts her husband for a younger man after a romantic interlude in the woods.

The most vividly photographed scene has the jealous husband giving a lift to the young man for a ride into town, proceeding to drive normally until he realizes the man is his wife's lover. In a frenzy of jealousy, he drives at top speed toward a railroad crossing but changes his mind at the last moment, losing his nerve. It's probably the most tension-filled scene in the otherwise decidedly slow-moving and obviously contrived story.

HEDY LAMARR is given the sort of close-up treatment lavished on Marlene Dietrich by her discoverer, but her beauty had not yet been refined by the cosmeticians as they were when she was transported to Hollywood. Her performance consists mostly of looking sad and morose while mourning the loss of her marriage with only brief glimpses of a smile when she finds her true love (ARIBERT MOG), the handsome young stud who retrieves her clothes after a nude swim.

The swimming scene is very brief, discreetly photographed, and not worth all the heat it apparently generated. The love-making scene, later on, is also artfully photographed with the sort of lyrical photography evident throughout most of the film--artfully so. More is left to the imagination with the use of symbolism--and this is the sort of thing that has others proclaiming the film is some kind of lyrical masterpiece.

Not so. It's disappointing, primitively crude in its sound portions (including the laborious symphonic music in the background) and certainly Miss Lamarr is fortunate that Louis B. Mayer saw the film and on the basis of it, gave her a career in Hollywood. He must have seen something in her work that I didn't.

It's apparent that this was conceived as a silent film with the camera doing all the work. The jarring \\\"workers\\\" scene at the conclusion goes on for too long and is a jarring intrusion where none is needed. It fails to end the film on the proper note.\": {\"frequency\": 1, \"value\": \"It's unlikely that ...\"}, \"\\\"Deliverance\\\" is one of the best exploitation films to come out of that wonderful 1970's decade from whence so many other exploitation films came.

A group of friends sets out on a canoe trip down a river in the south and they become victimized by a bunch of toothless hillbillies who pretty much try to ruin their lives. It's awesome.

We are treated to anal rape, vicious beatings, bow and arrow killings, shootings, broken bones, etc... A lot like 1974's \\\"Texas Chainsaw Massacre,\\\" to say that \\\"Deliverance\\\" is believable would be immature. This would never and could never happen, even in the dark ages of 1972.

\\\"Deliverance\\\" is a very entertaining ride and packed full of action. It is one in a huge pile of exploitation films to come from the early 70's and it (arguably) sits on top of that pile with it's great acting, superb cinematography and excellent writing.

8 out of 10, kids.\": {\"frequency\": 1, \"value\": \"\\\"Deliverance\\\" is ...\"}, \"Red Rock West is one of those tight noir thrillers we rarely see anymore. It's well paced, well acted and doesn't leave us with loose ends or unanswered questions so typical in this genre.

Nicolas Cage stars as Michael, an unemployed Texas roughneck, desperate enough for a job to drive all the way to Wyoming for potential employment. He is honest to a fault, but always on the dark side of fate.

After failing to obtain gainful employment, Michael stumbles into the Red Rock bar where the owner Wayne (J.T.Walsh) mistakes him for a contract killer he summoned from Dallas, hired to do in his lovely but lethal wife Suzanne (Lara Flynn Boyle).

Wayne gives Michael the necessary details and a down payment for the hit on the adulterous Suzie. With no intent on following through, Michael accepts the money and then sets out to warn Suzanne of her impending demise. He also mails a letter to the local sheriff exposing the plot and splits.

As fate would dictate, Michael is not going to be rid of the situation that easy. While leaving in a violent rainstorm, he runs down Suzannes lover. Of course Michael being Michael, he takes him to the local hospital where it's discovered that he's also been shot.

The sheriff is summoned and as luck would have it, Wayne is also the local law. Michael manages to escape while being taken on that last ride and is subsequently picked up by the real \\\"Lyle from Dallas\\\" played with murderous glee by the quirky Dennis Hopper. After discovering that they're fellow marines, Lyle insists that Michael join him for a drink at, where else, the Red Rock bar. There Wayne realizes his mistake and soon he and Lyle are in hot pursuit of Michael who falls willingly into Suzannes waiting arms.

As the pace picks up we learn that Wayne and Suzanne are really wanted armed robbers, on the lam for a multi million dollar theft. Getting the money now becomes the films central focus with a series of betrayals, double crosses and murders.

The film was very well cast. Nicolas Cage was typically low key, Dennis Hopper and Lara Flynn Bolye assumed their respective roles with more than ample ability. The best performance was by the late J.T. Walsh who was menacing without appearing to be. Walsh was a great character actor who left us much too soon.

Marc Reshoskys photography utilized many unique angles which added to the suspense and plot development. The film was further enhanced by John Dahl's tight directorial style and Morris Chestnut's rapid fire editing.\": {\"frequency\": 1, \"value\": \"Red Rock West is ...\"}, \"So...we get so see added footage of Brando...interesting but not exactly Oscar worthy stuff. Susannah York was hardly a slouch. New scene where Lois finds out Clark is Superman is slightly unbelievable in that he doesn't notice that there are blanks coming out of the gun instead of real bullets. Real bullets would have penetrated his clothes and then bounced off him onto the floor but forget that...let's listen to Donner make fun of Lester's version that made more logical sense. The president talks of the Zod \\\"defacing\\\" the Washington monument when it was originally Mount Rushmore. Tweaking that scene made that line quite absurd. Superman's \\\"freedom of the press\\\" line sounded silly compared to \\\"..Care to step outside\\\" which was delivered better and had a fitting connection to Clark's earlier scene in the truck stop. Then there is the ending with the \\\"turn back the world to go back in time\\\" effect. It turned back everything in the whole movie and made you wonder where exactly the rocket aimed for Hackensack, N.J. ever went since it doesn't free Zod and company any more.\": {\"frequency\": 1, \"value\": \"So...we get so see ...\"}, \"Is there a book titled \\\"How to Make a Movie with Every 'Man vs. Nature' Clich\\ufffd\\ufffd Imaginable\\\"? If not, Ants would make excellent source material for the chapter on killer insects. Ants doesn't have one shred of originality to be found at any point of its 100 minute runtime. I suppose the most surprising thing about Ants is that they actually stretched the film to 100 minutes. The set-up, the characters, the various sub-plots, the death scenes, and the way the ants are presented have been done before any number of times \\ufffd\\ufffd and in most cases, much better. It's amazing that so many of these Insects on a Rampage films were made in the 70s because they're all basically the same movie.

And can someone please tell me what in God's name Myrna Loy is doing in this monkey-turd of a movie? A woman as talented and classy as Loy deserved better than Ants as one of her final movies.\": {\"frequency\": 1, \"value\": \"Is there a book ...\"}, \"Picture the classic noir story lines infused with hyper-stylized black and white visuals of Frank Miller's Sin City. Then picture a dystopian, science fiction thriller, such as Steven Spielberg's Minority Report or Richard Linklater's A Scanner Darkly. An amalgamation of the above would be a suitable way of describing visionary french director Christian Volckman's bleak and atmospheric take on the future in his feature film debut. But although Volckman's work does unquestionably take reference from the aforementioned films and those similar to them, such a simplistic hybrid does not do Renaissance, Volckman's end result, justice - the film itself is a far more complex piece of work than that.

Genre hybridity is usually a hit and miss affair, especially in a contemporary context, with the well of individuality appearing to be increasingly exhausted. As such, Renaissance is laudable as a cinematic experiment at the very least, with its unique interspersing of the gritty nihilism of the neo-noir detective thriller and the fantastic allegorical terror of the dystopian sci-fi drama, which serve to compliment each other's storytelling conventions in a strangely fitting fashion. The screenplay is a clever and intriguing one (although one gets the sense that many of the lines in the script would have been much more effective in their original french than the English translation - the film's title also becomes far more poignant) managing to stay one step ahead of its audience all the way through. Though many elements of the plot will seem quite familiar to those who frequent such science fiction thrillers, the script throws unexpected twists and turns in at exactly the right moment to keep the viewer on their toes, making for a truly compelling work.

Volckman's film truly excels in its visual component, and the stunning black and white animation is easily the film's highlight - superbly moody and stylish, it goes to show what tremendous aesthetic effect the simple use of two shades can have. With tremendous detail paid to the composition and look of each shot, and superb use of very noir shadows and intriguing angles to accentuate the emotional tension of the scene, the film appears straight out of a Frank Miller comic, but with a twist, the end result being consistently visually sumptuous.

The film's English rendition is also given added credence by its very fitting array of voice casting. The gruff voice of Daniel Craig is an absolutely perfect piece of casting for grim, stoic policeman Karas, and Catherine McCormack is a strong presence as the mysterious woman whose sister's disappearance he is investigating. Despite a wavering English accent, Romola Garai does great work as the frantic sister in question, and Jonathan Pryce is suitably menacing as the shady head of ominous mega-corporation Avalon. Ian Holm's reedy voice is also a strong choice as a mysterious scientist, and Holm makes a powerful impression in his brief scenes.

All together, Renaissance boasts a visually stunning, unique and compelling futuristic thriller, just as intelligent as it is entertaining. Though the plot may seem familiar to those who frequent such fare and the occasional weak line may inhibit the film from being the moody masterpiece it set out to be, the superb animation in itself easily carries the film through its occasional qualms. For fans of either of the film's intertwined genres or the gritty graphic novels of Frank Miller, or those willing to appreciate a capably crafted, slightly less conventional take on the futuristic thriller, the film is without question worth a watch.

-8/10\": {\"frequency\": 1, \"value\": \"Picture the ...\"}, \"I enjoy watching western films but this movie takes the biscuit. The script and dialogue is laughable. The acting was awful, where did they get them from? Music was OK i have to say. Luckily i didn't buy or rent the movie but its now disposed of.

I was geared up at the beginning when the stranger (martin sheen) started to tell his story. I have to admit i did enjoy the confrontation between Hopalong and Tex where Hopalong shot Tex's finger off and told him to practise for 40 years to reach his league. But thats where it all went pear shaped thereafter. I had to watch the whole film in the hope that it would get better, never did.\": {\"frequency\": 1, \"value\": \"I enjoy watching ...\"}, \"On the surface, this movie would appear to deal with the psychological process called individuation, that is how to become a true self by embracing the so-called 'dark' side of human nature. Thus, we have the Darkling, a classic shadowy devilish creature desperately seeking the company (that is, recognition) of men, and the story revolves around the various ways in which this need is handled, more or less successfully.

However, if we dig a little deeper, we find that what this movie is actually about is how you should relate to your car like you would to any other person: - in the opening scene, the main character (male car mechanic fallen from grace)is collecting bits and pieces from car wrecks with his daughter, when a car wreck nearly smashes the little girl. Lesson #1: Cars are persons embodied with immortal souls, and stealing from car wrecks is identical with grave robbery. The wicked have disturbed the dead and must be punished. - just after that, another character (Rubin) buys a car wreck intending to repair it and sell it as a once-lost-now-found famous race-car and is warned by the salesman. Lesson #2: Just like any other person, a car has a unique identity that cannot be altered nor replaced. In addition, there is the twist that Rubin actually sees a hidden quality in what most people would just think of as junk, but eventually that quality turns out to be a projection of Rubin's own personal greed for more profit. Lesson #3: Thou shalt never treat thy car as a means only, but always as an end in itself. - then we have the scene where the main character is introduced to Rubin and, more importantly, Rubin's car: The main character's assessment of the car's qualities is not just based on its outer appearance, but also by a thorough look inside the engine room. Lesson #4: A car is not just to be judged by its looks, it is what is inside that really counts. There is punishment in store for those who do not keep this lesson in mind, as we see in the scene where another man tries to sell Rubin a fake collector's car. This scene by the way also underlines the importance of lesson #3.

There are numerous other examples in the movie of the 'car=person'-theme, and I am too tired now to bother citing all of them, but the point remains (and I guess this is what I'm really trying to say) that this movie is fun to watch if you have absolutely nothing else to do - or, if you're a car devotee.\": {\"frequency\": 1, \"value\": \"On the surface, ...\"}, \"I saw \\\"Shiner\\\" on DVD. While I was watching it, I thought, \\\"This is a really bad porn flick without the porn.\\\" I also thought, \\\"Whoever wrote this has some real issues.\\\" Then I watched the director/writer Carlson explain his process as a special feature. Yeah, it was real special.

The emphasis of the film is placed on two alcoholic losers who hit each other to get off. They are marginally attractive. There is frontal and full nudity. These factors probably account for the film being seen at all.

The most upsetting element of the film is the gay bashing and the subsequent further gay bashing of the same victim who tries ineptly to exact revenge from his assailants, the two drunken losers. Not only is the subject handled absurdly and badly from a technical point of view, but the acting is horrendously bad.

Then there's the boxer-stalker theme. This is really insane, not just absurd. This hunky boxer is somehow traumatized by the persistent attentions of a fleshy momma's boy who works at his gym's parking lot. This is in LA, mind you. The boxer is so traumatized that he turns up at the stalker's house, strips in front of him and gets excited in the process.

Well, all I can say is, why would a boxer who is at heart an exhibitionist be so traumatized by the attention of a stalker? It simply makes no sense. And, I'm afraid, some psycho-dynamics actually do make sense, if you take the time to read about them. However, bad scripts seldom make sense at all.

The director/writer seems to have thought that this film represents a considerable minority within the gay community. Well, he may be correct, I suppose. We may never know, since that minority would be so dysfunctional they would hardly be able to get organized enough to ever get to an obscure gay film festival or DVD store, the only two places they could possibly find this turkey. Thank goodness for that.\": {\"frequency\": 1, \"value\": \"I saw \\\"Shiner\\\" on ...\"}, \"Very smart, sometimes shocking, I just love it. It shoved one more side of David's brilliant talent. He impressed me greatly! David is the best. The movie captivates your attention for every second.\": {\"frequency\": 1, \"value\": \"Very smart, ...\"}, \"This was a fairly creepy movie; I found the music to be effective for this. The photographs Mario took of the village were also unnerving. However, I had three problems with this film. One is that the lighting was very dark so some of the time it was hard to tell what was going on, but this may have just been my copy. The second is that the very beginning is not explained very well and I'm still not sure what was going on there. The third problem is that I didn't understand the ending, but apparently some people do. Of course there are also the usual problems of people doing stupid things, and the male lead is very 70s. All in all, watchable but not even close to being a favorite.\": {\"frequency\": 1, \"value\": \"This was a fairly ...\"}, \"From a modern sensibility, it's sometimes hard to watch older films. It's annoying to have to watch the stereotypical wallflower librarian have to take off her glasses and become pretty and stupid to win a man. Especially such a shallow and inconstant man. He's obviously a player (I wouldn't trust him to stay true to her) who doesn't want to settle down, who only looks at dumb attractive women and always calls them \\\"baby\\\" (ick!). Even after she totally changes her appearance and her life for him, he only goes to her after he's (supposedly) rejected by another woman and learns that Connie spent all her money renovating a boat for him. I wanted her to stand up to him, not pathetically chase after him! His sudden conversion within a few minutes was totally unrealistic and did not work for me.

Apart from that subplot, I did like the movie. How can you not like sailors dancing with each other?! (You can tell they were from San Francisco.... ;D) The \\\"rehearsal\\\" dance was great, watching Ginger Rogers purposefully fall in and out of the \\\"correct steps\\\" was great. The last dance scene \\\"Face the Music\\\" with the beautiful costumes and the art deco set was beautiful. And I really enjoyed \\\"We Saw the Sea\\\" (though they did use it a few too many times, as if they realized it was their best song).

Anyway, the plot was a bit weak, like most musicals (IMO) - and the songs were OK, but the dancing was worth watching the film for. I wish they could have showed some shots of San Francisco since that was were the film was supposedly set.

It's also weird to see such a lighthearted naval film with the knowledge of what Hitler was already doing at that time. I have to try to suspend all knowledge to submerge myself into a made up fantasy land.\": {\"frequency\": 1, \"value\": \"From a modern ...\"}, \"Another very good Mann flick thanks to the father/son combination of Walter Brennan and Jimmy Stewart. Brennan (Ben Tatum) is often the comedic conscience of either Stewart or Wayne (Red River/ Rio Bravo). He's there to see that the younger man takes the ride fork or bend. \\\"You're wrong Mr. Dunston\\\". Jeff Webster(Stewart) gives off the impression he cares only for himself but it is clear he cannot desert Brennan. John McIntire is excellent as the law of Skagway with due respect for the trappings of justice over the reality of it. Another key theme is helping people and in turn being helped by people. The loner can do neither and suffers for it.

The caption above plays on Tatum's assertion that he can't live without his coffee. This nicotine addiction proves fatal. Probably the first and last time on the screen.

I recommend this film and now own the DVD.\": {\"frequency\": 1, \"value\": \"Another very good ...\"}, \"The original is a relaxing watch, with some truly memorable animated sequences. Unfortunately, the sequel, while not the worst of the DTV sequels completely lacks the sparkle.

The biggest letdown is a lack of a story. Like Belle's Magical World, the characters are told through a series of vignettes. Magical World, while marginally better, still manages to make a mess of the story. In between the vignettes, we see the mice at work, and I personally think the antics of Jaq and Gus are the redeeming merits of this movie.

The first vignette is the best, about Cinderella getting used to being to being a princess. This is the best, because the mice were at their funniest here. The worst of the vignettes, when Jaq turns into a human, is cute at times, but has a lack of imagination. The last vignette, when Anastasia falls in love, was also cute. The problem was, I couldn't imagine Anastasia being friendly with Cinderella, as I considered her the meaner out of the stepsisters. This was also marred by a rather ridiculous subplot about Lucifer falling in love with PomPom.

The incidental music was very pleasant to listen to;however I hated the songs, they were really uninspired, and nothing like the beautiful Tchaikovsky inspired melodies of the original.

The characters were the strongest development here. Cinderella while still caring, had lost her sincerity, and a lot of her charm from the original, though she does wear some very pretty clothes. The Duke had some truly funny moments but they weren't enough to save the film, likewise with Prudence and the king. As I mentioned, the mice were the redeeming merits of the movie, as they alone contributed to the film's cuteness. I have to say also the animation is colourful and above average, and the voice acting was surprisingly good.

All in all, a cute, if unoriginal sequel, that was marred by the songs and a lack of a story. 4/10 for the mice, the voice acting, the animation and some pretty dresses. Bethany Cox\": {\"frequency\": 1, \"value\": \"The original is a ...\"}, \"VAMPYRES

Aspect ratio: 1.85:1

Sound format: Mono

A motorist (Murray Brown) is lured to an isolated country house inhabited by two beautiful young women (Marianne Morris and Anulka) and becomes enmeshed in their free-spirited sexual lifestyle, but his hosts turn out to be vampires with a frenzied lust for human blood...

Taking its cue from the lesbian vampire cycle initiated by maverick director Jean Rollin in France, and consolidated by the success of Hammer's \\\"Carmilla\\\" series in the UK, Jose Ramon Larraz' daring shocker VAMPYRES pushed the concept of Adult Horror much further than British censors were prepared to tolerate in 1974, and his film was cut by almost three minutes on its original British release. It isn't difficult to see why! Using its Gothic theme as the pretext for as much nudity, sex and bloodshed as the film's short running time will allow, Larraz (who wrote the screenplay under the pseudonym 'D. Daubeney') uses these commercial elements as mere backdrop to a languid meditation on life, death and the impulses - sexual and otherwise - which affirm the human condition.

Shot on location at a picturesque country house during the Autumn of 1973, Harry Waxman's haunting cinematography conjures an atmosphere of grim foreboding, in which the desolate countryside - bleak and beautiful in equal measure - seems to foreshadow a whirlwind of impending horror (Larraz pulled a similar trick earlier the same year with SYMPTOMS, a low-key thriller which erupts into a frenzy of violence during the final reel). However, despite its pretensions, VAMPYRES' wafer-thin plot and rough-hewn production values will divide audiences from the outset, and while the two female protagonists are as charismatic and appealing as could be wished, the male lead (Brown, past his prime at the time of filming) is woefully miscast in a role that should have gone to some beautiful twentysomething stud. A must-see item for cult movie fans, an amusing curio for everyone else, VAMPYRES is an acquired taste. Watch out for silent era superstar Bessie Love in a brief cameo at the end of the movie.\": {\"frequency\": 1, \"value\": \"VAMPYRES


Then again, this isn't really a boxing movie. How do you make a movie about a girl who wants to be a boxer that isn't a boxing movie? You don't. But Karyn Kusama has anyway. Like many indie films, \\\"Girlfight\\\" defies classification or genre and stands on its own as folklore that could darn near happen in real life.

Diana is doing poorly in school. She beats up people she doesn't like (all the other girls in her school for example). She doesn't fit in. Her father is forcing her kid brother Tiny to learn to box so he can defend himself when things get tough. He gives Tiny money for his boxing sessions and gives Diana nothing, as if she has no need to defend herself, nor anything worthwhile to make of her life. Tiny wants to go to art school (cliche', yuck), so he gives up his boxing allowance to Diana, who actually wants to box. Things get complicated when Diana falls for another boxer, Adrian (Santiago Douglas), who's looking to turn pro. From there the story winds down toward the inevitable...the two meet in the amateur title fight.

What left me cold was that I never found any of this all that interesting. It's all just a bit too believable. Kids with tough lives growing up in rough urban areas fall back on sports. A lot of professional boxers have risen from these circumstances. The mental and physical toughness this upbringing requires lends itself to a game like boxing, where anger is your friend. So this time it's a girl. Big deal.

Or there's another position to take: finally, a boxing movie about a girl. Women's boxing has been around a long time. The brutality we usually see in boxing films is replaced here by discussions of people's their lives and their feelings. The whole fighting thing is used as a platform from which to paint a larger picture. Respect. Overcoming adversity. Self-discovery.

I recommend \\\"Girlfight\\\" because it has a good spirit and is an example of some great work by a first time director. The dialogue never rises above soap opera quality, but the story itself actually changed my view on some things. Yes, the world now seems like a better place. A film did that.

Grade: B-\": {\"frequency\": 1, \"value\": \"Casting unknown ...\"}, \"Okay, sorry, but I loved this movie. I just love the whole 80's genre of these kind of movies, because you don't see many like this one anymore! I want to ask all of you people who say this movie is just a rip-off, or a cheesy imitation, what is it imitating? I've never seen another movie like this one, well, not horror anyway.

Basically its about the popular group in school, who like to make everyones lives living hell, so they decided to pick on this nerdy boy named Marty. It turns fatal when he really gets hurt from one of their little pranks.

So, its like 10 years later, and the group of friends who hurt Marty start getting High School reunion letters. But...they are the only ones receiving them! So they return back to the old school, and one by one get knocked off by.......Yeah you probably know what happens!

The only part that disappointed me was the very end. It could have been left off, or thought out better.

I think you should give it a try, and try not to be to critical!

~*~CupidGrl~*~\": {\"frequency\": 1, \"value\": \"Okay, sorry, but I ...\"}, \"There are a lot of pretentious people out there who will pretend that this is endowed with some kind of beautiful meaning, and that ignorant fools like me don't 'get' it. Obviously this means that we should stick to Hollywood dross.

It has every, a-hem, artistic clich\\ufffd\\ufffd in the book - I guess it is good that the director is one of the chosen few. Almost a self parody drowning in its own pretense.

The director of the (almost equally embarrassing) movie 'Ratcatcher' returns with another piece wallowing in artistic nonsense; it is difficult to understand and apparently is a study of alienation. The best way to describe this film is alienating for its viewers.\": {\"frequency\": 1, \"value\": \"There are a lot of ...\"}, \"An excellent example of \\\"cowboy noir\\\", as it's been called, in which unemployed Michael (Nicolas Cage) loses out on a job because he insists on being honest (he's got a bum leg). With really nothing else he can do, he decides that for once he's going to lie. When he walks into a bar, and the owner Wayne (the late, great J.T. Walsh) mistakes him for a hit-man whom Wayne has hired to do in his sexy young wife Suzanne (Lara Flynn Boyle in fine form), Michael plays along and accepts Waynes' money. *Then* he goes to Suzanne and informs her of her husbands' intentions, and accepts *her* money to get rid of Wayne! If that didn't complicate things enough, the real hit-man, \\\"Lyle from Dallas\\\" (Dennis Hopper, in a perfect role for him) shows up and Michael is in even more trouble than before.

\\\"Red Rock West\\\" gets a lot out of the locations. Director John Dahl, who co-wrote the script with his brother Rick, was smart in realizing the potential of a story set in a truly isolated small town that may have seen better days and in which the residents could be involved in any manner of schemes. It's also an amusing idea of the kind of trouble an honest person could get into if they decided to abandon their principles and give in to any level of temptation. It's an appreciably dark and twist-laden story with an assortment of main characters that are if not corrupt, have at least been morally compromised like Michael. The lighting by cinematographer Marc Reshovsky is superb in its moodiness; even the climax set in a graveyard lends a nice morbid quality to the whole thing. Even if the writing isn't particularly \\\"logical or credible\\\", the film has a nice way of intriguing the viewer and just drawing them right in.

Cage does a good job in the lead, but his co-stars have a grand old time sinking their teeth into their meaty and greed-motivated characters. Hopper, Boyle, and Walsh are all fun to watch in these parts. Timothy Carhart and Dan Shor are fine as Walshs' deputies (in one especially good twist, Walsh is also the local sheriff), and there's an entertaining cameo role for country & western star Dwight Yoakam, who also graces the film with an enjoyable end credits tune.

It's quite a good little film worth checking out. It moves forward at an impressive pace, and if nothing else is certainly never boring.

8/10\": {\"frequency\": 1, \"value\": \"An excellent ...\"}, \"The original movie, The Odd Couple, has some wonderful comic one-liners. The entire world it seems knows the story of neurotic neat-freak Felix Ungar and funny, obnoxious, slob Oscar Madison. This paring of mismatched roommates created one of the most successful TV series of all time as well as countless, not anywhere near as good, imitations.

The Odd Couple movie has some wonderful jokes about Oscar's apartment and his sloppy habits. He says, \\\"Who wants food?\\\" One of his poker player buddies asks, \\\"What do ya got?\\\" Oscar says, \\\"I got brown sandwiches and green sandwiches.\\\" \\\"What's the brown?\\\" It's either very new cheese or very old meat!\\\" I also love the line about Oscar's refrigerator, \\\"It's been out of order for two weeks, I saw milk standing in there that wasn't even in a bottle!\\\" There is no question that Walter Matthau's Oscar Madison is a joy to watch on screen. He's almost as good as Jack Klugman's version in the TV series.

The problem with the movie is Jack Lemmon's Felix Ungar. Jack makes a very, very, honest effort at the role. The problem is that he makes Felix SO depressing and down-trodden that he becomes more annoying than comical. Tony Randall's performance in the series, brought the kind of humor, warmth, and sensitivity, to Felix's character, which Lemmon's portrayal lacks. Tony's Felix Unger obviously could be annoying some of the time. However, in the TV series, it related to specific situations where the annoyance was needed in the storyline. Jack's Felix Ungar, (note the different spelling) in the movie, seems to never be happy, fun, or interesting. The movie Felix Ungar is a roommate that drives you up the wall, all the time.

The movie still has great moments that withstand the test of time, the \\\"famous\\\" meatloaf fight is one of the greatest scenes ever! One of the other great examples of Felix's \\\"little notes\\\" on Oscar's pillow will be remembered forever. However, there are some darker sides where Oscar goes over the top, His \\\"crying\\\" near the end after bawling out Felix, and a scene involving Felix's Linguine dinner, (although lightened by a funny line.) seem more depressing than comical.

Perhaps there wasn't enough time to see the lighter side of these characters that made the series so memorable in the movie. The beginning 20 minutes are very boring. The same issue occurs with Felix's conversation with the Pidgeon Sisters. The movie's ending is predictable and too pat. There's very little care or compassion for each of them by the other. The result is that the darker side of the film leads to a lot of depression and anger, rather than comedy, unless you are watching the great scenes described above. It appears that Jack Lemmon's monotone persona of Felix brings the film down, rather than enhances or embraces the comedy between the characters.

It really took the 1970's TV series to make The Odd Couple the best that it could be. The original film is still very good. However, the TV series is much better.\": {\"frequency\": 1, \"value\": \"The original ...\"}, \"This, and \\\"Hidden fortress\\\" are the Kurosawa's that are most dear to me. I don't hand out 10's like candy, but this certainly deserved it, if anything. Even though it's quite long (like all Kurosawa's pretty much are) it concurred the problem which bugs me with most of his films; the storyline is often too loose and slowly evolving, containing scenes that are unnecessary or just lenghtened too much without any real purpose to the storyline or the character description. Dodesukaden delivered to me the same experience that for example \\\"Hidden fortress\\\" did; despite its lenght, there wasn't a single minute I would cut out.

This is also a very unusual Kurosawa film in a way, it has no storyline, but many little independent stories which are based more to the character description than storyline, unlike any other Kurosawa-film I have seen so far. It also leans much on the dialogue, which he uses brilliantly (especially in the story between the father and the son planning their \\\"new house\\\").

Still the thing that makes this one a masterpiece is how the subject being so tragic as it is, is managed to be described so humanely and sympathetically, without pointing fingers at anybody at any point. From the beginning to the end it delivers the whole emotional scale from laughter to tears in perfect balance.\": {\"frequency\": 1, \"value\": \"This, and \\\"Hidden ...\"}, \"After \\\"A Dirty Shame\\\", I never thought that I was going to see another John Waters movie. That movie was really so bad, that I was convinced that all his movies would be like that. But when the DVD of this movie was reviewed in a popular magazine and they said that this was an excellent movie, I decided to give it a try anyway. Only a couple of days later it was shown on television. I taped it out of curiosity and now that I've seen it, I can tell you that this \\\"Pecker\\\" sure is a lot better than \\\"A Dirty Shame\\\".

In this movie we see how a young 'nobody' from Baltimore becomes an overnight sensation in the art world of New York. He's a sandwich shop employee who photographs his weird family or things that he sees on the street as a hobby. When he keeps his very first 'exhibition' in the shop where he works, his pictures are noticed by a gallery owner who loves the pictures full of misery and weirdness. His photographs are sold for enormous prices, but when he sees how his family, friends and strangers react to his success he decides that he will no longer go to New York, they will have to come to him if they want to see more of him. And they do, but what they get to see there, is a bigger shock than they could ever imagine...

It's not difficult to see why I loved this movie a lot more than \\\"A Dirty Shame\\\". The first reason is that this movie has an actual story. This movie really has something to say and isn't just intended to shock as many people as possible. The fact that they make fun of the art world who considers everything out of the ordinary as art because they don't know what the reality is like, isn't just funny, it's not that far from the truth either. I guess there are many people who feel about modern art that way. Nobody understands why they are making such a fuss about it, but apparently we are all supposed to like it. The second reason why I liked this movie is because this one had much better acting performances to offer. I'm not saying that everything that you will see is great, but at least the characters have some meaning thanks to the performances of the different actors like Edward Furlong, Christina Ricci,...

Overall this isn't a great movie, but thanks to its criticism and some good jokes - which never really go too far - this is an enjoyable movie. It certainly isn't the best comedy ever, but I liked it a lot more than \\\"A Dirty Shame\\\". I give this movie a 6.5/10.\": {\"frequency\": 1, \"value\": \"After \\\"A Dirty ...\"}, \"I will never forget when I saw this title in the video store way back when. I was always a big Weird Al fan and when I saw this video I rented and watched it. I was too young to appreciate all of Al's subtle humor and satire at the time but I remember it much later when I was old enough to understand what I was watching. If you are an \\\"Al\\\" fan, especially of his earlier work, you will thoroughly enjoy this film. It is done in the MTV-esque \\\"Rockumentary\\\" style and tells a true (but sometimes exaggerated) tale of how Al got to be where he was in 1985. You will love it if you like his brand of humor and, more importantly, his music.\": {\"frequency\": 1, \"value\": \"I will never ...\"}, \"i liked this film a lot. it's dark, it's not a bullet-dodging, car-chasing numb your brain action movie. a lot of the characters backgrounds and motivations are kinda vague, leaving the viewer to come to their own conclusions. it's nice to see a movie where the director allows the viewer to make up their own minds.

in the end, motivated by love or vengeance, or a desire to repent - he does what he feels is \\\"right\\\". 'will god ever forgive us for what we've done?' - it's not a question mortal men can answer - so he does what he feels he has to do, what he's good at, what he's been trained to do.

denzel washington is a great actor - i honestly can't think of one bad movie he's done - and he's got a great supporting cast. i would thoroughly recommend this movie to anyone.\": {\"frequency\": 1, \"value\": \"i liked this film ...\"}, \"If the creators of this film had made any attempt at introducing reality to the plot, it would have been just one more waste of time, money, and creative effort. Fortunately, by throwing all pretense of reality to the winds, they have created a comedic marvel. Who could pass up a film in which an alien pilot spends the entire film acting like Jack Nicholson, complete with the Lakers T-shirt. Do not dismiss this film as trash.\": {\"frequency\": 1, \"value\": \"If the creators of ...\"}, \"This movie is the biggest waste of nine dollars that I've spent in a very, very long time. If you knew how often I went to the movies you'd probably say, that's hard to imagine, but never-the-less, it's true! After seeing the trailer for this movie, I knew that I had to see it! If you're a fan of horror, mystery, and suspense, why wouldn't you? The trailer is nothing less than intriguing and exciting; unfortunately, the movie is none of these.

From the cinematography, to the script, to the acting, this movie is a complete flop. If you're reading this, planning to go to the movie expecting some thrills, mystery, action, horror, or anything other than a waste of an hour and forty-five minutes I'm afraid you are in for disappointment.

\\\"Why is it so bad,\\\" you might be asking yourself. Let me tell you. The movie was neither mysterious nor suspenseful. Nothing about the movie made me the least bit \\\"on edge,\\\" frightened, or curious. The script was at best laughable. There were numerous times throughout the film where the dialogue was just so ridiculous I began to write it off as comic relief only to find out a few seconds later that it wasn't. The acting was absolutely dreadful. I like Nicholas Cage but this was a miss. Without exception, every performance in this movie was incredibly below average. The cinematography was awful with not one moment of suspense or mystique. Finally, the story is completely transparent. You can see the end of this movie coming a mile away.

I am not usually a very harsh critic. Frankly, when I go to see a comedy I want to laugh and when I go to see a mystery/suspense/horror, I just want to be surprised. This movie was boring, poorly acted, poorly written, and an overwhelming disappointment. Do yourself a favor and go see something else.\": {\"frequency\": 1, \"value\": \"This movie is the ...\"}, \"A featherweight plot and dubious characterizations don't make any difference when a movie is as fun to watch as this one is. Lively action and spectacular stunts - for their day - give this movie some real zip. And there's some actual comedy from the ripping chemistry between the two leads. Quinn makes a good villain also, although his role is completely overshadowed.

But don't be fooled by Maureen O'Hara's tough broad role, this is as sexist as any Hollywood movie of this era. You might be able to forgive that because of the time in which it was made, but it's still hard to get past. For all the heroism and gruesomely adult off-screen situations, this is still little more than an adolescent good time.\": {\"frequency\": 1, \"value\": \"A featherweight ...\"}, \"Seven Pounds, this was the movie where I was just convinced Will Smith is really going for the \\\"I'm going to make you cry\\\" films. One thing I can give him a ton of credit for, the man can cry. My only thing is, as moving as the story is, Will Smith has proved time and time again that he can act, so why is he taking this extremely depressing story? But nevertheless it's still a good movie. I do have to admit it made me cry, but I felt that the stand out performance was Rosario Dawson, I absolutely love this girl, ever since I saw her in 25th Hour with Ed Norton, I knew this girl was going to go far. She's beautiful, charming, funny and talented, can't wait to see how much further her career is going to go. But her and Will Smith, not so sure if they had the great chemistry that the film needed that would've made this into a great film.

Two years ago Tim Thomas was in a car crash, which was caused by him using his mobile phone; seven people died: six strangers and his fianc\\ufffd\\ufffde. A year after the crash, and having quit his job as an aeronautical engineer, Tim donates a lung lobe to his brother, Ben, an IRS employee. Six months later he donates part of his liver to a child services worker named Holly. After that he begins searching for more candidates to receive donations. He finds George, a junior hockey coach, and donates a kidney to him, and then donates bone marrow to a young boy named Nicholas. Two weeks before he dies he contacts Holly and asks if she knows anyone who deserves help. She suggests Connie Tepos, who lives with an abusive boyfriend. Tim moves out of his house and into a local motel taking with him his pet box jellyfish. One night, after being beaten, Connie contacts Tim and he gives her the keys and deed to his beach house. She takes her two children and moves in to their new home. Having stolen his brother's credentials, and making himself known by his brother's name Ben, he checks out candidates for his two final donations. The first is Ezra Turner, a blind vegetarian meat salesman who plays the piano. Tim calls Ezra Turner and harasses him at work to check if he is quick to anger. Ezra remains calm and Tim decides he is worthy. He then contacts Emily Posa, a self-employed greeting card printer who has a heart condition and a rare blood type. He spends time with her, weeding her garden and fixing her rare Heidelberg printer. He begins to fall in love with her and decides that as her condition has worsened he needs to make his donation.

Seven Pounds is a good film and no doubt worth a look, I would just recommend going for the rental vs. the theater. Will Smith pulls in a good performance, but not his best, just most of the film required him crying in every scene, but the last one with him is a doozy. But I loved the ending, it was beautiful and really made you appreciate life and to not take it for granted. There is still good people in this world and Ben's character reminds you to value life and to give to those who are in desperate need. Although he went a little far, but it was still a beautiful story.

7/10\": {\"frequency\": 1, \"value\": \"Seven Pounds, this ...\"}, \"The hip hop rendition of a mos def performance (according to the film's musical credits)...it is an incredible piece of savage consciousness that slams the violence in your heart with each \\\"snap\\\" if anyone can tell me someplace this song, \\\"Live Wire Snap\\\" by Mos Def from \\\"The Ground Truth\\\", an undeniable duty to see as the Americans who might not support the mission but embrace each soul caught inside this savage miscalculation of purpose...they take on the haunting as so many of us can sit back and be angry...

\\\"Live Wire Snap\\\" by Mos Def, where can it be found

desperate to find it :

medically unable to serve\": {\"frequency\": 1, \"value\": \"The hip hop ...\"}, \"What could be more schlocky than the idea of private detectives getting involved with the women they're supposed to be spying on? And most of the dialogue as written is perfectly banal.

But the actors turn the dialog into something that makes sense. You can see real people behind the unreal lines. And the directing is wonderful. Each scene does just what it has to and ends without dragging on too long.

I showed this to several friends in the mid-80s because I was perplexed at how such bad material could be made into such a good movie. The friends enjoyed it too.\": {\"frequency\": 1, \"value\": \"What could be more ...\"}, \"When I was at the movie store the other day, I passed up Blonde and Blonder, but something about it just seemed like it could possibly be a cute movie. Who knows? I mean, I'm sure most people bashed Romy and Michelle before they saw it, Blonde and Blonder might have just been another secret treasure that was passed up. But when I started watching it: Executive Producer Pamela Anderson, wow, I knew I was in for something scary. Not only that, but both of what were considered the pinnacle of hotness: Pam Anderson and Denise Richards, not to offend them, but they were not aging well at all and they're playing roles that I think were more meant for women who are supposed to be in their 20's, not their 40's. The story was just plain bad and obnoxious.

Dee and Dawn are your beyond stupid stereotypical blonde's, they really don't have a clue when it comes to what is going on in the world, it's just really sad. But when the girls are somehow mistaken for murder assassins, the cops are on their tale and are actually calling the girls geniuses due to their \\\"ignorance is bliss\\\" attitudes. They are set up to make a \\\"hit\\\" on a guy, and they think they're just going to \\\"show him a good time\\\", but the real assassin is ticked and wants the case and to kill the girls.

Denise and Pam just look very awkward on the screen and almost like they read the script the day before. I know that this was supposed to be the stupid comedy, but it was more than stupid, it went onto obnoxious and was just unnecessary. Would I ever recommend this? Not in a million years, the girls are just at this point trying to maintain their status as \\\"sex kittens\\\", it's more a sign of desperation and Blonde and Blonder is a huge blonde BOMBshell.

1/10\": {\"frequency\": 1, \"value\": \"When I was at the ...\"}, \"I have seen many, many films from China - and Hong Kong. This is the worst. No, the worst one was 'Unknown Pleasures'. I watched 'Platform' yesterday evening and thought that Jia Zhang Ke's other two films must be better. This evening I was disappointed again. I will not be watching 'Xiao Wu' tomorrow evening because I have just placed all three films in the bin! Whoever gave this film, 'Platform' ten out of ten, needs to watch more cinema! The photography was very poor: it was very difficult to differentiate between some of the characters because of the lack of close-up work. The storyline was so disjointed that I fast-forwarded it towards the end out of pure frustration. I would not recommend this film to anyone. Give me Zhang Yimou or Chen Kage any day. These are true masters of Chinese cinema, not pretentious con men!\": {\"frequency\": 1, \"value\": \"I have seen many, ...\"}, \"It tries to be the epic adventure of the century. And with a cast like Sh\\ufffd\\ufffd Kasugi, Christopher Lee and John-Rhys Davies it really is the perfect B-adventure of all time. It's actually is a pretty fun, swashbuckling adventure that, even with it's flaws, captures your interest. It must have felt as the biggest movie ever for the people who made it. Even if it's made in the 90s, it doesn't have a modern feel. It more has the same feeling that a old Errol Flynn movie had. Big adventure movie are again the big thing in Hollywood but I'm afraid that the feeling in them will never be the same as these old movies had. This on the other hand, just has the real feeling. You just can't hate it. I think it's an okay adventure movie. And I really love the soundtrack. Damn, I want the theme song.\": {\"frequency\": 1, \"value\": \"It tries to be the ...\"}, \"Poorly-made \\\"blaxploitation\\\" crime-drama aimed squarely at the black urban market of the early 1970s. Pam Grier stars in the title role, that of a nurse who becomes a one-woman vigilante after drug-dealing thugs make Coffy's little sister a junkie. Violent nonsense plods along doggedly, with canned energy and excitement; only Grier's flaring temper gives the narrative a jolt (she's not much of an actress here, but she connects with the audience in a primal way). Not much different from what Charles Bronson was doing at this time, the film was marketed and advertised as crass exploitation yet still managed to find a sizable inner-city audience. Today however, it's merely a footnote in '70s film history, and lacks the wide-range appeal of other movies in this genre. *1/2 from ****\": {\"frequency\": 1, \"value\": \"Poorly-made ...\"}, \"the movie sucked, it wasn't funny, it wasn't exciting. they tried to make it so bad that it would be good, but failed. and thinking it's cool to like this movie, next to the hype, are the only reasons that this movie is a success...

the fact that at this moment 50% voted a 10 out of 10 for this movie seems pretty concerning to me, either the movie going public is going insane or this vote is unrealistic which can have numerous causes, and should be dealt with. anyway it is a less than average movie which bloomed through mouth to mouth advertising. It's success can only be described as a marketing marvel.\": {\"frequency\": 1, \"value\": \"the movie sucked, ...\"}, \"In the Comic, Modesty is strong. Alexandra Staden who plays Modesty Blaise looks more like an anorectic fashion model. She does not either have the moral or personality that Modesty have in the comics. Modesty would never give a woman an advice to show more skin to earn more money. I cannot see any similarities with my comic books with Modesty and this movie. Its like a Mission Impossible movie would be about Ethan Hunt locked in the detention room in high school talking with the janitor about when he went to junior high school and Hunt would have been played by DJ Qualls (in Road Trip). Soo if you are an Modesty fan do not see the movie you will just get angry. If do not know much about the Modesty comics rent an other movie do not wast your time with this one.I cannot understand how Quentin Tarantino can put his name on it. I will ask for a refund at my DVD rent store tomorrow.\": {\"frequency\": 1, \"value\": \"In the Comic, ...\"}, \"So, Prom Night was supposed to be a horror and thriller movie. I'm a big wuss and was scared to see this movie at the beginning, but upon seeing it, it is neither horror or thriller.

I was basically making fun of the movie in my seat because it was so predictable. You could predict what was going to happen next. The young actors were alright at playing their characters, but I'd have to say the killer was definitely at the top of the game - acting wise.

Yes, I'll give props for the plot because it was good, but it's not thrilling or scary. There were almost zero \\\"jump-in-your-seat\\\" scenes. So, don't waste ten dollars seeing it in theatres, wait 'til it comes to DVD.\": {\"frequency\": 1, \"value\": \"So, Prom Night was ...\"}, \"(When will I ever learn-?) The ecstatic reviewer on NPR made me think this turkey was another Citizen Kane. Please allow me to vent my spleen...

I will admit: the setting, presumably New York City, has never been so downright ugly and unappealing. I am reminded that the 70's was a bad decade for men's fashion and automobiles. And all the smoking-! If the plan was to cheapen the characters, it succeeded.

For a film to work (at least, in my simple estimation), there has to be at least ONE sympathetic character. Only Ned Beaty came close, and I could not wait for him to finish off Nicky. If a stray shot had struck Mikey, well, it may have elicited a shrug of indifference at the most.

I can't remember when I detested a film as strongly. I suppose I'm a rube who doesn't dig \\\"art\\\" flicks. Oh, well.\": {\"frequency\": 1, \"value\": \"(When will I ever ...\"}, \"I saw this ages ago when I was younger and could never remember the title, until one day I was scrolling through John Candy's film credits on IMDb and noticed an entry named \\\"Once Upon a Crime...\\\". Something rang a bell and I clicked on it, and after reading the plot summary it brought back a lot of memories.

I've found it has aged pretty well despite the fact that it is not by any means a \\\"great\\\" comedy. It is, however, rather enjoyable and is a good riff on a Hitchcock formula of mistaken identity and worldwide thrills.

The movie has a large cast of characters, amongst them an American couple who find a woman's dog while vacationing in Europe and decide to return it to her for a reward - only to find her dead body upon arrival. From there the plot gets crazier and sillier and they go on the run after the police think they are the killers.

Kind of a mix between \\\"It's a Mad Mad Mad Mad World\\\" and a lighter Hitchcock feature, this was directed by Eugene Levy and he managed to get some of his good friends - such as John Candy - to star in it. The movie is mostly engaging due to its cast, and the ending has a funny little twist that isn't totally unpredictable but also is kind of unexpected.\": {\"frequency\": 1, \"value\": \"I saw this ages ...\"}, \"I watched this movie also, and altho it is very well done, I found it a heartbreaker and would not recommend this to women who have small children.. The terror on this mother's face when she sees her child about to be run over by a train is truly heartbreaking. And the sad thing is--internally she dies. Eventually she goes back to the Applacian mountains. All the money in the world which she makes from making dolls does not conceal the grief she has. I remember her desperate face as she pulls money out of her clothes to try to have her child healed. I'm surprised this movie takes place in Detroit, because when I watched it I thought for sure the people had come to Cincinnati, Ohio. This also was a route for the poor from the mountains.\": {\"frequency\": 1, \"value\": \"I watched this ...\"}, \"The director states in the Behind-the-Scenes feature that he loves horror movies. He loves them so much that he dedicated the movie to Dario Argento, as well as other notable directors such as George A. Romero and Tobe Hooper. Basically dedicating this movie to those great directors is like giving your mother a piece of sh*t for Mother's Day. The first thing they did wrong was the casting. CAST PEOPLE THAT CAN ACT. Also, don't cast a person that is 40 years old for the role of a misunderstood, 18 year old recluse. That's right, he's been in high school for 22 years. The reactions made by people as they watch their boyfriends get their hearts ripped out is amusing. Or like one part when a guy gets stabbed in the ear with an ear of corn (haha get it), and his girlfriend just goes, \\\"Oh..my.. God?\\\" The scarecrow himself is quite a character. Doing flips off cars and calling people losers.

The movie does have one redeeming factor... oh wait, no it doesn't.

If you absolutely MUST see this movie, than just watch the Rock and Roll trailer on the DVD. It covers about everything and has a really gnarly song dude.\": {\"frequency\": 1, \"value\": \"The director ...\"}, \"Munchies starts in deepest darkest Peru (looks more like a dirt road to me) where archaeologist Simon Watterman (Harvey Korman) & his son Paul (Charles Stratton) are on an expedition. Simon thinks that ancient Aztec buildings were in fact spacecraft control centres & he is on a mission to gain proof that alien lifeforms have visited Earth, while in once such structure he discovers a strange small creature which he sticks in his backpack & takes back home with him to the small American town of Sweetwater in California. Simon feels that the creature is the proof he has been looking for & for some inexplicable reason decides to leave the thing at home while he goes to share his discovery. Simon ask's Paul & his wife Cindy (Nadine Van der Velde) to take care of it. Meanwhile Simon's brother & fast-food businessman Cecil Watterman (Harvey Korman again) steals the creature so his brother won't make any money out of it, but his idiotic stepson Dude (Jon Stafford) has a fight with it & chops it up with a knife but the individual parts grow back into separate little creatures that proceed to cause much havoc amongst the townspeople...

Directed by Bettina Hirsch this has to be one of the worst horror comedy's ever, if not the worst. The script by Lance Smith is so unfunny it's painful. Every joke in Munchies misses the target by the proverbial mile, I doubt the humour in this piece of crap would even appeal to pre-teens. There just isn't anything even remotely funny or even amusing in Munchies as far as I'm concerned. The basic story is crap too, they just happen to find this creature running around with no explanation of what it is, why no-ones ever seen it before, how it manages to learn English so quickly & how it learns to drive etc. The whole thing is a big Gremlins (1984) rip-off with none of the elements that made that film so good. The character's are moronic, the stupid Deputy (Charlie Phillips) & his dad (Hardy Rawls), Cecil wearing an embarrassing wig & fake moustache & his air head wife Melvis (Alix Elias) & more besides. They just plain embarrass & are ridiculous, I defy anyone to find any of this rancid rubbish funny. Basically Munchies fails spectacularly at being either a comedy or horror & ends up being, yes you've guessed it, crap.

Director Hirsch was obviously working with a low budget here & it shows, the entire thing takes place in two houses, the desert, some caves & a miniature golf course. This is really cheap & incompetent film-making. The special effects on the Munchies themselves are really awful, their just dolls that have no movement unless someone off camera pulls a string attached to it's arm. I cannot stress how bad the effects are, these things wouldn't convince my 4 year old nephew (as proved by me & him yesterday!). Total incompetence all the way, this film sucks.

Technically the film is terrible, bad special effects, lame production design, rubbish sets & well, just everything's crap. The acting is rotten through & through, from the cops to Korman who has two roles both of which prove he can't act & isn't funny.

Munchies is a really bad film that fails in everything that it tries to achieve, sure watch it if you want I won't stop you but just don't say you weren't warned! My advice would be to watch Gremlins again instead, but the decision is yours!\": {\"frequency\": 1, \"value\": \"Munchies starts in ...\"}, \"As if most people didn't already have a jittery outlook on the field of dentistry, this little movie will sure make you paranoid patients squirm. A successful dental hygienist witnesses his wife going down on the pool man (on their anniversary of all days!) and snaps big time into a furious breakdown. After shooting an attack dog's head off, he strolls into work and ends up taking his marital aggression out on the patients as he plans what to do about his \\\"slut\\\" of a wife. There are plenty of up-close shots of mouth-jabbing, tongue-cutting, and beauty queen fondling, as well as a marvelously deranged performance by Corbin Bernsen. The scene in which he ties up and gases his wife before mercilessly yanking her teeth out is definitely hard to watch. A dentist is absolutely the wrong kind of person to go off the deep end and this movie sure explains that in detail. \\\"The Dentist\\\" is incredibly entertaining, fast-paced, and laughably gory at times. Check it out!\": {\"frequency\": 1, \"value\": \"As if most people ...\"}, \"I don't know about you, but what I love about Tom and Jerry cartoons is the (often violent) interaction between the two characters. Mouse In Manhattan sees Jerry leaving Tom behind to have an adventure in New York, and as far as I am concerned, this one definitely suffers from a lack of cat!

As magical as Jerry's exploration of the 'Big Apple' might be for the other T&J fans who have commented here on IMDb, I couldn't wait for this self-indulgent rubbish to end, so I could watch the next cartoon on my DVD.

In fact, the only part of the whole episode that I genuinely enjoyed was when Jerry almost 'buys the farm', hanging precariously off the end of a broken candle, hundreds of feet above a busy road.\": {\"frequency\": 1, \"value\": \"I don't know about ...\"}, \"I have not seen many low budget films i must admit, but this is the worst movie ever probably, the main character the old man talked like, he had a lobotomy and lost the power to speak more than one word every 5 seconds, a 5 year old could act better. The story had the most awful plot, and well the army guy had put what he thought was army like and then just went over the top, i only watched it to laugh at how bad it was, and hoped it was leading onto the real movie. I cant believe it was under the 2 night rental thing at blockbusters, instead of a please take this for free and get it out of our sight. I think there was one semi decent actor other than the woman, i think the only thing OK with the budget was the make up, but they show every important scene of the film in the beginning music bit. Awful simply awful.\": {\"frequency\": 1, \"value\": \"I have not seen ...\"}, \"Movie \\\"comedies\\\" nowadays are generally 100 minutes of toilet humor, foul language, and groin-kicking. Modern comedies appeal to the lowest common denominator, the undemanding and slow of brain. Sure, an occasional good comedy will come along, but they're becoming rarer all the time.

\\\"Mr. Blandings Buildings his Dream House\\\" shows what 1940s Hollywood was capable of, and it's just screamingly funny. Jim and Muriel Blandings (Cary Grant and Myrna Loy) decide to build a house in the Connecticut suburbs. The film follows their story, beginning with house hunting trips, the house's riotous construction, all the way to the finished home--with its \\\"zuzz-zuzz water softener\\\".

Grant and Loy are perfect for their roles, of course (Grant is particularly funny as he watches the house's costs zoom out of control). However, the film is stolen by the Blandings' wise attorney, played to perfection by Melvyn Douglas. Managing to steal every scene he's in, Douglas is understatedly hilarious while he watches the Blandings lurch from crisis to crisis. Reginald Denny as the Blandings' harried architect and Harry Shannon as the crusty old water well driller are also wonderful.

I've watched this movie numerous times and it always makes me laugh. I think it's a good film to watch when you need a lift, whether you're building a house or not.\": {\"frequency\": 1, \"value\": \"Movie \\\"comedies\\\" ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"Disregard the plot ...\"}, \"The big bad swim has a low budget, indie feel about it. So many times I start to watch independent films that have had really good reviews only to find out they are pretentious crud, voted for by people who are so blinded by the idea of the film and its potential to be provocative that they forget that film is a form of entertainment first and foremost.

I do not know if The big bad swim has any message or higher meaning or metaphor, if it does then I missed it.

From the get go BBS felt right, it was easy and warm and human, there were no major dramas or meaningful insights, I just connected with the characters straight off. And when, as with all good films the end came around I felt sadness at the loss of that connection.

If you are looking for something big, or fast or insightful look elsewhere, look for a film trying to deliver more than it can. BBS delivers a solid, enjoyable, real experience and I felt rewarded and satiated having watched it.\": {\"frequency\": 1, \"value\": \"The big bad swim ...\"}, \"This is a excellent start to the film career of Mickey Rooney. His talents here shows that a long career is ahead for him. The car and truck chase is exciting for the 1937 era. This start of the Andy Hardy series is an American treasure in my book. Spring Byington performance is excellent as usual. Please Mr Rooney or owners of the film rights, take a chance and get this produced on DVD. I think it would be a winner.\": {\"frequency\": 1, \"value\": \"This is a ...\"}, \"This is a great movie, I did the play a while ago. It had an extra zing-- to it. I loved Vanessa Williams as Rosey, and also Jason Alexander has a good voice. It was great. The setting were also very good. Except the fact that it is 2 hours and 50 minutes, makes it pretty long. Overall I give it 8.5 stars. They also added a few parts, but it was still cool.\": {\"frequency\": 1, \"value\": \"This is a great ...\"}, \"badly directed garbage. a mediocre nihilist sadistic gorefest ... if you are the sort of person who likes that ... see a shrink. even if you are that person it doesn't make this a good film, the acting is really poor, the story full of plot holes, the director really should just give up and find a real job as he has no talent for this one. I can see why people dislike uwe boll .. we have had a few of his films on lately and this is the best of them, which is really sad! A complete absence of any sort of humanity seems to suit some people but here it just grates. Horror films can be full of desolation, they can be miniature works of art, they can be just good viewing when there is nothing else on ... SEED is just really really poor.\": {\"frequency\": 1, \"value\": \"badly directed ...\"}, \"Still a sucker for Pyun's esthetic sense, I liked this movie, though the \\\"unfinished\\\" ending was a let-down. As usual, Pyun develops a warped sense of humour and Kathy Long's fights are extremely impressive. Beautifully photographed, this has the feel it was done for the big screen.\": {\"frequency\": 1, \"value\": \"Still a sucker for ...\"}, \"I remember seeing this in a the Salem movie theater (where I used to attend \\\"Kiddie Matin\\ufffd\\ufffde\\\"s almost every Saturday) in Dayton, Ohio when I was a young boy and have never forgotten it. It simply amazed me and my friends. I do wish there were some way I could see it again! I have tried to find some compilation of shorts or something like that to no avail. I only recently discovered that it was a Cousteau film and that blew my mind even more. How the heck he accomplished this is beyond my understanding. The fish is ACTUALLY IN THE CAT'S MOUTH at one point, if I remember correctly! If anyone could help me find a way to see it again I would be extremely grateful!\": {\"frequency\": 1, \"value\": \"I remember seeing ...\"}, \"Simply put, this is a simplistic and one dimensional film. The title, The Rise to Evil, should tell you that this isn't going to attempt to be anything deep or do much with Hitler's character. Rather, from the first minutes of the movie where we see baby Hitler looking evil with evil music playing the background, we are given a view of Hitler that presents his as a cartoony supervillian, seemingly ripped right out of a Saturday morning TV show. The film REALLY wants to make its case that Hitler was evil but does anyone need a movie to convince them that Hitler was evil? Ultimately, making him such a one-dimensionally evil character is both boring and confusing (one must ask how the inept, phsycotic character in the film cold ever persuade a nation to follow him or be named Time's man of the year). This film had a great opportunity to take a figure who has committed some of the most horrible acts in the 20th century, and try to delve into his mind. Instead, it basically just says, \\\"Hey! Hitler was evil! Just thought you might like to know...\\\" over and over again. The great irony is that the film still was attacked for presenting too sympathetic a view of the character. Give me a break.\": {\"frequency\": 1, \"value\": \"Simply put, this ...\"}, \"Meet Peter Houseman, rock star genetic professor at Virgina University. When he's not ballin' on the court he's blowing minds and dropping panties in his classroom lectures. Dr. Houseman is working on a serum that would allow the body to constantly regenerate cells allowing humans to become immortal. I'd want to be immortal too if I looked like Christian Bale and got the sweet female lovin that only VU can offer. An assortment of old and ugly university professors don't care for the popular Houseman and cut off funding for his project due to lack of results. This causes Peter to use himself as the guinea pig for his serum. Much to my amazement there are side effects and he, get this, metamorphoses! into something that is embedded into our genetic DNA that has been repressed for \\\"millions of years\\\". He also beds Dr. Mike's crush Sally after a whole day of knowing her. She has a son. His name is Tommy. He is an angry little boy.

Metamorphosis isn't a terrible movie, just not a well produced one. The whole time I watched this I couldn't get past the fact that this was filmed in 1989. The look and feel of the movie is late seventies quality at the latest. It does not help that it's packaged along with 1970's movies as Metamorphosis is part of mill creek entertainment's 50 chilling classics. There is basically no film quality difference whatsoever. The final five minutes are pure bad movie cheese that actually, for me at least, save the movie from a lower rating. Pay attention to the computer terminology such as \\\"cromosonic anomaly\\\". No wonder Peter's experiment failed. Your computer can't spell! This is worthy of a view followed by a trip to your local tavern.\": {\"frequency\": 1, \"value\": \"Meet Peter ...\"}, \"This is a most handsome film. The color photography is beautiful as it shows the lavishness of the Metropolitan Opera House in brilliant color. Other indoor scenes at various mansions, etc are equally brilliant. As for the music, what more can be said other than that Lanza's voice was at its' peak as he sang so many of the worlds' best known and beloved arias. The marvelous Dorothy Kirsten is also a joy as her soprano voice blends with that of Lanza in delightful harmony. Of course, Hollywood took their customary liberties with the life story of Caruso. There is precious little in the story line that relates to actual events. For example, the facts relating to his death are totally fabricated and bear no relationship to the truth. There are some very good web sites that tell the true story of Caruso and contain several pictures of him. These web sites can be located by using any good search engine. There are also several books available concerning his life history. But, the fictional story line does nothing to mar this beautiful film. The voices of Lanza, Kirsten, and the chorus members are the real stars of this movie. Enjoy, I know that I sure did.\": {\"frequency\": 1, \"value\": \"This is a most ...\"}, \"STUDIO 666 (aka THE POSSESSED in the UK) is another sub-par slasher that has the appearance of a straight-to-DVD movie.

Whilst many of the straight-to-DVD movies are fast-paced or unintentionally hilarious in the so-bad-it's-good sense, STUDIO 666 is a lamentable failure.

At the time of writing, every comment on the first page includes a negative rating and a negative review. Every one of these people have hit the nail on the head.

The two people (at the time of writing) who wrote comments with a rating of 10 out of 10 should not be taken seriously. Obviously they've seen few slasher movies and have an even more limited understanding of horror.

The only really positive point I can make about this movie is that it does fare better than THE CHOKE and ONE OF THEM, two extremely mediocre slasher movies that I would not wish on my worst enemy!

The plot of this movie must have been done hundreds, if not thousands of times. The movie only has a slight twist (and one that is badly handled) to the usual expectations. A depressed singer commits suicide. Soon after, her spirit returns to possess one of her surviving friends. The said possessed friend goes on a killing spree. The rest of the plot really is too bizarre to sum up. You'll just have to see it for yourself, providing your interest has not yet waned to the point of extinction of course.

The acting in the movie is very poor for the most part. The actress who played Dora was an exception to this. Her character was always interesting and seductive when she was on the screen. She helps to elevate the movie above similar contemporary efforts. Unfortunately, some of the lines she was given to say were badly written to put it mildly and thus prevent her from saving the movie.

The direction was equally poor. The villains did not seem the least bit menacing, every killing was totally devoid of suspense or tension, atmosphere was non-existent and the camera-work was incredibly basic. Some of the special effects (if you can call them that) reminded me of the TV series, GHOST STORIES. Unfortunately for the producers of this movie, GHOST STORIES had intelligently written scripts, believable performances and made superb use of camera angles. Maybe if the producers had watched that TV series closely, they'd have picked up some more techniques that might have saved this excuse for a movie!

The music is completely unsuited to the tone of the movie. It's just rock music and not the best examples of this type either. Don't get me started on that awful song played at the beginning!

Some aspects of the movie, particularly dialogue, are unintentionally funny. Unfortunately they are not funny enough to move the movie up (or should it be down) to the so-bad-it's-good level.

Overall, STUDIO 666 is a mundane mediocre slasher with very little noteworthy aspects. I recommend this only to those who are fans of straight-to-DVD movies and have a desire to see every single slasher ever made.\": {\"frequency\": 1, \"value\": \"STUDIO 666 (aka ...\"}, \"Lame, lame, lame!!! A 90-minute cringe-fest that's 89 minutes too long. A setting ripe with atmosphere and possibility (an abandoned convent) is squandered by a stinker of a script filled with clunky, witless dialogue that's straining oh-so-hard to be hip. Mostly it's just embarrassing, and the attempts at gonzo horror fall flat (a sample of this movie's dialogue: after demonstrating her artillery, fast dolly shot to a closeup of Barbeau's vigilante character\\ufffd\\ufffdshe: `any questions?' hyuck hyuck hyuck). Bad acting, idiotic, homophobic jokes and judging from the creature effects, it looks like the director's watched `The Evil Dead' way too many times.

I owe my friends big time for renting this turkey and subjecting them to ninety wasted minutes they'll never get back. What a turd.\": {\"frequency\": 1, \"value\": \"Lame, lame, ...\"}, \"There's something wonderful about the fact that a movie made in 1934 can be head and shoulders above every Tarzan movie that followed it, including the bloated and boring 1980s piece Greystoke. Once the viewer gets past the first three scenes, which are admittedly dull, Tarzan and his Mate takes off like a shot, offering non-stop action, humor, and romance. Maureen O'Sullivan is charming and beautiful as Jane and walks off with the movie. Weismuller is solid as well. Highly recommended.\": {\"frequency\": 1, \"value\": \"There's something ...\"}, \"I have to say the first I watched this film was about 6 years ago, and I actually enjoyed it then. I bought the DVD recently, and upon a second viewing I wondered why I liked it. The acting was awful, and as usual we have the stereo-typical clansmen in their fake costumes. The acting was awful at best. Tim Roth did an OK job as did Liam Neeson, but I've no idea what Jessica Lange was thinking.

The plot line was good, but the execution was just poor. I'm tired of seeing Scotland portrayed like this in the films. Braveheart was even worse though, which is this films only saving grace. But seriously, people didn't speak like that in those days, why do all the actors have to have Glaswegian accents? Just another film to try and capture the essence of already tired and annoying stereotypes. I notice the only people on here who say this film is good are the Americans, and to be honest I can see why they'd like it, I know they have an infatuation for men in Kilts. However, if you are thinking of buying the DVD, I'd say spend your money on something else, like a better film.\": {\"frequency\": 1, \"value\": \"I have to say the ...\"}, \"I got to say that Uma Thurman is the sexiest woman on the planet. this movie was uber cute and I mean uber cute. It had all the \\\"sex\\\" content that most Ivan Reitman comedies have but with something a lil extra, CHEMISTRY. Uma and Luke both have this awkrawrd but believable chemistry that seem to transcend in each scene . Both seem to create this odd, twisted and interesting relationship with powerful \\\"sexual\\\" tension that you laugh until you can't feel your face anymore. Anna Farris and the rest of the supporting cast seem to play off each other's roles perfectly and even Wanda Sykes' rather small role will keep you laughing. Though these kind of comedies aren't for everybody, but I have to say I went with a person that doesn't usually enjoy these films and he was laughing like crazy. This movie is certainly not for everyone. especially younger children since some moments are little too...well lets say ADULT for younger viewers. All in all I was pleasantly surprised by this movie, tough the ending I found was a little weak compared to the rest of the film. (3 1/2* out of 5*)\": {\"frequency\": 1, \"value\": \"I got to say that ...\"}, \"This movie is just so awful. So bad that I can't bear to expend anything other than just a few words. Avoid this movie at all costs, it is terrible.

None of the details of the crimes are re-enacted correctly. Lots of slaughterhouse footage. Weird cuts and edits. No continuity to the plot. The acting is absolutely the most amateur I have ever seen.

This bomb of a movie was obviously made to make some money without any regard to the accuracy of it's content. The camera work is out of focus at times and always shaky. It looks as if it was shot on video.

In fact, now that they've got Dennis Rader with life in prison, I wish they would put the guys that made this horrible movie into prison as well.

Seriously, don't even think about watching this one. I'd give it a negative star if I could.\": {\"frequency\": 1, \"value\": \"This movie is just ...\"}, \"This is one of those unique horror films that requires a much more mature understanding of the word 'horror' in order for it to be appreciated. The main thing people may fail to realize that this story is told through the point of view a little boy and, as with most younger children, he gets frightened easily. Mainly because he simply doesn't understand things, like why his father is hardly ever there for him. From watching the film you can see the husband arguing with his wife the balance between work time and family time and you can easily understand it, but the little boy doesn't. Also one can imagine the boy being afraid of the woods, as it is established early on in the film, that the family is from the city. Also, in the beginning as the family is traveling to the house they hit a deer, then get held up, then they argue with the locals about it, and the little boy surely didn't find this introduction to the woods pleasant at all.

The \\\"Wendigo\\\" is ultimately what his young, innocent mind fabricates to explain all of this. There is the American Indian legend, but when looking at the scene where the young boy hears about about it, it is explained to him like bluntly and simplistically. Not because that's what the Wendigo actually is, but because that is how he understands it. When you look at the film from this point of view you can really begin to appreciate it. Obviously it was low-budget and shot cheaply, but the jumping montages, use of light, and general eeriness more than make up for it. And the final question the film asks is: is it all in your head, or is it really out there? 8/10

Rated R: profanity, violence, and a sex scene\": {\"frequency\": 1, \"value\": \"This is one of ...\"}, \"This is a very rare film and probably the least known from Shirley Temple as it isn't on any of her collections.The reason why is probably because it doesn't have a happy ending,unlike all her other films.Its also not a musical,although she does belt out one song called' The world owes me a living'.The film was made in 1934 and originally in black and white,the version i have is in colour and on VHS,i would say they have done a fine job as the colour does look realistic,unlike i would say the colourised films of Laurel And Hardy which are dreadful.The film is good for its age and the story hasn't dated at all,I'm surprised no one has tried to do a remake.At times the film is a little bit to talky as some of the scenes with Gary Cooper and Carole Lombard seem really dragged out, in some scenes they seem to take fifteen minutes to say what they could have said in five.Although don't be put off by this because this film does have some genuinely good moments in it,especially when {Jerry}Gary Cooper steals a necklace,and hides it in Shirley's teddy bear.The tension and slow build up to his actions,{while at the same time his daughter is singing to an audience in another room}is very well directed.Gary and Caroles edgy facial expressions when they are put under scrutiny are also very good.In all this is a good film from the early 30's,accept it for its age.\": {\"frequency\": 1, \"value\": \"This is a very ...\"}, \"I am working my way through the Chilling Classics 50 Movie Pack Collection and THE WITCHES' MOUNTAIN (El Monte de las brujas)is something like the 17th movie in the set.

The movie had nothing to it to hold my attention at all. The plot was incoherent. The dialog seemed improvised. The acting was poor. The characters were unsympathetic.

The best scene is the beginning, with an exasperated woman that is driven to burning her seemingly bratty daughter. However, the only connection this scene has to the rest of the movie, is the lead character, Mario, who has the most stupendous mustache ever. But, that's it.

The film was not effective on any level. The music was too intrusive. The lighting was very dark, so that some scenes are almost completely black. It really is barely watchable -- what more can I say?\": {\"frequency\": 1, \"value\": \"I am working my ...\"}, \"This has to be the funniest stand up comedy I have ever seen. Eddie Izzard is a genius, he picks in Brits, Americans and everyone in between. His style is completely natural and completely hilarious. I doubt that anyone could sit through this and not laugh their a** off. Watch, enjoy, it's funny.\": {\"frequency\": 1, \"value\": \"This has to be the ...\"}, \"There is only one reason to watch this movie if you are not related to one of the stars or a producer: actress Nichole Hiltz. She is the show in this slow moving and wildly unlikely story of revenge. Directed by Simon Gornick, the film stars Joyce Hyser as a betrayed wife who decides to seek revenge on her cheatin' spouse. Oh, but not by conventional means. She plans a total guerrilla war and recruits bad girl Nichole Hiltz as her weapon of choice. She wants Nichole (as Tuesday) to get close to her ex (the handsome but dull Stephan Jenkins, who should stick to music) to embarrass him and ruin his life. David DeLuise is good in his few brief moments, and former \\\"Crime Story\\\" star Anthony Dennison is given virtually nothing to do but scowl. Hiltz on the other hand comes off at various times as sexy and playful, then evil and devious. She also handles vulnerable and \\\"maybe a bit psychotic\\\" well. She's also quite hot (though there's no naughty bits show) so you can understand how she might be able to get to any guy she is aimed at. But the performance is kind of wasted in this movie, which is just not edgy or interesting enough to recommend.\": {\"frequency\": 1, \"value\": \"There is only one ...\"}, \"Highly enjoyable, very imaginative, and filmic fairytale all rolled into one, Stardust tells the story of a young man living outside a fantasy world going inside it to retrieve a bit of a fallen star only to find the star is alive, young, and beautiful. A kingdom whose king is about to die has said king unleash a competition on his several sons to see who can retrieve a ruby first to be king whilst a trio of witches want the star to carve up and use to keep them young. These three plot threads weave intricately together throughout the entire picture blended with good acting, dazzling special effects, and some solid sentiment and humour as well. Stardust is a fun film and has some fun performances from the likes of Claire Danes as the star(I could gaze at her for quite some time) to Michelle Pfeiffer(I could gaze at her at full magical powers even longer) playing the horrible witch to Robert Deniro playing a nancy-boy air pirate to perfection. Charlie Cox as the lead Tristan is affable and credible and we get some very good work from a group of guys playing the sons out to be king who are constantly and consistently trying to kill off each other. Mark Strong, Jason Flemyng, and Ruppert Everett plays their roles well in both life and death(loved this whole thread as well). Peter O'Toole plays the dying killer daddy and watch for funny man Ricky Gervais who made me laugh more than anything in the entire film in his brief five minutes(nice feet). But the real power in the film is the novel by Neil Gaiman and the script made from his creative and fertile mind. Stardust creates its own mythology and its own world and it works.\": {\"frequency\": 1, \"value\": \"Highly enjoyable, ...\"}, \"I hired this movie expecting a few laughs, hopefully enough to keep me amused but I was sorely mistaken. This movie showed very minimal moments of humour and the pathetic jokes had me cringing with shame for ever hiring it... Aimed at an age group of 10-15, this movie will certainly leave viewers outside of these boundaries feeling very unsatisfied. Worth no more than 3 votes highly unrecommended for anyone not wanting to waste 2 hours of their lives.\": {\"frequency\": 1, \"value\": \"I hired this movie ...\"}, \"As one of the few commentators not to have seen the 1st film, I found this to be a very disappointing movie.

Yes, it has a funny awkward type of humour if you can bear the (highly) morally dubious premise. However, it fails abysmally in the important areas.

There is thin and nonsensical plot line involving Gordon Sinclair's generous friend who may or may not be entwined in a conspiracy to supply dangerous electronics to Third World countries - possibly in free computers ... or possibly not. Vague, long-winded and inconclusive. The lack of any substantial ending is so infuriating and what is present is pompous and wholly illogical. The film feels half-finished.

Suspension of disbelief is extremely difficult when witnessing a very attractive female teacher (Maria Doyle Kennedy) can be drawn to Gordon Sinclair's unimpressive character, especially when he fends off her advances. Laughable. It worsens later in the film when he achieves his romantic ambitions then throws it all away for some ideals based on very little evidence of ambiguous value.

Not many films leave me feeling cheated, but I felt my time was stolen.\": {\"frequency\": 1, \"value\": \"As one of the few ...\"}, \"I was literally preparing to hate this movie, so believe me when I say this film is worth seeing. Overall, the story and gags are contrived, but the film has the charm and finesse to pull them off. That gag where Jason Lee thinks he has crabs, and tries not to let his boss/future father-in-law and co-workers see him scratching himself isn't terribly intelligent, but it sent me into a frenzy of laughter. Very few of the film's gags are high-brow, but they made me laugh. As I said, the film has charm and charm can go a long way.

The characters are likable, too. I must say I wish I got to see more of James Brolin's character, since he was a hoot in the very few scenes he was in. Plus, I admire any romantic comedy that has the guts to not make the character of the wife (who serves as the obstacle in the plot) a total witch. The Selma Blair character is hardly unlikable, and there's never a scene where I thought to myself, \\\"Why did he want to marry her in the first place?\\\" The ending is Hollywood-ish, but it could've been much more schmaltzy.

The cast is talented. I haven't had a favorable view of most of Jason Lee's mainstream work. I just loved him so much in Kevin Smith's films that I couldn't help but feel disappointed at seeing him in these dopey roles. And he never looks comfortable in these dopey roles. Even in this movie, he doesn't look perfectly comfortable, but he contributes his own two cents and effectively handles each scene. But I still miss his work in independent films. Julia Stiles proves again why she's so damn likable. Of course, she's a very beautiful girl with a radiant smile that makes me want to faint, but she also possesses a unique charm and seems to have good personality. In other words, her beauty shows inside and out. I don't know the actresses' name, but the woman who plays the drunk granny is hilarious. Julie Hagerty also has a small part, and she's always enjoyable to watch, which makes me wish she received better roles. I loved her so much in \\\"Airplane\\\" and \\\"Lost in America\\\" that it's a shame she doesn't get the same opportunities to flaunt her skills.

Don't be put off by the horrible trailers and even more horrible box office records. This is a funny, charming film. Romantic comedies are getting so predictable nowadays that it feels like the genre itself is ready to be flushed down the toilet, so it's always to see a good one among all these bad apples.

My score: 7 (out of 10)\": {\"frequency\": 1, \"value\": \"I was literally ...\"}, \"Maybe this isn't fair, because I only made it about halfway through the movie. One of the few movies I have actually not been able to watch due to lameness.

The acting is terrible, the camera work is terrible, the plot is ridiculous and the whole movie is just unrealistic and cheesy. For example - during a coke deal, the coke is just kept loose in a briefcase - I'm no expert, but I think people generally put it in a bag.

They use the same stupid sound effect whenever a punch is thrown (it's that over the top 'crunching' sound\\\" and they use toy guns with dubbed in sound effects.

Worst movie ever.\": {\"frequency\": 1, \"value\": \"Maybe this isn't ...\"}, \"This straight-to-video duffer is another nail in the coffin of Rick Moranis's career. As is the Disney tradition, quality is sacrificed in the name of a quick cash-in; this is a lazy retread with Moranis accidentally shrinking himself and a few relatives so they can repeat all the best scenes from the original movie. Instantly dated visual effects and crummy dialogue abound in this cheesy lamer, which did nothing but make me pine for the days of 'The Incredible Shrinking Man', when this kind of thing was done properly. Shockingly, this is directed by top cinematographer Dean Cundey, who should either stick to the day job or pick better material next time.\": {\"frequency\": 1, \"value\": \"This straight-to- ...\"}, \"This is by far one of my favorite of the American Pie Spin offs mainly because in most of the others the main character (one of the young Stiflers) always seems unrealistic in nature.

For example AP: The Naked Mile. You have a teenage guy surrounded by naked college chicks , and has one in particular hot on his trail to rid him of his virginity \\\"problem\\\" and he ends up stopping mid-deed and rides a horse back to sleep with his girlfriend, who keep in mind gave him a \\\"guilt free pass\\\" for the weekend. I can appreciate the romantic aspect of the whole thing but let's be realistic; most people who are watching these movies aren't particularly searching for a romantic story.

Whereas the most recent installment finally seems to realize who the audience is and good old Erik Stifler seems to wake up and smell the roses and as always Mr. Levenstein lends his \\\"perfectly natural\\\" eyebrow humor to the equation and scored a touchdown with this new movie.\": {\"frequency\": 1, \"value\": \"This is by far one ...\"}, \"I thought this movie was fantastic. It was hilarious. Kinda reminded me of Spinal Tap. This is a must see for any fan of 70's rock. (I hope me and my friends aren't like that in twenty years!)

Bill Nighy gives an excellent performance as the off kilter lead singer trying to recapture that old spirit,

Stephen Rea fits perfectly into the movie as the glue trying to hold the band together, but not succeeding well.

If you love music, and were ever in a band, this movie is definitely for you. You won't regret seeing this movie. I know I don't. Even my family found it funny, and that's saying something.\": {\"frequency\": 1, \"value\": \"I thought this ...\"}, \"Some news reporters and their military escorts try to tell the truth about a epidemic of zombies, despite the 'government controlling the media'. The makings of the film don't understand that the George Romero zombie films only worked because he kept his politics subtly in the background of most of his films (\\\"Land of the Dead\\\" withstanding). This satire is about as subtle as a brick to the face or a bullet to the head is more apropos for this scenario. What's subversive or subtle about seeing a military guy masturbating to death and destruction? Anything nuanced about the various commercials that are inter-cut with the film? Nope. Furthermore the acting is uniformly horrible, the characters thoroughly unlikable, and the plot inane. Add this all up and you have the worst, most incompetent zombie film since, \\\"C.H.U.D. 2\\\" reared it's hideous head.

My Grade: D\": {\"frequency\": 1, \"value\": \"Some news ...\"}, \"This film, originally released at Christmas, 1940, was long thought lost. A very poor copy has resurfaced and made into a CD, now for sale. Don't buy it! The film is unspeakably terrible. The casting is poor, the script is awful, and the directing is dreadful.

Picture Roland Young singing and dancing. And that was the highlight.

Perhaps this movie was lost deliberately.\": {\"frequency\": 1, \"value\": \"This film, ...\"}, \"The Broadway musical, \\\"A Chorus Line\\\" is arguably the best musical in theatre. It's about the experiences of people who live for dance; the joys they experience, and the sacrifices they make. Each dancer is auditioning for parts in a Broadway chorus line, yet what comes out of each of them are stories of how their lives led them find dance as a respite.

The film version, though, captures none of the passion or beauty of the stage show, and is arguably the worst film adaptation of a Broadway musical, as it is lifeless and devoid of any affection for dance, whatsoever.

The biggest mistake was made in giving the director's job to Sir Richard Attenborough, whose direction offered just the right touch and pacing for \\\"Gandhi.\\\" Why would anyone in his or her right mind ask an epic director to direct a musical that takes place in a fairly constricted place?

Which brings us to the next problem. \\\"A Chorus Line\\\" takes place on stage in a theatre with no real sets and limited costume changes. It's the least flashy of Broadway musicals, and its simplicity was its glory. However, that doesn't translate well to film, and no one really thought that it would. For that reason, the movie should have taken us in the lives of these dancers, and should have left the theatre and audition process. The singers could have offered their songs in other environments and even have offered flashbacks to their first ballet, jazz or tap class. Heck, they could have danced down Broadway in their lively imaginations. Yet, not one shred of imagination went into the making of this film, as Attenborough's complete indifference for dance and the show itself is evident in his lackadaisical direction.

Many scenes are downright awkward as the dancers tell their story to the director (Michael Douglas) whether he wants to hear them or not. Douglas' character is capricious about choosing to whom he extends a sympathetic ear, and to whom he has no patience.

While the filmmakers pretended to be true to the nature of the play, some heretical changes were made. The very beautiful \\\"Hello Twelve, Hello Thirteen, Hello Love\\\"--a smashing stage number which took the dancers back to their adolescence--was removed and replaced with the dreadful, \\\"Surprise,\\\" a song so bad that it was nominated for an Oscar. Adding insult to injury, \\\"Surprise\\\" simply retold the same story as \\\"Hello, Love\\\" but without the wit or pathos.

There is no reason to see this film unless you want a lesson in what NOT to do when transferring a Broadway show to film. If you want to see a film version of this show, the next closest thing is Bob Fosse's brilliant \\\"All That Jazz.\\\" While Fosse's daughter is in \\\"A Chorus Line,\\\" HE is the Fosse who should have been involved, as director. He would have known what to do with this material, which deserved far greater respect than this sad effort.\": {\"frequency\": 1, \"value\": \"The Broadway ...\"}, \"No redeeming features, this film is rubbish. Its jokes don't begin to be funny. The humour for children is pathetic, and the attempts to appeal to adults just add a tacky smuttishness to the whole miserable package. Sitting through it with my children just made me uncomfortable about what might be coming next. I couldn't enjoy the film at all. Although my child for whom the DVD was bought enjoyed the fact that she owned a new DVD, neither she nor her sisters expressed much interest in seeing it again, unlike with Monsters inc, Finding Nemo, Jungle Book, Lion King, etc. which all get frequent requests for replays.\": {\"frequency\": 1, \"value\": \"No redeeming ...\"}, \"I think it great example of the differences between two cultures. It would be a great movie to show in a sociology class. I thought it was pretty funny and I must say that i am a sucker for that \\\"lets band together and get the job done\\\" plot device. It seems most people don't realize that this movie is not just a comedy. It has a few dramatic elements in it as well and I think they blend in nicely. Overall, I give it a solid 8.\": {\"frequency\": 1, \"value\": \"I think it great ...\"}, \"....as to the level of wit on which this comedy operates. Barely even reaching feature length, \\\"Can I Do It....'Till I Need Glasses\\\" is a collection of (mostly) dirty jokes. Many of them are so short that you can't believe it when you realize that THAT was supposed to be the punchline (example: the Santa Claus gag); others are so long that you can't believe it when you realize that they needed so much time to set up THAT punchline (example: the students' awards gag). And nearly all are directed without any artistry. Don't get me wrong: about 1 every 10 jokes actually manages to be funny (the iron / phone one is probably my favorite). There is also some wonderful full-frontal nudity that proves, yet again, that the female body, especially in its natural form, is the best thing on this planet (there is some comedic male nudity as well). And I agree with others that the intentionally stupid title song is actually pretty damn catchy! But none of those reasons are enough to give this film anything more than * out of 4.\": {\"frequency\": 1, \"value\": \"....as to the ...\"}, \"I picked this movie on the cover alone thinking that i was in for an adventure to the level of \\\"Indiana Jones and The Temple of Doom\\\". Unfortunately I was in for a virtual yawn. Not like any yawn i have had before though. This yawn was so large that i could barely find anything of quality in this movie. The cover described amazing special effects. There were none. The movie was so lightweight that even the stereotypes were awfully portrayed. It does give the idea that you can solve problems with violence. Good if you want to teach your kids that. I don't. Keep away from this one. If you are looking for family entertainment then you might find something that is more inspiring elsewhere.\": {\"frequency\": 1, \"value\": \"I picked this ...\"}, \"This is where the term \\\"classic film\\\" comes from. This is a wonderful story of a woman's bravery, courage and extreme loyalty. Poor Olan got sold to her uncaring husband, who through the years learned to appreciate her. (Yeah right, A PEARL!!)

Luise Rainer was the beautiful star who had won the Best Actress Oscar the year before for her small role (and what a waste of an oscar) in \\\"The Great Zigfield\\\". It really didn't show what, if any, talent she had other than her exotic beauty. But in \\\"Good Earth\\\" she shows that she can really act! Her beauty was erased and she had no great costumes either. People say that she didn't show any real emotions in this film. Like hell. Her character Olan is a shy and timid woman, with inner strength. She is quiet during parts of the film with only her eyes and body to convey her emotions. Example: those scenes during the fall of the city and when looters were being shot. If you people are saying that she doesn't act well in this film, you are NOT looking!

Paul Muni shows that he can act as well. His character is not a likeable one to me. He never sees her for what she is, until the very end of the story. A sweet loving and dedicated wife and mother, with her own special beauty. The greatest one of all, the beauty from within, like a pearl.

If you get a chance to see this film, watch it. You will see one of the best films that the golden age of Hollywood created.\": {\"frequency\": 1, \"value\": \"This is where the ...\"}, \"This is one of the most irritating, nonsensical movies I've ever had the misfortune to sit through. Every time it started to look like it might be getting good, out come more sepia tone flashbacks, followed by paranoid idiocy masquerading as social commentary. The main character, Maddox, is a manipulative, would-be rebel who lives in a mansion seemingly without any parents or responsibility. The supporting cast are all far more likeable and interesting, but are unfortunately never developed. Nor do we ever really understand the John Stanton character supposedly influencing Maddox to commit the acts of rebellion. At one point, I thought \\\"Aha! Maddox is just nuts and is secretly making up all those communications from escaped mental patient Stanton! Now we're getting somewhere!\\\" but of course, that ends up to not be the case and the whole movie turns out to be pointless, both from Maddox's perspective and the viewer's. Where's Ferris Bueller when we need him?\": {\"frequency\": 1, \"value\": \"This is one of the ...\"}, \"Unless you are petrified of Russian people or boars, this movie is a snorefest. Actually, I fell asleep about 40 minutes in & had to fight the urge to just leave the theater. I wish I had. A waste of a perfectly lovely Saturday evening.

Even \\\"Silent Hill\\\" was scarier. Heck, even \\\"Pan's Labyrinth\\\" was scarier. I'm still unclear on what was supposed to be scary in this flick.

To begin with, I'm very leery of movies that use \\\"pidgin Russian\\\" like this one did in the opening credits. It's embarrassing to me since I brought a group of my Russian friends & we all cringed. Oh my god.

Hmm. Well, luckily for me (& probably you, too) this movie has already escaped my brain & I just stepped out of it an hour ago. So I have no specifics, just murky visuals that go nowhere & some languishing-now-dead hope that anything would happen.

Perhaps I saw a completely mutilated version of this film because I can't believe it got such great reviews here (which is why I saw it) & ended up being so completely devoid of not only Horror or Suspense but Overall Entertainment Value as well.

I give it a 2 because, yes, I fell asleep & wanted to leave after 40 minutes but I woke up & didn't leave.\": {\"frequency\": 1, \"value\": \"Unless you are ...\"}, \"The movie \\\"Holly\\\" is the story of a young girl who has been sold by her poor family and smuggled across the border to Cambodia to work as a prostitute in the infamous \\\"K11\\\" red light village. In the movie, Holly is waiting to be sold at a premium for her virginity when she meets Patrick who is losing money and friends through gambling and bar fights. Patrick and Holly have an immediate bond over their \\\"stubbornness\\\", but this is all disrupted when Holly is sold to a child trafficker and disappears. As movie goers, we are then thrust into Patrick's pursuit to find Holly again. Holly then shows her willingness to leave this lifestyle but her confusion on what is right and wrong. \\\"Holly\\\" carries us through the beautiful and harsh Cambodia while discovering that HOLLY is not just one girl. She is the voice of millions of children who are exploited and violated every year with no rights or protection.

Holly is less extreme than its subject matter might suggest, such as documentaries that involve 4-year olds and sexual trafficking, but does manage to shed considerable light on Cambodian / Vietnamese trafficking of children into prostitution. It is a moving story that helps to shed light on the horrible situation in which many children face and their struggles to trust and realize what is right and wrong.

Patrick, the antagonist of the film is an American dealer of stolen artifacts who is also losing money and friends while playing cards and getting into bar fights. While on a journey, his motorbike runs out of fuel, and he is forced to rent a room at a brothel. During his stay he comes across Holly, a twelve year old girl who has been sold by her parents and is being abducted into slavery and prostitution. Holly and Patrick begin a friendship of trust and understanding. He discovers a clever, stubborn girl beneath the traumatized exterior and becomes determined to save her -- though their strictly platonic relationship is misinterpreted by almost everyone they meet. When she suddenly disappears, he starts a journey to track her down, without having thought if he can really help her.

Holly is able to escape on her way to another brothel, when she jumps from the truck and runs into a field filled with mines. A mine is set off by a cow and the truck driver believes she is dead, so Holly is then left on her own. During Patrick's journey to find holly he meets a social worker who tries to talk some sense into him and shares the facts with him that haunts the Cambodian region. The idea of paying for her freedom simply fuels the demand, she explains: 30,000 children in prostitution in Cambodia - next year it could be 60,000. \\\"I'm not trying to save 60,000,\\\" he tells her, \\\"I'm trying to save one.\\\" Patrick discovers that the idea of whisking her to safety is quickly put to rest when the social worker tells him that the US will not let him adopt and, although it takes five minutes to 'save' a child, it takes five years to reintegrate her into society. Patrick is not affected by the information and he continues his quest to find Holly.

The audience is then shown that Holly makes it to a small town and is foraging for food with other homeless children. She is then befriended by a local policemen who seem little better than criminals with a badge, when they sell her to another brothel and then make a deal to a Vietnamese businessman who then takes her virginity. Holly then seems to think that this is her destiny and when Patrick finally find her, she is willing to \\\"yum yum\\\" and \\\"boom boom\\\" her distant friend. Patrick is utterly confused by this change in behavior, but he is not deterred in his plan to take her away from this world. In the end, he steals her away and brings her to a safe-land in the comfort of the social worker. Holly is given fresh clothes, if feed and brought to a dance class, but she is forbidden to see Patrick. This intense yearning to be in the comfort of Patrick's friendship, she runs away from the safe house and back onto the streets in Cambodia.

Meanwhile, Patrick is dealing with the decision to leave the country and flee back to the United States or to stay in Cambodia. His thoughts continue to revert back to Holly and during a visit to a bar; an older male sees the picture he is holding and comments on his sexual appetite when he had sex with her. This enrages Patrick and he hits the man and runs out of the bar. Eventually, Patrick is caught by the police in the eyes of Holly, who is hiding behind a pole.

The movie \\\"Holly\\\" may make the audience want to donate money towards organizations that improve the life for these poor youngsters, and even campaign to reduce the amount of brothels in the region, but the film's dramatic weaknesses may reduce its chances of being seen by enough people to make a difference. Overall, I think the concept is better as a documentary and it was not as touching as a movie. The actors did a great job of showing their raw emotion and the true confusion of the youngsters who are affected by this lifestyle, but in the end, the harsh lifestyle of the region and the desperate notions of the parents who sell their children to uphold their own starvation, does nothing to help the children's situations.\": {\"frequency\": 1, \"value\": \"The movie \\\"Holly\\\" ...\"}, \"I grew up in Houston and was nine when this movie came out. As a result I don't remember anything about the movie. But I do remember the sensation it caused from Gilley's and the mechanical bull to Johnny Lee's hit song \\\"Lookin' for Love\\\" which still brings back memories of childhood whenever I hear it.

However, a few years ago I saw this movie for the first time as an adult and all I can say is, I was blown away. Few movies have hit me harder. This movie is as raw and real as you can get. From Uncle Bob's ranch house, the chemical plant in Texas City, Gilley's dance hall, and Bud and Sissy. And maybe for that reason it doesn't have a wider appeal. But no matter how you feel about country music (I for one can't stand it despite my Houston roots) Urban Cowboy is a unique slice of American pie. For that reason I love it!\": {\"frequency\": 1, \"value\": \"I grew up in ...\"}, \"

The movie starts out as an ordinary comic-hero-movie. It\\ufffd\\ufffds about the boy who is picked on, has no parents and is madly in love with the schools #1 girl. Nothing surprises in the movie, there is nothing that you can\\ufffd\\ufffdt guess coming in the movie. Toby Mcguire shows us that either he is no good actor or that no actor in the world can save a script like this one. Maybe kids around the age of ten can enjoy the film but it is a bit violent for the youngest. You can\\ufffd\\ufffdt get away from thinking of movies like X-men, Batman and Spawn. All of those titles are better. I almost walked out the last 20 minutes! One thing that could have been good though was the computeranimation, BUT not even that is anything to put in the christmas-tree! So my recomendation: Don\\ufffd\\ufffdt see this film even if you get paid for it!\": {\"frequency\": 1, \"value\": \"

The ...\"}, \"As the first of the TV specials offered on the elaborate box set, \\\"Barbra Streisand: The Television Specials\\\", released last November, this disc is being released separately for those who do not want to fork over the dollars for all five specials. As an investment, this is indeed the best of the bunch if only for the fact that this is Streisand at her purest and most eager to impress. That she succeeds so brilliantly is a key component of her legend. Signed to a long-term contract with CBS to produce hour-long variety shows, an almost extinct format nowadays, Streisand was all of 22 in this CBS special first broadcast in April 1965. At that point of her career, her notoriety was limited to a handful of best-selling albums, a few dazzling TV appearances on variety and talk shows, and her successful Broadway run in \\\"Funny Girl\\\".

Filmed in crisp black-and-white, the program is divided into three distinct parts. With the creative transitional use of \\\"I'm Late\\\" from Disney's \\\"Alice in Wonderland\\\", the first segment cleverly shows her growing up from childhood through numbers as diverse as \\\"Make Believe\\\" and \\\"I'm Five\\\". Opening with a comic monologue about Pearl from Istanbul, the second part moves on location to Manhattan's chic Bergdorf Goodman's where she is elegantly costumed in a series of glamorous outfits while singing Depression-era songs like \\\"I've Got Plenty of Nuthin'\\\" and \\\"The Best Things in Life Are Free\\\" with comic irony. Back to basics, the third segment is a straight-ahead concert which opens with a torchy version of \\\"When the Sun Comes Out\\\", includes a \\\"Funny Girl\\\" medley, and ends with her classic, melancholic take on \\\"Happy Days Are Here Again\\\" over the ending credits. Also included is the brief introduction she taped in 1986 when the special was first released on VHS. For those who know Streisand only for her pricey concert tickets and political fundraising, this is a genuine eye-opener into why she is so revered now.\": {\"frequency\": 1, \"value\": \"As the first of ...\"}, \"since this is part 2, then compering it to part one...

man that was on many places wierd... too many time jumps etc.

I have to say that I was really disapointed...

only someplaces little lame action... and thats it....

they could have done that better....

\": {\"frequency\": 1, \"value\": \"since this is part ...\"}, \"As far as I can recall, Balanchine's alterations to Tchaikovsky's score are as follows:

1) The final section of the Grossvatertanz (a traditional tune played at the end of a party) is repeated several times to give the children a last dance before their scene is over.

2) A violin solo, written for but eliminated from Tchaikovsky's score for The Sleeping Beauty, is interpolated between the end of the party scene and the beginning of the transformation scene. Balanchine chose this music because of its melodic relationship to the music for the growing Christmas tree that occurs shortly thereafter.

3) The solo for the Sugar Plum Fairy's cavalier is eliminated.

It seems to me the accusation that Balanchine has somehow desecrated Tchaikovsky's great score is misplaced.\": {\"frequency\": 1, \"value\": \"As far as I can ...\"}, \"A little girl lives with her father and brother in the middle of the countryside. This little girl Rosalie has some psychotic tendencies as the movie opens with her feeding kittens to some kind of creatures in the cemetery, and she has recently lost her mother who went crazy but whilst alive enjoyed staying in the woods all night. The premise of the film has a new young lady coming to Rosalie to take care of her. She is introduced to the evil of the woods while driving and, imagine the suspense here, experiences a huge blue barrel falling over the side of a cliff to somehow stop her car dead in its tracks. From there she walks to the nearest house and discovers Mrs. Whitfield who then goes into a whole lot of explanation about Rosalie and her family. The earnestness exuded by the Mrs. Whitfield character has to be seen to be believed. Well, the young lady meets up with the child and we soon learn that not only is she strange but everyone in the film is very bizarre as well. They all do share one thing in common which is none of them ever heard of an acting school. None of these people can act - as evidenced by the few vehicles any of them in the entire film appeared in before or since - and all of them look like they have little idea what is going on, pause to remember lines, and have all the conviction of a paper bag. The director plods through the material in a slow pace with this horrible piano music crescendoing here and there at things that are suppose to be scary. It takes us a bit before we get to a couple of murders by the creature friends, but by that time I didn't care. The murders are not convincing either, and truth be told the whole film looks like someone through it together on their friend's farm with the people and things on hand there. That all being said the ending does have some creepy aspects to it though we don't learn one darn thing about why Rosalie is like this or more importantly who the creature with the cheap masks are. Cheap doesn't even begin to describe the budget here with. It basically is a couple old farmhouses and some sheds at the end and of course the woods. Someone lent the director a couple old cars too. No special effects of any kind and only the most minimal make-up. There are so many guffaws/ridiculous moments to list, but I will just list a few here that at the very least made me chuckle from the lack of aptitude from the creative powers involved: 1)Watch the gardener's body well after he has been \\\"slain\\\". Len comes in and sees him butchered and you can see his fat belly heave with life. 2)the dying scene at the end where the actress playing Rosalie is killed. She looks like she is listening to directions and takes her sweet time dying considering the method. 3)How about the guy playing Roaslie's father giving us a cranky poor man's Andy Griffith. The scene where he is laughing about boy scouts dying was a weird hoot. The Child is indeed a very bad film and is very bad even for the standards of 70's cheese if you will. This isn't a B film but more like a Z film with producer Harry Novak making some money on virtually nothing.\": {\"frequency\": 1, \"value\": \"A little girl ...\"}, \"Bugs life is a good film. But to me, it doesn't really compare to movies like Toy story and stuff. Don't get me wrong, I liked this movie, but it wasn't as good as Toy story. The film has the visuals, the laughs, and others that Toy story had. But the film didn't feel quite as... I don't know, but I thought it was still a pretty good film.

A bugs life... I don't want to say this, is a film that I don't remember. I saw it years ago. Of course, I haven't seen Toy story in years, but I still remember it. I shouldn't have reviewed this film, but I am. I am giving it a thumbs up, though it's not exactly the best work Pixar has done.

A bug's life:***/****\": {\"frequency\": 1, \"value\": \"Bugs life is a ...\"}, \"I was pretty young when this came out in the US, but I recorded it from TV and watched it over and over again until I had the whole thing memorized. To this day I still catch myself quoting it. The show itself was hilarious and had many famous characters, from Frank Sinatra, to Sylvester Stallone, to Mr. T. The voices were great, and sounded just like the characters they were portraying. The puppets were also well done, although a little creepy. I was surprised to find out just recently that it was written by Rob Grant and Doug Naylor of Red Dwarf, a show that I also enjoy very much. Like another person had written in a comment earlier, I too was robbed of this great show by a \\\"friend\\\" who borrowed it and never returned it. I sure wish there was enough demand for this show to warrant a DVD release, but I don't think enough people have heard of it. Oh well, maybe I'll try e-bay...\": {\"frequency\": 2, \"value\": \"I was pretty young ...\"}, \"Eva (Hedy Lamarr) has just got married with an older man and in the honeymoon, she realizes that her husband does not desire her. Her disappointment with the marriage and the privation of love, makes Eva returning to her father's home in a farm, leaving her husband. One afternoon, while bathing in a lake, her horse escapes with her clothes and an young worker retrieves and gives them back to Eva. They fall in love for each other and become lovers. Later, her husband misses her and tries to have Eva back home. Eva refuses, and fortune leads the trio to the same place, ending the affair in a tragic way. I have just watched \\\"Extase\\\" for the first time, and the first remark I have is relative to the horrible quality of the VHS released in Brazil by the Brazilian distributor Video Network: the movie has only 75 minutes running time, and it seems that it was used different reels of film. There are some parts totally damaged, and other parts very damaged. Therefore, the beauty of the images in not achieved by the Brazilian viewer, if he has a chance to find this rare VHS in a rental or for sale. The film is practically a silent movie, the story is very dated and has only a few lines. Consequently, the characters are badly developed. However, this movie is also very daring, with the exposure of Hedy Lamarr beautiful breasts and naked fat body for the present standards of beauty. Another fantastic point is the poetic and metaphoric used of flowers, symbolizing the intercourse between Eva and her lover. The way the director conducts the scenes to show the needs and privation of Eva is very clear. The non-conclusive end is also very unusual for a 1933 movie. I liked this movie, but I hope one day have a chance to see a 87 minutes restored version. My vote is eight.

Title (Brazil): \\\"\\ufffd\\ufffdxtase\\\" (\\\"Ecstasy\\\")\": {\"frequency\": 1, \"value\": \"Eva (Hedy Lamarr) ...\"}, \"\\\"Batman: The Mystery of the Batwoman\\\" is about as entertaining as animated Batman movies get.

While still true to the feeling of the comic books, the animation is done with a lighter spirit than in the animated series. Bruce Wayne looks much like he has before, but now he appears somewhat less imposing. The Dick Grayson Robin has been replaced by the less edgy, more youthful Tim Drake Robin.

Kevin Conroy, as usual, invokes the voice of Batman better than most live action actors.

Kelly Ripa did a much more decent voice-acting job than I was expecting.

As in the live action Batman films, the movie lives or dies based on the quality of the villains. My all-time favorite, the Penguin, is here. His design is sleeker than it has appeared before, hearkening more to the Burgess Meredith portrayal of the '60's than the Danny DeVito portrayal of \\\"Batman Returns.\\\" David Ogden Stiers is the perfect choice for the Penguin's voice. The Penguin is finally portrayed as a cunning sophisticate, just as he most commonly appears in the comics. Hector Elizondo's voice creates a Bane who's much more memorable than the forgettable version in \\\"Batman & Robin.\\\" And finally, Batman has a descent mystery to solve, putting the \\\"Detective\\\" back in \\\"Detective Comics\\\" (that is what \\\"DC\\\" stands for, after all.) The revolution to the mystery is a delightfully sneaky twist.

The score adds to the mysterious ambiance of the movie. It sounds like a mix between the score from \\\"Poirot\\\" and the score from \\\"Mission: Impossible.\\\" All in all, it's more entertaining than your average cartoon.\": {\"frequency\": 1, \"value\": \"\\\"Batman: The ...\"}, \"You can do a lot with a little cash. Blair Witch proved that. This film supports it. It is no more than a sitcom in length and complexity. However, because it has John Cleese as Sherlock Holmes it manages to be hilarious even on a budget that couldn't afford a shoestring. The highlight of this film is Arthur Lowe as the sincere, bumbling Watson, his dimness and slowness foils Cleese's quick-tempered wit. If you ever run across the film watch it for a quirky laugh or two.\": {\"frequency\": 1, \"value\": \"You can do a lot ...\"}, \"I think Cliff Robertson certainly was one of our finest actors. He has a half dozen classics to his credit. He does fine here as the heavy, but the direction is so bad and the pacing so tiresome, it never gets off the mark. The story starts off well although it makes me wonder how he could count on his wife hanging herself. Still he mugs well and carries things along. The death knell is twofold. First of all, if we were to take the amount of time characters spend walking from one room to another or one part of the house to another, it would eat up about a third of the movie. Add to that, Robertson's character sitting up in bed in the blue light, looking confused, that might add another chunk. I agree with those that said a half hour shorter would have made it a pretty decent, though insignificant film. The biggest weakness is just a convoluted plot that, when all is said and done, leaves incredible questions. I'm not putting in spoilers, but when it ends, don't think too much. I can come up with ten what-ifs without raising a sweat. It would have been better if it had remained a ghost story.\": {\"frequency\": 1, \"value\": \"I think Cliff ...\"}, \"Nothing's more enjoyable for me than a who-dun-it or suspense tale that keeps you guessing throughout as to how the whole thing will end. And that's precisely what happens in DEATHTRAP, based on a chilling play by Ira Levin (\\\"Rosemary's Baby\\\").

And in it, MICHAEL CAINE and CHRISTOPHER REEVE get to do the kind of stunt that Caine and Laurence Olivier pulled off in SLEUTH--with just about as much skill and as many puzzles as ever existed in that extraordinarily clever play.

But because it's meant to scare you, surprise you, and keep you guessing as to the outcome, it's difficult to write a review about the plot. Let's just say that what we know in the beginning is all you have to know about the film for the present. MICHAEL CAINE is an insanely jealous playwright whose latest play has failed miserably. When a young aspiring writer CHRISTOPHER REEVE sends him the manuscript of his play, Caine realizes that passing it off as his own would solve all his problems and get his reputation back.

From that point on, it's a matter of fun and games for the audience as Ira Levin's story unwinds, managing to trump Agatha Christie for the number of twists.

Caine and Reeve play off each other brilliantly, each bringing a certain dynamic tension to the tale as well as some humorous touches that come from a script that laces drama with humor.

Summing up: Well worth seeing--but not everyone is pleased with the ending.\": {\"frequency\": 1, \"value\": \"Nothing's more ...\"}, \"I was about thirteen when this movie came out on television. It is far superior in action than most movies since. Martin Sheen is excellent, and though Nick Nolte has a small part, he too provides excellent support. Vic Morrow as the villain is superb.

When Sheen \\\"tests the water\\\" in his '34 Ford (COOL) along the mountainous highway it is spectacular!

The ending is grand.

I'm disappointed in the low vote this received. I figure the younger generations have more interest in much of the junk that is coming out these days.

Good taste eludes the masses!\": {\"frequency\": 1, \"value\": \"I was about ...\"}, \"I'm a Christian. I have always been skeptical about movies made by Christians, however. As a rule, they are \\\"know-nothings\\\" when it comes to movie production. I admire TBN for trying to present God and Jesus in a positive and honest way on the screen. However, they did a hideous job of it. The acting was horrible, and unless one is familiar with the Bible in some fashion, one COULD NOT have understood what the movie was trying to get across. Not only was the movie terribly made, but the people who made it even had some facts wrong. However, in this \\\"critique\\\", those facts are irrelevent and too deep to delve into. In short, the Omega Code is the absolute worst movie I have ever seen, and I would not recommend it to anyone, except for comic relief from the every day grind.\": {\"frequency\": 1, \"value\": \"I'm a Christian. I ...\"}, \"The idea had potential, but the movie was poorly scripted, poorly acted, poorly shot and poorly edited. There are lots of production flaws ... for example, Dr. Lane's daughter who never ages despite the passing years. Wait for video, but don't expect much.\": {\"frequency\": 1, \"value\": \"The idea had ...\"}, \"This has got to be the worst horror movie I have ever seen. I remember watching it years ago when it initially came out on video and for some strange reason I thought I enjoyed it. So, like an idiot, I ran out to purchase the DVD once it was released...what a tragic mistake! I won't even bother to go into the plot because it is so transparent that you can see right through it anyhow. I am a fan of Herschell Gordon Lewis so I am accustomed to cheesy gore effects and bad acting but these people take this to a whole different level. It is almost as if they are intentionally trying to make the worst movie humanly possible...if that was their goal, they suceeded. If they intended to make a film that was supposed to scare you or make you believe in any way, shape, or form that it is real then they failed...MISERABLY! Avoid this movie...read the plot synopsis and you've seen it!\": {\"frequency\": 1, \"value\": \"This has got to be ...\"}, \"I recently watched this film at the 30'Th Gothenburg Film Festival, and to be honest it was on of the worst films I've ever had the misfortune to watch. Don't get me wrong, there are the funny and entertaining bad films (e.g \\\"Manos \\ufffd\\ufffd Hands of fate\\\") and then there are the awful bad films. (This one falls into the latter category). The cinematography was unbelievable, and not in a good way. It felt like the cameraman deliberately kept everything out of focus (with the exception of a gratuitous nipple shot), the lighting was something between \\\"one guy running around with a light bulb\\\" and \\\"non existing\\\". The actors were as bad as soap actors but not as bad as porn actors, and gave the impression that every line came as a total surprise to them. The only redeeming feature was the look of the masked killer, a classic look a la Jason Vorhees from \\\"Friday the 13'Th\\\". The Plot was extremely poor, and the ending even worse. I would only recommend this movie to anyone needing an example of how a horror film is not supposed be look like, or maybe an insomniac needing sleep.\": {\"frequency\": 1, \"value\": \"I recently watched ...\"}, \"Star Wars: Episode 4 .

the best Star Wars ever. its the first movie i ever Sean were the bad guys win and its a very good ending. it really had me wait hing for the next star wars because so match stuff comes along in this movie that you just got to find out more in the last one. whit Al lot of movies i always get the feeling that it could be don bedder but not whit this one. and i Will never ever forget the part were wader tels Luke he is his father.way too cool. also love the Bob feat figure a do hes a back ground player. if you never ever Saw a star wars movie you go to she this one.its the best.

thanks Lucas\": {\"frequency\": 1, \"value\": \"Star Wars: Episode ...\"}, \"This movie . . . I don't know. Why they would take such an indellible character as Pippi Longstocking and cast the singularly charmless Tami Erin, I will never know. Why they would spend money on art direction and some not-all-that-bad special effects, then not bother to edit it properly, I will never know. Why the sets and costumes are sometimes in period, and sometimes bizarrely not, why they commissioned SUCH bad songs, why the script doesn't make any sense whatsoever (not even on a silly, children's film level) . . . . what were they thinking?? Nothing about this movie is quite as it should be. Every single part is dubbed (and always poorly,) every sound effect is slightly wrong, every edit is in the wrong place, every performance is bad in some way. It does manage to create an appropriate atmosphere, despite all the problems, but it NEVER captures the magic that is Astrid Lindgren's creation.\": {\"frequency\": 1, \"value\": \"This movie . . . I ...\"}, \"Body Slam (1987) is a flat out terrible movie. The low budget reeks, the direction is pedestrian (at best) and the writing and acting is lame. But if you're into old school wrestling (circa 1970's through the mid-80') then you'll be more entertained than the average viewer. I have to warn you, this movie stinks on ice. I gave it a two because I felt like being generous. This turkey was \\\"directed\\\" by stunt master Hal Needham. The stars are Roddy Piper, The Tonga Kid and a bunch of scrub wrestlers and c-list actors (Dirk Benedict).

The synopsis of this \\\"movie\\\" is about a promoter who wants to combine \\\"hair rock\\\" and wrestling. But their are others that don't want him to succeed. There's more but I don't want to SPOIL it for you. If you can stomach the bad acting and inane storyline, there's a few surprises near the end for die-hard wrestling fans.

I wouldn't recommend this to my worse enemy (and I mean it).\": {\"frequency\": 1, \"value\": \"Body Slam (1987) ...\"}, \"Famous words of foreign nightclub owner Roman Maroni, that \\\"lousy cork sucker\\\" who spends the whole movie not only as Johnny Dangerously's rival, but butchering the English language as well.

Another underrated classic that you can only find on afternoon matin\\ufffd\\ufffdes or \\\"Late Late Late Show\\\"'s, Johnny Dangerously is a terrific satirical hit about a good hearted boy who secretly leads a life of crime to help pay for his mother's medical care and put his brother through law school.

Yes there's a story, but who cares?? A cast that includes Joe Piscopo, Dom DeLuise, Marilu Henner, and Alan Hale Jr will keep you waiting to see what happens next.

There's too many laughs in this to put on here. Like Airplane, you have to pay attention or you'll miss something. Highly recommended to anyone who can use a good laugh or two!!!\": {\"frequency\": 1, \"value\": \"Famous words of ...\"}, \"San Francisco is a big city with great acting credits. In this one, the filmmakers made no attempt to use the city. They didn't even manage the most basic of realistic details. So I would not recommend it to anyone on the basis of being a San Francisco movie. You will not be thinking \\\"oh, I've been there,\\\" you will be thinking \\\"how did a two story firetrap/stinky armpit turn into a quiet hotel lobby?\\\" Some of the leads used East Coast speech styles and affectations. It detracts, but the acting was always competent.

The stories seemed to be shot in three distinct styles, at least in the beginning. The Chinatown story was the most effective and interesting. The plot is weak, ripped scene for scene from classy Hong Kong action movies. The originals had a lot more tension and emotional resonance, they were framed and paced better. But the acting is fun and we get to see James Hong and other luminaries.

The white boy intro was pointless. I think the filmmakers didn't know what to do with it, so they left it loosely structured and cut it down. The father is an odd attempt at a Berkeley liberal - really, folks, everyone knows it's not \\\"groovy\\\" to live in the ghetto - but his segments are the most humorous. They threw away some good opportunities. Educated and embittered on the West Coast, a yuppie jerk here is a different kind of yuppie jerk than they make in New York. They are equally intolerable but always distinguishable. That would have been interesting; this was not.

The Hunter's Point intro was the most disappointing. It was the most derivative of the three, and stylistically the most distant from San Francisco. You've seen it done before and you've seen it done better. Even the video game was better!

Despite the generic non-locality and aimless script, these characters have potential, the actors have talent, and something interesting starts to force its way around the clumsy direction... about ten minutes before the ending. Good concept placed in the wrong hands.

PS, there is a missing minority here, see if you can guess which one.\": {\"frequency\": 1, \"value\": \"San Francisco is a ...\"}, \"How can the viewer rating for this movie be just 5.4?! Just the lovely young Alisan Porter should automatically start you at 6 when you decide your rating. James Belushi is good in this too, his first good serious role, I hadn't liked him in anything but About Last Night until this. He was pretty good in Gang Related with Tupac also. Kelly Lynch, you gotta love her. Well, I do. I'm only wondering what happened to Miss Porter?

i gave Curly Sue a 7\": {\"frequency\": 1, \"value\": \"How can the viewer ...\"}, \"This is a lovely tale of guilt-driven obsession.

Matiss, on a lonely night stroll in Riga (?) passes by a woman on the wrong side of a bridge railing. He passes by without a word. Only the splash in the water followed by a cry for help causes him to act. And then only too little and too late.

The film chronicles his efforts at finding out more about the woman. On a troll of local bars, he finds her pocketbook. He pieces more and more of her life together. His \\\"look\\\" changes as his obsession grows. He has to make things right. In a marvelously filmed dialog with the \\\"bastard ex-boyfriend\\\" he forces Alexej to face up to the guilt that both feel.

Haunting long takes, a gritty soundtrack to accentuate the guilt, barking dogs. Footsteps. Lovely film noir with a lovely twist. A good Indie ending.\": {\"frequency\": 1, \"value\": \"This is a lovely ...\"}, \"This movie was on British TV last night, and is wonderful! Strong women, great music (most of the time) and just makes you think. We do have stereotypes of what older people \\\"ought\\\" to do, and there are fantastic cameos of the \\\"sensible but worried children\\\". Getting near to my best movie ever !\": {\"frequency\": 1, \"value\": \"This movie was on ...\"}, \"This gloriously turgid melodrama represents Douglas Sirk at his most high strung. It eschews the soft wistfulness of \\\"All That Heaven Allows\\\" and the weepy sentimentality of \\\"Imitation of Life\\\" and instead goes for feverish angst and overheated tension. And of course, it's all captured in vibrant Technicolor.

The cornball story has something to do with a friendship between Rock Hudson and Robert Stack that becomes a rivalry when Hudson snags the affections of Lauren Bacall, but who's really paying attention to the story? Dorothy Malone won a Best Supporting Actress Academy Award for her splendidly over-the-top performance as Stack's sister, who takes the family business into her own hands when no one else will. A highlight of the film comes when this high-spirited wild child breaks into a frantic dance in her bedroom, unable to bear the restraints placed upon her by middle-class propriety. As so frequently happens in Sirk movies, the scene is both unintentionally hilarious in its absurdity and yet strangely moving in its effectiveness.

Sirk came closer than anyone else to turning pure camp into high art, satisfying the philistines and the high brows at the same time within the same films. His was a unique talent and I don't know that there's ever been another film maker quite like him since.

Grade: A-\": {\"frequency\": 1, \"value\": \"This gloriously ...\"}, \"I think we all begin a lot of reviews with, \\\"This could've made a GREAT movie.\\\" A demented ex-con freshly sprung, a tidy suburban family his target. Revenge, retribution, manipulation. Marty's usual laying on of the Karo syrup. But unfortunately somewhere in Universal's high-rise a memorandum came down: everyone ham it up.

Nolte only speaks with eyebrows raised, Lange bitches her way through cigarettes, Lewis \\\"Ohmagod's!\\\" her way though her scenes, and Bobby D...well, he's on a whole other magic carpet. Affecting some sort of Cajun/Huckleberry Hound accent hybrid, he chomps fat cigars and cackles at random atrocities such as \\\"Problem Child\\\". And I want you to imagine the accent mentioned above. Now imagine it spouting brain-clanging religious rhetoric at top volume like he swallowed six bibles, and you have De Niro's schtick here. Most distracting of all, though, is his most OVERDONE use of the \\\"De Niro face\\\" he's so lampooned for. Eyes squinting, forehead crinkled, lips curled. Crimany, Bob, you looked like Plastic Man.

The story apparently began off-screen 14 years earlier, when Nolte was unable to spare De Niro time in the bighouse for various assaults. Upon release, he feels Nolte's misrep of him back then warrants the terrorizing of he and his kin. And we're supposed to give De Niro's character a slight pass because Nolte withheld information that might've shortened his sentence. De Niro being one of these criminals who, despite being guilty of unspeakable acts, feels his lack of freedom justifies continuing such acts on the outside. Mmm-kay.

He goes after Notle's near-mistress (in a scene some may want to turn away from), his wife, his daughter, the family dog, ya know. Which is one of the shortcomings of Wesley Strick's screenplay: utter predictability. As each of De Niro's harassments becomes more gruesome, you can pretty much call the rest of the action before it happens. Strick isn't to be totally discredited, as he manages a few compelling dialogue-driven moments (De Niro and Lewis' seedy exchange in an empty theater is the film's best scene), but mostly it's all over-cranked. Scorsese's cartoonish photographic approach comes off as forced, not to mention the HORRIBLY outdated re-worked Bernard Hermann score (I kept waiting for the Wolf Man to show up with a genetically enlarged tarantula).

Thus we arrive at the comedic portion of the flick. Unintentionally comedic, that is. You know those scenes where something graphically horrific is happening, but you can't help but snicker out of sight of others? You'll do it here. Nolte and Lange squawking about infidelity, De Niro's thumb-flirting, he cross-dressing, and a kitchen slip on a certain substance that has to be seen to believed. And Bob's infernal, incessant, CONSTANT, mind-damaging, no-end-in sight blowhard ramblings of all the \\\"philosophy\\\" he disovered in prison. I wanted him killed to shut him up more than to save this annoying family.

I always hate to borrow thoughts from other reviewers, but here it's necessary. This really *is* Scorsese's version of Freddy Krueger. The manner in which De Niro relishes, speaks, stalks, withstands pain, right down to his one-liners, is vintage Freddy. Upon being scalded by a pot of thrown water: \\\"You trying' to offer sumpin' hot?\\\" Please. And that's just one example.

Unless you were a fan of the original 1962 flick and want a thrill out of seeing Balsam, Peck, and Mitchum nearly 30 years later (or want a serious head-shaking film experience), avoid a trip to the Cape.\": {\"frequency\": 1, \"value\": \"I think we all ...\"}, \"I had watched snippets from this as a kid but, while I purchased Blue Underground's set immediately due to its being a Limited Edition, only now did I fit it in my viewing schedule - and that's mainly because Bakshi's American POP (1981) just turned up on late-night Italian TV (see my review of that film below)!

Anyway, I found the film to be a quite good sword-and-sorcery animated epic with especially impressive-looking backdrops (the rather awkward rotoscoped characters were, admittedly, less so) with a rousing if derivative score. The plot, again, wasn't exactly original, but proved undeniably engaging on a juvenile level and the leading characters well enough developed - especially interesting is the villainous Ice-lord Nekron and the enigmatic warrior Darkwolf; the hero and heroine, however, are rather bland stereotypes - but one can hardly complain when Bakshi and Frazetta depict the girl as well-endowed (her bra could be torn off any second) and half-naked to boot (her tiny panties are forever disappearing up her ass)! Still, it's clearly an action-oriented piece and it certainly delivers on this front (that involving Darkwolf being particularly savage); the final showdown though brief, is also nicely handled and sees our heroes astride pterodactyls assaulting the villains' lair inside a cave .

In the long run, apart from the afore-mentioned Frazetta backdrops, the main appeal of this movie for me now is its nostalgia factor as it transported me back to my childhood days of watching not just films like CONAN THE BARBARIAN (1982) and THE BEASTMASTER (1982) but also animated TV series such as BLACKSTAR (1981-82) and HE-MAN AND THE MASTERS OF THE UNIVERSE (1983-85).

As for the accompanying THE MAKING OF \\\"FIRE AND ICE\\\" (TV) (Mark Bakshi, 1982) **1/2:

Vintage featurette on the sword-and-sorcery animated film which is only available via the washed-out VHS print owned by Ralph Bakshi himself! It goes into some detail about the rotoscope technique and also shows several instances of live-action 'performances' (in a studio) of segments from the script - which would then be traced, blended in with the backgrounds and filmed. Still, having watched several such behind-the-scenes featurettes on the art of animation (on the Disney Tins and the Looney Tunes sets, for instance), it's doesn't make for a very compelling piece...\": {\"frequency\": 1, \"value\": \"I had watched ...\"}, \"I am a huge fan of the comic book series, but this movie fell way below my expectations. I expected a Heavy Metal 2000 kinda feel to it.....slow moving, bad dialogue, lots o' blood.....but this was worse than anything I could have imagined.

The plot line is almost the same as the comic, but the good points pretty much stop there. The characters don't have the energy or spirit that drew my attention in the comic series. The movie only covers a small portion of the comic, and the portion used is more slow and boring than later parts. The focus in the movie is on the insignificant events instead of the more interesting overall plot of the comic book.

With the right people working on this project, it could have been amazing. Sadly, it wasn't that way, so now there is yet another terrible movie that few will see and even fewer will love. My copy will surely collect dust for years until I finally throw it out.\": {\"frequency\": 1, \"value\": \"I am a huge fan of ...\"}, \"This is your standard musical comedy from the '30's, with a big plus that it features some well known '30's actors in small fun cameo's.

There is not much to the story and basically the movie is all about its fun and 'no-worries' overall kind of atmosphere, with a typical Hal Roach comedy touch to it. Appereantly it's a 'Cinderella story' but I most certainly didn't thought of it that way while watching the movie. The story gets very muddled in into the storytelling, that features many different characters and also many small cameo appearance, when the main characters hit the Hollywood studios.

Of course the highlight of the movie is when Laurel & Hardy make their appearance and show some of their routines. It's like watching a movie and getting a Laurel & Hardy short with it for free. Also Laurel & Hardy regular Walter Long makes an appearance in the routine and James Finlayson (without a mustache this time) as the director of the short.

It's certainly true that all of the cameo's and subplots distract from the main plot line and character but in this case that is no problem, since its all way more fun and interesting to watch than the main plot line and the shallow typical main character.

The movie is most certainly not any worse than any of its other genre movies from the same time period, though the rating on here would suggest otherwise.

7/10\": {\"frequency\": 1, \"value\": \"This is your ...\"}, \"I went to see this one with much expectation. Quite unfortunately the dialogue is utterly stupid and overall the movie is far from inspiring awe or interest. Even a child can see the missing logic to character's behaviors. Today's kids need creative stories which would inspire them, which would make them 'daydream' about the events. That's precisely what happened with movies like E.T. and Star Wars a decade ago. (How many kids imagined about becoming Jedi Knights and igniting their own lightsabers?) Seriously don't waste your time & money on this one.\": {\"frequency\": 1, \"value\": \"I went to see this ...\"}, \"My Super X-Girlfriend is one hell of a roller coaster ride. The special effects were excellent and the costumes Uma Thurman wore were hubba buba. Uma Thurman is an underrated comedic actress but she proved everyone wrong and nailed her role as the lunatic girlfriend. She was just simply FABULOUS!!! Luke Wilson was also good as the average Joe but he was a brave man to work with one of the greatest actresses of all time. The supporting cast was also superb especially Anna Faris who was extremely good (A lot better than in the Scary Movie franchise).

Ivan Rietman did very well in directing this film because if it wasn't for him and Uma Thurman this film wouldn't have done so well. This film is clearly a 10/10 for it's cast (Uma Thurman), it's director, it's screenplay and from it's original plot line. This film is very highly recommended.\": {\"frequency\": 1, \"value\": \"My Super ...\"}, \"Six for the price of one! So it is a bonanza time for Cinegoers. Isn't it? Here it is not one, not two but all SIX-love stories, an ensemble cast of top stars of bollywood, plus all stories in the genre of your favorite top directors Johar, Bhansali, Chopra et al. You will get to see every damn type of love story that you enjoyed or rather tolerated for years now. So no big deal for you. Do you need anything more than this? No sir, thank you. Why sir? Enough is enough. Please spare us. They signed every top star that they manage to sign, whether required or not, so they end up making a circus of stars, believe it or not. Too crowded Every thing depicted here is exactly how it is prescribed in bollywood textbook of romances. Plus you have to justify the length given to each story, as each has stars. Therefore, it is too long-three hours plus. The gags are filmy. Characters are filmy. Problems, Barriers, situations, resolution \\ufffd\\ufffd yes you guessed it right, again\\ufffd\\ufffd. filmy-tried and tested. Same hundreds of dancers dancing in colorful costumes in background. Why they have no other work to do? All couples are sugary-sweet, fairy tale type, Picture perfect. All are good looking. Each story beginning in a perfect way and therefore should ends also in that impossible perfect manner? Too haphazard. You can't connect to a single story. Here you have everything that you already seen a million times. Bloody fake, unreal, escapist abnormal stories considered normal for more than hundred years since evolution of this Indian cinema. What a mockery of sensibilities of today's audience? Yes it could have worked as a parody if he just paid tribute to love-stories of yesteryear but alas even that thing is not explored. At least, Director Nikhil Advani should have attempted one unconventional, offbeat love story but then what will happen to the tradition of living up to the mark of commercial bollwood potboiler brigade? Oh! Somebody has to carry on, no. Imagine on one hand audience finds it difficult to sit through one such love story and here we have six times the pain. I mean six damn stories. I mean double the fun of chopra's Mohabbatein (Year 2000) In this age and time, get something real, guys. We are now desperate to see some not so colorful people and not so bright stories Oh, What have you said just now- come on, that is entertainment. My advice, please don't waste your time henceforth reading such reviews. Go instead, have some more such entertainment! Thank you.\": {\"frequency\": 1, \"value\": \"Six for the price ...\"}, \"(spoilers)The one truly memorable part of this otherwise rather dull and tepid bit of British cuisine is Steiner's henna rinse, one of the worst dye jobs ever. That, and the magnificent caterpillar eyebrows on the old evil dude who was trying to steal Steiner's invention. MST3K does an admirable job of making a wretchedly boring and grey film funny.I particularly like it when Crow kills Mike with his 'touch of death', and when he revives him in the theatre, Mike cries \\\"Guys, I died, I saw eternal truth and beauty! oh, it's this movie...\\\" That would be a letdown, having to come back from the afterlife to watch the rest of The Projected Man. The film could make a fortune being sold as a sleep aide. Some of the puns in the film were wicked: police inspector-\\\"electrocution!\\\" Crow-\\\"Shocking, isn't it?\\\" police inspector-\\\"That's LOwe, all right\\\" Tom Servo-\\\"Very low, right down by the floor!\\\" police inspector-\\\"Can I get on?\\\" Tom Servo-\\\"He's dead, but knock yourself out\\\" MST3K is definitely the only way to watch this snoozer.\": {\"frequency\": 1, \"value\": \"(spoilers)The one ...\"}, \"I think part of the reason this movie was made...and is aimed at us gamers who actually play all the Nancy Drew PC games. There's been a lot of movies lately based on video games, and I think this in one of them.

So this movie does not follow any book. But it does follow parts of the games. I buy and play every Nancy Drew games as soon as it comes out. And the games are from HerInteractive and are for \\\"girls who aren't afraid of a mouse!\\\" And some of these games actually won Parents' Choice Gold Awards. They are not only fun but you can actually learn a thing or two while playing.

I took two of my step children with me to go see it and they loved it! The 10 yr. old had started playing her first Nancy Drew game a day before I took her to see the movie, and she was having so much fun playing the game I thought she would enjoy the movie as well. And I was right...she not only loved this movie but couldn't wait to get home to finish her first game and start another one.

My other step daughter is only 7 and she also loved the movie but she is still a little to young too play the games yet, but she enjoys watching her sister play at times just to see what's going on.

The games are based for children 10 yrs and older. All the games usually get pretty descent reviews and are classified as adventure games. For more information on the games just check out HerInterative Nancy Drew games. So personally I thought the movie was pretty good and I will buy it when it comes out on DVD.\": {\"frequency\": 1, \"value\": \"I think part of ...\"}, \"This movie is entertaining enough due to an excellent performance by Virginia Madsen and the fact that Lindsey Haun is lovely. However the reason the movie is so predictable is that we've seen it all before. I've haven't read the book A Mother's Gift but I hope for Britney and Lynne Spears sake it is completely different than this movie. Unless you consider ending a movie with what is essentially a music video an original idea, the entire movie brings to mind the word plagiarized.\": {\"frequency\": 1, \"value\": \"This movie is ...\"}, \"This really should deserve a \\\"O\\\" rating, or even a negative ten. I watched this show for ages, and the show jumped the shark around series 7. This episode, however, is proof that the show has jumped the shark. It's writing is lazy, absurd, self-indulgent and not even worthy of rubbish like Beavis and Butthead.

It is quite possible to be ridiculous and still be fun -- Pirates of the Caribbean, the Mummy, Count of Monte Cristo -- all \\\"fun\\\" movies that are not to be taken seriously. However, there is such thing as ridiculous as in \\\"this is the worst thing I've ever seen.\\\" And indeed, this is the worst episode of Stargate I've ever seen. It's absolutely dreadful, and this coming from someone with a stargate in her basement.

Makes me want to sell all of my stargate props, most seriously.\": {\"frequency\": 1, \"value\": \"This really should ...\"}, \"I had the pleasure of attending a screening of The Pacific and Eddy last weekend at the Santa Barbara International Film Festival. This film had caught my attention a little while back when I stumbled across an article about it in Jalouse magazine. Seemed interesting at the time, but nothing too exciting. Anyhow, I saw it on the festival program and decided to check it out. All I can say is that I was speechless when the ending credits began to roll. This is one of the most beautiful and refreshing films that I have seen in some time. The photography, art direction, acting, and especially directing, were seamless and impeccable. Nothing is 'spelled out' for you in this film and actually makes you think. Something that a vast majority of films today do the exact opposite. The dialogue is carefully crafted and, although this script is not wall to wall chatter, the characters words are very deliberate and meaningful.

It's definitely one of those films that deserves a second viewing and the more you see it, the more things you notice. It's a very layered and intelligent film. Not sure when or where it's playing again, but a definite must see for film enthusiasts.\": {\"frequency\": 1, \"value\": \"I had the pleasure ...\"}, \"If this is the first of the \\\"Nemesis\\\" films that you have seen, then I strongly urge you to proceed no further. The sequels to \\\"Nebula\\\" prove to be no better...hard to believe considering this entry is bottom-of-the-barrel. This movie tries, but it's just not worth your time, folks. Take a nap instead.\": {\"frequency\": 1, \"value\": \"If this is the ...\"}, \"***SPOILERS*** ***SPOILERS*** From its very opening credits this fantastic movie sets the record straight: it's an instant classic. It doesn't take long to realize that this movie is big, bigger than `Kindergarten Cop' or `Police Academy 7.' The sheer greatness of it left me speechless as I walked out of the movie theater and proceeded right back to the ticket counter to purchase myself another dozen of tickets.

This is a movie that simply requires multiple viewings. The first watching will surely leave you with that strange `Huh?' feeling, but don't feel embarrassed - it happens to the best of us. The story is so diabolically clever that one has to wonder about the mortality of its authors. What seems to be a simple story of an idiot infiltrating the FBI, turns out to be an allegorical story that works on several levels and teaches us all about the really important things in life. The complexity of the plot structure will baffle you on your first viewing, but don't give up! Not until my sixth or seventh viewing did I only begin to unravel some of the hidden mysteries of `Corky Romano.' And watch out for the unexpected twist at the end, otherwise you might be caught completely off guard when it is revealed that FBI agent Brick Davis is FBI's most-wanted criminal, Corky is not a real FBI agent, Pops Romano is innocent, Peter Romano admits he's illiterate and Paulie Romano comes out of the closet as a homosexual. Surprised the hell out of me, I can tell you that much.

Chris Kattan's comedic talents are unmatched as he leads his character Corky Romano through a maze of totally unpredictable situations. Reminiscent of John Reynolds' performance in `Manos, the Hands of Fate,' Kattan takes on innumerable multiple personalities and tackles all scenes with perfect comedic timing. However, Kattan is not just about comedy. He is a master of drama as well, as he controls the audience's feelings with the slightest moves of his face. His facial expressions reflect life itself, in a way. For example, in the scene in which he farts into his brothers' faces, you can see the expression of social injustice and alienation clearly reflected on his anguished face. At a moment like that, it's hard to find a dry eye in the house.

Screenwriters David Garret and Jason Ward are the real heroes of `Corky Romano.' With a story of such proportions, it's easy to understand why two experienced writers had to be employed to complete this ambitious project. Their skillful storytelling and unorthodox structuring makes `Pulp Fiction' look like a mediocre Saturday Night Live skit. Garret and Ward's story is so compelling and alluring that it grips you by your hair, swallows you entirely, shakes you around and spits you right out. At the end of the out-of-this-world experience known as `Corky Romano' you find yourself a different person with different worldviews and different ideas, and with only one question on your mind:

Why, God? Why?!?\": {\"frequency\": 1, \"value\": \"***SPOILERS*** ...\"}, \"Actress Ruth Roman's real-life philanthropic gesture to help entertain troops arriving from and leaving for the Korean War at an air base near San Francisco jump-started this all-star Warner Bros. salute to patriotism and song. Many celebrities make guest appearances while a love-hate romance develops between a budding starlet and a painfully green and skinny Air Force Corporal (Ron Hagerthy, who looks like he should be delivering newspapers from his bicycle). Seems the Corporal has fooled the actress into thinking he's off to battle when actually he's part of a airplane carrier crew, flying to and from Honolulu (you'd think she'd be happy he was staying out of harm's way, but instead she acts just like most childish females in 1950s movies). Doris Day is around for the first thirty minutes or so, and her distinct laugh and plucky song numbers are most pleasant. Roman is also here, looking glamorous, while James Cagney pokes fun at his screen persona and Gordon MacRae sings in his handsome baritone. Jane Wyman sings, too, in a hospital bedside reprise following Doris Day's lead, causing one to wonder, \\\"Did they run out of sets?\\\" For undemanding viewers, an interesting flashback to another time and place. Still, the low-rent production and just-adequate technical aspects render \\\"Starlift\\\" strictly a second-biller. *1/2 from ****\": {\"frequency\": 1, \"value\": \"Actress Ruth ...\"}, \"With the amount of actors they have working on the project they have a wide variety of cast. Nice starship CGI in places BUT their green screen needs some work. Anyone heard of Adobe After Effects 7, they should buy it get their keying better.

Stories are well thought out, plenty of trek elements in this to keep it in the right context. BUT BUT the idea of two guys kissing makes me wind forward the episode. Im not homophobic but i cant help that i don't find men kissing entertaining (dont mind women). Anyway... For a fan series this is good stuff. With minor improvement in their green screen, brush up acting and some guidance ratings this series is stunning. Anyway i recommend this series to who ever enjoyed TNG and DS9.\": {\"frequency\": 1, \"value\": \"With the amount of ...\"}, \"For me,this is one of the best movies i ever saw.Overcoming racism,struggling through life and proving himself he isn't just an ordinary \\\"cookie\\\" ,Carl Brashear is an amazing character to play ,who puts Cuba in his best light,best performance in his life.De Niro,who is a living legend gives THAT SOMETHING to the movie.Hated his character in movie,but he gives so much good acting to this film,great performance.And appearance of beautiful Charlize was and as always is a big plus for every movie. So if you haven't seen this movie i highly recommended for those who love bravery,greatness who seek inspiration.You must look this great drama. My Vote 9/10.\": {\"frequency\": 1, \"value\": \"For me,this is one ...\"}, \"Just Cause is one of those films that at first makes you wonder quite why it was so heavily slated when it came out - nothing special but competent enough and with an excellent supporting performance from Ed Harris. Then you hit the last third and everything starts to get increasingly silly until you've got a killer with a flashlight strapped to his forehead threatening to fillet Sean Connery's wife (a typically mannered and unconvincing Kate Capshaw) and kid (a very young Scarlet Johannsen) in an alligator skinner's shack.

The kind of movie that's probably best seen on a plane, and even then only once.\": {\"frequency\": 1, \"value\": \"Just Cause is one ...\"}, \"I hadn't seen this film in probably 35 years, so when I recently noticed that it was going to be on television (cable) again for the first time in a very long time (it is not available on video), I made sure I didn't miss it. And unlike so many other films that seem to lose their luster when finally viewed again, I found the visual images from the \\\"Pride of the Marines\\\" were as vivid and effective as I first remembered. What makes this movie so special, anyway?

Everything. Based on the true story of Al Schmid and his fellow Marine machine gun crew's ordeal at the Battle of the Tenaru River on Guadalcanal in November, 1942, the screenplay stays 95% true to the book upon which it was based, \\\"Al Schmid, Marine\\\" by Roger Butterfield, varying only enough to meet the time constrains of a motion picture. This is not a typical \\\"war movie\\\" where the action is central, and indeed the war scene is a brief 10 minutes or so in the middle of the film. But it is a memorable 10 minutes, filmed in the lowest light possible to depict a night battle, and is devoid of the mock heroics or falseness that usually plagues the genre. In a way probably ahead of its time, the natural drama of what happened there was more than sufficient to convey to the audience the stark, ugly, brutal nature of battle, and probably shocked audiences when it was seen right after the war. This film isn't about \\\"glorifying\\\" war; I can't imagine anyone seeing that battle scene and WANTING to enlist in the service. Not right away, anyway.

What this film really concerns is the aftermath of battle, and how damaged men can learn to re-claim their lives. There's an excellent hospital scene where a dozen men discuss this, and I feel that's another reason why the film was so so well received--it was exceptionally well-written. There's a \\\"dream\\\" sequence done in inverse (negative film) that seems almost experimental, and the acting is strong, too, led by John Garfield. Garfield was perfect for the role because his natural temperament and Schmid's were nearly the same, and Garfield met Schmid and even lived with him for a while to learn as much as he could about the man and his role. Actors don't do that much anymore, but added to the equation, it's just another reason why this movie succeeds in telling such a difficult, unattractive story.\": {\"frequency\": 1, \"value\": \"I hadn't seen this ...\"}, \"I saw the omen when i was 11 on tv. I enjoyed the Trilogy. So when the chance to finally see one at the cinema came around i didnt pass it up. I went in to the cinema knowing that what i was about to see wasnt a cinema release but a made for TV film. However being a fan i couldnt resist. But this Omen movie which i saw at a midnight screening didnt bring chills it brought laughter. Risible Dialogue such as \\\"it is written that if a baby cries during baptism they reject there god\\\". What nonsense.No decent set pieces. Faye Grant so Good in V is wasted with this script from hell. No suprises and no fun. However i did laugh out loud several times at our bad it was.Truly Pathetic.1 out of 10\": {\"frequency\": 1, \"value\": \"I saw the omen ...\"}, \"Wonderful romance comedy drama about an Italian widow (Cher) who's planning to marry a man she's comfortable with (Danny Aiello) until she falls for his headstrong, angry brother (Nicholas Cage). The script is sharp with plenty of great lines, the acting is wonderful, the accents (I've been told) are letter perfect and the cinematography is beautiful. New York has never looked so good on the screen. A must-see primarily for Cher and Olympia Dukakis--they're both fantastic and richly deserved the Oscars they got. A beautiful, funny film. A must see!\": {\"frequency\": 1, \"value\": \"Wonderful romance ...\"}, \"This man is nothing short of amazing. You truly feel as if you have lived his life with him throughout these tragic events, and cry along with his family in the end. He was so passionate about his cause, not just for himself, but to ensure others who will survive him do not have to go through this wretched pain. I watch this video every time I am having a bad or \\\"down\\\" day, and it always manages to make me see the great and brighter side of life, just like Jonny did, even with his unbearable pain. My only regret is not knowing about Jonny sooner, as I visited England 2 times during his life, and would have been able to say I'd met him. It is comforting to know Jonny is sitting on his cloud, pain free! Rest in peace, Dear Jonny. You deserve it!\": {\"frequency\": 1, \"value\": \"This man is ...\"}, \"The subject is certainly compelling: a group of people take their love of gaming one step further by creating a fake medieval world full of warriors, kings, princes and castles. Wargaming is an interesting phenomena that delves into our collective need to \\\"escape\\\" from reality and the sometimes mundaneness of our existence -- something almost everyone can relate to. The characters are the predictable mix of Lord of the Rings nerds and Star Trek enthusiasts. That's enough to get most people to watch. However, very quickly the film turns into an insider's view of wargaming with an almost stereotypical thumbing of the nose to viewers who \\\"don't get it\\\". The filmmakers seem to take the subject of wargaming, and this particular one, waaaaay too seriously rather than once in awhile recognizing the humor and fun in making a film about adults drssing up in medieval gear and pounding each other with foam swords. It's pretty hard for anyone who doesn't sit on their computer for 7-10 hours a day playing games or desiging the latest star destroyer to understand what the characters are talking about and why we should even care. However, the filmmakers themselves seem not to care choosing to focus solely on the subject of the game itself rather than building a strong narrative with a clear story that anyone can understand. Moreover, the characters themselves are not that compelling and you quickly become bored of them: a big no-no when you're trying to keep people's attention for 90 minutes.\": {\"frequency\": 1, \"value\": \"The subject is ...\"}, \"I really enjoyed Girl Fight. It something I could watch over and over again. The acting was Fantastic and i thought Michelle Rodriguez did a good job in the film. Very convincing might I say. The movie is showing how women should stand up for what they want to do in life. She had so much compassion and yet so much hate at the same time. Dealing with a ignorant dad didn't really help her much. Even though he loved her he was really hateful. Her mother died when she was younger and that also put some sadness in the role. The love story was a part that i really enjoyed in the movie also. I felt the passion the y had for one another. Then again drama sets in and then its like she is choosing between her boyfriend and her life long dream. I thought it ended just right. It was the kind of ending where you have to decide what happened in the future for them.For all you people who likes a movie based on a sport with a good plot i 'd suggest that you check this one out\": {\"frequency\": 1, \"value\": \"I really enjoyed ...\"}, \"Songwriter Robert Taylor (as Terry) is \\\"dizzy, slap-happy\\\" and can't see straight over otherworldly Norma Shearer (as Consuelo). \\\"She makes the sun shine, even when it's raining,\\\" Mr. Taylor explains. But, Mr. Taylor gets a lump in his throat whenever he gets near Ms. Shearer. Finally, at the Palm Beach casino Shearer frequents, Taylor proclaims \\\"I love you!\\\" Shearer brushes him off, as she is engaged to George Sanders (as Tony). However, to settle a gambling debt, Shearer hires Taylor to pose as \\\"Her Cardboard Lover\\\", to make Mr. Sanders jealous.

This film's title invites the obvious and appropriate three-word review: \\\"Her Cardboard Movie\\\". It is most notable as the last film appearance for Shearer, one of the biggest stars in the world from \\\"He Who Gets Slapped\\\" (1924, playing another Consuelo) to \\\"The Women\\\" (1939). To be fair, this was likely the kind of Shearer film MGM believed audiences wanted to see. However, the part is unflattering.

Plucked and powered, Taylor and Shearer were better off in \\\"The Escape\\\" (1940). If Shearer had continued, she might have become a better actress than \\\"leading lady\\\"; apparently, she was no longer interested, and certainly didn't need the money. Taylor has a great scene, reciting Christina Rossetti's \\\"When I am Dead, My Dearest\\\" while threatening to jump from Shearer's balcony, as directed by George Cukor.

**** Her Cardboard Lover (6/42) George Cukor ~ Norma Shearer, Robert Taylor, George Sanders\": {\"frequency\": 1, \"value\": \"Songwriter Robert ...\"}, \"Let's cut a long story short. I loved every minute of it. A lavish fantasy in true Arabian-Nights style. There's an evil magician, a pretty princess, a djinn and everybody lives happily ever after. Modern Hollywoond sure does have one or two things to learn from this classic. Only quibble: the special effects are pretty dated (loved Sabu with the djinn's foot, though!)\": {\"frequency\": 1, \"value\": \"Let's cut a long ...\"}, \"Having just seen this on TMC, it's fresh in my mind. It's obvious that while the stooges are featured stars, they don't really run the show. First, they're broken into 2 groups - Moe, as \\\"Shorty\\\" and Larry and Curly as a pair of vagrants, so there's not a whole lot of full team work. The love story that fuels the plot is uninteresting, the two ladies are the only ones with any acting ability, there's another group of musical stooges that are unfunny, unless you consider their attempts at being funny to be sadly buffoonish. The music is tiresome, they drive cars to the ranch and then depend on horses, the dorky western wear is silly, and there's an awful lot of the movie with no stooges on camera. By the way, this is obviously after Curley's first stroke, and his reduced energy level is clear. Vernon Dent appears early on in an uncredited role. I loved everything these guys ever did, including all the non-Curley stuff, but this little dogie is pretty lousy.\": {\"frequency\": 1, \"value\": \"Having just seen ...\"}, \"A funny comedy from beginning to end! There are several hilarious scenes but it's also loaded with many subtle comedic moments which is what made the movie for me. Creative story line with a very talented cast. I thoroughly enjoyed it!\": {\"frequency\": 1, \"value\": \"A funny comedy ...\"}, \"I watch this movie all the time. I've watched it with family ages 3 to 87, and everyone in between; They all loved it. It really shows the true scenes a dog has, and the love and loyalty you get from a pet. Just beautiful.

It's great for thoes who love comedy movies, the tear-jerker movies, or even just pets.

The music is wonderful, the animals spectacular, the scenes truly thought out, and the characters perfect. What I liked about the characters is the true and nicely mixed personalities: Shadow (The oldest, a Golden Retriever) He's the wise one, filled with the wisdom and mindset of any dog, Chance (the American Bulldog puppy) is basically a puppy with a witty side, the comical character; And Sassy (The Hymilayan cat) She's the real cat who shows what a real cat will do for their owner, the real girly one.\": {\"frequency\": 1, \"value\": \"I watch this movie ...\"}, \"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.

\": {\"frequency\": 1, \"value\": \"WOW!


This program was disgraceful. What's New Scooby Doo is much better. Why change a winning format. Bin this piece of garbage and go back to the true Scooby\": {\"frequency\": 1, \"value\": \"I have grown up ...\"}, \"This 2004 Oscar nominee is a very short b/w film in Spanish. A young woman goes into a caf\\ufffd\\ufffd, gets a coffee, and notices a couple of musicians standing silently with their instruments. All the patrons are motionless, like mannequins. One guy, however, is quite jolly and breaks into a song about what goes on at 7:35 in the morning. There is one surprising moment after another until the end which is quite, well, surprising. The people, the place, everything looks quite ordinary. And like the musical piece \\\"Bolero\\\", the thing keeps building until the climax. With its structure, theme,movement and wit,it is an 8 minute masterpiece.\": {\"frequency\": 1, \"value\": \"This 2004 Oscar ...\"}, \"Poor Ingrid suffered and suffered once she went off to Italy, tired of the Hollywood glamor treatment. First it was suffering the torments of a volcanic island in STROMBOLI, an arty failure that would have killed the career of a less resilient actress. And now it's EUROPA 51, another tedious exercise in soggy sentiment.

Nor does the story do much for Alexander KNOX, in another thankless role as her long-suffering husband who tries to comfort her after the suicidal death of their young son. At least this one has better production values and a more coherent script than STROMBOLI.

Bergman is still attractive here, but moving toward a more matronly appearance as a rich society woman. She's never able to cope over the sudden loss of her son, despite attempts by a kindly male friend. \\\"Sometimes I think I'm going out of my mind,\\\" she tells her husband. A portentous statement in a film that is totally without humor or grace, but it does give us a sense of where the story is going.

Bergman is soon motivated to help the poor in post-war Rome, but being a social worker with poor children doesn't improve her emotional health and from thereon the plot takes a turn for the worse.

The film's overall effect is that it's not sufficiently interesting to make into a project for a major star like Bergman. The film loses pace midway through the story as Bergman becomes more and more distraught and her husband suspects that she's two-timing him. The story goes downhill from there after she nurses a street-walker through her terminal illness. The final thread of plot has her husband needing to place her for observation in a mental asylum.

Ingrid suffers nobly through it all (over-compensating for the loss of her son) but it's no use. Not one of her best flicks, to put it mildly.

Trivia note: If she wanted neo-realism with mental illness, she might have been better off accepting the lead in THE SNAKE PIT when it was offered to her by director Anatole Litvak!! It would have done more for her career than EUROPA 51.

Summing up: Another bleak indiscretion of Rossellini and Bergman.\": {\"frequency\": 1, \"value\": \"Poor Ingrid ...\"}, \"I wish more movies were two hours long. On the other hand, I wish more American Civil War movies were MERELY two hours long. \\\"Gone with the Wind\\\", \\\"Gettysburg\\\" - that's about the length I've come to expect; although those two at least entertained for however many hours they lasted; and even \\\"Gettysburg\\\" lasted as long as it did because things HAPPENED in the course of it.

By contrast Ang Lee's film is bloated and uneventful. It actually feels as if it takes much less than two hours. That wasn't a compliment. It's really no different to any other form of sensory deprivation: at the time it feels as though it will never end, afterwards it seems to have taken no time at all.

The film gets off on the wrong foot, as Lee plays his interminable credits OVER the opening footage (bad mistake) in which we are introduced to some characters we take an instant dislike to and will later come to loathe. The central two are Jake, the son of German immigrants who are staunch supporters of Lincoln, and Jack, an equally staunch Southerner whose values Jake shares. (I had to re-read that sentence to make sure I hadn't written \\\"Jack\\\" instead of \\\"Jake\\\" at some point or vice versa.) The two go off to become \\\"bushwhackers\\\" - Southern militia who so strongly lust after revenge and violence that they can't even be bothered to join the official Southern army, which I presume they think is for sissies. I'm afraid Lee lost me right there. It's easy to feel for characters who make moral mistakes: if we have some independent reason to like them, or feel as if we know them in some way, then their moral flaws can make us care for them all the more. Not so here. We aren't properly introduced to Jake for at least an hour; when we are, it becomes clear he's a gormless pimple of a man, who isn't a confederate by choice so much as by habit - the kind of person who says and does what everyone around him says and does, whose psychology is purely immitative. The people he associates with are either just the same or positively evil in some uninteresting way. I found myself cheering whenever the Northern cavalry appeared on the screen. I thought: good - kill the rebels, end the damned war, let me go home.

Aggravating this problem is the horrible, horrible dialogue. Everyone speaks in the same whining Southern accent. I've heard accents from all over the English-speaking world and this is the worst of them all. I don't care if Southerners really did talk like that, it's simply not fair to ask an audience to listen to it for two hours. And believe me, we do listen to it for the full two hours: Lee's picture is a talky one, largely because characters take so long to say what they mean in their ungrammatical, say-everything-three-times, folksy drawl. It would help if they talked faster, but not much. Can't these people find a more efficient language in which to communicate?

In short: the film is little but a gallery of uniformly unattractive characters with no inner life, who talk in an offensively ugly mode of speech, who don't bathe often enough, to whom nothing of interest happens, despite their being involved in a war. Good points? Jewel was nice to look at, and so was the scenery. But I have complaints even here. The cinematography, nicely framed, looked as if someone had susbtituted colour film for black and white by mistake; and as for Jewel, we were teased with her body, but never actually allowed to gaze upon it, which I think is the least we were owed.\": {\"frequency\": 1, \"value\": \"I wish more movies ...\"}, \"There's some very clever humour in this film, which is both a parody of and a tribute to actors. However, after a while it just seems an exercise in style (notwithstanding great gags such as Balasko continuing the part of Dussolier, and very good acting by all involved) and I was wondering why Blier made this film. All is revealed in the ending, when Blier, directing Claude Brasseur, gets a phone call from his dad (Bernard Blier) - from heaven, and gets the chance to say how much he misses him. An effective emotional capper and obviously heartfelt. But there isn't really sufficient dramatic tension or emotional involvement to keep the rest of the film interesting throughout it's entire running time. Some really nice scenes and sequences, however, and anyone who likes these 'mosntres sacr\\ufffd\\ufffds' of the French cinema should get a fair amount of enjoyment out of this film.\": {\"frequency\": 1, \"value\": \"There's some very ...\"}, \"Absolutely laughable film. I live in London and the plot is so ill-researched it's ridiculous. No one could be terrorised on the London Underground. In the short time it is not in service each night there are teams of maintenance workers down there checking the tracks and performing repairs, etc. That there are homeless people living down there is equally unlikely. Or that it's even possible to get locked in and not have access to a mobile phone in this day and age...

The worst that's likely to happen if someone did find themselves there after the last train is that they might get graffiti sprayed on them. Although this has been coming under control due to the massive number of security cameras on the network, another thorn in the side of the story. (Remember in London as a whole we have more security cameras than any other city in the world.)

If it had been set in a city I am not familiar with perhaps I could have enjoyed it through ignorance, but it's not a high quality film so I just couldn't bring myself to suspend my disbelief and try and enjoy it for the banal little tale that it is.

I would have given it 0/10 if such a rating existed! Possibly the most disappointing film I ever thought I would like.\": {\"frequency\": 1, \"value\": \"Absolutely ...\"}, \"Wow. Saw this last night and I'm still reeling from how good it was. Every character felt so real (although most of them petty, selfish a**holes) and the bizarre story - middle aged widow starts shagging her daughter's feckless boyfriend - felt utterly convincing. Top performances all round but hats off to Anne Reid and Our Friends in the North's Daniel Craig (the latter coming across as the next David Thewlis).

And director Roger Michell? This is as far from Notting Hill as it's possible to be. Thank God.

Watch this movie!!!\": {\"frequency\": 1, \"value\": \"Wow. Saw this last ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"For Romance's ...\"}, \"Apparently, the people that wrote the back of the box did not bother to watch this so-called \\\"movie.\\\" They described \\\"blindingly choreographed intrigue and violence.\\\" I saw no \\\"intrigue.\\\" I instead saw a miserable attempt at dialogue in a supposed kung fu movie. I saw no \\\"violence.\\\" At least, I saw nothing which could cause me to suspend my disbelief as to what could possibly hurt a man with \\\"impervious\\\" skin--but here I am perhaps revealing too much of the \\\"plot.\\\" Furthermore, as a viewer of many and sundry films (some of which include the occasional kung fu movie), I can authoritatively say that this piece of celluloid is unwatchable. Whatever you may choose to do, I will always remain

Correct,

Jonathan Tanner



P.S. I was not blinded by the choreography.\": {\"frequency\": 1, \"value\": \"Apparently, the ...\"}, \"This film is about British prisoners of war from the World War II escaping from a camp in Germany.

I find \\\"The Wooden Horse\\\" disappointingly boring. The subject could have been thrilling, suspenseful and adrenaline fuelled, but \\\"The Wooden Horse\\\" is told in a very plain way. It's a collection of plain and poorly told events, with no suspension and thrill. The first half plainly tells how the prisoners of war dug a tunnel, but the events are so plain, with not enough blunders and close shaves to make me on edge. The latter half of the film is even worse, they are just moving from one place to another without any cat and mouse chase. And could the characters talk a bit less and have more action in an action film! I am disappointed by \\\"The Wooden Horse\\\", it wasted the potential to be a great film.\": {\"frequency\": 1, \"value\": \"This film is about ...\"}, \"Unless you understand wretched excess this movie won't really mean much to you. An attempt was made to interject a bit of humanity into a cold and bleak period consumed by alcohol and drugs -- it doesn't work.

When Salma Hayak does her big disco number her voice is so obviously dubbed it is pathetic -- the producers could at least have gotten someone that sounded remotely like her.

The documentary that has been playing on television lately is far superior and gives a much truer view of that period of our history.

No one, with the exception of Mikey Myers, could be accused of acting; however, he does an incredible job.\": {\"frequency\": 1, \"value\": \"Unless you ...\"}, \"Some very interesting camera work and a story with much potential. But it never comes together as anything more than a student's graduate thesis in film school.

There are two primary reasons for this. Fist, there is not a single likable character, not even a villain we might admire for his/her chutzpah. Secondly, all the acting is awful - even from veteran Willem DaFoe. The ham is so plentiful here, you feel like you're at a picnic - but one of those wretched company employee picnics where you drink too much cheap beer and get your hangover before you even stop drinking. Then you eat an underdone hotdog and throw up.

All right, I'm being a little rough on a young director who might still go places - as I said, the camera work is quite good.

But I feel cheated - the blurb for this film suggests we will get to watch a \\\"Modern western\\\", and the DVD packaging has pictures on it that suggest this as well - but nobody actually connected to the film's making seems to know that this is the kind of film they're supposed to be making.

That betrayal is what hurts; but even without it, the fact remains that we don't like these characters, we feel embarrassed for the actors, the story is hopelessly muddled, and in the last analysis, we just don't care.

I took it out of the DVD player about half way through. but the rental store wouldn't give me my money back.

Now, that really hurts.\": {\"frequency\": 1, \"value\": \"Some very ...\"}, \"Unless somebody enlightens me, I really have no idea what this movie is about. It looks like a picture with a message but it\\ufffd\\ufffds far from it. This movie tells pointless story of a New York press agent and about his problems. And, that\\ufffd\\ufffds basically all. When that agent is played by Pacino, one must think that it must be something important. But it takes no hard thinking to figure out how meaningless and dull this movie is. To one of the best actors in the world, Al Pacino, this is the second movie of the year (the other is \\\"Simone\\\") that deserves the title \\\"the most boring and the most pointless motion picture of the year\\\". So, what\\ufffd\\ufffds going on, Al?\": {\"frequency\": 1, \"value\": \"Unless somebody ...\"}, \"The Bourne Ultimatum is the third and final outing for super-spy Jason Bourne, a man who is out to kill the people who made him into a killer. The Bourne series is one of the highest regarded trilogies by critics (Ultimatum has an 85/100 on metacritic.com, meaning it's status is \\\"universal acclaim) and for good reason- the fighting is choreographed very well and the deep story can be very engrossing.

First, I highly advise you watch The Bourne Identity and The Bourne Supremacy, the two fancy-titled prequels to Ultimatum. There may be three different movies, but in reality they are all a continuance of one another: missing one leaves you stranded and confused, just like I was. You will still be about to enjoy the action and fight scenes of Ultimatum if you missed the first two, but then the story will definitely lead to some confusion.

If you were lucky enough to view the prequels to this movie, you probably had a treat watching Bourne take down his enemies and track down the man who screwed him from Supremacy. Jason Bourne is played very well by Matt\\ufffd\\ufffdDamon. Damon does nothing to deserve an Oscar nod, but his work here is good enough to hold it's own. Bourne's adventures take place in many different cities; the cities are all varied enough to keep the movie from becoming bland at times. The agency tracking Bourne takes advantage of every technological tool known to mankind to track him down.

I won't go into detail on the characters because they are continuations off of the first two movies. However, it wouldn't hurt the movie to spell a few things out for the audience- not every viewer is a die-hard movie watcher who can pick up on every little hint about story development. Ultimatum wouldn't have been harmed at all if the story was a little more up front.

It seems most people agree that Ultimatum was a success of a film: the movie opened to $69 million, and -box office total now is up to $216 mil- is currently still going very strongly for a movie that has been in theatres since August 3. It's the best action movie I've seen since Live Free or Die Hard.

Good) Damon is solid but not spectacular, very smart movie Bad) Story is like many others\": {\"frequency\": 1, \"value\": \"The Bourne ...\"}, \"I have just recently purchased collection one of this awesome series and even after just watching three episodes, I still am mesmerized by sleek styling of the animation and the slow, yet thoughtful actions of the story-telling. I am still a fan.....with some minor pains.

Though this installment into the Gundam saga is very cool and has what the previous series had-a stylish satiric way of telling about the wrongs of war and not letting go of the need to have control or power over everything(sound familiar?), I have to say that this one gets a bit too mellow-dramatic on continuing to explain the lives of the main characters and their incessant need to belly-ache about every thing that happens and what they need to do to stop the OZ group from succeeding in their plans(especially the character called Wufei...I mean he whines more than an American character on a soap opera. Get a counselor,will ya?)

Besides for the over-exaggerated drama(I think that mostly comes from the dubbing of the English voice actors), this series is still very exciting and will still captivate me once again. I mean it can always be worse. It could be like the recent installment, SEED......eeeewwww, talk about mellow-dramatic....I'll chat about that one later.\": {\"frequency\": 1, \"value\": \"I have just ...\"}, \"I enjoyed a lot watching this movie. It has a great direction, by the already know Bigas Luna, born in Spain. And it is precisely in Spain that the movie takes place, in Catalu\\ufffd\\ufffda, to be more precise.

Luna explores once more the theme of an obcession, in this case the obcession of a young boy for the women's milk. There are some psychological concepts in this story such as the rejection complex that the elder son feels with the birth of his brother. In the movie this is what leads to the obcession of the young boy who suddenly sees all his mother's milk go to the recently born son. So he starts trying to find a breast who is able to feed him. He finds it in a woman recently arrived and from here on the movie is all around this.

This movie lives a lot on imagery, more than the story itself, the espectator captures certain moments (unforgettable moments) and certain symbols (the movie deserves a thourough analyses on almost everything that happens because it usually means something...). The surroundings, the landscapes, typical from the region as well as the surreal behaviors of the characters, also symbolic, and the excelent ambiguous soundtrack by Nicola Piovani transport us to another dimension, not parallel to the real world, but which intersects it from times to times... Worth living in that world, worth watching this movie, even though we may eventually and for moments get tired and a bit sick with the excessive obcession, which is perhaps taken beyond the limits...

I also enjoyed the performance of the protagonist... 8/10\": {\"frequency\": 1, \"value\": \"I enjoyed a lot ...\"}, \"There's a lot the matter with Helen and none of it's good. Shelley Winters and Debbie Reynolds play mothers of a pair of Leopold & Loeb like killers who move from the mid-west to Hollywood to escape their past. Reynolds, a starstruck Jean Harlow wannabe, opens a dance studio for children and Winters is her piano player. Soon Winters (as Helen) begins to crack up. It's all very slow going and although there are moments of real creepiness (nasty phone calls, a visit from wino Timothy Carey), the movie is devoid of any real horror. Nevertheless, it's still worthy entertainment. The acting divas are fine and the production values are terrific. A music score by David Raskin, cinematography by Lucien Ballard and Oscar-nominated costumes contribute mightily. With this, A PLACE IN THE SUN and LOLITA to her credit, does anyone do crazy as well as Winters? Directed by Curtis Harrington, a master at this type of not quite A-movie exploitation. In addition to Carey, the oddball supporting cast includes Dennis Weaver, Agnes Moorehead (as a very Aimee Semple McPherson like evangelist), Yvette Vickers and Miche\\ufffd\\ufffdl MacLiamm\\ufffd\\ufffdir (the Irish Orson Welles) as Hamilton Starr, aptly nicknamed hammy.\": {\"frequency\": 1, \"value\": \"There's a lot the ...\"}, \"Walt Disney's CINDERELLA takes a story everybody's familiar with and embellishes it with humor and suspense, while retaining the tale's essential charm. Disney's artists provide the film with an appealing storybook look that emanates delectable fairy tale atmosphere. It is beautifully, if conventionally, animated; the highlight being the captivating scene where the Fairy Godmother transforms a pumpkin into a majestic coach and Cinderella's rags to a gorgeous gown. Mack David, Al Hoffman, and Jerry Livingston provide lovely songs like \\\"A Dream Is a Wish Your Heart Makes\\\" and \\\"Bibbidi-Bobbidi-Boo\\\" that enhance both the scenario and the characters.

Even though CINDERELLA's story is predictable, it provides such thrilling melodrama that one shares the concerns and anxieties of the titular heroine and her animal friends. Both the wicked stepmother and her dreadful cat Lucifer present a formidable menace that threatens the dreams and aspirations of Cinderella and the mice. It is this menace that provides the story with a strong conflict that holds the viewers' interest. The film's suspense, however, is nicely balanced by a serene sweetness, especially in the musical numbers. It is in these segments that reveal the appealing personalities of Cinderella and her friends, moving the viewers to care for them. Overall, Walt Disney's CINDERELLA is wonderful family entertainment that has held up remarkably well after half a century.\": {\"frequency\": 1, \"value\": \"Walt Disney's ...\"}, \"This movie was like a bad train wreck, as horrible as it was, you still had to continue to watch. My boyfriend and I rented it and wasted two hours of our day. Now don't get me wrong, the acting is good. Just the movie as a whole just enraged both of us. There wasn't anything positive or good about this scenario. After this movie, I had to go rent something else that was a little lighter. Jennifer Tilly is as usual a very dramatic actress. Her character seems manic and not all there. Darryl Hannah, though over played, she does a wonderful job playing out the situation she is in. More than once I found myself yelling at the TV telling her to fight back or to get violent. All in all, very violent movie...not for the faint of heart.\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"A sequel to (actually a remake of) Disney's 1996 live-action remake of 101 Dalmations. Cruella deVil (Glenn Close) is released from prison after being \\\"cured\\\" of her obsession with fur by a psychologist named Dr. Pavlov (ugh!). But the \\\"cure\\\" is broken when Cruella hears the toll of Big Ben, and she once again goes on a mad quest to make herself the perfect coat out of dalmation hides.

This movie is bad on so many levels, starting with the fact that it's a \\\"Thanksgiving family schlock\\\" movie designed to suck every last available dime out of the Disney marketing machine. Glenn Close over-over-over-over-acts as Cruella. With all that she had to put up with in this movie -- the lame script, the endless makeup, getting baked in a cake at the end -- I hope they gave her an extremely-large paycheck.

(Speaking of which, where in the world are you going to find a fur coat factory, a bakery with a Rube Goldberg assembly line, and a candlelight restaurant all located within the same building -- as you do in the climax of this film?) Of course, the real stars of the movie are supposed to be the dogs. They serve as the \\\"Macaulay Culkin's\\\" of this movie, pulling all the stupid \\\"Home Alone\\\" gags on the villains. (Biting them in the crotch, running over their hands with luggage carts, squirting them with icing, etc., etc., etc., ad nauseum.) I have to admit, the dogs were fairly good actors -- much better than the humans.

Gerard Depardieu is completely wasted in this movie as a freaked-out French furrier. The two human \\\"dog lovers\\\" -- rehashed from the earlier film, but with different actors -- are completely boring. When they have a spaghetti dinner at an Italian restaurant, the movie cuts back and forth between the two lovers, and their dogs at home, watching the dinner scene from \\\"Lady and the Tramp.\\\" I thought to myself, \\\"Oh please, don't go there!\\\" I half-expected the humans to do a satire on the \\\"Lady and the Tramp\\\" dinner scene -- as Charlie Sheen did in \\\"Hot Shots: Part Deux\\\" -- doing the \\\"spaghetti strand kiss,\\\" pushing the meatball with his nose, etc.

And don't get me started on the annoying parrot with Eric Idle's voice.

The costumes were nominated for an Oscar, and the costumes in the movie *are* good. But they are the only good thing in the movie. The rest of it is unbearable dreck.\": {\"frequency\": 1, \"value\": \"A sequel to ...\"}, \"FORBIDDEN PLANET is the best SF film from the golden age of SF cinema and what makes it a great film is its sense of wonder . As soon as the spaceship lands the audience - via the ships human crew - travels through an intelligent and sometimes terrifying adventure . We meet the unforgetable Robbie , the mysterious Dr Morbuis , his beautiful and innocent daughter Altair and we learn about the former inhabitants of the planet - The Krell who died out overnight . Or did they ?

You can nitpick and say the planet is obviously filmed in a movie studio with painted backdrops but that adds to a sense of menace of claustraphobia I feel and Bebe and Louis Barron`s electronic music adds even more atmosphere

I`m shocked this film isn`t in the top 250 IMDB films .\": {\"frequency\": 1, \"value\": \"FORBIDDEN PLANET ...\"}, \"Towards the end of the movie, I felt it was too technical. I felt like I was in a classroom watching how our Navy performs rescues at sea. I liked seeing that the engines have fire extinguishers. I guess I should have figured that out before, but I never thought about it. Using a 747 to transport valuable old paintings with very little security is odd and not realistic. The acting was pretty good, since they're mostly seasoned professionals, but if you're going to stretch so far from what would most likely happen, it should be more like a fantasy, comical, etc. Everything was taken too seriously. At least the movie had Felix Ungar as pilot, with Buck Rogers, the night stalker, and Dracula also on board. The movie was filled with well known faces. I understand that Hollywood has to exaggerate a bit for drama, but it does hurt the quality of a movie when a serious subject is made into a caricature. That's why I said it should have been more comical. My pet peeve with movies about airline travel is that everybody just casually moves about. They walk around with drinks, setting them down and picking them up 5 minutes later, just as if they're in a building or something, and acting as if turbulence just doesn't exist. Also, I know it's a disaster movie, but suspense doesn't have to include a 30 second crash after hitting something. Anyway, the skilled actors and actresses keep this weak script from having been made into a movie that got canned after it's first screening. I like Lee Grant, but it was fun to watch a psychotic person get decked...:)\": {\"frequency\": 1, \"value\": \"Towards the end of ...\"}, \"Even in the 21st century, child-bearing is dangerous: women have miscarriages, and give birth prematurely. Seventy-five years ago, it was not uncommon for women to die during childbirth. That is the theme of \\\"Life Begins\\\": a look at the \\\"difficult cases\\\" ward of a maternity hospital. Loretta Young plays the lead, a woman brought here from prison (what crime she committed is not germane to the plot) to give birth; she's conflicted about the fact she's going to have to give her baby up after birth. She's in a ward with several other women, who share their joys and pain with each other.

Although Loretta Young is the lead, the outstanding performance, as usual, is put in by Glenda Farrell. Farrell was one of Warner's \\\"B\\\" women in the 1930s, showing up quite a bit in supporting roles, and sometimes getting the lead in B movies (Farrell played Torchy Blane in several installments of the \\\"Torchy\\\" B-movie series.) Here, Farrell plays an expectant mother who doesn't want her children, since they'll only get in the way. She does everything she can to get in the way of the nurses, including smuggling liquor into the ward (this of course during the Prohibition days), and drinking like a fish -- apparently they'd never heard of fetal alcohol syndrome back in the 30s.

Interestingly, unlike most movie of the early 1930s, it's not the women being bumbling idiots getting in the way of the heroic men -- that situation is reversed, with the expectant fathers being quivering mounds of jelly. (Watch for veteran character actor Frank McHugh as one of the expectant fathers.) \\\"Life Begins\\\", being an early talkie, treats the subject with a fair dollop of melodrama, to be sure, but it's quite a charming little movie. Turner Classic show it, albeit infrequently; I've only seen it show up on a few days honoring Loretta Young. But it's highly recommended viewing when it does show up.\": {\"frequency\": 1, \"value\": \"Even in the 21st ...\"}, \"This is one of the worst movies I have ever seen. Robin Williams fit into the part like a rhino would fit into a tutu, even so his performance was still pitiful. Kurt Russell was more believable but still was awful. The plot left much to be desired and the rest of the acting was also terrible. The only thing this movie had going for it was the trailer, which suckered me in to wasting 90 minutes of my life which could have been better spent trying to lick the back of my head.

Do yourself a favor and burn this movie if you have it. If not, just be happy you don't.\": {\"frequency\": 1, \"value\": \"This is one of the ...\"}, \"This film was hard to get a hold of, and when I eventually saw it the disappointment was overwhelming. I mean, this is one of the great stories of the twentieth century: an unknown man takes advantage of the unsuspecting airline industry and GETS AWAY with millions in ransom without hurting anyone or bungling the attempt. With all of this built-in interest, how could anyone make such a lackluster, talk-laden flick of this true-life event. While Williams is always interesting, the screenwriters assumed that the D.B. Cooper persona was stereotypically heroic like a movie star, s what we get is a type-without any engaging details or insights into the mind of a person daring enough and clever enough to have pulled it off. Harrold practically steals the movie with her spunk and pure beauty, but the real letdown was in the handling of the plot and the lame direction. Shame on this film for even existing.\": {\"frequency\": 1, \"value\": \"This film was hard ...\"}, \"This was my first, and probably the last Angelopoulos movie. I was eager to get into it, as it featured Mastroianni, one of my favorite actors and was a film By Theo, of whom I've heard a lot. The opening was promising, a long shot over a jeep of soldiers across the Albanian-Greek border. OK! but that was all. Nothing left. The movie had big holes and I don't know which to mention first. The main plot of the story is revealed to the journalist by the old woman. during a long walk. It's like a 15 minutes monologue, killing the action and viewers patience, nothing happening on screen for 15 or even 20 minutes, apart this old lady telling a story. All that is presumed to be shown through action, was simply told to the camera by the old lady. In a moment, the equippe of TV was heading to the bar. They turn the corner and immediately the winter begins! Probably, shot in different days, continuity leaked. A lot of problems with the story-telling, it went from absurd to irrational never sticking to a style, making the viewer asking questions that never got answers. Poor Mastroianni, given a role which lacked integrity or charm. On the other hand, as many Greeks or Albanians or Balcan people would agree with, the movies showed lot of historic, ethnic, or politically incorrectness, just for the sake of making a movie about \\\"humanity\\\" as a red in another review. A lot more to say, but no time to lose on a poor movie, which was not movie at all, but lunacies of a person impressed on film and paid with state money.\": {\"frequency\": 1, \"value\": \"This was my first, ...\"}, \"I've seen this movie, when I was traveling in Brazil. I found it difficult to really understand Brazilian culture and society, because it has so many regional and class differences. To see this movie in Sao Paulo itself was a revelation. It shows something of the everyday life of many Brazilians. On the other side, it is sometimes a little bit over-dramatized. And that's the only negative comment I have on this film. It's sometimes too much, too much sex, too many murders and too much cynicism for one film. The director could film some things a bit more subtle, it would make the film more effective.

Despite this I liked the movie and the way the story unravels itself. The characters are complex, and very much like real-life people. Not pretty American actors and actresses with a lot of cosmetics, but people who could be ugly and beautiful at the same time. That makes the film realistic, even when the story is not that convincing.\": {\"frequency\": 1, \"value\": \"I've seen this ...\"}, \"dark angel rocks! the best show i have seen in ages damn those people who took it off! me and my friends have gatherings to watch every DA episode! takes like 4 days but it is worth it! it finished before it finished what it wanted to say and that annoys the hell out of me!\": {\"frequency\": 1, \"value\": \"dark angel rocks! ...\"}, \"Julie Waters is outstanding and Adrian Pasdar a revelation in a very warm, very real, and extraordinarily entertaining look at the complications gender dysphoria and transvestism cause in a young executive's life. At the heart of this movie is the very real truth that you must accept yourself before you can hope for others to accept you.\": {\"frequency\": 1, \"value\": \"Julie Waters is ...\"}, \"This movie is so, so, so horrible, that it makes angels lose their wings. Shaq had tried to make other crossover efforts, like his work in Shaq-Fu for the NES and his plethora of unbearable rap albums, and later, the epic serving of horrible film-making that is Steel.

There's not a single good thing to be said about this movie. I saw it a bunch of times when I was very young, but I must've been an idiot then, because this movie takes all that is enjoyable about films and tears it apart. It's fun to mock. I saw it on the Disney Channel a while back and spent a few minutes doing that. Although, once the thrill of mocking it is done, you still become overwhelmed by its terribleness.

If you see it on TV, try this: consider, as your watching the film, removing from it all the scenes in which Shaq uses his magical genie powers. If you do that, it becomes like a film about a pedophile chasing a kid and rapping to seduce him. That's kinda funny, and disturbing.

A horrible example of film. Do not, unless looking to mock it, see this movie.\": {\"frequency\": 1, \"value\": \"This movie is so, ...\"}, \"Only seen season 1 so far but this is just great!! A wide variety of people stuck on a island. Nobody are who they seem to be and everybody seems to have loads of skeletons in their closets .... it sounds like Melrose Place meets the Crusoe family and why is that so great ? It probably is not but then ad a spoon full of X Files, a dose of \\\"what\\\" ?? and a big \\\"hey\\\" and a island that is everything You ever dreamed of - in Your freakiest nightmares and You'll be Lost to. The story got so many twists and turns it is unbelievable. Great set up, solid acting with a liberating acceptance that at the end of the everybody is human (well almost everybody ... I think ...)with good and bad sides. But weird oh so weird ...\": {\"frequency\": 1, \"value\": \"Only seen season 1 ...\"}, \"I have loved this movie since I first saw it in 1979. I'm still amazed at how accurately Kurt Russell portrays Elvis, right down to how he moves and the expressions on his face. Sometimes its scary how much he looks, acts, and talks like the real Elvis. Thankfully this is being released on DVD, so all of us that have been waiting can finally have an excellent quality version of the full length film. I have heard the detractors, who say that there are some inaccuracies, or some things left out, but I think that keeping in mind that John Carpenter only had about 2 1/2 hours to work with, and that this was being shown on television (just two years after Elvis's death!) that he did a fine job with this. In fact I haven't seen another Elvis movie that even comes close to this one. Highly recommended.\": {\"frequency\": 1, \"value\": \"I have loved this ...\"}, \"I am completely appalled to see that the average rating for this movie is 5.2/10 For what affects me, it is definitely one of the worst movies I have ever seen and I still keep wondering why I watched it until the end. First of all, the plot is totally hopeless, and the acting truly awful. I think that any totally unknown actress would have been better for the role than Susan Lucci; concerning Mr. Kamar Del's Reyes, I think it would have been a better choice for him to remain in his \\\"Valley of the Dolls\\\". To sum up, it is total waste of time(and i'm trying to stay polite...) to avoid at any cost. My rating is 1 and I still think it is well paid, but since we cannot give a O....\": {\"frequency\": 1, \"value\": \"I am completely ...\"}, \"In the funeral of the famous British journalist Joe Strombel (Ian McShane), his colleagues and friends recall how obstinate he was while seeking for a scoop. Meanwhile the deceased Joe discloses the identity of the tarot card serial killer of London. He cheats the Reaper and appears to the American student of journalism Sondra Pransky (Scarlett Johansson), who is on the stage in the middle of a magic show of the magician Sidney Waterman (Woody Allen) in London, and tells her that the murderer is the aristocrat Peter Lyman (Hugh Jackman). Sondra drags Sid in her investigation, seeking for evidences that Peter is the killer. However, she falls in love with him and questions if Joe Strombel is right in his scoop.

\\\"Scoop\\\" is another great Woody Allen's comedy outside Manhattan, actually again in London. His ironic and witty lines are simply fantastic, and I laughed a lot inclusive with his fate of hero in a country where people drive \\\"in the wrong side\\\". Sid Waterman is extremely funny and Woody Allen is in an excellent shape as comedian. However, his present muse Scarlett Johansson, of whom I am a big fan, has over-acting and is annoying in many moments, changing inclusive her accent to a histrionic pronunciation. Her character is absolutely silly and promiscuous, and I was quite disappointed with her performance (probably for the first time in her filmography). But this supernatural comedy is still a hilarious and worthwhile entertainment. My vote is eight.

Title (Brazil): \\\"Scoop \\ufffd\\ufffd O Grande Furo\\\" (\\\"Scoop \\ufffd\\ufffd The Big Scoop\\\")\": {\"frequency\": 1, \"value\": \"In the funeral of ...\"}, \"Wow...speechless as to the making of this film, I can't say much. The coverbox at the local videostore should've said it all...nothing but 6 actors/actresses who get lost on the set of Scream and decide to shoot a movie!

The acting was apparently not in the budget, but they were able to afford nudity and good-looking actors! Style over substance almost makes its mark here, except most of these acting-class failures keep forgetting that there is a plot that needs to go somewhere when they were reading this script. After only 4 or 5 kills by the so-called masked murderer and a confusing tie-in plot about a Murder Club which the dumb lead actress thinks is a real club that she can join (only if she can get over a girl bumping into her car), you want to stab your hands with the nearest sharp object to remind yourself never to get overly excited by a possibly good movie such as this.

I feel bad for the people who bought this film and can't find anyone to take it off their hands. Another example of what's wrong with the growing number of straight to video horror releases with no thought put into the essentials. Throw it away if you did buy this.\": {\"frequency\": 1, \"value\": \"Wow...speechless ...\"}, \"Okay, first off, Seagal's voice is dubbed over for like 50% of the film... Why? Because apparently there were rewriting the script and story as they were shooting and they need to change his dialogue for story continuity as they have multiple versions. From the very beginning, you just scratch your head because the overdubs are not only distracting, but they make no sense.

That said, the story still sucked and doesn't make any sense at all. When I got the the end, I was just scratching my head cause the movie was so pointless and the ending didn't even make sense.

Avoid like the plague. This movie made me stop watching Seagal straight to video movies cause they just get worse and worse.\": {\"frequency\": 1, \"value\": \"Okay, first off, ...\"}, \"It's a tale that could have taken place anywhere really, given the right circumstances. Street entertainer catching the attention of famous opera star and friendship ensuing. The aging entertainer finds/buys a male child to pass his art to. From there, we follow them through the rigors of their challenging, but free life along the river. Traveling town to town, he performs and has some degree of notoriety. Despite the times and the influences, the man is kind and good.

Overall, the performances are first rate, especially Xu Zhu, who portrays the street performer. The child (Renying Zhou) is beautiful, and downright strong, and withstands the overt prejudices well. The two protagonists, along with supporting help from the kind opera singer, Master Liang (an interestingly androgynous Zhao Zhigang), paint a very interesting tale of forgiveness, sadness and love. Some have mentioned this film's remote similarities to BA WANG BIE JI (FAREWELL MY CONCUBINE); yet this film can't stand easily on its own, any resemblance is remote at best.

My only qualm with the KING OF MASKS, is the ending. It was weak, cliche and about as subtle as a sledgehammer. The audience was already wrapped up in the story, what was the needless manipulation for? What a shame. To bring a fine motion picture that far, only to surrender to emotional (and corny) pathos like that. It frankly made this film good, instead of the classic, it should've been. That aside, the KING OF MASKS is still very well worth your time. I was happy to see the Shaw Brothers are still producing good films. Highly recommended.\": {\"frequency\": 1, \"value\": \"It's a tale that ...\"}, \"As soon as I began to see posters and hear talk about this movie, I was immediately excited. The Matrix was an incredible to behold and I couldn't wait to see the second one, especially after beginning to see the trailers for it at other movies. However, when I saw it, I left the theater extremely disappointed, as did many other movie-goers at the theater with me. While the action scenes in the movie were amazing as always, there simply were too few of them. In the first movie, there was constant fighting going on it seemed, but the second took a much more (and much unfortunate) preachy point of view. To sum up the plot, there wasn't much to it that wasn't expected. The machines were digging toward Zion with intent of destroying it (that's not a spoiler, everyone saw it in the commercials). The dialogue of the movie was absolutely horrendous. Unless you're a psychology major, you most likely will not understand most of what is said in the movie, and because of that simply won't care. It became somewhat of a romantic movie with the showing of events happening in the lives and relationship of Neo and Trinity. Agent Smith, for as bad-ass as he was in the first movie, seemed to get all religious and preachy. Personally, I don't need to hear about that or pay money to listen to it. The movie was a serious waste of my time, and I don't think I can watch the first one anymore. The dialogue and the constant boring and dry monologues from basically every character made me lose interest in the film quickly, and the small amount of good fighting scenes pushed me nearer the edge, and the ending of the movie shoved me right off. What movie ends with \\\"To Be Concluded\\\"? How original is that folks. I wonder if the Wachowski brothers had to burn the midnight oil to come up with that one. In conclusion, the movie was bad and that's the end of it.\": {\"frequency\": 1, \"value\": \"As soon as I began ...\"}, \"First of all, don't go into Revolver expecting another Snatch or Lock Stock, this is a different sort of gangster film.

I saw the gala the other night and this movie definitely split the audience. It's the kind of movie where half the audience will leave thinking WHAT was that? That was awful, and the other half will leave thinking WHAT was that? That was cool. Personally i like films that i don't understand, i.e.Mullholland Drive, and Usual Suspects, so i enjoyed Revolver.

It definitely wasn't perfect though. I saw the big twist coming a mile away, at least part of it, and though sometimes some loose ends left unexplained is good, Revolver leaves A LOT of questions unexplained for no reason it seemed. Also some scenes, like the animation, and the scene where Sorter goes on a killing spree(actually one of my favourites), although, awesome scenes to watch, seemed to just be there because they were awesome to watch, not because they fit in with the movie.

However there were many good things too. I thought the acting was superb from all the main actors, Jason stratham, Ray Liotta, Vincent Pastore, and even Andre Benjamin(who was a pleasant surprise). This movie definitely kept my interest, with one great, suspenseful, action packed, scene after another. When Ray Liotta was being held under the table wow....well you have to see it. The script was extremely well done, and the soundtrack, as with most Guy Ritchie films, was great.

Though a step below such movies as,Fight Club, Mullholland Drive, and Usual Suspects, it was still an awesome fast paced, psychological, action movie, with many twists and turns and tons of scenes you will remember long after the movie is over.\": {\"frequency\": 1, \"value\": \"First of all, ...\"}, \"I was given the opportunity to see this 1926 film in a magnificently restored theater that was once part of the extensive Paramount chain of vaudeville houses. This Paramount has a \\ufffd\\ufffdMighty Wurlitzer' organ \\ufffd\\ufffd also magnificently restored -- that was used to accompany the silent films of the day.

We were fortunate enough to have Dennis James, a key figure in the international revival of silent films at the Mighty Wurlitzer playing appropriate music and thematic compositions fitting to the action on the film. The print was a nearly perfect digital copy of the rapidly decaying nitrate negative and the entire experience was a once-in-a-lifetime chance to see a silent film as it was meant to be seen.

This was Greta Garbo's first American film. She was only 20 years old but already had 6 Swedish films in her repertoire.

It is somewhat ironic that this is a silent film about an opera star; even though the Mighty Wurlitzer added immensely to the mise-en-scene, it was necessary to leave much to the imagination.

Modern audiences, for the most part, do not understand silent films\\ufffd\\ufffd Acting was different then, with expansive gestures and broad facial expressions. Therefore audiences laugh at inappropriate times \\ufffd\\ufffd the acting is seen as \\ufffd\\ufffdhammy' and over-done \\ufffd\\ufffd but it was simply the style of the period.

Garbo, with all her subtlety, did much to usher in the new age of acting: she could say more with a half-closed eye and volumes could be read into a downward glance or a simple shrug. She exemplifies the truism that `a picture is worth a thousand words.'

Even though this is Garbo's first American film it is pretty obvious the studio knew what they had on their hands: This was MGM filmmaking at its best. The sets and costumes were magnificent. The special effects \\ufffd\\ufffd which by today's standards are pretty feeble \\ufffd\\ufffd were still electrifying and amazing.

The script by Vicente Blasco Ibanez (from the novel by Entre Naranjos) would seem to be tailor made for Garbo; it showcases her strengths, magnifies her assets and there is no pesky language problem to deal with: a Swedish actress can play a Spanish temptress with no suspension of disbelief on our part.

Her co-star was MGM's answer to Rudolph Valentino: Ricardo Cortez. He does an admirable job and did something that few romantic stars of the day ever would have done in a film: allow himself to look unnactractive, appear foolish and to grow old ungracefully.

There are some fairly good character parts that are more than adequately acted \\ufffd\\ufffd especially when you consider the powerhouse that was Garbo. Notable among them are Lucien Littlefield as \\ufffd\\ufffdCupido' and Martha Mattox as \\ufffd\\ufffdDo\\ufffd\\ufffda Bernarda Brull.'

This is when the extraordinary cinematographer, William H. Daniels, met Garbo \\ufffd\\ufffd they went on to make 20 films together. (He was the cinematographer on 157 films and his career spanned five decades!) He was able to capture her ethereal beauty and it was his photography that was primarily responsible for the moniker by which she became known: The Divine Garbo. Without his magnificent abilities she would not have been the success that she was.

Seeing this film is an all-too-rare opportunity: if you ever have the chance, do not miss it.\": {\"frequency\": 1, \"value\": \"I was given the ...\"}, \"Mysterious murders in a European village seem the result of THE VAMPIRE BAT horde plaguing the terrified community.

This surprisingly effective little thriller was created by Majestic Pictures, one of Hollywood's Poverty Row studios. The sparse production values and rough editing actually add to its eerie atmosphere and lend it an almost expressionistic quality. Overall, it leaves the viewer the feeling of being caught up in a bad dream, which is appropriate for a thriller of this sort.

Even though the eventual explanation for the hideous crimes is quite ludicrous and is not given proper plot development, the film can boast of a good cast. Grave Lionel Atwill gives another one of his typically fine performances, this time as a doctor doing scientific research in an old castle. Beautiful Fay Wray plays his assistant in a role which requires her to do little more than look lovely & alarmed. Dour Melvyn Douglas appears as the perplexed police inspector who also happens to be, conveniently, Miss Wray's boyfriend.

Maude Eburne, who could be extremely funny given the right situation, steals most of her scenes as Miss Wray's hypochondriac aunt. Elderly Lionel Belmore plays the village's terrified burgermeister. And little Dwight Frye, who will always be remembered for his weird roles in the FRANKENSTEIN and Dracula films, here is most effective as a bat-loving lunatic.\": {\"frequency\": 1, \"value\": \"Mysterious murders ...\"}, \"Someone will have to explain to me why every film that features poor people and adopts a pseudo-gritty look is somehow seen as \\\"realistic\\\" by some people.

I didn't see anything realistic about the characters (although the actors did their best with really bad parts) or the situations. Instead, I saw a forced, self-conscious effort at being \\\"edgy\\\", \\\"gritty\\\" and \\\"down and dirty\\\".

Sadly, it takes a lot more than hand-holding the camera without rhyme or reason and failing to light the film to achieve any of the above qualities in any significant way.

It's a sad commentary on the state of independent film distribution that the only films that see the inside of a movie theater are nowadays all carbon copies, with bad cinematography, non-existent camera direction and a lot of swearing striving to pass themselves as \\\"Art\\\".

It's little wonder that films like \\\"In the Bedroom\\\" or \\\"About Schmidt\\\" get such raves. I found them to be meandering and very average, but compared to the current slew of independent clones like \\\"Raising victor Vargas\\\" they are outright brilliant and inspired.

A few years ago seeing an \\\"independent\\\" film meant that you would likely be treated to some originality and a lot of energy and care, and maybe a few technical glitches caused by the low budgets, nowadays, it means that chances are you'll get yet another by-the-numbers, let's-shake-the-camera-around-for-two-hours attempt at placating the lack of taste of independent distributors. And of course all that to serve characters and situations that are completely unreal and contrived.

Is it any surprise that the independent marketplace has fewer and fewer surviving companies? Not at all when you see films like Raising Victor Vargas that do nothing but copy the worst of the films that preceded them.\": {\"frequency\": 1, \"value\": \"Someone will have ...\"}, \"It makes the actors in Hollyoaks look like the Royal Shakespeare Company. This movie is jaw dropping in how appalling it is. Turning the DVD player off was not a sufficient course of action. I want to find the people responsible for this disaster and slap them around the face. I will never get that time back. Never. How is it possible to create such a banal, boring and soulless film? I could not think of a course of action that would relieve the tedium. Writing the required ten lines is incredibly difficult for such a disgraceful piece of cinema. What more can you say than reiterate how truly awful the acting is. Please avoid.\": {\"frequency\": 1, \"value\": \"It makes the ...\"}, \"a friend gave it to me saying it was another classic like \\\"Debbie does Dallas\\\". Nowhere close. I think my main complaint is about the most unattractive lead actress in porn industry ever. Even more terrible is that she is on screen virtually all the time. But I read somewhere that back in those days, porn had to have some \\\"artistic\\\" value. I was unable to find it though. See it only if you are interested in history of development of porn into mainstream, or can appreciate art in porn movies. I know I am not. But the director of the movie appears to be a talented person. He even tried to get Simon & Garfunkel to give him permissions to use his songs. Of course, they rejected.\": {\"frequency\": 1, \"value\": \"a friend gave it ...\"}, \"No,

Basically your watching something that doesn't make sense. To not spoil the film for people who actually want to this take a look at the flick I will explain the story.

A normal everyday to day women, is walking down a street then find's herself driving by in her own car. She follows her and many events take place during that time that include her and her family.

I specifically made an account to comment on this film, of how horribly written this was. The acting was great, the events were great, but the story just brought it nowhere - it could of been added to tremendously and be made into a worldwide epidemic. I'm not sure what the writer was trying to accomplish by making this, usually at the end of films most of your questions get answers but this film has you asking, What just happened and 1 hour 20 minutes just passed for nothing.

Spoiler Starts__

They had this area between 2 dimensions (ours and behind the glass) that would come into our world and kill us. It was not elaborated on all during the film, and you never know how it was happening or why it was or when it happened. Nothing gets explained during the film. The main character shouldn't of even been the main character. At the end of the film the guy who finally figures it all out and runs away (her sisters boyfriend) should of been the main character but sadly the movie ends 20 seconds after.

I bought this movie for $10, threw it out right after.. don't waste your time. I really hope nothing like this is made again.\": {\"frequency\": 1, \"value\": \"No,


13 Gantry Row combines a memorable if somewhat clich\\ufffd\\ufffdd story with good to average direction by Catherine Millar into a slightly above average shocker.

The biggest flaws seem partially due to budget, but not wholly excusable to that hurdle. A crucial problem occurs at the beginning of the film. The opening \\\"thriller scene\\\" features some wonky editing. Freeze frames and series of stills are used to cover up the fact that there's not much action. Suspense should be created from staging, not fancy \\\"fix it in the mix\\\" techniques. There is great atmosphere in the scene from the location, the lighting, the fog and such, but the camera should be slowly following the killer and the victim, cutting back and forth from one to the other as we track down the street, showing their increasing proximity. The tracking and the cuts need to be slow. The attack needed to be longer, clearer and better blocked. As it stands, the scene has a strong \\\"made for television\\\" feel, and a low budget one at that.

After this scene we move to the present and the flow of the film greatly improves. The story has a lot of similarities to The Amityville Horror (1979), though the budget forces a much subtler approach. Millar and scriptwriter Tony Morphett effectively create a lot of slyly creepy scenarios, often dramatic in nature instead of special effects-oriented, such as the mysterious man who arrives to take away the old slabs of iron, which had been bizarrely affixed to an interior wall.

For some horror fans, the first section of the film might be a little heavy on realist drama. At least the first half hour of the film is primarily about Julie and Peter trying to arrange financing for the house and then trying to settle in. But Morphett writes fine, intelligent dialogue. The material is done well enough that it's often as suspenseful as the more traditional thriller aspects that arise later--especially if you've gone through similar travails while trying to buy your own house.

Once they get settled and things begin to get weirder, even though the special effects often leave much to be desired, the ideas are good. The performances help create tension. There isn't an abundance of death and destruction in the film--there's more of an abundance of home repair nightmares. But neither menace is really the point.

The point is human relationships. There are a number of character arcs that are very interesting. The house exists more as a metaphor and a catalyst for stress in a romantic relationship that can make it go sour and possibly destroy it. That it's in a posh neighborhood, and that the relationship is between two successful yuppies, shows that these problems do not only afflict those who can place blame with some external woe, such as money or health problems. Peter's character evolves from a striving corporate employee with \\\"normal\\\" work-based friendships to someone with more desperation as he becomes subversive, scheming to attain something more liberating and meaningful. At the same time, we learn just how shallow those professional friendships can be. Julie goes through an almost literal nervous breakdown, but finally finds liberation when she liberates herself from her failing romantic relationship.

Although 13 Gantry Row never quite transcends its made-for-television clunkiness, as a TV movie, this is a pretty good one, with admirable ambitions. Anyone fond of haunted house films, psycho films or horror/thrillers with a bit more metaphorical depth should find plenty to enjoy. It certainly isn't worth spending $30 for a DVD (that was the price my local PBS station was asking for a copy of the film after they showed it (factoring in shipping and handling)), but it's worth a rental, and it's definitely worth watching for free.\": {\"frequency\": 1, \"value\": \"After a brief ...\"}, \"A wealthy Harvard dude falls for a poor Radcliffe chick much to the consternation of his strict father (Ray Milland).

Syrupy, sugary, and most of all, sappy story about a battle of the 'classes' when rich-kid Ryan O'Neal brings home a waif of a librarian for his snobbish parents to ridicule. Ali MacGraw is the social derelict with the filthy mouth while John Marley plays her devout-Catholic father, but no one in the film is more annoying than O'Neal himself with his whimpering portrayal as Harvard's champion yuppie.

Followed 8(!) years later by 'Oliver's Story'.\": {\"frequency\": 1, \"value\": \"A wealthy Harvard ...\"}, \"_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.\": {\"frequency\": 1, \"value\": \"_Waterdance_ ...\"}, \"I can see why Laurel and Hardy purists might be offended by this rather gentle 're-enactment', but this film would be an excellent way to introduce children to the pleasures of classic L & H. Bronson Pinchot and Gailard Sartain acquit themselves reasonably as the comedy duo and there's a reasonably good supporting cast. I enjoyed it.\": {\"frequency\": 1, \"value\": \"I can see why ...\"}, \"I would have liked to give this movie a zero but that wasn't an option!! This movie sucks!!! The women cannot act. i should have known it was gonna suck when i saw Bobby Brown. Nobody in my house could believe i hadn't changed the channel after the first 15 minutes. the idea of black females as gunslingers in the western days is ridiculous. it's not just a race thing, it's also a gender. the combination of the two things is ridiculous.i am sorry because some of the people in the movie aren't bad actors/actresses but the movie itself was awful. it was not credible as a movie. it might be 'entertaining' to a certain group of people but i am not in that group. lol. and using a great line from a great, great movie...\\\"that's all I have to say about that.\\\"\": {\"frequency\": 1, \"value\": \"I would have liked ...\"}, \"I don't give much credence to AIDS conspiracy theories but its sociologically interesting to see the phenomenon dramatized. In the early years of the AIDS epidemic, the suffering and paranoia of the scared and dying often generated such dark fantasies. This was especially true in the politically radical and sexually extreme demi-monde of San Francisco. The city, renowned for its beauty, has rarely appeared uglier than in this film. A sense of darkness and decomposition pervades every scene.

While the acting and plot can't be said to be well-done the films unique cultural context and oppressively dark mood at least partly saves the film from being a complete loss. Actually, I found the most interesting performance to be Irit Levi as a crusty and cynical Jewish, lesbian (?) police detective. She's interesting, though not necessarily convincing.

Highlights: the film's use of the garishly tragic Turandot is an effective motif and there is a sublime silent cameo by iconic performance artist, Ron Athey.\": {\"frequency\": 1, \"value\": \"I don't give much ...\"}, \"Bette Midler is indescribable in this concert. She gives her all every time she is on stage. Whether we are laughing at her jokes and antics or dabbing our eyes at the strains of one of her tremendous ballads, Bette Midler moves her audience. If you can't see it live (which is the best way to see Bette) then this is the next best thing. An interesting thing to look at is how incredible her voice has changed and matured over the years but never lost its power. Her more \\\"vocally correct\\\" version of \\\"Stay With Me\\\" never loses anything in spirit from THE ROSE or DIVINE MADNESS, Here it is just more pure and as heartfelt as ever. I will treasure this concert for a very long time.\": {\"frequency\": 2, \"value\": \"Bette Midler is ...\"}, \"This service comedy, for which Peter Marshall (Joanne Dru's brother and later perennial host of The Hollywood Squares) and Tommy Noonan were hyped as 'the new Lewis and Martin' is just shy of dreadful: a few random sight gags are inserted, everyone talks fast and nothing works quite right -- there's one scene in which Noonan is throwing grenades at officers and politicians in anger; they're about five feet apart, Noonan is throwing them in between, and the total reaction is that everyone flinches.

In the midst of an awfulness relieved only by the fetching Julie Newmar, there are a few moments of brightness: Marshall and Noonan engage in occasional bouts of double talk and argufying, and their timing is nigh unto perfect -- clearly they were a well honed comedy pair.

It isn't enough to save this turkey, alas.\": {\"frequency\": 1, \"value\": \"This service ...\"}, \"Pam Grier stars as Coffy. She's a nurse who seeks revenge, on the drug dealers who got her sister hooked on bad heroine. Like any 70s Blaxploitation flick, you can expect to see the racist bad guys get their just desserts.

There were scores of these films made during the 70s, and they were really demeaning to both black and white audiences alike. This is mainly due to the vicious racial hostility in these films, and the degrading, stereotypical characters. Especially the female characters.

Other common threads between Coffy, and other films of its type, include brutal violence, corrupt cops, car chases, a generous abundance of nudity, and sex-crazed gorgeous women. Not to mention urban ghettos populated by drug-dealers, pimps, mobsters, and other criminal scum.

Pam Grier, was the undisputed queen of 70s Blaxploitation heroines. She was magnificent, being both tough-as-nails, and drop-dead gorgeous. Like in her other films, Pam outshines the other characters, in Coffy. In fact, Pam is so charismatic on screen, that these sorts of films are unwatchable, without her as the main character.

If you like Pam Grier, you're better off seeing her other films, like Foxy Brown, or perhaps Friday Foster. These films have much less empty sleaze, than Coffy does. Pam's character in Coffy, degrades herself way too much to get the bad guys. Pam's characters in her other Blaxploitation films, don't stoop as low to get revenge, as Coffy did.

I'd say, only watch Coffy, if you're unable to see any of Pam Grier's other films. Otherwise, Coffy is a waste of time. Only Pam's talent as an actress, makes viewing Coffy bearable.\": {\"frequency\": 1, \"value\": \"Pam Grier stars as ...\"}, \"This movie could be used in film classes in a \\\"How Not to Script a B-Movie\\\" course. There are inherent constrictions in a B-movie: Budgets are tight, Time is precious (Scarecrow was apparently shot in 8 days) and the actors are often green and inexperienced. The one aspect you have complete control over is writing the best script you can within the limitations set before you. Scarecrow's script seems to have been written in a drunken haze. I could go through about fifteen examples of the nonsensical scripting of this movie, but I'll just mention one: The Gravedigger. The character of the gravedigger is introduced about an hour into the movie. He seemingly has no connection to any of the other characters already in the movie. He is shown with his daughter, who also has no connection to anybody else in the movie. The gravedigger is given a couple scenes to act surly in and then is killed to pad out the body count. Why give the Gravedigger a daughter? Why give the daughter a boyfriend? Why introduce them so late in the movie? Why not try to make them part of the ongoing storyline? Scarecrow doesn't seem to care.

The \\\"story\\\" of Scarecrow goes something like this: Lester is a high school kid (played by and actor who'd I'd peg to be in his early 30's) who is picked on by the other kids. He is an artist who draws birds and has a crush on a classmate named Judy. His mom is a lush and the town whore. One of her reprobate boyfriends makes fun of his drawings (by calling him a \\\"faggot\\\" for drawing birds instead of \\\"monsters and cowboys.\\\" If you have a high school student still drawing cowboys I'd think him to more likely be gay than a high school student who draws crows) and later, kills Lester, in a cornfield, under the titular scarecrow. Magically, Lester's soul goes into the scarecrow. Somehow, this transference changes Lester's soul from that of an artist into that of a wisecracking gymnast (I know some reviews have called the scarecrow a Kung-Fu scarecrow. I disagree. The scarecrow practically does a whole floor routine before jumping onto the truck during the climax of the movie). The scarecrow then goes on to kill those who tormented him, those who smoke pot in the corn field, those who dig graves, boyfriends of daughters of gravediggers, pretty much anyone who showed up on the movie set.

The bonus feature on the DVD should be mentioned. The director (a Frenchman) does an impromptu version of rap music, admits he enjoys not having executives around on set so he can screw his wife while working and gives a quote to live by (and I'm paraphrasing): \\\"Life ez a bitch, but et has a great ass\\\"

Number of Beers I drank while watching this movie: 5 Did it help: No Number of Beers needed to enjoy this movie: Whatever it takes to get to blackout drunk level.\": {\"frequency\": 1, \"value\": \"This movie could ...\"}, \"Hmmm...where to start? How does a serious actress like Demi Moore got involved in such crap? \\\"First blood\\\" might be rated as bull***t but this type of nonsense is just Rambo with tits, point. Of course if you are interested in the crapstory (Demi Moore just wants to prove that a woman can be part of the NAVY Seals) that is the most stupid clich\\ufffd\\ufffd one I can think of, you'll say \\\"GI Jane\\\" is a great movie. Just the performance from Viggo Mortensen made this movie bearable but hell, I can't think of Demi Moore being Rambo (especially not during the last, useless, 30 minutes). Ridley Scott doesn't deserve the credits to make this movie one that comes up for women with equal rights, it's just brainless propaganda for the American army and to make it more attractive they dropped Moore in it. Awful movie.\": {\"frequency\": 1, \"value\": \"Hmmm...where to ...\"}, \"The Sentinel is a movie that was recommended to me years ago, by my father, and i've seen it many times since. It always manages to entertain me, while being effectively creepy as well. The flashback scenes are what really made it for me. Cristina Raines's father running around all creepily, with the two creepy woman, always manages to send chills down my spine. it's your typical good vs evil thing, but at least it manages to be entertaining. The ending I consider to be one of the finest in Horror history. It has plenty of shocks and suspense, seeing Burgess Meredith do his thing as Chazen, had me on the edge of my seat. The Sentinel has the perfect build up of tension. We are never fully comfortable whenever Allison is on screen. We know something terrible is always awaiting her, and that made things all the more tense. This movie is often neglected among horror fans, but I personally think it's one of the better one's out there, and it certainly has enough for all Horror fans, to be satisfied.

Performances. Cristina Raines has her wooden moments, but came though in a big way for the most part. She's beautiful to look at, and her chemistry with Saranadon felt natural. Chris Sarandon is great as the boyfriend, Michael. He had an instant screen presence, and I couldn't help but love him. Martin Balsam,Jos\\ufffd\\ufffd Ferrer,John Carradine,Ava Gardner,Arthur Kennedy,Sylvia Miles,Deborah Raffin,Jerry Orbach,Richard Dreyfuss,Jeff Goldblum and Tom Berenger all have memorable roles, or small cameos. Burgess Meredith is terrific as Chazen. He looks like a normal old man, but what we find out, is absolutely terrifying. Eli Wallach&Christopher Wlaken do well, as the bumbling detectives. Beverly D'Angelo has one chilling scene, that I won't spoil.

Bottom line. The Sentinel is an effective Horror film that Horror fans, sadly tend to neglect. It will give you the thrills and scares you need to be satisfied. Well worth the look.

7/10\": {\"frequency\": 1, \"value\": \"The Sentinel is a ...\"}, \"I read the novel some years ago and I liked it a lot. when I saw the movie I couldn't believe it... They changed everything I liked about the novel, even the plot. I wonder what did Isabel Allende (author) say about the movie, but I think it sucks!!!\": {\"frequency\": 2, \"value\": \"I read the novel ...\"}, \"This is the kind of movie Hollywood needs to make more of. No extravagant props, no car chases, no clever one-liners. Just people dealing with being people.

William Macy plays an unlikely hitman who works for his father, Donald Sutherland. Macy is the dutiful son, Sutherland is the domineering father. Son wants out of the business, father won't let him. Macy loves his own son, played beautifully by David Dorfman (\\\"The Ring\\\"). He also starts to fall in love with Neve Campbell, a girl he meets in the waiting room of his psychiatrist's office.

It's an interesting juxtaposition of characters and the film follows the reluctant killer as he balances his own needs with those of his family. There are many touching scenes, especially between Macy and his little boy. And as you'd expect in a film with William Macy in it, there's a bit of humor too.

Excellent job all around, actors and director. Nice to know they can still make a good film in Hollywood on a small budget.\": {\"frequency\": 1, \"value\": \"This is the kind ...\"}, \"Cynthia Rothrock,(China O'Brien),\\\"Manhattan Chase\\\",2000, made this film enjoyable to watch and of course,e this cute petite gal burned up the screen with her artistic abilities and hot sexy body. China O'Brien gets upset as a police officer and decides to call it quits and go back home to her hometown and get back to her roots and her dad, who is the local sheriff. Her dad is getting older and the town has changed, gangsters have taken over the town and started to get the local women to start turning tricks and the city people were getting sick and tired of their town going to Hell. Well, you almost can guess what happens, and you are right, China O'Brien fights back after great tragedy strikes her life. Bad acting through out the picture, but Cynthia Rothrock brings this film to a wonderful conclusion.\": {\"frequency\": 1, \"value\": \"Cynthia ...\"}, \"demonicus rocked, you guys need to understand how hard it rocked, unfortunately, the words needed to explain the extent of the rocking have not been discovered. for a tiny idea, pop like 50 hits of E, watch Death Factory while on the phone with Jesus, wait, Jesus is on call waiting, you're having phone sex with Will Smith on the primary line. seriously, that movie... so good. you need to watch it at least a 4 times to catch all the subtleties... well, not so much subtleties as much as it takes the length of the movie, times 4 in order to ponder why the people at full moon are allowed to A, live, and B, reproduce. what is our world coming to?\": {\"frequency\": 1, \"value\": \"demonicus rocked, ...\"}, \"I am always wary of taking too instant a dislike to a film. Look at it a month later and you might see it differently, or dig it up after 50 years in a different continent and some cult followers find something stylistically remarkable that went unnoticed at first. After sitting through The Great Ecstasy of Robert Carmichael at its UK premiere, it came as no surprise to me that I found the question and answer session afterwards more interesting than the film itself. Shane Danielsen (Artistic Director of the Edinburgh International Film Festival), aided by the film's director and producer, gave a spirited defence of a movie than received an overall negative response from the audience. Edinburgh Festival audiences are not easily shocked. Only one person walked out in disgust. The criticisms of the film included very articulate and constructive ones from the lay public as well as an actor and a woman who teaches M.A. film directors. This was not an overly 'shocking' film. There was a degree of uninterrupted sexual violence, but far less extreme than many movies (most actual weapon contact was obscured, as were aroused genitals). The audience disliked it because they had sat through two hours that were quite boring, where the acting standards were not high, where the plot was poor, predictable and drawn out, and where they had been subjected to clumsy and pretentious film-making on the promise of a controversial movie. Metaphors to the war in Iraq are contrived, over-emphasised and sloppy (apart from a general allusion to violence, any deeper meaning is unclear); and the 'fig-leaf' reference Marquis de Sade, as one audience member put it, seems a mere tokenistic excuse for lack of plot development towards the finale.

We have the story of an adolescent who has a certain amount going for him (he stands out at school for his musical ability) but takes drugs and hangs out with youths who have little or nothing going for them and whose criminal activities extend to rape and violence. When pushed, Robert seems to have a lot of violence locked inside him.

The film is not entirely without merit. The audience is left to decide how Robert got that way: was it the influence of his peers? Why did all the good influences and concern from parents and teachers not manage to include him in a better approach to life? Cinematically, there is a carefully-montaged scene where he hangs back (whether through too much drugs, shyness, a latent sense of morality or just waiting his turn?). Several of his friends are raping a woman in a back room, partly glimpsed and framed in the centre of the screen. In the foreground of the bare bones flat, a DJ is more concerned that the girl's screams interrupt his happy house music than with any thought for the woman. Ultimately he is a bit annoyed if their activities attract police attention. The stark juxtaposition of serious headphones enjoyment of his music even when he knows a rape is going on points up his utter disdain in a deeply unsettling way. Robert slumps with his back to us in the foreground.

But the rest of the film, including its supposedly controversial climax involving considerable (if not overly realistic) sexual violence, is not up to this standard. Some people have had a strong reaction to it (the filmmakers' stated intention: \\\"If they vomit, we have succeeded in producing a reaction\\\") but mostly - and as far as I can tell the Edinburgh reaction seems to mirror reports from Cannes - they feel, \\\"Why have programmers subjected us to such inferior quality film-making?\\\" Director Clay Hugh can talk the talk but has not developed artistic vision. His replies about holding up a mirror to life to tell the truth about things that are swept under the carpet, even his defence that there is little plot development because he didn't want to do a standard Hollywood movie - all are good answers to criticisms, but unfortunately they do not apply to his film, any more than they do to holding up a mirror while someone defecates, or wastes film while playing ineptly with symbols. Wanting to try and give him the benefit of any lingering doubt, I spoke to him for a few minutes after the screening, but I found him as distasteful as his movie and soon moved to the bar to wash my mouth out with something more substantial. There are many truths. One aspect of art is to educate, another to entertain, another to inspire. I had asked him if he had any social or political agenda and he mentions Ken Loach (one of the many great names he takes in vain) without going so far as to admit any agenda himself. He then falls back on his mantra about his job being to tell the truth. I am left with the feeling that this was an overambitious project for a new director, or else a disingenuous attempt to put himself on the map by courting publicity for second rate work

Andy Warhol could paint a tin of soup and it was art. Clay Hugh would like to emulate the great directors that have made controversial cinema and pushed boundaries. Sadly, his ability at the moment only extends to making high-sounding excuses for a publicity-seeking film.\": {\"frequency\": 1, \"value\": \"I am always wary ...\"}, \"Spoilers!

From the very moment I saw a local film critic trash this movie in a review on the 10:00 news, I wanted to see it. I don't remember who it was, or which local Omaha newscast carried the review, but the critic was very insistent that this film was way too sleazy for the average church-going Nebraskan. They showed a snippet from the scene where John Glover is about to kidnap Ann-Margret when she's swimming in the pool. Glover's character is commending her on how nice her body is and so forth, using many words that the local station felt necessary to edit out. I was hooked. There was one problem, though. I was only 13 years old at the time, and I had to wait a year until it came out on cable. Let's just say, it was worth the wait!

If ever there was a guilty pleasure of mine, this movie is it. To call this film sleazy would be a huge understatement. The film centers around a successful businessman who is blackmailed by three small time scumbags after an affair with a young woman. Roy Scheider, who is as effective as ever, plays the poor guy who just wanted a little fling and now finds himself at the mercy of three terrific villains. John Glover's character is one of the most memorable scumbags of all time. He's sleazy, funny at times, and always on the brink of doing something crazy. Then there's Robert Trebor's (nice name, by the way!) character Leo who is clearly in over his head with this blackmail scheme. He is a whimpering, sweating, coward who runs a peep show place with live nude models. Then, you have Clarence Williams III as Bobby Shy, a brooding sociopath who everyone is afraid of with good reason. Who could forget the wake-up call he gives Vanity with the giant teddy bear?

After dealing with the initial shock of realizing what he's up against, Scheider turns the tables on these creeps and takes control of the situation, that is until Glover goes after his wife! The conflict is played out brutally, with virtually the entire cast getting shot, raped, or blown up.

I don't know why I love this movie so much. It really should creep me out, but it doesn't. Maybe it's because these characters are all interesting, and the story takes plenty of chances that most films today would never try. It's scary to think that the adult film industry probably has more than a few characters like Glover's running around out in L.A. looking for trouble. Just thinking about his voice is enough to make me chuckle. \\\"Hey sport, have a nice day!\\\"

This film has plenty of shootouts, cool cars, great dialog (like the line in my opening statement), and decent acting. Plenty of cameos by real life porno stars. Look for Ron Jeremy frolicking around in a hot tub with two chicks in a party scene at Glover's place.

Another thing I must add: How hot are the women in this film??? Wow! Travolta did right by marrying Kelly Preston. Yum! We also see Vanity get nude in a time before she became a born again Christian. And Ann-Margret. What else could you say about her except that she is the quintessential American Beauty.

9 of 10 stars.

So sayeth the Hound.

Added Feb 14, 2008: RIP Roy Scheider!\": {\"frequency\": 1, \"value\": \"Spoilers!


1. The most exciting part is the beginning, where the guy is walking... and walking... and walking (spoiler). There is about 15 minutes of just walking. How?

2. Not to mention there's a lot of issues with the lighting, and it's almost like they even shot the night scenes during the day.

3. The acting was TERRIBLE. It looks like they found a community theater (in Mexico)... and then took the people who were turned away.

Please, for the love of everything holy, don't rent this movie. If you know someone who owns it, apologize to them. The director should be subject to punishment through the war crimes tribunal for foisting this on the public.\": {\"frequency\": 1, \"value\": \"This may be one of ...\"}, \"There is not much more I can say about this movie than all of the commentaries on page one, except - as Jesse says - \\\"it's the berries\\\". All of page one's commentators wrote eloquently - as almost so as the dialog is in this movie. This just may be one of those illusive things we hear so much about, but usually are made so by the actors who deliver the lines: a beautiful script. Maybe Robert Redford did hold strict sway onto the actors/actresses during the filming of this movie, so that the beauty of the story would not get lost.

I, too, attended church when I was very young and into my late teens. The church's pastor spoke very eloquently and quietly as the Rev. Maclean did in his church. That, in itself, is a totally different picture that is portrayed of Southern Baptist churches - no holy-rollering in my church. It was a big church, with many different programs to keep its congregation busy - the most inspiring perhaps was the music-department with its huge choir and almost classical anthems. Too, the Sunday evening-congregation was almost entirely younger people. Are you even aware it was once safe to go to church on Sunday night? How I wish it still was ! Watching \\\"A River Runs through It\\\" is very much like going to hear a beautiful sermon in a church whose members are fully involved in life. As has already been so beautifully written, the sermon for this movie is the open-space beauties of Montana - yet, aren't there also missile-silos there, too? Fly-fishing or any other activity which draws family-members closer together for a happy life - and deep understanding of one another - becomes a blessing. Although you see some of the shadier aspects of life then, too, the simplicity of the story paints a lasting impression on your heart, if you let it. Speakeasies and prostitutes are counter-balanced by the simple gatherings of old-fashioned, community picnics as this movie contains - in heavy contrasts to modern families taking their kids to Disney Land for screeching joyrides and calling it \\\"a day together\\\". There is noting wrong with that, but as \\\"River\\\" demonstrates, some of its taciturn beauty could do nothing but make life richer. This is the third film I've seen in which Tom Skeritt (?) plays a father, all different styles and brilliantly acted.

Brad Pitt, mostly an undiscovered talent except for \\\"Thelma and Louise\\\" and \\\"Meet Joe Black\\\", and all of the cast-members deserved many awards. Little stories superbly told will get 10-of-10 from me over any movie with violence, foul language, ugliness and \\\"action\\\". I am thinking particularly of \\\"Crash\\\" and most of \\\"Arnold's\\\" movies. What a savior for peace this movie is.\": {\"frequency\": 1, \"value\": \"There is not much ...\"}, \"Demer Daves,is a wonderful director when it comes to westerns and \\\"broken arrow\\\" remains in everybody's mind.As far as melodrama is concerned,he should leave that to knowing people like Vincente Minelli,George Cukor or the fabulous Douglas Sirk. The screenplay is so predictable that you will not be surprised once while you are watching such a tepid weepie.Natalie Wood 's character was inspired by Fannie Hurst's \\\"imitation of life\\\" (see Stahl and Sirk),but who could believe she's a black man's daughter anyway?Susan Kohner was more credible in \\\"imitation of life\\\")and Sinatra and Curtis are given so stereotyped parts that they cannot do anything with them:the poor officer,and the wealthy good-looking -and mean- sergeant.Guess whom will Natalie fall in love with?France is shown as a land of tolerance ,where interracial unions are warmly welcome.At the time(circa 1944) it was dubious,it still is for narrow-minded people you can find here there and everywhere.\": {\"frequency\": 1, \"value\": \"Demer Daves,is a ...\"}, \"I tend to like character-driven films. I also think Hope Davis turns in consistently good work, so I had high hopes for this movie. Those hopes were soon dashed.

The main flaw with this movie is the direction. There are a lot of scenes that are daydream sequences. The movie makes frequent use of the Denis Leary character as the alter ego of the Campbell Scott character. It doesn't work for me at all. This would have worked better as a play than a movie.

There are problems with the plot as well. It is important that the characters in a movie take a journey and end up in a place different from where they started. I didn't feel that the characters grew in the experiences portrayed in the movie.

Finally, the editing wasn't well done, either. There was a very big sag in the middle of the movie that was exceptionally boring.

Except for acting, which I felt was consistently strong, this movie failed in almost every aspect of cinema.\": {\"frequency\": 1, \"value\": \"I tend to like ...\"}, \"Watching The Tenants has been a interesting experience for me. It is the first film I have ever seen where I have shuttled at speed through parts of the (non)action - and I can normally watch anything from turgid action movies to Serbo-Croat indie and find them fascinating.

The Tenants is frustratingly sluggish and over-orchestrated. One of the main problems of the script is there is little realistic character dialogue, apart from the set pieces where characters 'collide' in a very structured setting (to make this work, the film needed to feel more conceptual, which it didn't). This leads to a lack of realistic character development; everyone seems two-dimensional.

The worse for this is the character of Bill Spear, aka Snoop Dogg. I found his characterization very uncomfortable and very unsympathetic. At one point, I even stopped the film because I got so annoyed by the character's aggressive, violent and monotonal delivery, the lack of any other personality layer apart from that of the reactionary \\\"on\\\" switch (which gets really predictable after a while) and I so desperately wanted him to have some redeeming qualities. However, one reason for this jar might be the nebulous time scape of the film (supposedly 70s, it feels and looks more early noughties). If it had been more securely fixed in the 70s, his character might have seemed more understandable.

The lighting of the film was also awkward. All the way through, the soundtrack attempts to provide a certain gritty, jazz-infused atmosphere that just did not come off, largely because the set was too well-lit.

The Tenants, to me, is an unbelievable film. It doesn't depict real people or propose any interesting ways of thinking about race, identity or the life of a writer, be they white or black.

Strangely, I came away with the feeling that this project needed David Lynch; his eerie, clastrophobic and obsessive look and feel would have lifted both the actors and the script into something quite remarkable.\": {\"frequency\": 1, \"value\": \"Watching The ...\"}, \"Like Freddy's Revenge, this sequel takes a pretty weird idea and doesn't go to great lengths to squeeze a story out of it. Basically Alice from number 4 is pregnant and her baby is haunted by Freddy which gives him an outlet to haunt her friends. This has the least deaths out of the whole series and the wise-cracks are quite poor, so neither the horror fans or comedy fans are happy.

I've not alot to say about this. It's moderately interesting to see the characters of Alice and Dan returning from four, but not worth watching a movie over. Uninspriring and unenjoyable, possibly only the competant direction saves it from being the worst in the series.\": {\"frequency\": 1, \"value\": \"Like Freddy's ...\"}, \"Do we really need any more narcissistic garbage on the Baby Boomer generation? Technically, I am a Boomer, though at the time when all the \\\"idealistic youths\\\" of the '60s were reading Marx, burning their draft cards, and generally prolonging a war which destroyed tens of thousands of lives; I was still in grade school. But I remember them well, and 9 out of 10 were just moronic fools, who would believe anything as long as it was destructive.

This is just another excercise in self-importance from the kids who never really grew up.\": {\"frequency\": 1, \"value\": \"Do we really need ...\"}, \"Just watched this after hearing about how bad it was and wanted to see for myself. Seriously, even if you read all the negative comments on here you will be nowhere near able to comprehend how awful this film actually is, although it has to be one of the most hilarious things I have ever seen! Never bothered to post a comment on here before, but this piece of crap really warrants it.

Firstly the entire plot is ridiculous and nonsensical. Brother of the lead character (either Ben or Arthur, I forget which is which, and frankly it's never very clear) wants to stop some kind of gay marriage by killing everyone in sight - because homosexuality is abhorrent to Christians, but apparently mass murder isn't. Then there's some other crap thrown in about one of the gay couple's ex-wife trying to force him to remarry her at gunpoint. This leads to nothing, but provides us with one of the funniest lines of dialogue in the whole \\\"film\\\" - \\\"I don't make sense? You don't make sense! That's who makes sense!\\\". Brilliant.

Then there's the acting, which is just atrocious. It must be seen to be believed. My personal favourite is the apparently stoned civil rights lawyer woman, who is clearly reading her lines off of something, yet still managing to mess them up. Enough said. The gay couple couldn't be less convincing. There's the vaguely attractive and completely gormless guy, and his boyfriend who looks like that little cartoon dough man of the bisto adverts. Only fatter. And less talented.

The \\\"film\\\" has also been filmed by someone who is incapable of holding a camera even remotely still, and the number of mistakes throughout is amazing. The whole thing kicks off with the fat main guy in bed with a pair of boots on. Yep.

But anyways, we all know how terrible this thing is, so I'd like to highlight some of the most priceless comedy moments that the \\\"film\\\" provides.

- When the fat guy sets the church on fire and then prances like a six year old girl across the car park to make his escape. Hilarious.

- Mildread! No idea what relation she is to the main characters - sometimes they know her, sometimes they don't, but she pops up in a couple of scenes nonetheless. Hilarious.

- The stoned lawyer. Already mentioned her, but she's so funny she's worth another mention.

- The evil brothers dinner of crackers that he lays on for his guests.

- The evil brother's anti-gay potion.

- The evil brother's cats.

- The ending, which I won't give away because it MUST be seen to be believed. I warn you though, make sure you're not eating at the time!!!! The tub of lard main character/director/producer gets naked. It's foul.

Basically, Ben and Arthur is indescribably bad, but unintentionally the most comical thing you'll see for a long time. Literally, nothing is good about this excuse for a film, the goon of a director even manages to make the opening credits into a joke by writing his own name about 15 times.\": {\"frequency\": 2, \"value\": \"Just watched this ...\"}, \"This movie is so cheap, it's endearing!!! With Ron Liebmann (Major Vaughn) providing the most entertaining on-screen diatribes in film history. I own 2 copies of this movie on video...on one, Ralph Macchio is caught actually cracking up in the background at Major Vaugn while he is ranting at \\\"Hash\\\". Obviously they forgot to edit this mistake out of the film, but it goes to show just how funny the movie is, when the actors themselves can't keep a straight face!!!\": {\"frequency\": 1, \"value\": \"This movie is so ...\"}, \"Robin Williams does his best to combine comedy and pathos, but comes off a bit shrill. Donald Moffat is too one-note as his father-in-law. Jeff Bridges is excellent though as the quarterback, and Holly Palance and Pamela Reed are marvelous, carrying the film through most of its rough spots. It fills time nicely, but is little more than that.\": {\"frequency\": 1, \"value\": \"Robin Williams ...\"}, \"Anyone who knows me even remotely can tell you that I love bad movies almost as much as I love great ones, and I can honestly say that I have finally seen one of the all-time legendary bad movies: the almost indescribable mess that is MYRA BRECKINRIDGE. An adaptation of Gore Vidal's best-selling book (he later disowned this film version), the star-studded MYRA BRECKINRIDGE is truly a movie so bad that it remains bizarrely entertaining from beginning to end. The X-rated movie about sex change operations and Hollywood was an absolute catastrophe at the box office and was literally booed off the screen by both critics and audiences at the time of it's release. Not surprisingly, the film went on to gain a near-legendary cult status among lovers of bad cinema, and I was actually quite excited to finally see for the first time.

Director Michael Sarne (who only had two other previous directing credits to his name at the time), took a lot of flack for the finished film, and, in honesty, it really does not look like he had a clue about what he was trying to achieve. The film is often incoherent, with entire sequences edited together in such a half-hazzard manner that many scenes become nearly incomprehensible. Also irritating is the gimmick of using archival footage from the Fox film vaults and splicing it into the picture at regular intervals. This means that there is archival footage of past film stars such as Judy Garland and Shirley Temple laced into newly-film scenes of often lewd sexual acts, and the process just doesn't work as intended (this also caused a minor uproar, as actors such as Temple and Loretta Young sued the studio for using their image without permission).

Perhaps Sarne is not the only one to blame, however, as the film's screenplay and casting will also make many viewers shake their heads in disbelief. For instance, this film will ask you to believe that the scrawny film critic Rex Reed (in his first and last major film role) could have a sex change operation and emerge as the gorgeous sex goddess Raquel Welch?! The film becomes further hard to follow when Welch as Myra attempts to take over a film school from her sleazy uncle (played by legendary film director John Huston), seduce a nubile female film student (Farrah Fawcett), and teach the school's resident bad boy (Roger Herren) a lesson by raping him with a strap-on dildo. Did everyone follow that?

And it gets even better (or worse, depending upon your perspective)! I have yet to mention the film's top-billed star: the legendary screen sex symbol of the nineteen-thirties, Mae West! Ms. West was 77 year old when she appeared in this film (she had been retired for 26 years), and apparently she still considered herself to be a formidable sex symbol as she plays an upscale talent agent who has hunky men (including a young Tom Selleck) throwing themselves at her. As if this weren't bad enough, the tone-deaf West actually performs two newly-written songs about halfway through the film, and I think that I might have endured permanent brain damage from listening to them!

Naturally, none of this even closely resembles anything that any person of reasonable taste would describe as \\\"good,\\\" but I would give MYRA BRECKINRIDGE a 4 out of 10 because it was always morbidly entertaining even when I had no idea what in the hell was supposed to be going on. Also, most of the cast tries really hard. Raquel, in particular, appears so hell-bent in turning her poorly-written part into something meaningful that she single-handedly succeeds in making the movie worth watching. If she had only been working with a decent screenplay and capable director then she might have finally received some respect form critics.

The rest of the cast is also fine. The endearingly over-the-top John Huston (who really should have been directing the picture) has some funny moments, Rex Reed isn't bad for a non-actor, and Farrah Fawcett is pleasantly fresh-faced and likable. Roger Herren is also fine, but he never appeared in another movie again after this (I guess he just couldn't live down being the guy who was rapped by Raquel Welch). And as anyone could guess from the description above, Mae West was totally out of her mind when she agreed to do this movie - but that's part of what makes it fun for those of us who love bad cinema.\": {\"frequency\": 1, \"value\": \"Anyone who knows ...\"}, \"Why is it that any film about Cleopatra, the last phaoroh brings out the worst in movie making? Whatever attraction the woman had for the greatest Roman of them all, Julius Ceasar, and his successor, Mark Anthony, never seems to come across on the screen as other than the antics of over sexed high school seniors. Despite lavish sets and costumes, this movie is as bad as any Italian \\\"sandals and toga\\\" extravaganza of the 50's. Admittedly, this kind of spectacular belongs on the big screen, which is why \\\"Gladiator\\\" went over well, but \\\"Gladiator\\\" did not have all the romance novel sex.

Miss Varela has as little acting talent as Elizabeth Taylor, but Timothy Dalton has talent to spare. Pity some of it didn't wash off on the others.\": {\"frequency\": 1, \"value\": \"Why is it that any ...\"}, \"Having been pleasantly surprised by Sandra Bullock's performance in Miss Congeniality, I decided to give Murder By Numbers a shot. While decent in plucky, self-effacing roles, Ms. Bullock's performance in \\\"serious\\\" roles (see Hope Floats, Speed 2, 28 Days) leave much to be desired. Her character is at the same time omniscient, confused, and sexually maladjusted (the sub-plot of Sandra's past comes across as needless filler that does little to develop her already shallow character). The two teenage boys gave decent performances, although their forensics expertise and catch-me-if-can attitude is belied by stupid errors that scream \\\"We did it!\\\" Chris Penn as the all-too-obvious suspect is wasted here, as is Ben Chaplin's token partner/love interest character.

***Spoilers Ahead*** Mediocre acting aside, the biggest flaws can be traced to a TV-of-the-week plot that never has you totally buying into the murder motives in the first place, and as mentioned, the stupid errors (vomiting up a rare food on the murder scene, an all too convenient and framing of the school janitor, the two boys hanging out together in public, a convenient love interest to cause friction, etc. etc) cause the view to go from being intrigues to being bored and disappointed by the murderers. The ending was strictly \\\"By the Numbers\\\" and was probably the most disappointing aspect of the movie. Using the now-cliched tactic of almost showing the climactic scene at the beginning of the film, and then filling the audience in how we arrived at that moment, the final scenes surprise no one and lacked any of the so-called intelligence the film purported to arrive at it's conclusion. A somewhat promising concept, but poorly executed and weak in nearly every way. * out of ****.\": {\"frequency\": 1, \"value\": \"Having been ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"The title says it ...\"}, \"If \\\"The Cabinet of Dr. Caligari\\\" is the father of all horror films (and of German expressionist cinema), this pre-WWI film is the grandfather. The titular student, starving in an empty garret, makes a deal with the Devil-- the Devil gives him a bottomless sack of gold, in exchange for \\\"anything in this room.\\\" The Devil chooses the student's reflection in his mirror. He walks off with the student's doppelganger, who commits crimes for which the student is blamed.

The film is marred by some limitations arising out of the technically primitive state of 1913 filmmaking; the plot cries out for chiaroschuro effects, but the film is, of necessity, virtually all shot in shadowless daylight. But the scene where the reflection walks out of the mirror still packs a wallop.

More interesting for the trends it fortells than for its own sake, The Student of Prague is still worthwhile.\": {\"frequency\": 1, \"value\": \"If \\\"The Cabinet of ...\"}, \"Don't listen to fuddy-duddy critics on this one, this is a gem! Young rich Joan and her brother find themselves penniless after their father dies - and now they have to work for a living! She, naturally, becomes a reporter, and he, just as naturally, a driver for the mob! By wild co-incidences their careers meet head on, thanks to gangster Clark Gable. In the meantime there is the chance for a moonlight underwear swim for a bunch of pretty young things and for Joan to do a couple of risque dance numbers (with all the grace of a steam-shovel).

But none of this is supposed to be taken seriously - it's all good fun from those wonderful pre-code days, when Hollywood was really naughty. Joan looks great, and displays much of the emotional range that would give her career such longevity (thank God she stopped the dancing!). Gable is remarkable as a slimy gangster - he wasn't a star yet and so didn't have to be the hero. Great to see him playing something different. And William Bakewell is excellent as the poor confused brother. And there are some great montages and tracking shots courtesy of director Harry Beaumont, who moves the piece on with a cracking pace - and an occasional wink to the audience! Great fun!\": {\"frequency\": 1, \"value\": \"Don't listen to ...\"}, \"In my humble opinion, this version of the great BDWY musical has only two things going for it - Tyne Daly and the fact that there is now a filmed version with the original script. (OK Vanessa Williams is good to watch.)But to me that's all there is. Most of the cast seem to be walking through the show - Chynna Phillips has no idea who Kim really is and no wonder people walk over Harry McAfee when it's played by George Wendt who looks like he'd rather be back on a bar stool in Boston. Jason Alexander is passable, but that wig has to go and I saw better dancing in Bugsy Malone. As I mentioned, it's good to have a version of the stage script now, but I hope the young out there, who have never seen a musical, DON'T judge them all by this.\": {\"frequency\": 1, \"value\": \"In my humble ...\"}, \"I love Paul McCartney. He is, in my oppinion, the greatest of all time. I could not, however, afford a ticket to his concert at the Tacoma Dome during the Back in the U.S. tour. I was upset to say the least. Then I found this DVD. It was almost as good as being there. Paul is still the man and I will enjoy this for years to come.

I do have one complaint. I would of like to hear all of Hey Jude.

Also Paul is not dead.

The single greatest concert DVD ever.

***** out of *****.\": {\"frequency\": 1, \"value\": \"I love Paul ...\"}, \"There are many reasons to watch this movie: to see the reality that whips Latin America with regard to the kidnappings thing, the police corruption at continental level, among so many realities that we live the Latins.

The performance of Denzel Wahington was brilliant, this guy continues being an excellent actor and that it continues this way. Dakota Fanning just by 10 years, an excellent actress has become and I congratulate her. The rest of the movie was of marvel, I have it in my collection.

I hope that they are happened to those producing of Hollywood to make a movie completely in Venezuela, where they show our reality better with regard to the delinquency, the traffic of drugs or the political problems. They have been few the movies that they play Venezuelan land (for example: Aracnophobia, Jungle 2 Jungle, Dragonfly) they should make more, as well as they make in Mexico.

The song \\\"Una Mirada\\\" I hope that it leaves in the soundtrack, it is excellent. My vote is 10/10\": {\"frequency\": 1, \"value\": \"There are many ...\"}, \"I do not recommend this movie , because it's inaccurate and misleading, this story was supposed to be in Algerian Berber territory, this one was shot in the southern Tunisian desert, (completetly different culture, I know I am from both Tunisia and Algeria), the other shocking element was the character of her companion aunt, speaks in the movie with a very eloquent french, university level academic french while the character she plays was supposed to be of a disturbed never left her mountain kind of personage, so living as a Bedouin with that kind of education i that context is impossible, The most disgraceful scene and disrespectful especially for the people of the region is the \\\"femme repudiee\\\" segment which is s pure invention from the writer/director, things like that will never happen in a Algerian Society ever!!!\": {\"frequency\": 1, \"value\": \"I do not recommend ...\"}, \"This movie was rented by a friend. Her choice is normally good. I read the cover first and was expecting a good movie. Although it

was a horror movie. Which i don't prefer. But no horror came to mind while watching the movie. It was a dull,

not very entertaining movie. The appearance of Denise Richards

was again a pleasure for the eye. But that's it. We (the four of us)

we're a little bit disappointed. But feel free to see this movie and

judge it yourself.\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"One of the finest films ever made! Why it only got a 7.6 rating is a mystery. This film is a window into the world of the black experience in America. Should be mandatory viewing for all white people and all children above age 10. I recommend watching it with \\\"The Long Walk Home\\\" as a companion piece. If you think Whoopi Goldberg's work is about \\\"Homer and Eddie\\\" or \\\"Hollywood Squares,\\\" think again. Don't miss this movie, which should have won the Oscar. (And read the book, too!)\": {\"frequency\": 1, \"value\": \"One of the finest ...\"}, \"This enjoyable minor noir boasts a top cast, and many memorable scenes. The big distraction is the complete disregard for authentic accents. The Spanish characters in the film are played by a Frenchman (Boyer), a Belgian (Francen), a Greek (Paxinou) and a Hungarian (Lorre)! And to top it all off Bacall is supposed to be an English aristocrat! Despite these absurdities, the performances are all very good - especially those of Paxinou and Lorre. But the scene in which Boyer, Paxinou and Lorre meet, and talk in wildly different accents, is a real hoot! And I guess, seeing as how they were alone, that they should actually have been speaking in Spanish anyway! It seems pretty weird that the Brothers Warner couldn't find any Spanish speaking actors in Los Angeles! Of course Hollywood has often had an \\\"any old accent will do\\\" policy - my other favorite is Greta Garbo (Swedish) as Mata Hari (Dutch), who falls in love with a Russian soldier played by a Mexican (Ramon Novarro). Maybe they should have got Novarro for \\\"Confidential Agent\\\" - he would have been great in Boyer's role or at least in Francen's (which would have saved greatly on the dark make-up budget).\": {\"frequency\": 1, \"value\": \"This enjoyable ...\"}, \"Once in a while you get amazed over how BAD a film can be, and how in the world anybody could raise money to make this kind of crap. There is absolutely No talent included in this film - from a crappy script, to a crappy story to crappy acting. Amazing...\": {\"frequency\": 1, \"value\": \"Once in a while ...\"}, \"Notable because of it's notorious explicit scene when the gorgeous Maruschka Detmers takes her young lover's penis from his trousers and into her mouth. Even without this moment the film is a splendid if slightly disturbing passionate and blindingly sexy ride. Detmers puts in a great performance as the partly deranged, insatiable delight, wandering about her flat nude. Dressed, partly dressed and naked she steals most of the film about love, sexual passion, philosophy and politics. For me the last two get a little lost and the ending is most confusing when her fianc\\ufffd\\ufffd is released whilst fellow terrorists are released, she seems uncertain as to who she wants and the young lover seems more interested in his exams than anything else as she weeps, beautifully of course!\": {\"frequency\": 1, \"value\": \"Notable because of ...\"}, \"I can not believe such slanted, jingoistic material is getting passed off to Americans as art house material. Early on, from such telling lines like \\\"we want to make sure they are playing for the right team\\\" and manipulative framing and lighting, A Love Divided shows it's true face. The crass manner in which the Irish Catholics are shown as hegemonic, the Protestants as peaceful and downtrodden, is as poor a representation of history as early US westerns that depict the struggle between cowboys and American Indians. The truth of the story is distorted with the stereotypes and outright vilification of the Irish Catholics in the story; a corruption admitted by the filmmakers themselves! It is sad that people today still think that they can win moral sway by making a film so easily recognized for it's obvious intent, so far from attempting art. This film has no business being anywhere in any legitimate cinema or library.\": {\"frequency\": 1, \"value\": \"I can not believe ...\"}, \"I saw the trailer to this film and it looked great, so I went out and bought it. What a mistake, the acting is a shambles, the special effects (if you could call them that), look like something that wouldn't be out of place at a school play. Some of the characters are so stupid in this film you will cringe the minute they are on the screen, which unfortunately is all to often. As for a story, forget it. This is a warning, don't waste any money at all on this film it has to be one of the worst things I have ever seen. If, for some reason, you like this film watch Troll 2, you will probably enjoy that as well.\": {\"frequency\": 1, \"value\": \"I saw the trailer ...\"}, \"There are movies that are awful, and there are movies that are so awful they are deemed long-forgotten and unwatchable. Also, lots of violence and bad stuff (not just cheesy stuff; you know what I mean) add to the mix as well. What is the result of bad movies with such raunchy content? Why, \\\"Final Justice,\\\" of course!

Remember \\\"Mitchell?\\\" Joe Don Baker was the star of that movie, and that was riffed by Joel and the Bots on \\\"Mystery Science Theater 3000.\\\" Now this time, with Mike taking Joel's place on the Satellite of Love (but with the same bots), that trio got to make fun of MST3K's second Joe Don Baker movie, \\\"Final Justice.\\\" Of course, much of the naughty stuff that I mentioned was removed for television release, but still, I want to watch that episode (and \\\"Mitchell\\\" as well), because what does Joe Don \\\"hate\\\" the most? Why, none other than \\\"Mystery Science Theater 3000!\\\"

P.S. If you have a Big Lots nearby, check that store for the uncut tape! LOL That happened to another user!\": {\"frequency\": 1, \"value\": \"There are movies ...\"}, \"Carla works for a property developer's where she excels in being unattractive, unappreciated and desperate. She is also deaf.

Her boss offers to hire in somebody to alleviate her heavy workload so she uses the opportunity to secure herself some male company. Help arrives in the form of Paul, a tattooed hoodlum fresh out of prison and clearly unsuited to the mannered routine of an office environment.

An implicit sexual tension develops between the two of them and Carla is determined to keep him on despite his reluctance to embrace the working week. When Carla is edged out of an important contract she was negotiating by a slimy colleague she exploits Paul's criminality by having him steal the contract back. The colleague quickly realises that she's behind the robbery, but when he confronts her, Paul's readiness to punch people in the face comes in handy too - but this thuggery comes at a price.

Paul is given a 'going over' by some mob acquaintances as a reminder about an unpaid debt. He formulates a plan which utilises Carla's unique lip reading abilities to rip-off a gang of violent bank robbers. It's now Carla's turn to enter a frightening new world.

The fourth feature from director Jacques Audiard, 'READ MY LIPS' begins as a thoroughly engaging romantic drama between two marginalised losers only to shift gears halfway through into an edgy thriller where their symbiotic shortcomings turn them into winners. The leads are excellent; effortlessly convincing us that this odd couple could really connect. Carla's first meeting with Paul is an enjoyable farce in which she attempts to circumnavigate his surly reticence and jailbird manners only to discover that he was, until very recently, a jailbird. Emmanuelle Devos, who plays Carla, has that almost exclusive ability to go from dowdy to gorgeous and back again within a frame. Vincent Cassel plays Paul as a cornered dog who only really seems at home when he's receiving a beating or concocting the rip-off that is likely to get him killed.

Like many French films, 'READ MY LIPS' appears, at first, to be about nothing in particular until you scratch beneath the surface and find that it's probably about everything. The only bum note is a subplot concerning the missing wife of Paul's parole officer; a device that seems contrived only to help steer the main thrust of the story into a neat little feelgood cul-de-sac.

It was the French 'New Wave' of the 60's that first introduced the concept of 'genre' to film making and I've always felt that any medium is somewhat compromised when you have to use a system of labels to help define it; so it's always a pleasure to discover a film that seems to transcend genre, or better still, defy it.\": {\"frequency\": 1, \"value\": \"Carla works for a ...\"}, \"This is a superbly imaginative low budget Sci-fi movie from cult director Vincenzo Natali. The film plays out like a crossing of Phillip K Dick with Hitchcock and Cronenberg and the film takes on a unique feel like nothing you would have seen. The film is superbly shot, I love the cinematography in this, it feels fresh and original. Plot-wise the film explores similar themes to films like Total Recall, Dark City and the Matrix and its pretty staple Sci-fi stuff. Morgan Sullivan (Jeremy Northam) is a suburbanite who is bored with his life and has decided to take a job as a company spy for Digicorp, a large technological corporation. He meets up with a recruitment officer at the beginning who brings Sullivan on board and instructs him on what he has to do. It basically involves going to conferences of rival companies and recording them via a satellite transmission device disguised as a pen. It also means that he must take on a different persona and keep it a secret from his wife. After his first job things become strange, his habits change, his personality begins to differ and he suffers pains in his neck and headaches as well as nightmares. He encounters a beautiful woman named Rita Foster (played by an intriguingly cast Lucy Liu.) he takes an instant attraction to. However when he goes in his next job and sees her again she reveals herself to be an agent of some sort who reveals that his job is not quite what it seems. He finds out later on that he and the rest of the people attending the conference all work for Digicorp. The conferences are all covers to allow the company men to brainwash their spies. Sullivan, whose alternate name is Jack Thursby has been given an antidote to Digicorps drugging and while the rest of the spies at the latest conference drift off into what seems like a brain-dead day dream while the speakers drone on (the speakers send all the attendants to sleep via subliminal messages.) suddenly the rooms lights turn off and workers at Digicorp come in shining lights in all the occupants eyes to ensure they are not conscious and then in a fairly nightmarish situation they bring in head sets for each member which send messages into the brain and brainwash the precipitants into believing they are someone else. Digicorp are using these people as puppets and creating personalities and lives for these people while wiping their own existence. Sullivan now must pretend that he entirely believes he is now Jack Thursby. Digicorp want to steal information from their rivals Samways and they want their own puppets to do it, they now effectively control what these spies do, except for Sullivan. When Samways get a hold of Sullivan and discover he has not actually been brainwashed they decide to use him as a pawn to spy on Digicorp, make Sullivan a double agent. They know that Digicorp have sent Thursby to them to work his way into Samways and work his way up the system until he can get into a situation to download important company information that could shut the company down. Samways realises he had been planted and decide they will play along with Digicorp and allow Thursby to infiltrate their databanks but they will give Digicorp a dodgy disc that will ruin their system. The plot begins to twist and turn as both companies are using Sullivan as a pawn. He is stuck in the middle and Rita Foster is a mystery as he tries to work out why she is helping him. When a mysterious third party becomes involved, the person it is revealed that Foster works for, Sullivan must decide whether to go to this freelance agent, who could guarantee him a new life and safety or to stick with one of the companies he works for. The tension all builds to a stonking climax as it seems just about everyone wants to dispose of him once his usefulness has expires. The cast are great. Northam is superb and the subtlety in his performance is excellent. He brings a great visual aspect to his performance, his eyes tell a story and we see a great subtle change as his character changes from Sullivan to Thursby. Lucy Liu is just sexy beyond belief and her presence gives a great dynamic to the film because it seems strange casting but works because of that fact. The rest of the cast are also good.

Director Natali whose previous film was the cult classic sci-fi flick Cube, has a real visual flair. He paces the film superbly as well and has given it a great look. For a low budget film it features some imaginative visual effects and although the CGI isn't great it never begins too much of a centre piece to effect the film negatively. The film really does bring feelings of The Matrix and other great sci-fi films, it is up there with them. The plot nearly becomes too convoluted at times but in truth that helps in a film like this, that is where the Cronenberg and Lynch influence is evident. The film has you constantly working out what is going on and genuinely surprises as it goes along. This is overall an obvious cult classic and I can see this being incredibly popular when it is released in the states. ****1/2

\": {\"frequency\": 1, \"value\": \"This is a superbly ...\"}, \"You gotta wonder how some flics ever get made... this one decided to skip with the why among many other things and just wanders off beyond the moot.

And yet you have a number of decent actors doing their best to pump some life into the story. The blue tint throughout the movie overshoots into 'yet again', which on its own would be depressing but here it's overkill. The idea that it's not a medical condition, not some house or gypsy or trinket curse but just something that for no apparent reason starts to happen to our protagonist and then to everyone else around her, just winds up being much like taking a big swig out of an empty mug. Some doppelgangers have super powers but others don't or don't know they do? It seems they're just as clueless as we are.

It's a poor man's rip-off of \\\"Invasion of the Body-Snatchers\\\" with Keifer Sutherland's \\\"Mirror\\\" and \\\"The Sixth Sense\\\", were you to seriously botch those three together.\": {\"frequency\": 1, \"value\": \"You gotta wonder ...\"}, \"Will Smith delivers yet again in a film about a man with the weight of the world on his shoulders and his crusade to right his wrongs in a way that will touch even the most hardened of hearts!!! Writer Grant Nieporte and Italian Director Gabriele Muccino come together and created a masterpiece that I highly recommend to purchase and keep in your movie collection as you will never grow tired of watching/feeling this film!!! I have the Highest Respects for Will Smith as he is not only a brilliant Actor but one can tell he has a genuine love for people and life which no doubt made him perfect for the character (IRS Agent Ben Thomas) he played in this film. You will find yourself feeling his pain and anger, the frustrations over his love for Emily, played by Rosario Dawson, who by the way was Fantastic as usual. I found myself falling in love with the fact their characters were falling in love. Woody Harrelson also stars in this Top Notch film. I find it very difficult to write this review without giving away key plot points...All I can say is, Watch it and when you do make sure you have nothing to interrupt you, take the phone off the hook, sit back and get ready to start trying to unravel the mysterious life and past of IRS Agent Ben Thomas...I thank you Will Smith for another Great Film!!!\": {\"frequency\": 1, \"value\": \"Will Smith ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"There are enough ...\"}, \"There are pretty landscape shots. Writers putting trite mouthings into actors mouths. With lesser actors this show would be silly. 'Art must uplift humanity or it's BS.' Not so because art of all those mentioned is also to stir humanity and express the dark side. The lead character even says those who don't drink hide the shadow side. Wrong , he lived in darkness and repressed his dark side by drinking and being one dimensional not expanding his horizons with something other than landscapes. There wasn't a breathing organism in his work nor expression of his pain. All the artist did was limit himself to dime a dozen landscapes. The discussions between the characters was grade school, trite stuff always giving the one character the upper hand the writer wanted. I tried to like it after reading all the first wow comments on here. I had to dig deep to see those i agreed with. I figure the great comments were from those connected to the movie. I was moved only once towards the end. The kid was way too passive. The scenery was nice and the music ridiculous. Just my opinion but nowhere show for me.\": {\"frequency\": 1, \"value\": \"There are pretty ...\"}, \"Pushing Daisies is just a lovely fairy tale, with shades of \\\"Amelie\\\"'s aesthetic and romance. It's got a beautiful palette, its shots well thought out and detailed, its names and dialogue whimsical and too cutesy to be real, its imagination great, and its romance deep.

Watch the blue in the sky pop out at you, as blue can't be found in the rest of the sets or shots (with few exceptions).

Watch a weirdly natural and totally satisfying song break out of a scene.

Its score is gorgeous, its cast is supremely likable, there's great music, and the two leading romantic stars can't touch each other or she'll die. How much more sexual tension do you need? (Actually, I had wished they found a way around this one, but c'est la vie).

It is simply a show that it is a pleasure to spend an hour with, and I recommend it highly. There hasn't been other television quite like it, and I would like to see more. It got me through a flu one crappy week, as it makes for good company.

Bring it back!\": {\"frequency\": 1, \"value\": \"Pushing Daisies is ...\"}, \"I grew up watching the original Disney Cinderella, and have always loved it so much that the tape is a little worn.

Accordingly, I was excited to see that Cinderella 2 was coming on TV and I would be able to see it.

I should have known better.

This movie joins the club of movie sequels that should have just been left alone. It holds absolutely NONE of the originals super charm! It seems, to me, quite rough, and almost brutal, right from the (don't)Sing-a-longs to the characterization.

While I remember the character's telling a story through a song, this film's soundtrack was laid over the top, and didn't seem to fit. Jaq's transformation into a human is a prime example: Where he was walking around eating an apple and adding a few little quips in here and there, he should have been dancing around and singing about how great it was to be tall! And in the ballroom, there's old barn dance type country music. It's as though the writers forgot where and when this story was set. The upbeat fiddles certainly didn't fit.

Even the artwork and animation in Cinderella 2 isn't up to scratch with the original. The artwork in this film seems quite raw and less detailed. And we see part of Cinderella's hoop skirt, which doesn't feel right.

The movie itself could have been it's own story, I think that it should have been just that. I wouldn't say that I hate it, but I believe that it had many shortcomings. It seems to downgrade in a significant way from the beloved Cinderella original.\": {\"frequency\": 1, \"value\": \"I grew up watching ...\"}, \"An interesting TV movie based on true fact, betrayed by the description of one of the leading characters, that of a prisoner. Giovanni Ribisi plays his younger brother, who has the delicate mission of deciding if he will appeal to the courts for his brother's death penalty. But when he goes to visit him and enters Elias Koteas, the problem starts. It has nothing to do with Koteas' acting ability. He just looks like the version of a prisoner of proletarian roots according to \\\"G.Q.\\\" magazine, with a language too sophisticated for someone who has spent most of his life behind bars. This realization came to me after meeting again an old friend, whom I had not seen for almost 15 years, which he spent in several Panamanian jails. The young man I used to know is gone, not only because he is older, but due to his exposure for a prolonged time to the penal system. There are jails and there are jails, one must say, but this one prisoner in \\\"Shot In the Heart\\\" is definitely out of this world.\": {\"frequency\": 1, \"value\": \"An interesting TV ...\"}, \"Every once in a while, Eddie Murphy will surprise you.

In a movie like \\\"the Golden Child\\\", especially. This is a movie you'd figure would star maybe Harrison Ford or Kurt Russell or someone. But Eddie really does work; he's smart, he's funny, he's brave, kind, courteous, thrifty, clean and everything else a hero should be.

Having been chosen to secure a mystic child who holds the key to protecting the world from complete evil (embodied perfectly by Dance), Eddie goes from California, to Nepal and back, all while the beautiful Kee Nang (Lewis) wonders if he's all he says he is and a crazy old holy man (Wong, perfect as always) knows that he is.

It's exciting, breathtaking in spots, shocking and, of course, funny. Eddie is the only action hero I know who could begin a movie by making rude remarks behind some guy reading a porno magazine and end it with smart-aleck remarks about Ed McMahon.

No problem with this \\\"Child\\\": it's a \\\"Golden\\\" find.

Nine stars. Viva Nepal!\": {\"frequency\": 1, \"value\": \"Every once in a ...\"}, \"This movie commits what I would call an emotional rape on the viewer. The movie supposedly caused quite a stir among the critics in Cannes, but for me the final scene was just a pathetic attempt for a newbie director to get himself noticed. Hardly a voice in the discussion on the issue of violence, drug abuse or juvenile delinquency (or any other issue, for that matter).

The main character's metamorphosis from good, but troubled boy to the vicious rapist is virtually nonexistent, whereas the rape scene (being an over-dragged, exaggerated version of the rape scene from \\\"A clockwork orange\\\") is unbearable and I refuse to comment on its aesthetic values. There are some things an artist should not do to try and achieve his/her goal. At least in my opinion.

To wrap it up: shockingly brutal, revolting and NOT WORTH YOUR TIME. See \\\"A clockwork orange\\\" or \\\"Le pianiste\\\" instead.\": {\"frequency\": 1, \"value\": \"This movie commits ...\"}, \"This one came out during the Western genre\\ufffd\\ufffd\\ufffds last gasp; unfortunately, it emerges to be a very minor and altogether unsatisfactory effort \\ufffd\\ufffd\\ufffd even if made by and with veterans in the field! To begin with, the plot offers nothing remotely new: James Coburn escapes from a chain gang, intent on killing the man (now retired) who put him there \\ufffd\\ufffd\\ufffd Charlton Heston. While the latter lays a trap for him, Coburn outwits Heston by kidnapping his daughter (Barbara Hershey). Naturally, the former lawman \\ufffd\\ufffd\\ufffd accompanied by Hershey\\ufffd\\ufffd\\ufffds greenhorn fianc\\ufffd\\ufffd (Chris Mitchum) \\ufffd\\ufffd\\ufffd sets out in pursuit of Coburn and his followers, all of whom broke jail along with him.

Rather than handling the proceedings in his customary sub-Fordian style, McLaglen goes for a Sam Peckinpah approach \\ufffd\\ufffd\\ufffd with which he\\ufffd\\ufffd\\ufffds never fully at ease: repellent characters, plenty of violence, and the sexual tension generated by Hershey\\ufffd\\ufffd\\ufffds presence among Coburn\\ufffd\\ufffd\\ufffds lusty bunch. Incidentally, Heston and Coburn had previously appeared together in a Sam Peckinpah Western \\ufffd\\ufffd\\ufffd the troubled MAJOR DUNDEE (1965; I really need to pick up the restored edition of this one on DVD, though I recently taped the theatrical version in pan-and-scan format off TCM UK). Anyway, the film is too generic to yield the elegiac mood it clearly strives for (suggested also by the title): then again, both stars had already paid a fitting valediction to this most American of genres \\ufffd\\ufffd\\ufffd WILL PENNY (1968) for Heston and Coburn with PAT GARRETT & BILLY THE KID (1973)!

At least, though, Heston maintains a modicum of dignity here \\ufffd\\ufffd\\ufffd his ageing character attempting to stay ahead of half-breed Coburn by anticipating what his next move will be; the latter, however, tackles an uncommonly brutish role and only really comes into his own at the climax (relishing his moment of vengeance by sadistically forcing Heston to witness his associates\\ufffd\\ufffd\\ufffd gang-rape of Hershey). Apart from the latter, this lengthy sequence sees Heston try to fool Coburn with a trick borrowed from his own EL CID (1961), the villainous gang is then trapped inside a bushfire ignited by the practiced Heston and the violent death of the two \\ufffd\\ufffd\\ufffdobsolete\\ufffd\\ufffd\\ufffd protagonists (as was his fashion, Heston\\ufffd\\ufffd\\ufffds demise takes the form of a gratuitous sacrifice!).

The supporting cast includes Michael Parks as the ineffectual town sheriff, Jorge Rivero as Coburn\\ufffd\\ufffd\\ufffds Mexican lieutenant, and Larry Wilcox \\ufffd\\ufffd\\ufffd of the TV series CHiPs! \\ufffd\\ufffd\\ufffd as the youngest member of Coburn\\ufffd\\ufffd\\ufffds gang who\\ufffd\\ufffd\\ufffds assigned the task of watching over Hershey (while doing his best to keep his drooling mates away!). Jerry Goldsmith contributes a flavorful but, at the same time, unremarkable score.\": {\"frequency\": 2, \"value\": \"This one came out ...\"}, \"For anyone who liked the series this movie will be something to watch. However, it also leaves you wanting more. I loved the way that every character (detective)made an appearance. Least with the ending of who is the fourth chair for they leave a reason for another movie. My guess is Bayless of course. This like the series was a very well put together series of scenes. This is a series I wish had lived on. Thanks to the cast for some wonderful TV.\": {\"frequency\": 1, \"value\": \"For anyone who ...\"}, \"This is a kind of movie that will stay with you for a long time. Soha Ali and Abhay Deol both look very beautiful. Soha reminds you so much of her mother Sharmila Tagore. Abhay is a born actor and will rise a lot in the coming future.

The ending of the movie is very different from most movies. In a way you are left unsatisfied but if you really think about it in real terms, you realize that the only sensible ending was the ending shown in the movie. Otherwise, it would have been gross injustice to everyone.

The movie is about a professional witness who comes across a girl waiting to get married in court. Her boyfriend does not show up and she ends up being helped by the witness. Slowly slowly, over the time, he falls in love for her. It is not clear if she has similar feelings for him or not. Watch the movie for complete details.

The movie really belongs to Abhay. I look forward to seeing more movies from him. Soha is pretty but did not speak much in the movie. Her eyes, her innocence did most of the talking.\": {\"frequency\": 1, \"value\": \"This is a kind of ...\"}, \"\\\"The Notorious Bettie Page\\\" (2005)

Directed By: Mary Harron

Starring: Gretchen Mol, Chris Bauer, Lili Taylor, Sarah Paulson, & David Strathairn

MPAA Rating: \\\"R\\\" (for nudity, sexual content and some language)

It seems as though every celebrity nowadays is getting a biopic made about his or her life. From Ray Charles to Johnny Cash, biopics are very posh right now. \\\"The Notorious Bettie Page\\\" is the latest of these to be released on DVD. It features Gretchen Mol as the world's most famous pin-up model, Bettie Page and was filmed mostly in black and white with certain excerpts in color. Unlike \\\"Ray\\\", \\\"Walk the Line\\\", and \\\"Finding Neverland\\\", however, this movie is not going to be one to watch out for at the Oscars this year. This movie lacks the emotional resonance displayed in other biopics and most of the more dramatic moments in Bettie Page's life are either completely ignored or only merely suggested. This does not mean, however, that it is a bad movie. In fact, \\\"The Notorious Bettie Page\\\" is a thoroughly entertaining and fulfilling movie--a solid work of cinema. This film focuses more on Page's exciting career and the thin line between sexuality and pornography. It is filmed with fervor and care and Mary Harron's direction captures the look and feel of the time period as most filmmakers only dream about.

Everyone knows Bettie Page (played by Mol). Whether you know her as an icon\\ufffd\\ufffdor a simple porn star\\ufffd\\ufffdyou know her. She is a woman who had a very profound impact on American culture only by revealing more skin than deemed appropriate at that particular time. Now, most people know her as one of America's first sex symbols--a legend to many models, especially those of Playboy and other adult-oriented magazines. She lived in a time when showing just an inch of flesh below the waste could have someone arrested and Page's bondage-style photos were just the thing to push the American public into an uproar. In fact, the photos launched a full-fledged senate investigation about common decency and the difference between harmless films and porn.

The performances in \\\"The Notorious Bettie Page\\\" are absolutely wonderful with Gretchen Mol standing out. Her performance as Bettie Page is simply brilliant. I understand that, when she was announced for the role, many people were skeptical. Her name is not one that immediately leaps to my mind when I think of great performances. Now, it will. She completely aced the role and drew me in with her vulnerable and yet deeply engaging performance. David Strathairn is fresh off of last year's \\\"Good Night, and Good Luck\\\", in which he gave one of 2005's best performances. Here, he gives yet another fine performance\\ufffd\\ufffdeven though he is slightly underused. I was shocked at how very limited his screen time was\\ufffd\\ufffdbut quality over quantity is always the most important aspect of any good movie. The only performance I have seen from Lili Taylor was that in \\\"The Haunting\\\" (1999). While most people ignored the movie, I found it to be an enjoyable, if not completely shallow, horror movie and I also have always thought that Taylor was perfectly credible as the emotionally-distraught Nell. Here, Taylor gives yet another credible performance. She gives a very subdued performance and delivers the perfect performance to compliment that of Gretchen Mol.

After everything was said and done, I realized that \\\"The Notorious Bettie Page\\\" cannot be compared to other biopics, such as \\\"Finding Neverland\\\" and \\\"Walk the Line\\\". It is incomparable to these because it tells a story of a woman and her career, from the beginning to the end. Her personal life is briefly implied, but it is really her impact on the world that becomes the high point. We watch the film knowing that Page will eventually bare all and we know the impact that her decisions will have\\ufffd\\ufffdbut we are rarely shown the impact that they will have on her personal life. She is a woman that never looked back and could constantly reinvent herself. After all, she was an adult model turned Christian missionary. This movie does not over dramatize anything. It could have included fictitious moments of Page sobbing hysterically and begging God to forgive her. It could have shown Page running and screaming through the rain, trying to escape the ghosts of her past\\ufffd\\ufffdand yet it does not. \\\"The Notorious Bettie Page\\\" tells a simple story and that is something rare by today's standards. Fortunately, it is quite refreshing.

Final Thought: \\\"The Notorious Bettie Page\\\" is a relaxing movie with absolutely amazing cinematography.

Overall Rating: 9/10 (A)\": {\"frequency\": 1, \"value\": \"\\\"The Notorious ...\"}, \"I can't believe that the City of Muncie is so hard up for attention that they would embarrass themselves by allowing this show to be done there. This show is like a slap in the face to real hard working law-enforcement officers. I have never before in my life seen anything so stupid in my life. If they had billed it as a comedy that would be one thing but to say it is reality is nothing short of a lie. I only saw it once and was appalled at what I saw. I wanted to see the little guy get into a foot-chase with a bad guy. What a joke that would have been. Nothing on the show was even close to the real world. The city of Muncie, the Police Chief, and all the officers should be hanging their heads in shame and should never want o admit they come from that city. No wonder it didn't stay around on TV\": {\"frequency\": 1, \"value\": \"I can't believe ...\"}, \"A movie of outstanding brilliance and a poignant and unusual love story, the Luzhin Defence charts the intense attraction between an eccentric genius and a woman of beauty, depth and character.

It gives John Turturro what is probably his finest role to date (thank goodness they didn't give it to Ralph Fiennes, who would have murdered it.) Similarly, Emily Watson shows the wealth of her experience (from her outstanding background on the stage). To reach the tortured chess master (Turturro) her character has to display intelligence as well as a woman's love. Watson does not portray beauty-pageant sexuality, but she brings to her parts a self-awareness that is alluring.

In a chance meeting between Natalia (Watson) and Luzhin, she casually stops him from losing a chess piece that has fallen through a hole in his clothing - a specially crafted piece that, we realize later in the film, has come to symbolize his hopes and aspirations. Later, as their love affair develops, she subtly likens dancing to chess (Luzhin has learnt to dance but never with a partner); she encourages him to lead her with \\\"bold, brilliant moves\\\" and in doing so enables him to relax sufficiently to later play at his best (and also realize himself as her lover).

This is a story of a woman who inspires a man to his greatest achievement and, in so doing finds her own deepest fulfillment, emotionally and intellectually (Or so we are led to believe - certainly, within the time frame, Natalia is something of a liberated woman rather than someone who grooms herself to be a stereotypical wife and mother).

The Italian sets are stunning. The complexity of the characters and the skill with which the dialogue unfolds them is a delight to the intelligent movie-goer, yet the film is accessible enough to make it a popular mainstream hit, and most deservedly so. Chess is merely the photogenic backdrop for developing an emotional and emotive movie, although the game is treated with enough respect to almost convince a chess-player that the characters existed. Although a tragedy of remarkable heights by a classic author, the final denouement is nevertheless surprisingly uplifting.\": {\"frequency\": 1, \"value\": \"A movie of ...\"}, \"A series of shorts spoofing dumb TV shows, Groove Tube hits and misses a lot. Overall, I do really like this movie. Unfortunately, a couple of the segments are totally boring. A few really great clips make up for this. A predecessor to such classics like Kentucky Fried Movie.\": {\"frequency\": 1, \"value\": \"A series of shorts ...\"}, \"Lame plot and two-dimensional script made characters look like cardboard cut-outs. Needless to say, this made it difficult to feel empathy for any of the characters, especially the fianc\\ufffd\\ufffd; He looked and acted more like a cartoon. In summary, I guess you could say it was on par with your typical made for TV drama. It uses just about every clich\\ufffd\\ufffd in the book. The tortured classical musician who wants to break-out and play salsa. The free-spirited fianc\\ufffd\\ufffde engaged to a \\\"bean counter\\\" personality she doesn't love. I won't list them or else it would be a spoiler because I'd be giving away the whole plot. The dancing was OK but nothing special. I've seen worse. 3 stars for good music. The band was really tight. I saw it on YouTube. Thankfully I didn't pay good money to see it at a theater. I'm still a little shocked at how many great reviews this movie has garnished.\": {\"frequency\": 1, \"value\": \"Lame plot and two- ...\"}, \"I did not like the pretentious and overrated Apocalypse Now. Probably my favorite Vietnam War film is The Deer Hunter. The Deer Hunter focused on one part of the war, and then focused on the lives before the war. This movie is essentially Deer Hunter 2. The script is too loose compared to the Deer Hunter. The story is never developed to the point that the audience can truly understand and feel for the characters like the Deerhunter did. The Vietnam flashbacks are not as gripping or involved as the ones in the Deerhunter. This is why I can only give this movie 7 out of 10.

However, I think that the acting was outstanding. DeNiro and Harris are truly amazing actors. They totally immersed themselves in their characters and expressed the great anguish of two former friends who lost their best friend Bobby in combat. Harris' character is a half-dead alcoholic, who hides the guilt that he has in Bobby losing his life trying to save his.

I also like the supporting cast. Everyone in the town is part of the movie. The town obviously can't handle Vietnam vets very well. Like many small towns, it is all about being quiet, humble, and minding one's business. Harris' character, however, can't be any of these things. It is interesting how wars effect people. Some people rebound quickly, while others never really recover.\": {\"frequency\": 1, \"value\": \"I did not like the ...\"}, \"Arguebly Al Pacino's best role. He plays Tony Montana, A small time hood from Cuba turned into a rich and powerful crime lord in Miami, and he does it with the only two things he's got in this world, his balls and his word, and he doesn't break'em for nobody. Starts as doing jobs for a big time Cuban dealer, Frank Lopez (Robert Loggia) and quickly goes up the ladder of the organization along with his long time friend Manny (Steven Bauer). Soon he has an eye for the boss's sexy wife Elvira (Michelle Pfeiffer). After Frank sees a threat from Tony to his position, he attempts to assassin Tony but with no luck. Tony is upset and nothing can stop him now. the film has a great supporting cast among them is F. Murray Abraham as a jumpy gangster, another familiar face is Harris Yulin as a crooked cop trying to shake down Tony, Marry Elizabeth Mastrantonio as Tony's young sister. Credits to the Ecxellent screenplay by Oliver Stone. This film is one of Brian DePalma's Brightest points in his long ups and downs career, you can see this guy is very talented. The movie has a magnificent look to it. Also pay attention for two memorable scenes: The one at the fancy restaurant (\\\"Say goodnight to the bad guy\\\"). the other is the final shootout where Tony shows that he still knows how to kick ass and kills about 20 assassins that invaded to his house. this is certainly one of the most impressive endings to a movie I have ever seen. For fans of Al Pacino and crime movies it's a must-see. For the rest of you it's highly recommended. 10/10\": {\"frequency\": 1, \"value\": \"Arguebly Al ...\"}, \"Beautiful film, pure Cassavetes style. Gena Rowland gives a stunning performance of a declining actress, dealing with success, aging, loneliness...and alcoholism. She tries to escape her own subconscious ghosts, embodied by the death spectre of a young girl. Acceptance of oneself, of human condition, though its overall difficulties, is the real purpose of the film. The parallel between the theatrical sequences and the film itself are puzzling: it's like if the stage became a way out for the Heroin. If all american movies could only be that top-quality, dealing with human relations on an adult level, not trying to infantilize and standardize feelings... One of the best dramas ever. 10/10.\": {\"frequency\": 2, \"value\": \"Beautiful film, ...\"}, \"I thought that ROTJ was clearly the best out of the three Star Wars movies. I find it surprising that ROTJ is considered the weakest installment in the Trilogy by many who have voted. To me it seemed like ROTJ was the best because it had the most profound plot, the most suspense, surprises, most emotional,(especially the ending) and definitely the most episodic movie. I personally like the Empire Strikes Back a lot also but I think it is slightly less good than than ROTJ since it was slower-moving, was not as episodic, and I just did not feel as much suspense or emotion as I did with the third movie.

It also seems like to me that after reading these surprising reviews that the reasons people cited for ROTJ being an inferior film to the other two are just plain ludicrous and are insignificant reasons compared to the sheer excellence of the film as a whole. I have heard many strange reasons such as: a) Because Yoda died b) Because Bobba Fett died c) Because small Ewoks defeated a band of stormtroopers d) Because Darth Vader was revealed

I would like to debunk each of these reasons because I believe that they miss the point completely. First off, WHO CARES if Bobba Fett died??? If George Lucas wanted him to die then he wanted him to die. Don't get me wrong I am fan of Bobba Fett but he made a few cameo appearances and it was not Lucas' intention to make him a central character in the films that Star Wars fans made him out to be. His name was not even mentioned anywhere in the movie... You had to go to the credits to find out Bobba Fett's name!!! Judging ROTJ because a minor character died is a bit much I think... Secondly, many fans did not like Yoda dying. Sure, it was a momentous period in the movie. I was not happy to see him die either but it makes the movie more realistic. All the good guys can't stay alive in a realistic movie, you know. Otherwise if ALL the good guys lived and ALL the bad guys died this movie would have been tantamount to a cheesy Saturday morning cartoon. Another aspect to this point about people not liking Yoda's death.. Well, nobody complained when Darth Vader struck down Obi Wan Kenobi in A New Hope. (Many consider A New Hope to be the best of the Trilogy) Why was Obi Wan's death okay but Yoda's not... hmmmmmmmmmmmm.... Another reason I just can not believe was even stated was because people found cute Ewoks overpowering stormtroopers to be impossible. That is utterly ridiculous!! I can not believe this one!! First off, the Ewoks are in their native planet Endor so they are cognizant of their home terrain since they live there. If you watch the movie carefully many of the tactics the Ewoks used in defeating the stormtroopers was through excellent use of their home field advantage. (Since you lived in the forest all your life I hope you would have learned to use it to your advantage) They had swinging vines, ropes, logs set up to trip those walkers, and other traps. The stormtroopers were highly disadvantaged because they were outnumbered and not aware of the advantages of the forest. The only thing they had was their blasters. To add, it was not like the Ewoks were battling the stormtroopers themselves, they were heavily assisted by the band of rebels in that conquest. I thought that if the stormtroopers were to have defeated a combination of the Star Wars heros, the band of rebels, as well as the huge clan of Ewoks with great familiarity of their home terrain, that would have been a great upset. Lastly, if this scene was still unbelievable to you.. How about in Empire Strikes Back or in A New Hope where there were SEVERAL scenes of a group consisting of just Han Solo, Chewbacca, and the Princess, being shot at by like ten stormtroopers and all their blasters missed while the heros were in full view!! And not only that, the heroes , of course, always hit the Stormtroopers with their blasters. The troopers must have VERY, VERY bad aim then! At least in Empire Strikes Back, the Battle of Endor was much more believable since you had two armies pitted each other not 3 heroes against a legion of stormtroopers. Don't believe me? Check out the battle at Cloud City when our heroes were escaping Lando's base. Or when our heros were rescuing Princess Leia and being shot at (somehow they missed)as Han Solo and Luke were trying to exit the Death Star.

The last reason that I care to discuss (others are just too plain ridiculous for me to spend my time here.) is that people did not like Darth Vader being revealed! Well, in many ways that was a major part of the plot in the movie. Luke was trying to find whether or not Darth Vader was his father, Annakin Skywalker. It would have been disappointing if the movie had ended without Luke getting to see his father's face because it made it complete. By Annakin's revelation it symbolized the transition Darth Vader underwent from being possessed by the dark side (in his helmet) and to the good person he was Annakin Skywalker (by removing the helmet). The point is that Annakin died converted to the light side again and that is what the meaning of the helmet removal scene was about. In fact, that's is what I would have done in that scene too if I were Luke's father...Isn't that what you would have done if you wanted to see your son with your own eyes before you died and not in a mechanized helmet?

On another note, I think a subconscious or conscious expectation among most people is that the sequel MUST be worse (even if it is better) that preceding movies is another reason that ROTJ does not get as many accolades as it deserves. I never go into a film with that deception in mind, I always try to go into a film with the attitude that \\\"Well, it might be better or worse that the original .. But I can not know for sure.. Let's see.\\\" That way I go with an open mind and do not dupe myself into thinking that a clearly superior film is not as good as it really was.

I am not sure who criticizes these movies but, I have asked many college students and adults about which is their favorite Star Wars movie and they all tell me (except for one person that said that A New Hope was their favorite) that it is ROTJ. I believe that the results on these polls are appalling and quite misleading.

Bottom line, the Return of the Jedi was the best of the Trilogy. This movie was the only one of the three that kept me riveted all throughout its 135 minutes. There was not a moment of boredom because each scene was either suspenseful, exciting, surprising, or all of the above. For example, the emotional light saber battle between Luke and his father in ROTJ was better than the one in the Empire Strikes Back any day!!!

Finally, I hope people go see the Phantom Menace with an open mind because if fans start looking for nitpicky, insignificant details (or see it as \\\"just another sequel\\\") to trash the movie such as \\\"This movie stinks because Luke is not in it!\\\" then this meritorious film will become another spectacular movie that will be the subject of derision like ROTJ suffered unfortunately.

\": {\"frequency\": 1, \"value\": \"I thought that ...\"}, \"I saw this movie in 1969 when it was first released at the Cameo Theater on South Beach, now the famous Crowbar Night-club. It was the last year of the wild 60s and this movie really hit home. It's got everything; the generation gap, the sexual revolution, the quest for success, and the conflict between following one's family \\\"traditions\\\" to those of seeking ones own way through life.

It was a fast paced, highly enjoyable movie. Vegas was at it's hippiest peak, Sin City in all it's glory. Beautiful women, famous cameos, laughs, conflict, romance, and even a happy ending. A very enjoyable time over all.

The poster from this film rests on my bedroom wall. I look at it and I go back in time; a time of my youth and my times with my dad, a great time in my life.\": {\"frequency\": 1, \"value\": \"I saw this movie ...\"}, \"My Score for this crap: 1 / 10 1 for the technical only. Everything else is very bad.

Another film that makes no sense. Clearly it seems that creating a good script for film or television is almost a impossible mission.

While it's easy to understand why politicians never say the truth, they are among the biggest liars on the planet, it is difficult to understand how to make films so pathetic.

We must believe that taking people for morons. Perhaps it was reason to believe, since 99% of the films are crap. Because they are stupid and ridiculous and very bad scenarios.

When you look at the price we give Oscars, we understand better why we continue to make films any more ridiculous than others.

And oddly enough it was always money for such nonsense. But it was not for education and health.

If you still want to listen to this s**t, press super Fast Forward button (at least 20X).\": {\"frequency\": 1, \"value\": \"My Score for this ...\"}, \"Anthony McGarten has adapted his play, Via Satellite, and directed the best comedic film to come out of New Zealand for a long time. Chrissy Dunn (Danielle Cormack) is a drop-out. She hasn't achieved much in her latter years and has grown resentful of her family since her father's deathbed confession. Her twin sister, Carol (also portrayed by Danielle Cormack) is basking in the media limelight as she represents New Zealand in swimming at the Olympics. A middle-aged, desireless and desperate director (Brian Sergent) and his good-natured cameraman - who is also Chrissy's one-night stand from the night previous - Paul (Karl Urban) film the Dunn family's proudest moment; watching Carol swim to victory. This wouldn't be so bad but Chrissy's family is the epitome of embarrassing. First of all there is the matriach of the Wellingtonian Dunns, Joyce (Donna Akerston). She makes fairy cakes and cocktail sausages for the all-important film crew and refuses to change the way she is. Her oldest daughter, Jen (Rima Te Wiata) is desperate to be something more than common. She has a nice home (with bedroom walls painted \\\"Blackberry sorbet\\\"), expensive tastes and a nasty parasitic attitude to match. She is also nearing 40 and desparate for a child. Her husband, Ken (Tim Balme) is an electrician and forces himself on jobs that don't need doing...as well as doing jobs that need to be done, ie Jen. The middle daughter, Lyn (Jodie Dorday - who won Best Supporting Actress at New Zealand Film Awards for this portrayal)is a \\\"knocked-up\\\" tart who has a dubious history with Ken. Both older sisters clash, the mother is in a state, Ken is as bad a ToolTime Tim Taylor, Carol is fuelling her Olympic desire and Chrissy is aware all of this is to be splashed on national tv - why shouldn't she be embarrassed? It is great to see some famous New Zealand faces perform in the suburban comedy that has witty lines to spare. I loved the sparring between Jen and Lyn. One is like an adult Mona-my-biological-clock-is-ticking-away, the other a narcisstic tramp who has what her sister desires - a bun in the oven. Climax of the film is quite sentimental and is nicely done. The performances are a treat and the film works perfectly. A great way to spend an hour-and-a-half.

\": {\"frequency\": 1, \"value\": \"Anthony McGarten ...\"}, \"This is a straight-to-video movie, so it should go without saying that it's not going to rival the first Lion King, but that said, this was downright good.

My kids loved this, but that's a given, they love anything that's a cartoon. The big shock was that *I* liked it too, it was laugh out loud funny at some parts (even the fart jokes*), had lots of rather creative tie-ins with the first movie, and even some jokes that you had to be older to understand (but without being risqu\\ufffd\\ufffd like in Shrek [\\\"do you think he's compensating for something?\\\"]).

A special note on the fart jokes, I was surprised to find that none of the jokes were just toilet noises (in fact there were almost no noises/imagery at all, the references were actually rather subtle), they actually had a setup/punchline/etc, and were almost in good taste. I'd like my kids to think that there's more to humor than going to the bathroom, and this movie is fine in those regards.

Hmm what else? The music was so-so, not nearly as creative as in the first or second movie, but plenty of fun for the kids. No painfully corny moments, which was a blessing for me. A little action but nothing too scary (the Secret of NIMH gave my kids nightmares, not sure a G rating was appropriate for that one...)

All in all I'd say this is a great movie for kids of any age, one that's 100% safe to let them watch (I try not to be overly sensitive but I've had to jump up and turn off the TV during a few movies that were less kid-appropriate than expected) - but you're safe to leave the room during this one. I'd say stick around anyway though, you might find that you enjoy it too :)\": {\"frequency\": 1, \"value\": \"This is a ...\"}, \"This is not a profound movie; most of the plot aspects are pretty predictable and \\\"tried and true\\\" but it was well-acted and made some interesting points about what we might regret (our \\\"mistakes\\\" as the movie calls them) as we look back over our lives. I had not read the book, so didn't know much other than it was the story of a dying woman who has strong memories from long ago that she hasn't really shared with anyone. Thankfully they got a top-notch cast....Meryl

Streep's daughter, Mamie Gummer, plays the young Lila, and then Meryl shows up at the end of the film as the old Lila...in addition to an amazing resemblance (duh!) the younger actress did a great job (perhaps not quite up to her mom's caliber, but who is?) All others in this film were fine, although I wish there had been more of Glen Close and thought the Buddy character was alittle too dramatic.

This is more of a girls' movie than for the guys, but a good one to see with your mom, or your daughter, and maybe start some dialog going. How hard it is to really know a parent as a \\\"person\\\"!\": {\"frequency\": 1, \"value\": \"This is not a ...\"}, \"The only reason I saw this movie was for Jimmy Fallon, who I've had a crush on since 9th grade, which was his first year on SNL. I am a die-hard Yankees fan, and I didn't find the movie painful until the last 15 minutes, when they begin showing clips of the ALCS games. I had to cover my ears and make small noises so I wouldn't have to hear that which must not be heard, but otherwise it was completely bearable.

I thought Jimmy played the role very well, because the character was supposed to be nervous and quirky, and he is a nervous and quirky guy. I know that it may not be a Academy Award-winning stretch, but the movie is just a light, fun, romantic comedy that is actually appropriate for both women and men to see.

Jimmy and Drew worked well together, and they had much better chemistry on camera than other actors in the past. (Ed Burns and Angelina Jolie in that stupid movie? What?) I think Jimmy has a positive career ahead of him, and thank goodness, because Taxi could have killed it. I think Fever Pitch will help him out a lot. Everyone needs to stop being so critical of his acting ability because he is just starting out in movies. I imagine it must be difficult, and if you look at any of the other great actors of our time (Tom Hanks, Russell Crowe, etc) you'll see that they started off in some flops. Busom Buddies? Australian soap operas? Here's wishing Jimmy a successful career on screen. I never wanted him to leave SNL but what can you do?\": {\"frequency\": 1, \"value\": \"The only reason I ...\"}, \"I just finished watching this movie and I found it was basically just not funny at all.

I'm an RPG Gamer (computer type, none of the DnD tabletop stuff) but I found none of the jokes in this funny at all.

Some of the scenes seemed to drag out a lot (tilt and zoom could've been cut down to 5seconds rather than over a minute) and it feels as though the director was just trying to fill in time.

I think I laughed a total of 2-3 times in the entire movie.

The acting itself wasn't all that bad, around the standard that a B Grade movie should have.

I'd suggest not bothering with this movie unless you're a huge DnD fan and even then it would probably be best to steer clear of it.\": {\"frequency\": 1, \"value\": \"I just finished ...\"}, \"This was not the worst movie I've ever seen, but that's about as much as can be said about it. It starts off with some good atmosphere; the hospital is suitably sterile and alienating, the mood is set to \\\"eerie\\\". And then...nothing. Well, somethings. Just somethings that clearly don't fit in...and no effort is made to clarify the connection between the bizarre and yet not particularly intimidating critters, and the hospital they've taken over. I mean, come on, biker duds? Some band watched a bit too much Gwar.

My personal favorite was the head demon, who looks rather a lot like a middle-aged trucker desperately attempting menace, while simultaneously looking like he'd really like prefer to sag down on an afghan-covered couch, undo his belt, pop a can of cheap beer (probably Schlitz), and watch the game. Honestly, I've seen far scarier truckers. At truckstops. Drinking coffee. WWWwoooooohHHHHHoooooooo!!!! Scary!!

The other monsters are even more cartoonish, and even less scary. At least, on the DVD, the videos give some explanation of their presence in the hospital...they apparently just randomly pop up in places, play some bippy \\\"metal\\\", and cause people to be dead a bit. Barring a few good special effects, and acting that is not entirely terrible given a lack of decent writing, there's just nothing here. It's a background-noise movie only.\": {\"frequency\": 1, \"value\": \"This was not the ...\"}, \"The story of \\\"A Woman From Nowhere\\\" is rather simple and pretty much adapted right out of a Eastwood Spaghetti Western: A mysterious stranger comes into a lawless town run by a kingpin and starts shooting up the place. Even the opening credits and music have that spaghetti feel: Sergio Leone and Ennio Morricone would be proud. The really interesting twists are that the stranger is a beautiful (!) woman, Saki (Ryoko Yonekura) on a Harley, and the location is in a town somewhere in Japan.

In this actioner, there's a considerable amount of gunplay, some of it good, some predictable, and other spots somewhat hokey, but it's a whole lot of fun. Ryoko handles her guns with believability and aplomb and gives the thugs their due. It wasn't much of an acting challenge for her as it was a physical challenge, but she handled things very well. She shows her acting skills much more as Otsu in the NHK drama, \\\"Musashi.\\\"

I'd highly recommend film if you're a Ryoko Yonekura fan (which I adoringly am) and/or a \\\"girls with guns\\\" movie fan and it does hold up to repeated viewings. To me, there's something eminently and inexplicably appealing about \\\"girls with guns\\\" movies like \\\"La Femme Nikita\\\" and \\\"The Long Kiss Goodnight.\\\" And to have a gorgeous gal like Ryoko starring in it as well is just gobs of icing on the cake.\": {\"frequency\": 1, \"value\": \"The story of \\\"A ...\"}, \"A lonely depressed French boy Mathieu (Jeremie Elkaim) on vacation in the summer, meets and falls in love with Cedric (the gorgeous Stephane Rideau). Quiet and slow this is a very frustrating movie. On one hand, I was absorbed by it and really felt for the two boys. On the other I was getting annoyed--the film constantly keeps flashing around from the past to the present with no rhyme or reason. It's very confusing and pointless.

SPOILERS AHEAD!!!

Also there are tons of plot holes--Mathieu, at one point, does something that ends him up in the hospital. What is it--we're never told! Then he breaks up with Cedric and tells everybody else he's living with him. Why? We're not told. Then he hooks up inexplicably with another guy at the end. Why? No explanation. It's clear Cedric loves Mathieu and Mathieu is living in the same town so... However it is a tribute to the film that you really care about the characters so much. If only things were explained!

Elkaim as Mathieu is not good. He's tall, handsome and has a nice body--but he can't act. His idea of acting is sitting around with a blank look on his face--all the time. Rideau, on the other hand, is great. He's VERY handsome, has a very nice body and is one hell of an actor. Also he has an incredible sexual magnetism about him. There is full frontal male nudity, lots of kissing and a fairly explicit sex scene in the movie which is great--most movies shy away from showing male-male love scenes. This one doesn't and it helps to see how the characters care and feel for each other.

So, a frustrating film but somewhat worth seeing--especially for Rideau's nude scenes--that is, if you like good-looking nude young men!

\": {\"frequency\": 1, \"value\": \"A lonely depressed ...\"}, \"Like many people on this site, I saw this movie only once, when it was first televised in 1971. Certain scenes linger in my memory and an overall feeling of disquiet is how I remember being affected by it. I would be fascinated to see it again, if it was ever made available for home video.

Possible spoiler: I wonder if anyone else would agree that the basic plot setup and characters might have been derived from a 1960 British movie, originally titled City of the Dead, retitled Horror Hotel for the American release? There are some similarities also to a later British film The Wicker Man.

One detail remains with me years after seeing the film. It's a small but significant moment near the beginning of the film. As I recall, a minister and his wife have stopped to aid some people by the side of the road, circa 1870, somewhere out West. The friendly seeming Ray Milland introduces himself and his ( daughter?), Yvette Mimieux, a beautiful young mute woman. While the preacher is helping Ray Milland with the wagon, a rattlesnake slithers into view and coils menacingly, unobserved by any of the characters except Yvette Mimieux. She doesn't look scared at all, but stares at the snake with silent concentration, until it goes away. With this strange little moment, we already realize there's something highly unusual about these seemingly normal folks, though the possible danger to the minister and his wife remains vague and uncertain for a long time.

That one little scene stays with me vividly after all these years, along with many others. The film has a haunting quality about it that won't let go, and it's not surprising that people remember it so vividly. Someone ought to make this available for home video!\": {\"frequency\": 2, \"value\": \"Like many people ...\"}, \"I shouldn't even review this movie, since it's not actually a horror movie -- and thus not worthy of Dr. Cheese's attention. At least, it's not horror in the usual sense. It's certainly a horrifying proposition to waste your time watching this crap. That's why I turned it off after the first four hours. Imagine my surprise, then, when the clock showed that only 45 minutes had passed. Yep, that's right; in plain terms, this movie is b-o-r-i-n-g.

\\\"The Order\\\" had lots of flaws, not all of them unique. In particular, it seems to me the main problem with the \\\"religious\\\" subgenre of horror films is Hollywood's unwillingness to engage Christianity on its own terms. It is quite possible to make truly creepy films that are also orthodox. Just ask William Peter Blatty. In fact, without orthodoxy, films like this are just an anything-goes smorgasbord of the filmmakers' (usually dull and illogical) imaginations.

Think about it. If someone made a movie ostensibly about, say, physics, but not only got the basic laws of physics wrong, but based the entire plot on its wrong portrayals, you would soon get tired of the resulting pointless plot. The same goes for these sorts of movies.

In other words, \\\"The Order\\\"(and many similar movies before it) invent out of whole cloth stuff about the Catholic Church and about the Christian faith and attempt to build a plot out of these inventions. Unsurprisingly, the plot ends up being incoherent and stupid. This movie has the added charm of being as interesting to watch as your toenails growing.

Avoid this steaming pile.\": {\"frequency\": 1, \"value\": \"I shouldn't even ...\"}, \"Todd Rohal is a mad genius. \\\"Knuckleface Jones\\\", his third, and most fully realized, short film has an offbeat sense of humor and will leave some scratching their heads. What the film is about at heart, and he would almost certainly disagree with me on this, is how a regular Joe finds the confidence to get through life with a little inspiration. Or not. You just have to see for yourself. The short is intermittently making rounds on the festival circuit, so keep your eyes peeled and catch it if you can - you'll be glad you did. It is hilarious. And check out Todd's other short films also popping up here and there from time to time: \\\"Single Spaced\\\" and \\\"Slug 660\\\".\": {\"frequency\": 1, \"value\": \"Todd Rohal is a ...\"}, \"For a \\\"no budget\\\" movie this thing rocks. I don't know if America's gonna like it, but we were laughing all the way through. Some really Funny Funny stuff. Really non-Hollywood.

The Actors and Music rocked. The cars and gags and even the less in your face stuff cracked us up. Whooo Whooo!

I've seen some of the actors before, but never in anything like this, one or two of them I think I've seen in commercials or in something somewhere. Basically it Rocked! Luckily I got to see a copy from a friend of one of the actors.\": {\"frequency\": 1, \"value\": \"For a \\\"no budget\\\" ...\"}, \"I totally agree that \\\"Nothing\\\" is a fantastic film! I've not laughed so much when watching a film for ages! and David Hewlett and Andrew Miller are fantastic in this! they really work well together! This film may not appeal to some people (I can't really say why without spoiling it!) but each to their own! I loved it and highly recommend it!

The directing is great and some of the shots are very clever. It looks as though they may have had a lot of fun when filming it!

Although there are really only main 2 characters in the film and not an awful lot of props the actors manage to pull it off and make the film enjoyable to watch.\": {\"frequency\": 1, \"value\": \"I totally agree ...\"}, \"Jay Chou plays an orphan raised in a kung fu school, but kicked out by the corrupt headmaster after fighting with a bunch of thugs in the employ of a nefarious villain. He happens upon down-on-his-luck trickster Eric Tsang, who immediately sees cash potential in the youngster's skills. Basketball is the chosen avenue for riches, and Tsang bids to get him a spot on a University team and to promote him in the media. General success leads to a basketball championship and a really nasty rival team managed by the same nefarious villain of before.

It's all a bit Shaolin Soccer I guess, but not so quirky or ridiculous - the plot sticks pretty close to sports movie conventions, and delivers all the elements the crowd expects from the set-up. You've seen it all before, but it's the kind of stuff it never hurts to see again when it's done well. Luckily it really is done well here (some might say 'surprisingly' with Chu Yen-Ping in the director's chair... I expect he had good 'assistants') - the script delivers and the presentation is slick and stylish. Jay Chou remains pretty much expressionless throughout, but such is his style, and when he does let an emotion flicker across it can be to quite good comic effect. Eric Tsang compensates with a larger-than-life character that he's played many times before (in real life, for instance) who gets many of the films most emotional moments.

Since the film revolves around basketball, it's good that the scenes of basketball matches are suitably rousing. The cast show some real skill, including Chou, and some well done wirework and CGI add that element of hyper-real kung fu skill that make the scenes even more entertaining (assuming you like that sort of thing) and justify the movie's plot/existence.

There's only one significant fight scene in the movie, but it's a doozy in the \\\"one against many\\\" style. Jay Chou appears to do a lot of his own moves, and is quite impressive - he's clearly pretty strong and fast for real, and Ching Siu-Tung's choreography makes him look like a real martial artist. I wish there'd been more, but at least it's a lengthy fight.

Very much the kind of Chinese New Year blockbuster I hoped it would be from the trailer, and recommended viewing!\": {\"frequency\": 1, \"value\": \"Jay Chou plays an ...\"}, \"\\\"The Notorious Bettie Page\\\" is about a woman who always wanted to be an actress but instead became one of the most famous pin up girls in the history of America. Bettie Page played by Gretchen Mol was one of the first sex icons in America. The type of modeling Bettie Page took part in included nudity and bondage which lead to a U.S Senate investigation in the 1950s.

Walking out of the film, all I could think about was how far we have come in terms of pornography since the 1950s. You can go on the internet now and find some of most disturbing and shocking images ever shot, that the footage questioned in \\\"The Notorious Bettie Page\\\" seems almost childlike and innocent. Most of the footage including the bondage did not feature nudity when Bettie Page was involved yet today we have sick images where we can see women having sex with animals. I find that maybe the envelope has been pushed a little too far since the 1950s because looking at this movie in terms of today's pornography, it was very tastefully done.

To be honest, I was pretty impressed with \\\"The Notorious Bettie Page,\\\" I found the film to be very well done and interesting. The movie is exactly what the trailer leads you to believe it will be and is a very interesting look at one of the first female sex icons in America. Gretchen Mol looks just like Bettie Page and gives a very fine performance. I also thought that since the movie was shot in black and white it made the film seem realistic because it made the audience believe they were watching a film created in the late 1950s.

My only complaint about the film was the running time, there seemed to be a few scenes that were cut and seemed to be a little shorter than they should have been. I looked this up and it seems that 10 minutes was cut from the film since its original showing at the Toronto Film Festival. Also the ending was pretty tame and I was expecting a little more from it or maybe some paragraphs to come on the screen to tell the audience more about Bettie Page's life where the film left off. Those are my only two complaints about the film other than that the directing was solid, the acting was great especially Gretchen, and the writing was good.

Mary Harron, who directed \\\"American Psycho\\\", which is one of my favorite films, is the director and writer of \\\"The Notorious Bettie Page.\\\" I feel that Mary is a very talented director who knows how to create a setting and create great movies based on characters because like \\\"Psycho\\\", Bettie Page is a character study and a fine one at that. Harron captures the 40s and 50s with ease as well as all the characters. She is a very talented director who I hope will be around for many years to come.

Bottom Line: \\\"The Notorious Bettie Page\\\" is definitely worth a look. It's a very interesting story that shows how far America, as well as the world, has come in terms of pornography. The film also provides a fine performance by Gretchen Mol who literally nails the role of Bettie Page on the head. And top it off with a talented director who was able to capture the look and feel of a previous era and you have a good movie on your hands. Sadly, this film is probably going to flop since not many besides people who grew up in this era will show interest in the film but I think it's worth checking out.

MovieManMenzel's final rating for \\\"The Notorious Bettie Page\\\" is a 8/10. It's an interesting character study about one of the most famous pin up girls and sex icons in American history.\": {\"frequency\": 1, \"value\": \"\\\"The Notorious ...\"}, \"Because others have gone to the trouble of summarizing the plot, I'd like to mention a few points about this film. There may be spoilers here; I don't care enough to filter them out.

- Given the film's low budget, the creature design was quite good. It's actually nice to see a direct-to-video horror film that's not slathered with awful CGI. Unfortunately the digital film quality's quite grainy in places, and it's most noticeable in the well-lit white halls of the asylum.

- Ridiculous lighting design plagues parts of this film, to say nothing of the variations in the passage of time. I understand the director might have been trying to simulate dementia, but in order for this to be effective consistent time flow needed to be established. As-is, it merely seems amateurish.

- Plot twists were numerous but consistently predictable. I neither had a doubt in my mind of the identity of the robed cultists, nor of the fact that some kind of lame evil-trumps-good development would surface at the end.

- This may seem like quibbling, but characters in this film reliably fail to employ any kind of common sense. First of all, regulatory commissions would be all over a mental health center that unilaterally declared all patient and employee deaths cardiac arrest-induced. Why would the head psychiatrist also be capable of performing autopsies? Why wasn't a plot point made of these impressive qualifications, or of his introduction to his odd choice of religion? What's the background? What's supposed to make us care about anyone in this? And just as importantly, who in their right mind would go through the introduction to the place, see everything that was so frighteningly wrong with it, and then conclude that it was still a fine place to pursue a residency? This film didn't even respect its characters enough to give their intelligence the benefit of the doubt.

Bottom line: See The Wicker Man instead.\": {\"frequency\": 1, \"value\": \"Because others ...\"}, \"The only scary thing about this movie is the thought that whoever made it might make a sequel.

From start to finish \\\"The Tooth Fairy\\\" was just downright terrible. It seemed like a badly-acted children's movie which got confused, with a \\\"Wizard of Oz\\\" witch melting and happy kiddies ending combined with some bad gore effects and swearing.

Half of the cast seem completely unnecessary except for conveniently being there to get murdered in some fashion. The sister of the two brothers, Cherise the aura reader and Mrs. McDonald have entirely no point in the film - they could have included them in the main plot for some interesting side stories but apparently couldn't be bothered. The people watching the film know the characters are there for some bloody death scene but come on, at least TRY and have a slight plot for them. The story in general is weak with erratic behavior from the characters that makes you wish they all get eaten by the witch.

Add the weak plot and the weak acting together (the children are particularly wooden) and the movie ends up a complete failure. If only MST3K could have had a go at this one ...\": {\"frequency\": 1, \"value\": \"The only scary ...\"}, \"Definitely not worth the rental, but if you catch it on cable, you'll be pleasantly surprised by the cameos--Iman's appearance is especially self-deprecating. It's also an opportunity to watch all the male supporting cast members from The Sopranos typecast themselves.\": {\"frequency\": 1, \"value\": \"Definitely not ...\"}, \"I remembered this show from when i was a kid. i couldn't remember too much about it, just a few minor things about the characters. for some reason i remembered it being really intense. also it was on really really early in the morning up in PA. I finally, after looking around the web for a long time, found an episode. the first episode no-less. Criminey! This show was so horrible. it was obviously just made to show kids playing lazer tag and having a great time. the show opens with bhodi li telling his mommy \\\"my names not Christopher, I'm bhodi li-PHOTON WARRIOR!!!!!\\\" we then are forced to watch kids playing lazer tag to the song \\\"foot loose\\\". and not just a quick little bit, but the whole song. ahhhhhhhhh my brain hurts just thinking about it. oh yeah, and as if i couldn't get worse, you cant even see the laser beams from their guns. its like they're just running around to the entire \\\"foot loose\\\" song. later on, after bhodi goes up into space or where-ever, they have a crappy laser gun fight to the Phil Collins song \\\"su-su-sudio.\\\" ah, trust me, you don't want to know the rest. what can i say......THE LIGHT SHINES!!!!!!!!!!!\": {\"frequency\": 1, \"value\": \"I remembered this ...\"}, \"Strange, almost all reviewers are highly positive about this movie. Is it because it's from 1975 and has Chamberlain and Curtis in it and therefore forgive the by times very bad acting and childish ways of storytelling?

Maybe it's because some people get sentimental about this film because they have read the book? (I have not read the book, but I don't think that's a problem, film makers never presume that the viewers have read the book).

Or is it because I am subconsciously irritated about the fact that English-speaking actors try to behave as their French counterparts?\": {\"frequency\": 1, \"value\": \"Strange, almost ...\"}, \"This movie should not be watched as it was meant to be a flop. Ram Gopal Verma first wanted to make this a remake of classic bollywood movie \\\"Sholay\\\", but after having problems with the original makers decided to go ahead with the project and... i guess leave all the good parts of the movie (acting, script, songs, music, comedy, action etc) out and shoot the movie just because he already happen to hire the crew. Waste of money, waste of time. After making movies like Rangeela, Satya, and Company he pulled a Coppola (Godfather) on us; What were you thinking RGV? Anyways, the story is, though hard to follow, is almost like the Old sholay. Ajay Devgan playing Heero (Beeru, sholay) and Ajay, new kid on the block playing Ajay (Jay,sholay). Both \\\"bad yet funny\\\" friends help a cop capture a bad guy first. Later in the movie, now Retired cop hires them as personal security and safeguarding from the hands of a very most wanted Bubban played by Amitabh Bachan. In case you haven't been watching Bollywood movies, the Good guys win in the end. There I just saved you 3 precious hours of your life!\": {\"frequency\": 1, \"value\": \"This movie should ...\"}, \"Jeopardy is a tense, satisying thriller, a cut above a B but not really a major production. It qualifies as almost an experimental film, as the studio that produced it, Metro, was desperately looking for new kinds of films, stars and directors to compete with the then new medium of television. The director, John Sturges, was an up-and-comer whose best years lay ahead. He had just recently begun directing A level films, and had already proved himself a most capable craftsman. Stars Barbara Stanwyck, Barry Sullivan and Ralph Meeker, were at very different phases of their careers. Stanwyck's glory years were behind her, and yet she could still carry a film, as she proves here. Barry Sullivan, as her husband, was one of a dozen or so leading men who got started in films in the forties who never quite achieved the success many had hoped for him. He was a fine, low-key actor, poised, but in an upper middle rather than upper class way, which made him excellent in professional roles. As the escaped convict who is the only person around who can save Sullivan's life (he is trapped under a pier, and the tide is rising), Ralph Meeker is more energetic than usual. This excellent actor had the misfortune of having come to films after Brando and Clift. He was in his way as good an actor as either of them, but he lacked charisma. His bargaining with Stanwyck, which comes down to his demanding sex in exchange for saving her husband (by implication only, as this is 1953), makes for an intriguing premise which, had this been a different kind of film, could all raised all sorts of interesting questions about Stanwyck's character. Meeker is indeed a more exciting character than Sullivan; and in her scenes with him Stanwyck is livelier than she is with her husband and son. But as this is a formula picture, not a Strindberg play, the possibility that Stanwyck might want want to have a fling,--leaving aside the question of her husband's predicament,--remains unexplored. In this sense the incoming tide doesn't quite have the effect one might have wished, though the movie remains tense and highly entertaining thanks to excellent acting, fine location photography, nearly all of it outdoors, and excellent direction by the woefully underrated Mr. Sturges.\": {\"frequency\": 1, \"value\": \"Jeopardy is a ...\"}, \"I was not nearly as smitten with this as many other reviewers. Sure, it has a pair of lovely girls playing erotic, lesbian vampires. Marianne Morris and Anulka D. play these two lovely sirens with razor teeth that run up to cars on a road out of the way, hitch to their home(at dusk), and invite their prey...sex-starved men to their boudoir. What happens there...well, after they disrobe and kiss each other mostly, they kill their visitors. Director Jose Ramon Larraz does have some flashes of brilliance with his camera. Some scenes are quite eerie and effectively shot, but sex alone does not hold a film up(no pun intended...at least consciously). There really isn't much of a story here. We have the two girls. We are shown some inexplicable and unexplained beginning where we see them shot with pistol. Why? What does it mean\\\" Why do we have the guy that stays for several days greet a guy at the hotel that insists he knows him from years ago? Does that have a purpose? Of course I have even more general questions like what is a couple of nice-looking girls doing as vampires in the English countryside and having a wine cellar filled with wine from the Carpathians? Anyway, the script is riddled with such flaws. It is also very sparse on the action outside of catch victims, wine and dine them(quite literally), and then go to bed in the crypt. The end gets going with some juicier scenes, but it is anti-climatic. There are, as I said, some effective scenes by the director...I particularly liked the way the girls dressed and were filmed in the woods looking for their prey. The house is also a most impressive set. And both girls are as I said very lovely. Marianne Morris in particular stands out - in more ways than one. For you older film fans, silent screen veteran Bessie Love has a brief cameo at film's end.\": {\"frequency\": 1, \"value\": \"I was not nearly ...\"}, \"A family traveling for their daughter's softball league decide to take the 'scenic route' and end up in the middle of nowhere. The father is an avid photographer, and when he hears of an old abandoned side show in the town, he decides to take another detour to take some photographs.

Of course, the side show is filled with inbred freaks, who promptly kidnap the women and leave the young son and father to fend for themselves.

The only cool thing about this film is how the family actually fights back against their inbred captors. Other than that, there's nothing worthwhile about the film.\": {\"frequency\": 1, \"value\": \"A family traveling ...\"}, \"This woman who works as an intern for a photographer goes home and takes a bath where she discovers this hole in the ceiling. So she goes to find out that her neighbor above her is a photographer. This movie could have had a great plot but then the plot drains of any hope. The problem I had with this movie is that every ten seconds, someone is snorting heroin. If they took out the scenes where someone snorts heroin, then this would be a pretty good movie. Every time I thought that a scene was going somewhere, someone inhaled the white powder. It was really lame to have that much drug use in one movie. It pulled attention from the main plot and a great story about a photographer. The lesbian stuff didn't bother me. I was looking for a movie about art. I found a movie about drug use.\": {\"frequency\": 1, \"value\": \"This woman who ...\"}, \"This movie was so great! I am a teenager, and I and my friends all love the series, so it just goes to show that these movies draw attention to all age crowds. I recommend it to everyone. My favorite line in this movie is when Logan Bartholomew says: \\\"rosy cheeks\\\", when he is talking about his baby daughter. He is such a great actor, as well as Erin Cottrell. They pair up so well, and have such a great chemistry! I really hope that they can work again together. They are such attractive people, and are very good actors. I have finally found movies that are good to watch. Lately it has been hard for me to find movies that are good, and show good morals, and Christian values. But at the same time, these movies aren't cheesy.\": {\"frequency\": 1, \"value\": \"This movie was so ...\"}, \"Everyone is surely familiar with this most famous of stories \\ufffd\\ufffd a heartless businessman is visited by the ghost of his dead partner on Christmas Eve and warned that if he continues in his uncaring ways then he will be doomed to an afterlife in chains. So that he can avoid his partner's fate he is visited by three spirits who show him visions of Christmases past, present and yet to come, so that he will hopefully see the error of his ways before it is too late. A rather morbid tale one might think, but it is classic Charles Dickens, and also one of the most famous and popular Christmas stories of all time.

To me this is the definitive version of Dickens' timeless story; it's the one I always remember watching in school, and I remember being absolutely terrified by it! The ghost of Jacob Marley, the final scene with the ghost of Christmas present under the bridge, and the ghost of Christmas yet-to-come especially I found very frightening. How on earth did the film gain the 'U' certificate? (For non-UK readers 'U' is the lowest classification, it means family friendly and children welcome, nothing to scare them etc... This is certainly not the case though, as some smaller children will undoubtedly find the final segment positively terrifying with the grim reaper-like spectre of Christmas future.

Be that as it may, from the many versions of this classic story I have seen adapted for film, this is possibly the most faithful to the book. Most notably included is a segment rarely seen in film adaptations of the original text - that of the ghost of Christmas present showing Scrooge the two children hidden under his robe (you'd never get away with a scene like that nowadays!). The two children represent Ignorance and Need (although changed to Want in this film).

Criticisms for me however become apparent having watched it again with more objective and trained eyes, the main one of which being that George C. Scott's portrayal of Scrooge seems simply not cold enough. He laughs too much. I don't want to use the word jolly because of course Ebeneezer is anything but, but he does seem to be merely a grumpy old man, rather than the positively unkind, cold and uncaring man that he is in the book and other films. Patrick Stewart portrayed him excellently in one of the most recent versions filmed, and Michael Caine, despite acting alongside the Muppets, was positively cold. Further, the development of the character over the course of the film as he learns more about the error of his ways and grows towards redemption is unconvincing and appears inconsistent. He appears to have changed little by the time he reaches the third spirit's final lesson.

But ignoring this one (albeit major) quibble, it is still a spellbinding and ultimately heart-warming Christmas tale, as all Christmas films should be. London of course looks like the perfect picturesque quaint snow-covered English town that many Americans probably imagine it still is (the truth is that even then that London was grey and grimy \\ufffd\\ufffd and any snow would never have been so white!) And everyone is so impeccably dressed too, even the poor people look rather dapper. But of course it's a Christmas film, so why shouldn't everything look nice? Perfect holiday season viewing; coupled with copies of It's a Wonderful Life, Miracle on 34th Street and The Snowman and you've got everything you need.\": {\"frequency\": 1, \"value\": \"Everyone is surely ...\"}, \"John Water's (\\\"Pink Flamingos\\\"...) \\\"Pecker\\\" is the best movie I've seen in a while. It gives the viewer a surreal image of life in Baltimore (I live in nearby Washington, DC), with a Warhol-like use of color, exaggerated motions and emotions. Pecker becomes larger than his town can handle, and he is separated from his loved-ones (including a sexy Ricci) by his man-loving art manager. The picture left a refreshing taste in my mouth--kind of like a fresh strawberry ice cream on a hot summer day--and though this taste was rather flat and simplistic, it only made the whole thing more profound and critical. It is a celebration of life, liberty, and the right to bear arms...and everything else this country stands for. -Juan Pieczanski (jpieczanski@sidwell.edu)\": {\"frequency\": 1, \"value\": \"John Water's ...\"}, \"I get tired of my 4 and 5 year old daughters constantly being subjected to watch Nickelodeon, Disney and the like. It all seems to be the same old tired cartoons rehashed over and over again. When my daughters couldn't go to the fair this afternoon because one of them was sick, I wanted them to just relax and rest for a while. I flipped the TV on and in searching for something different, I flipped the channels. My finger stopped channel surfing the moment I heard Harvey's voice. I adore every single solitary thing this man has done and when I saw that he was doing voice-over work for a little duck ... well, I couldn't change the channel! My daughters were instantly mesmerized by the cartoon and the more we watched the show TOGETHER, the more I grew to love it along with the message that was being portrayed. It's not necessarily a proponent for \\\"gay rights\\\" but rather for anyone who has ever been ostracized as a child for ANYTHING. I had friends who were picked on for one thing or another .... too fat, too skinny, too feminine, being a bully, not being smart enough, only having one parent .... you name it! Kids, as a rule, can be very very cruel to one another so I was happy to see an entertaining cartoon that actually conveyed a LIFE MESSAGE to its audience. My girls already accept others as they are and don't pick on others for being different. My older daughter actually stands up for her friends if they're picked on (one happens to have a single Mom and that little girl is picked on quite often -- it warms my heart when Kassie stands up for her!).

So, those of you who are condemning this show because you feel that it's an advocate for \\\"gay rights\\\" or are being forced to \\\"accept certain views\\\", you clearly and completely missed the point of this poignant little cartoon.

And if you need it explained to you .... well, you need more help than any television show could ever offer.\": {\"frequency\": 1, \"value\": \"I get tired of my ...\"}, \"Like most people I love \\\"A Christmas Story\\\". I had never even heard of this film and perhaps for good reason--it is awful. Same locale, same narrator, same director but the warm fuzziness of the original was lacking. Charles Grodin was a poor choice to replace Darrin McGavin but I cannot imagine anyone being able to replace him. The story seems forced and lacks the sweetness of the original. The interaction with the neighbors, the Bumpuses, is ridiculous. In \\\"A Christmas Story\\\" Ralphie's obsession with the BB gun seems cute but his obsession in this movie is boring. Scud Farkus, the original neighborhood bully, is replaced in this film by yet another kid with braces and a weird hat but with little of the Scud Farkus menacing appeal. It would be pretty difficult to equal the original, even if this movie had been made with the original crew.\": {\"frequency\": 1, \"value\": \"Like most people I ...\"}, \"Despite being told from a British perspective this is the best WW II documentary ever produced. Presented in digestible (as digestible as war can be) episodes as the grave voice of Laurence Olivier connects the multitudes of eye witnesses who were forced to live the events of that horrific time. Eagerly awaiting its appearance on DVD in the U.S. The Europeans had their opportunity with a release in DVD earlier this year.\": {\"frequency\": 1, \"value\": \"Despite being told ...\"}, \"Tony Scott destroys anything that may have been interesting in Richard Kelly's clich\\ufffd\\ufffdd, patchy, overwrought screenplay. Domino Harvey (Kiera Knightley) was a model who dropped out and became a bounty hunter. This is her story... \\\"sort of\\\".

The problem with this rubbish is that there isn't much of a story at all and Scott's extreme graphic stylization of every shot acts as a distancing mechanism that makes us indifferent to everything in Harvey's chaotic life.

You just don't care about Harvey. Knightley plays her as an obnoxious, cynical brat who has done nothing to warrant our respect. She punches people she doesn't like and sheds her clothes and inhibitions when the situation calls for it, but she isn't the least bit real and Knightly isn't the least bit convincing, either.

The film is boring. It's loud, too, and shackled with one of the most annoying source music scores I've heard in a long time. The final twenty minutes are a poor re-run of Scott's \\\"True Romance\\\" climax with Domino's gang going to meet two sets of feuding bad guys who are -- surprise! surprise! -- destined to shoot it out with each other at the top of a Las Vegas casino.

Unfortunately, this potentially exciting conflagration is totally botched by Scott and becomes a confusing, pretentious, pointless exercise in celluloid masturbation. This is not an artistically brave or experimental piece; it is a failure on every level because it gives us no entry point to the lives and dilemmas of its characters.

Mickey Roarke looks good as a grizzled bounty hunter, but he disappears into the background as the \\\"narrative\\\" progresses. Chris Walken turns in another embarrassing cameo and Dabney Coleman, always solid, is underutilized.

Don't be fooled by this film's multi-layered, gimmick-ridden surface. It is still a turd no matter how hard you polish it.\": {\"frequency\": 1, \"value\": \"Tony Scott ...\"}, \"This film is pure Elvira and shows her at her breast... I mean best! The story (co-written by Cassandra Peterson, Elvira's alter ego) is inspiring and captivating and is brought to life by Elvira's wit and charm. The viewer gets an opportunity to see Elvira in a whole new light as she struggles with the prejudices of the people of Fallwell, Massachusetts (where she has travelled from Los Angeles in order to attend the reading of her Great Aunt Morganna's will) and at the same time tries to help the long-suffering teenagers who have been deprived of fun by the matriarchal Chastity Pariah and the rest of the town council. She also has to deal with her attraction to Bob Redding, the owner of the local cinema, and another woman (Patty) who has her eye on Bob as well but is not nearly as deserving of his love as Elvira. And, later in the movie, she also faces the complications of being descended from ''a major metaphysical celebrity'' and the charges of witchcraft brought against her which mean that she will be burnt at the stake. Elvira manages to be both sexy and vulnerable, streetwise and naive in this film, while cracking risque jokes and delivering off-beat lines with double meanings.

This movie is inspiring because it gives out the message of never giving up on yourself and always trying to follow your dreams. In the end Elvira's dreams finally come true, which is the best thing that could happen to this wonderfully unique and determined woman.

I've seen this movie countless times and I never ever get tired of it! There are no unnecessary scenes and I found myself captivated throughout the whole movie. A review will not do justice to the actual movie, so I can just tell you to PLEASE watch it because it is one of the best movies ever made! Meanwhile, I wish you ''unpleasant dreams!''\": {\"frequency\": 1, \"value\": \"This film is pure ...\"}, \"The Robin Cook novel \\\"Coma\\\" had already been turned into a pretty successful movie in 1978. A couple of years later it was the turn of another Robin Cook bestseller to get the big screen treatment , but in the case of \\\"Sphinx\\\" virtually everything that could go wrong does go wrong. This is a dreadful adventure flick consisting of wooden performances, stupid dialogue, unconvincing characters and leaden pacing. The only reason it escapes a 1-out-of-10 rating is that the Egyptian backdrop provides infinitely more fascination than the story itself. Hard to believe Franklin J. Schaffner (of \\\"Patton\\\" and \\\"Planet Of The Apes\\\") is the director behind this debacle.

Pretty Egyptologist Erica Baron (Lesley Anne-Down) is on a working vacation in Cairo when she stumbles across the shop of antiques dealer Abdu-Hamdi (John Gielgud). Hamdi befriends Erica and is impressed by her enthusiasm and knowledge. Consequently, he shows her a beautiful and incredibly rare statue of Pharoah Seti I that he is keeping secretly in his shop. The very existence of the statue arouses intense excitement in Erica, for it could provide vital clues in locating Seti I's long-lost tomb, a prize as great as the discovery of Tutankhamun's tomb in 1922. Before Hamdi can tell Erica any more he is brutally murdered in his shop, with Erica watching in silent terror as he meets his grisly end. Afraid yet tantalised by what she has seen, Erica attempts to track down the treasure. She finds herself helped and hindered in her quest by various other parties, none of whom are truly trustworthy. For one there is Yvon (Maurice Ronet), seemingly a friend but perhaps a man with sinister ulterior motives? Then there is Akmed Khazzan (Frank Langella), an Egyptian for whom Erica feels a certain attraction but who may also be hiding dangerous secrets from her.

The biggest problems with \\\"Sphinx\\\" generally result from its total disregard for plausibility. Down couldn't be less convincing as a female Egyptologist \\ufffd\\ufffd one assumes she would be quite well-educated and resourceful, yet she spends the entire film screaming helplessly like some busty bimbo from a teen slasher flick. On those rare occasions that she actually isn't running from a potential villain, she does other brainless things such as taking Polaroid flash photos in a 4,000 year old tomb! The plot twists are heavy-handed to say the least, mainly comprising of revelations and double-crosses that can be predicted well in advance. One can't even try to enjoy the film on the level of dumb but entertaining action fare, because the pacing is awfully sluggish. What little action can be found is separated by long stretches of tedium. A famous review of the movie declared: \\\"Sphinx stinks!\\\" Never before has a 2-hour film been so aptly summed up in 2 words.\": {\"frequency\": 1, \"value\": \"The Robin Cook ...\"}, \"Set in a post-apocalyptic environment, cyborgs led by warlord Job rein over the human population. They basically keep them as livestock, as they need fresh human blood to live off. Nea and her brother managed to survive one of their attacks when she was a kid, and years have past when she came face-to-face with the cyborgs again, but this time she's saved by the cyborg Gabriel, who was created to destroy all cyborgs. Job and his men are on their way to capture a largely populated city, while Nea (with revenge on mind) pleads Gabriel to train her in the way of killing cyborgs and she'll get him to Gabriel.

Cheap low-rent cyborg / post-apocalyptic foray by writer / director Albert Pyun (who made \\\"Cyborg\\\" prior to it and the blistering \\\"Nemsis\\\" the same year) is reasonably a misguided hunk of junk with some interesting novelties. Very little structure makes its way into the threadbare story, as the turgid script is weak, corny and overstated. The leaden banter tries to be witty, but it pretty much stinks and comes across being comical in the unintentional moments. Most of the occurring actions are pretty senseless and routine. The material could've used another polish up, as it was an inspired idea swallowed up by lazy inclusions, lack of a narrative and an almost jokey tone. The open-ended, cliffhanger conclusion is just too abrupt, especially since a sequel has yet to be made. Makes it feel like that that run out of money, and said \\\"Time to pack up. Let's finish it off another day (or maybe in another decade). There's no rush.\\\" However it did find it rather diverting, thanks largely to its quick pace, some well-executed combat and George Mooradian's gliding cinematography that beautifully captured the visually arresting backdrop. Performances are fair. Kris Kristofferson's dry and steely persona works perfectly as Gabriel and a self-assured, psychically capable Kathy Long pulls off the stunts expertly and with aggression. However her acting is too wooden. A mugging Lance Henriksen gives a mouth-watering performance of pure ham, as the villainous cyborg leader Job who constantly having a saliva meltdown. Scott Paulin also drums up plenty of gleefulness as one of the cyborgs and Gary Daniels pouts about as one too. Pyun strikes up few exciting martial art set pieces, involving some flashy vigour and gratuitous slow-motion. Seeping into the background is a scorching, but mechanical sounding music score. The special effects and make-up FX stand up fine enough. Watchable, but not quite a success and it's minimal limitations can be a cause of that.\": {\"frequency\": 1, \"value\": \"Set in a post- ...\"}, \"Though derivative, \\\"Labyrinth\\\" still stands as the highlight of the mid-half of the six-year-old show. Finally a story allows Welling to show how he has grown as an actor. It's not easy playing a character that is the embodiment of \\\"truth, justice, and the American way\\\" on a weekly basis with very little variation. His performance, permitting him to show how one might react if he/she discovers that all that he knew may be a lie, was quite believable.

Welling rose to the occasion marvelously.

As always, Michael Rosenbaum, as the \\\"handicapped\\\" Lex, delivered, as did Kristen Kreuk as a too-sweet-to-be-believed Lana. Allison Mack, the ever-present Chloe, also scored as a slightly \\\"off-her-rocker\\\" version.

The use of an annoying hum in the background added to the tone of the installment and made for an engaging drama.\": {\"frequency\": 1, \"value\": \"Though derivative, ...\"}, \"Yes, it's flawed - especially if you're into Hollywood films that demand a lot of effects, a purely entertaining or fantasy story or plot, and you can't actually think for yourself.

Roeg's films are for the intelligent film-goer, and Insignificance is a perfect example.

The characterizations are brilliant, the story is excellent, but, like all Nic Roeg's films - it has you thinking on every level about aspects of reality that would never have dawned on you before. His films always make you think, and personally, I like that in a film.

So don't expect to come away from watching this film and feeling all happy-happy, because it's likely you'll be disappointed.

But I think it's excellent.\": {\"frequency\": 1, \"value\": \"Yes, it's flawed - ...\"}, \"This movie wants to elaborate that criminals are a product of modern society. Therefore, can thieves, rapists and murderers (the Killer of this movie, Carl Panzram (James Woods), is all three and worse) be held fully accountable for their deeds? An interesting notion, but very difficult to bring to the screen in an intellectually and emotionally satisfying way. And this is where Killer: A Journal of Murder falls very short. Although the film tries to put Panzram's behaviour into perspective, with flashbacks to his violent youth and dysfunctional upbringing, the viewer never gets the idea that Panzram is a victim rather than a culprit. Sure, the system is corrupt, with one mobster occupying the whole sick bay of Leavenworth Prison (where most of the movie takes place), most prison guards are sadistic bullies, and the prison director something like a megalomaniacal despot. But why on earth does new prison guard Henry Lesser (Robert Sean Leonard) take such pity on Panzram? Even after having read his gruesome diaries? The movie offers some explanation: Lesser witnesses Panzram being beaten to a pulp by the most sadistic (and stereotypical) guard, and is impressed by Panzram's intelligence (though it isn't clear why exactly Lesser thinks this man is so smart). Surely this isn't enough to sympathize with a hostile man like Panzram, even though this movie tends to downplay his crimes and highlight his personality? Towards Lesser, Panzram is quite loyal, and the viewer is given the impression that for Lesser this outweighs all of the atrocities he has read about in Panzram's diaries. Does this man Lesser have so little friends that he takes at face value everyone who seems only remotely friendly to him? Perhaps it is Lesser who is a product of modern society, judging on appearance rather than substance.

I can advise Monster, starring Charlize Theron and Christina Ricci, as a movie which handles roughly the same themes with far more integrity and scope.

BTW: Killer looks as though shot for TV (not so good)\": {\"frequency\": 1, \"value\": \"This movie wants ...\"}, \"Wrestlemania 14 is not often looked as one of the great Wrestlemania's but I would personally put it, in my top 5, if not the top 3. It has so many great things, and it truly signified the birth of The Attitude Era, which was WWE's best era, in my opinion. HBK has the heart of a lion, and him putting over Austin like he did, on his way out, was pure class on his part. It has one of the hottest crowds you will ever see, and it has J.R and The King at their announcing best!.

Matches.

15 \\ufffd\\ufffd team battle royal LOUD pop for L.O.D's return. I'm not a fan of battle royal's, and this is yet another average one. Very predictable, even when you 1st see it, it's obvious L.O.D would win. Looking at Sunny for 8 or so minutes though, definitely helps.

2/5

WWF Light Heavyweight Championship

Taka Michinoku|C| Vs Aguila.

Taka gets a surprising pop, with his entrance. Fast, high-flying, and very exciting. If these two had more time, they would have surely tore the roof off, with their stuff. Taka wins with the Michinoku driver.

3 1/2 /5

WWF European Championship.

Triple H|C| Vs Owen Hart Stipulation here, is Chyna is handcuffed to Slaughter. Nice pop for Owen, mixed reaction for Trips. A really, really underrated match, that ranks among one of my favorites for Wrestlemania, actually. The two mixed together very well, and Owen can go with anybody. Trips wins, with Chyna interference.

4/5

Mixed Tag match. Marc Mero&Sable Vs Goldust&Luna. Defining pop for Sable, unheard of that time, for woman. Sable actually looks hot, and the crowd is just eating her up!. Constant Sable chants, and them erupting almost every time she gets in the ring. Not bad for a Mixed tag match, it had entertaining antics, and passed the time well. Sable's team wins, when Sable hits the TKO.

2 1/2 /5

WWF Intercontinental Championship. Ken Shamrock Vs The Rock|C|. Before I review the match, I'd like to note The Rock showed off his immense potential, with his interview with Jennifer Flowers, before his match. Nice pop for Shamrock, big time heat for The Rock. Too disappointingly short, and I thought the ending was kinda stupid, though Shamrock's snapping antics were awesome to see, and the crowd went nuts for it. Rock keeps the title, when The Ref reverses the decision.

2/5

Dumpster match, for The WWF Tag Team Championship

Catcus Jack&Terry Funk Vs The New Age Outlaws. The Outlaws are not as over, as they were gonna be at this time. Crowd is actually somewhat dead for this, but I thought it had some great Hardcore bits, with some sick looking bumps. Cactus and Terry win the titles in the end.

3/5

The Undertaker vs Kane. Big time ovation, for The Undertaker. Much better than there outing at Wrestlemania 20, and for a big man vs big man match, this was really good. It was a great all out brawl, with The Undertaker taking a sick looking bump, through the table. WWE was smart, by making Kane looking strong, even through defeat. After 2 tombstone kick out's, Taker finally puts him away, with a 3rd one.

3 1/2 /5

WWF Championship.

Special Guest Enforcer \\\"Mike Tyson\\\"

HBK|C| Vs Steve Austin. Big heat for Tyson. Crowd goes ape sh*t for Austin, definitely one of the biggest pops I have heard. Mixed reaction, for HBK. This is truly a special match up, one of the greatest wrestlemania main events in history, you can tell when J.R is even out of breath. HBK gives it his all, in what was supposed to be his last match, and Austin has rarely been better. The animosity and electricity from the crowd is amazing, and it's as exciting as it gets. Austin wins with the stunner, with Tyson joining 3:16 by knocking out Michaels. Austin's celebratory victory, is a wonder to behold, with one of the nosiest crowd's you will ever see, King said it right, they were going nuts.

5/5

Bottom line. Wrestlemania 14 is one of the greatest for real. It has everything you want in a Wrestlemania, and truly kick started the Attitude Era. This is very special to me, because it was the 1st Wrestlemania I ever saw, back in 98. \\\"The Austin Era, has begun!\\\"

9 1/2 /10\": {\"frequency\": 1, \"value\": \"Wrestlemania 14 is ...\"}, \"fulci experiments with sci fi and fails. usually in his non horror films we still get sum great gore, but not here. Sum very funny scenes like when the prisinors are forced to hold onto a bar for 12 minutes and if they drop they are electecuted. the guy falls and and has some kind of fit on the floor for about two minutes until his friends who were struggling to hold on anyway lift him off the floor. The city is an obvious model but not a bad one. and the end explosion is at best laughable. And dont get me started on the terrible battle scenes.

4/10\": {\"frequency\": 1, \"value\": \"fulci experiments ...\"}, \"Not being familiar with US television stations, when I flicked onto this on my in-laws' cable, first I thought it was just a low-budget sci-fi film, then after a couple of minutes I started thinking it might be a clever satire on the worst excesses of Christian fundamentalist, and then it dawned on me - good grief, these people are serious! It's been a while since I saw anything so unintentionally hilarious. I hesitated about writing a review of this for fear of offending believers, but then I saw other reviews and thought, hey, they can take it. Tough philosophical conundrum: how do you make a movie criticizing movies without actually showing what it is you're criticizing? Answer: make it in such a way that the only people who'll appreciate it are people who hate the kind of movies you're criticizing. I suppose some liberals (ugh! spit when you say that!) might be offended at the filmmakers' contempt for those in the audience who aren't obsessed with the J**** C***** myth, but I didn't mind - it was so darn funny!\": {\"frequency\": 1, \"value\": \"Not being familiar ...\"}, \"I've read comments that you shouldn't watch this film if you're looking for stirring Shakespearian dialogue. This is true, unfortunately, because all the stirring dialogue, this wonderful play contains, has been cut, and replaced with songs. I've read this play, and recently was lucky enough to see it performed, at it remains one of my favourite Shakespearian Comedies, but this movie seems to take all that I like about it away. The Princess, though no doubt doing what she was directed to do, had no regal bearing, and all the girls seemed to lose the cleverness of their characters - also affected by unwise cuts, which not only took away the female characters already sparse dialogue, but took comments out of context - it was a little unnerving to hear the Princess proclaim; \\\"We are wise girls to mock our lovers so!\\\", when mocking had not taken place at all. The news reels throughout the film also disrupted the flow, and took away many excellent scenes, as they showed the information in the scenes after them, and were in modern phrasing. In conclusion, an excellent play, ruined by an odd concept, and unwise cuts. Kenneth, I usually love what you do. What were you thinking?\": {\"frequency\": 1, \"value\": \"I've read comments ...\"}, \"Good sequel to Murder in a Small Town. In this one Cash and his police Lt. buddy unravel a sticky plot involving a Nazi criminal, a philanthropic witch, and a family of screw-ups and their wierdo helpers. As in the original, the viewer is treated to a nice little mystery with distinctive sights and sounds of pre-war America. Go see it.\": {\"frequency\": 1, \"value\": \"Good sequel to ...\"}, \"Like other people who commented on \\\"Fr\\ufffd\\ufffdulein Doktor\\\" I stumbled by chance upon this little gem on late-night TV without having heard of it before. The strange mixture of a pulp fiction story about a sexy but unscrupulous anti-heroine on the one hand and a realistic and well-researched portrayal of war in the trenches on the other hand had me hooked from the beginning.

To me this is one of the five best movies about WWI (the others are \\\"All Quiet On The Western Front\\\", \\\"Paths Of Glory\\\", \\\"Gallipoli\\\" and the post-war \\\"La vie et rien d'autre\\\"). And the scene with the poison gas attack is really chilling; the horses and men appear like riders of the apocalypse with their gas masks.

I only wish I had taped the film.\": {\"frequency\": 1, \"value\": \"Like other people ...\"}, \"Mitchell Leisen's fifth feature as director, and he shows his versatility by directing a musical, after his previous movies were heavy dramas. He also plays a cameo as the conductor.

You can tell it is a pre code movie, and nothing like it was made in the US for quite a while afterwards (like 30+ years). Leisen shot the musical numbers so they were like what the audience would see - no widescreen shots or from above ala Busby Berkeley. What I do find funny or interesting is that you never actually see the audience.

As others have mentioned the leads are fairly characterless, and Jack Oakie and Victor McLaghlan play their normal movie personas. Gertrude Michael however provides a bit of spark.

The musical numbers are interesting and some good (the Rape of the Rhapsody in particular is amusing) but the drama unconvincing and faked - three murders is too many and have minimal emotional impact on the characters. This is where this movie could have been a lot better.\": {\"frequency\": 1, \"value\": \"Mitchell Leisen's ...\"}, \"This inept adaptation of arguably one of Martin Amis's weaker novels fails to even draw comparisons with other druggy oeuvres such as Requiem For A Dream or anything penned by Irvine Walsh as it struggles to decide whether it is a slap-stick cartoon or a hyper-realistic hallucination.

Boringly directed by William Marsh in over-saturated hues, a group of public school drop-outs converge in a mansion awaiting the appearance of three American friends for a weekend of decadent drug-taking. And that's it. Except for the ludicrous sub-plot soon-to-be-the-main-plot nonsense about an extremist cult group who express themselves with the violent killings of the world's elite figures, be it political or pampered. Within the first reel you know exactly where this is going.

What is a talented actor like Paul Bettany doing in this tiresome, badly written bore? Made prior to his rise to fame and Jennifer Connelly one can be assured that had he been offered this garbage now he'd have immediately changed agents! Avoid.\": {\"frequency\": 1, \"value\": \"This inept ...\"}, \"Does anyone know, where I can see or download the \\\"What I like about you\\\" season 4 episodes in the internet? Because I would die to see them and here in Germany there won't be shown on TV. Please help me. I wanna see the season 4 episodes badly. I already have seen episode 4 and episode 18 on YouTube. But I couldn't find more episodes of season 4. Is there maybe a website where I can see the episodes? Because I've read some comments in forums from Germany and there were people which had already seen the season 4 episodes even though they haven't been shown at TV in Germany. I am happy about every information I can get. Thanks Kate\": {\"frequency\": 1, \"value\": \"Does anyone know, ...\"}, \"As a member of the cast, I was a member of the band at all the basketball games, I would like to let the world know after being in the movie, that we were not allowed to see it since it was banned in Oregon. This was due to the producers and the director breaking the contract with the University of Oregon where it was shot. Seems that the U of O sign was shown. While we were shooting, we were allowed to eat several meals with the cast and production staff. Mr Nicholson was quite memorable for being one of the most ill-mannered men I have ever met. Quite a time for a young 20 year old. BUt certainly not what campus life was really like in the late 60's and early 70's despite what Hollywood may think. Trombone player from Oregon\": {\"frequency\": 1, \"value\": \"As a member of the ...\"}, \"I didn't expect Val Kilmer to make a convincing John Holmes, but I found myself forgetting that it wasn't the porn legend himself. In fact, the entire cast turned in amazing performances in this vastly under-rated movie.

As some have mentioned earlier, seek out the two-disc set and watch the \\\"Wadd\\\" documentary first; it will give you a lot of background on the story which will be helpful in appreciating the movie.

Some people seem unhappy about the LAPD crime scene video being included on the DVD. There are a number of reasons that it might have been included, one of which is that John Holmes' trial for the murders was the first ever in the United States where such footage was used by the prosecution. If you don't want to see it, it's easy to avoid; it's clearly identified as \\\"LAPD Crime Scene Footage\\\" on the menu!\": {\"frequency\": 1, \"value\": \"I didn't expect ...\"}, \"I got this DVD from a friend, who got it from someone else (and that probably keeps going on..) Even the cover of the DVD looks cheap, as is the entire movie. Gunshots and fist fights with delayed sound effects, some of the worst actors I\\ufffd\\ufffdve seen in my life, a very simple plot, it made me laugh \\ufffd\\ufffdtill my stomach hurt! With very few financial resources, I must admit it looked pretty professional. Seen as a movie, it was one of the 13 in a dozen wannabe gangsta flicks nobody\\ufffd\\ufffds waiting for. So: if you\\ufffd\\ufffdre tired and want a cheap laugh, see this movie. If not, throw it out of the window.\": {\"frequency\": 1, \"value\": \"I got this DVD ...\"}, \"I really like this show. That is why I was disappointed to learn recently that George Lopez is a racist, and that he fired Masiela Lusha off the show, simply because he discovered that she wasn't a Latino emigrant, but was an emigrant from Albania. I learned this from people on the show. She was really one of the better parts of the show, and thus, to learn that even among those who you would think would be sensitive to racism, that they can also hate someone, just because of the country where they were born, is really disappointing. I really like this show. That is why I was disappointed to learn recently that George Lopez is a racist, and that he fired Masiela Lusha off the show, simply because he discovered that she wasn't a Latino emigrant, but was an emigrant from Albania. I learned this from people on the show. She was really one of the better parts of the show, and thus, to learn that even among those who you would think would be sensitive to racism, that they can also hate someone, just because of the country where they were born, is really disappointing.\": {\"frequency\": 1, \"value\": \"I really like this ...\"}, \"After seeing all the Jesse James, Quantrill, jayhawkers,etc films in the fifties, it is quite a thrill to see this film with a new perspective by director Ang Lee. The scene of the attack of Lawrence, Kansas is awesome. The romantic relationship between Jewel and Toby Mcguire turns out to be one of the best parts and Jonathan Rhys-Meyers is outstanding as the bad guy. All the time this film makes you feel the horror of war, and the desperate situation of the main characters who do not know if they are going to survive the next hours. Definitely worth seeing.\": {\"frequency\": 1, \"value\": \"After seeing all ...\"}, \"When I first saw this movie, the first thing I thought was this movie was more like an anime than a movie. The reason is because it involves vampires doing incredible stunts. The stunts are very much like the Matrix moves like the moving too fast for bullets kinda thing and the jumping around very far. Another reason why I the movie is good is because the adorable anime faces they do during the movie. The way Gackt does his pouting faces or just the way they act, VERY ANIME. I think that it's a really good movie to watch. ^_^ The action in this movie is a 10 (not to mention Gackt and Hyde too are a 10). ^_~ If you are Gackt and Hyde fans, you have to see it.\": {\"frequency\": 1, \"value\": \"When I first saw ...\"}, \"Like most comments I saw this film under the name of The Witching which is the reissue title. Apparently Necromancy which is the original is better but I doubt it.

Most scenes of the witching still include most necromancy scenes and these are still bad. In many ways I think the added nudity of the witching at least added some entertainment value! But don't be fooled -there's only 3 scenes with nudity and it's of the people standing around variety. No diabolique rumpy pumpy involved!

This movie is so inherently awful it's difficult to know what to criticise first. The dialogue is awful and straight out of the Troma locker. At least Troma is tongue in cheek though. This is straight-faced boredom personified. The acting is variable with Pamela Franklin (Flora the possessed kid in The Innocents would you believe!) the worst with her high-pitched screechy voice. Welles seems merely waiting for his pay cheque. The other female lead has a creepy face so I don't know why Pamela thought she could trust her in the film! And the doctor is pretty bad too. He also looks worringly like Gene Wilder.

It is ineptly filmed with scenes changing for no reason and editing is choppy. This is because the witching is a copy and paste job and not a subtle one at that. Only the lighting is OK. The sound is also dreadful and it's difficult to hear with the appalling new soundtrack which never shuts up. The 'ghost' mother is also equally rubbish but the actress is so hilariously bad at acting that at least it provides some unintentional laughs.

Really this film (the witching at least) is only for the unwary. It can't have many sane fans as it's pretty unwatchable and I actually found it mind-numbingly dull!

The best bit was when the credits rolled - enough said so simply better to this poor excuse for a movie LIKE THE PLAGUE!\": {\"frequency\": 1, \"value\": \"Like most comments ...\"}, \"This is an absolutely charming film, one of my favourite romantic comedies. It's extremely humorous and the cast is wonderful. Though Laurence Olivier is mostly associated with his Shakespearean work he shows in this film that he is by no means restricted to play only classical theatre. He manages the transition from the cynical divorce solicitor, who tries to avoid women and their traitorous ways, to the lovesick puppy that falls for Lady X played by Merle Oberon effortlessly. The dialogue is wonderfully witty and refreshing and the atmosphere enchanting. Ralph Richardson was a delight to watch as well. I highly recommend it.\": {\"frequency\": 1, \"value\": \"This is an ...\"}, \"Young Mr. Lincoln marks the first film of the director/star collaboration of John Ford and Henry Fonda. I recall years ago Fonda telling that as a young actor he was understandably nervous about playing Abraham Lincoln and scared he wouldn't live up to the challenge.

John Ford before the shooting starts put him at ease by saying he wasn't going to be playing the Great Emancipator, but just a jack-leg prairie lawyer. That being settled Fonda headed a cast that John Ford directed into a classic film.

This is not a biographical film of Lincoln. That had come before in the sound era with Walter Huston and a year after Young Mr. Lincoln, Raymond Massey did the Pulitzer Prize winning play by Robert Sherwood Abe Lincoln in Illinois. Massey still remains the definitive Lincoln.

But as Ford said, Fonda wasn't playing the Great Emancipator just a small town lawyer in Illinois. The film encompasses about 10 years of Lincoln's early life. We see him clerking in a general store, getting some law books from an immigrant pioneer family whose path he would cross again later in the story. And his romance with Ann Rutledge with her early death leaving Lincoln a most melancholy being.

Fast forward about 10 years and Lincoln is now a practicing attorney beginning to get some notice. He's served a couple of terms in the legislature, but he's back in private practice not really sure if politics is for him.

This is where the bulk of the action takes place. The two sons of that family he'd gotten the law books from way back when are accused of murder. He offers to defend them. And not an ordinary murder but one of a deputy sheriff.

The trial itself is fiction, but the gambit used in the defense of Richard Cromwell and Eddie Quillan who played the two sons is based on a real case Lincoln defended. I'll say no more.

Other than the performances, the great strength of Young Mr. Lincoln is the way John Ford captures the mood and atmosphere and setting of a small Illinois prairie town in a Fourth of July celebration. It's almost like you're watching a newsreel. And it was the mood of the country itself, young, vibrant and growing.

Fans of John Ford films will recognize two musical themes here that were repeated in later films. During the romantic interlude at the beginning with Fonda and Pauline Moore who played Ann Rutledge the music in the background is the same theme used in The Man Who Shot Liberty Valance for Vera Miles. And at a dance, the tune Lovely Susan Brown that Fonda and Marjorie Weaver who plays Mary Todd is the same one Fonda danced with Cathy Downs to, in My Darling Clementine at the dance for the raising of a church in Tombstone.

Lincoln will forever be a favorite subject of biographers and dramatists because of two reasons, I believe. The first is he's the living embodiment of our own American mythology about people rising from the very bottom to the pinnacle of power through their own efforts. In fact Young Mr. Lincoln very graphically shows the background Lincoln came from. And secondly the fact that he was our president during the greatest crisis in American history and that he made a singularly good and moral decision to free slaves during the Civil War, albeit for some necessary political reasons. His assassination assured his place in history.

Besides Fonda and others I've mentioned special praise should also go to Fred Kohler, Jr. and Ward Bond, the two town louts, Kohler being the murder victim and Bond the chief accuser. Also Donald Meek as the prosecuting attorney and Alice Brady in what turned out to be her last film as the pioneer mother of Cromwell and Quillan. And a very nice performance by Spencer Charters who specialized in rustic characters as the judge.

For a film that captures the drama and romance of the time it's set in, you can't do better than Young Mr. Lincoln.\": {\"frequency\": 1, \"value\": \"Young Mr. Lincoln ...\"}, \"This movie was absolutely ghastly! I cannot fathom how this movie made it to production. Nothing against the cast of the movie, of course, this is all the fault of the writing team. You take the old average plot - let's dance our way out of being poor and destitute - or STEP in this case. But this one lacks any semblance of a true plot - or at least one that anyone would care about. With Canadian speaking actors in what is supposed to be an American setting - this film falls very flat. On a positive note, the directing was pretty good and cinematography was pretty decent as well. Looks like the production budget was very generous as well. My only request is that this team leave the writing alone and go find actual screenwriters to help them bring words alive on film. Net result - How she move is How she sucks.\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"Don't really know where to start with one of the worst films I have had the displeasure to watch in a very long time. From the setting which was quite obviously and very clear to anyone who has visited London for even 1 day will agree...was not London. To the much unexplained way how Snipe's character managed to escape the country back to the US without a single problem. Then he convinces the girl and grandmother to visit him in America, how on earth did Grandma agree to that...he's an assassin! Well that's the ending how about during the film, well unfortunately that didn't fare much better. We have British cops driving an amazing range of cars, I'm sure it was an eighties Vauxhall Belmont which chased the taxi after the assignation, but a modern Subaru Imprezza escorting the prison van in a few scenes prior. SO19 or whoever the gun toting arm of the Met they were trying to portray was happily running around the streets with their guns out chasing after Snipe's along with the CIA. There were children walking around, but the police were still stating they had a clear shot to shoot him, does this happen in London? No it doesn't, I live there. We also have the very implausible travel from central London to the airport (let's say Heathrow for arguments sake) within 5 minutes of receiving a call. We also have terrible American accents, a young girl who's posher than the Queen, but lives in Elephant & Castle. What does it say for British police when helicopters and a number of officers at Snipe's location can't find Snipe's and he manages to evade capture by hiding behind some stairs? The train station was obviously not even on UK soil and the fight scene sound effects were terrible. The plot was also extremely poor, boring and been written and filmed a lot better a thousand times before. But there were a few notable actors cast in this film, what were they thinking and please don't let that sway you to watch this film! This film didn't seem to know what it wanted to be, if you are going to concentrate on the dramatic aspects from the aftermath of an assignation then you need a strong rigid plot with plausible scenery and setting, this is something the viewer has time to take in and appreciate and if you do it wrong then you notice it. If you want an all out action film (which this is not) then continuity and scenery can be put to the side.\": {\"frequency\": 1, \"value\": \"Don't really know ...\"}, \"I saw this series when I was a kid and loved the detail it went into and never forgot it. I finally purchased the DVD collection and its just how I remembered. This is just how a doco should be, unbiased and factual. The film footage is unbelievable and the interviews are fantastic. The only other series that I have found equal to this is 'Die Deutschen Panzer'.

I only wish Hollywood would sit down and watch this series, then they might make some great war movies.

Note. Band of Brothers, Saving Private Ryan, Letters from Iwo Jima, Flags of Our Fathers and When Trumpets Fade are some I'd recommend\": {\"frequency\": 1, \"value\": \"I saw this series ...\"}, \"There are some Stallone movies I like, but this movie didn't meet my low expectations. I found this movie hard to believe. For example, a bunch of terrorists who crash land in the wilderness are prepared to survive for at least two days. Also, in all this wilderness Stallone and company keep running across bridges and ladders that provide convenient short-cuts or plot devices. Also, the Treasury cops don't seem to coordinate anything with the local rescue people. Also, bad guys who couldn't hit the side of a barn with really high-tech looking automatic weapons.

I liked John Lithgow's villain initially, but the character is such a complete psychopath that he doesn't care at all about any of his own bad guys, or all of them getting killed. Eventually I just couldn't believe the character anymore.

Not worth the price of a rental, not even worth taking the time to watch.\": {\"frequency\": 1, \"value\": \"There are some ...\"}, \"This really should have been a one star, but there was so many, clich\\ufffd\\ufffds, predictable twists, seen it all before slasher flick parallels that I actually give it an extra star for the fact it made me laugh...although this was never the directors intention Im sure.

I don't often write comments about films, they have to be either sensational, or in this ones case really bad.

To be honest, as soon as I saw Jeff Fahey in it I knew it was going to be poor as he has a unique nose for picking out the worst films.

Somehow the farce of it all made me watch it all the way through, possibly for the hilarious voice of MR T, (not relay Mr T, but you'll know what I mean if you bother to watch this), if you do watch it, make sure you don't pay to see it. This may have worked had they actually put intended comedy into it, but Im sure you'll find the odd laugh here and there at the farce of it all...\": {\"frequency\": 1, \"value\": \"This really should ...\"}, \"Maria Braun is an extraordinary woman presented fully and very credibly, despite being so obtuse as to border on implausibility. She will do everything to make her marriage work, including shameless opportunism and sexual manipulation. And thus beneath the vicey exterior, she reveals a rather sweet value system. The film suffers from an abrupt and unexpected ending which afterwards feels wholly inadequate, with the convenience familiar from ending your school creative writing exercise with 'and then I woke up'. It is also book-ended at the other end with the most eccentric title sequence I've ever seen, but don't let any of that put you off.\": {\"frequency\": 1, \"value\": \"Maria Braun is an ...\"}, \"Thank G_d it bombed, or we might get treated to such delights as \\\"Skate Fu\\\" where we can see the likes of Brian Boitano performing a triple lutz & slashing bad guys to ribbons with his razor-sharp skates, but I digress. One thing that could have helped this turkey would have been a little T & A from Ms. Agbayani. It's not like the world would have seen anything new (at least that part of the world who saw her Playboy spread.) I truly believe that porn would have suited her 'talents' much better, although Aubrey Hepburn couldn't have stayed afloat in this sewer. One explanation for Kurt Thomas' presence could be a traumatic brain injury, possibly from coming up short too often on dismounts. It's a good thing the IOC wasn't as diligent on 'doping' as they are now, or Kurt would surely have been stripped of his medals. To be avoided at all costs.\": {\"frequency\": 1, \"value\": \"Thank G_d it ...\"}, \"The main problem with the documentary \\\"Czech Dream\\\" is that isn't really saying what it thinks it's saying.

In an audacious - I hesitate to use the word \\\"inspired\\\" - act of street theater, Vit Klusak and Filip Remunda, two student filmmakers from the Czech Republic, pulled off a major corporate hoax to serve as the basis for their movie: they deliberately fabricated a phony \\\"hypermarket\\\" (the Eastern European equivalent of Costco or Wal Mart Super Store), built an entire ad campaign around it - replete with billboards, radio and TV spots, an official logo, a catchy theme song and photos of fake merchandise - and then waited around to see just how many \\\"dopes\\\" would show up to their creation on opening day. They even built a makeshift fa\\ufffd\\ufffdade to convince people that the store itself actually existed.

One might well ask, \\\"Why do such a thing?\\\" Well, that's a very good question, but the answer the filmmakers provide isn't all that satisfying a one. Essentially, we're told that the purpose of the stunt was to show how easily people can be manipulated into believing something - even something that's not true - simply through the power of advertising. And the movie makers run for moral cover by claiming that the \\\"real\\\" (i.e. higher) purpose for the charade is to convince the Czech people not to fall for all the advertisements encouraging them to join the European Union. Fair enough - especially when one considers that the actual advertisers who agree to go along with the stunt declaim against the unethical nature of lying to customers, all the while justifying their collaboration in the deception by claiming it to be a form of \\\"research\\\" into what does and does not work in advertising. In a way, by allowing themselves to be caught on camera making these comments, these ad men and women are as much dupes of the filmmakers as the poor unsuspecting people who are the primary target of the ruse.

But, in many ways, the satirical arrow not only does not hit its intended target, it ironically zeroes right back around on the very filmmakers who launched it. For it is THEY THEMSELVES and NOT the good-hearted and naturally trusting people who ultimately come off as the unethical and classless ones here, as they proceed to make fools out of perfectly decent people, some of them old and handicapped and forced to travel long distances on foot to get to the spot. And what is all this supposed to prove anyway? That people are \\\"greedy\\\" because they go to the opening of a new supermarket looking for bargains? Or that they're stupid and gullible because they don't suspect that there might not be an actual market even though one has been advertised? Such vigilance would require a level of cynicism that would make it virtually impossible to function in the real world.

No, I'm afraid this smart-alecky, nasty little \\\"stunt\\\" only proves what complete and utter jerks the filmmakers are for making some really nice people feel like idiots. And, indeed many of them, when they finally discover the trick that's been played on them, react with a graciousness and good humor I'm not sure I would be able to muster were I to find myself in their position.

I'm not saying that the movie isn't gripping - something akin to witnessing a massive traffic accident in action - but, when the dust has finally settled and all the disappointed customers return red-faced and empty-handed to their homes, we can safely declare that they are not the ones who should be feeling ashamed.\": {\"frequency\": 1, \"value\": \"The main problem ...\"}, \"Well then, what is it?! I found Nicholson's character shallow and most unfortunately uninteresting. Angelica Huston's character drained my power. And Kathleen Turner is a filthy no good slut. It's not that I \\\"don't get it\\\". It's not that I don't think that some of the ideas could've lead to something more. This is a film with nothing but the notion that we're supposed to accept these ideas, and that's what the movie has going for it. That Nicholson falls for Turner is absurd, but then again, it is intended to be so. This however does not strike me as a.)funny, or b.)...even remotely interesting!!! This was a waste of my time, so don't let the hype get the best of you...it is a waste of your time! With all that being said, the opening church sequence is quite beautiful...\": {\"frequency\": 1, \"value\": \"Well then, what is ...\"}, \"Every great gangster movie has under-currents of human drama. Don't expect an emotional story of guilt, retribution and despair from \\\"Scarface\\\". This is a tale of ferocious greed, corruption, and power. The darker side of the fabled \\\"American Dream\\\".

Anybody complaining about the \\\"cheesiness\\\" of this film is missing the point. The superficial characters, cheesy music, and dated fashions further fuel the criticism of this life of diabolical excess. Nothing in the lives of these characters really matter, not on any human level at least. In fact the film practically borderlines satire, ironic considering all the gangsta rappers that were positively inspired by the lifestyle of Tony Montana.

This isn't Brian DePalma's strongest directorial effort, it is occasionally excellent and well-handled (particularly the memorable finale), but frequently sinks to sloppy and misled. Thankfully, it is supported by a very strong script by Oliver Stone (probably good therapy for him, considering the coke habit he was tackling at the time). The themes are consistent, with the focus primarily on the life of Tony Montana, and the evolution of his character as he is consumed by greed and power. The dialogue is also excellent, see-sawing comfortably between humour and drama. There are many stand-out lines, which have since wormed their way into popular culture in one form or another.

The cast help make it what it is as well, but this is really Pacino's film. One of his earlier less subtle performances (something much more common from him nowadays), this is a world entirely separate from Michael Corleone and Frank Serpico. Yet he is as watchable here as ever, in very entertaining (and intentionally over-the-top) form. It is hard to imagine another Tony Montana after seeing this film, in possibly one of the most mimicked performances ever. Pfeiffer stood out as dull and uncomfortable on first viewing, but I've come to realize how she plays out the part of the bored little wife. Not an exceptional effort, but unfairly misjudged. The supporting players are very good too, particularly Paul Shenar as the suave Alejandro Sosa.

Powerful, occasionally humorous, sometimes shocking, and continually controversial. \\\"Scarface\\\" is one of the films of the eighties (whatever that might mean to you). An essential and accessible gangster flick, and a pop-culture landmark. 9/10\": {\"frequency\": 1, \"value\": \"Every great ...\"}, \"The finale of the Weissmuller Tarzan movies is a rather weak one. There are a few things that derail this film.

First, Tarzan spends much of the film wearing floppy sandals. In my opinion, any footwear on Tarzan, whether it be sandals or boots as sometimes portrayed, takes away from the character, which is supposed to be anti-civilization and pro-jungle.

Second, the character of Benji, as mentioned in a previous post, totally derails the movie as the comic foil. To me, his character is unnecessary to the film's plot.

Also, while Weissmuller still cuts a commanding figure as Tarzan, it's apparent that he was not in his best shape. Although in his later Jungle Jim movies, his physique had improved somewhat from this film.

The octopus battle is a terrific idea, but I think it should have been done in an earlier Weissmuller film when he was at his physical peak. Likewise, the battle, which takes only 30 seconds tops, would be much more thrilling if it was drawn out to 90 seconds to 2 minutes like the classic giant crocodile battle in Tarzan and His Mate.

And while Brenda Joyce as Jane and Linda Christian as Mara are overwhelmingly pleasing to the eye, it doesn't manage to salvage this last Weissmuller film - a disappointing ending to a great character run.\": {\"frequency\": 1, \"value\": \"The finale of the ...\"}, \"'Holes' was a GREAT movie. Disney made the right choice. Every person who I have talked to about it said they LOVED it. Everyone casted was fit for the part they had, and Shia Labeouf really has a future with acting. Sigourney Weaver was perfect for The Warden, she was exactly how I imagined her. everyone who hasn't seen it I recommend it and I guarantee you will 'Dig It'.\": {\"frequency\": 1, \"value\": \"'Holes' was a ...\"}, \"20 out of 10 This is a truly wonderful story about a wartime evacuee and a curmudgeonly carpenter Tom Oakley. The boy (William Beech) is billeted with Tom and it is immediately apparent that he has serious issues when he wets his bed on the first night. William is illiterate and frightened but somehow the two find solace in each others loneliness. It transpires that William has a talent as an artist and we see Tom's talent as a choirmaster in an amusing rendition of Jerusalem. William is befriended by Zacharias Wrench, a young Jewish lad also from London and along with both Tom and Zacharias, he finally learns to read and write and to feel a part of this small close knit community. Just as he is settling down, William is recalled back to London by his mother, and it is here we see why he is so screwed up. His mother is clearly mentally sick and when Tom doesn't hear from William, he travels to London to look for him. He finally finds him holding his dead baby sister where he has been tied up in a cellar. After a period in hospital, Tom realises he must kidnap him and take him home with him. The climax is a bitter-sweet ending when William is told he is to be adopted by Tom, while at the same time, learning his best friend Zacharias has been killed in an air raid in London. For me, one of the most moving scenes was when Tom was talking to a official from the Home Office.

I love 'im, an' for what it's worth, I think he loves me too'.

It just doesn't get better that that does it?\": {\"frequency\": 1, \"value\": \"20 out of 10 This ...\"}, \"This move actually had me jumping out of my chair in anticipation of what the actors were going to do! The acting was the best, Farrah should have gotten a Oscar for this she was fabulous. James Russo was so good I hated him he was the villain and played it wonderful. There aren't many movies that have riveted me as this one. The cast was great Alfie looking shocked with those big eyes Farrah looking like a victim and you re-lived her horror as she went through it. Farrah made you feel like you were there and feeling the same anger she felt you wanted her to hurt him, yet you also knew it was the wrong thing to do. The movie had you on a roller coaster ride and you went up and down with each scene.\": {\"frequency\": 1, \"value\": \"This move actually ...\"}, \"I grew up watching the old Inspector Gadget cartoon as a kid. It was like Get Smart for kids. Bumbling boob can't solve any case and all the work is done by the walking talking dog Brain and his niece Penny. I had heard the live action movie was decent so I checked it out at the library. I rented this movie for free and felt I should have been paid to see this.

Broderick comes nowhere near the caliber of acting Don Adams had as the voice of gadget. His voice was all wrong. The girl who played Penny looked nothing like the cartoon Penny. She is brunette where the cartoon version was blonde with pigtails. But she does do a decent job given what she had to work with. Dabney Coleman gives a good performance as Cheif Quimby. Saldy he never hid in any odd place or had exploding messages tossed at him accidently by Gadget.

The gadget mobile was wrong. It never talked in the series and it did fine. Why did they do this?

Gadget was too intelligent in this film. In the show he was a complete idiot. Here he had a halfway decent intellect. It would have worked better if he was a moron.

Also the completely butchered the catchphrase. Borderick says \\\"Wowser\\\". It is and should always be \\\"Wowsers\\\". It sounds lame with out the 's'. I got upset when they showed the previews and they didn't have the correct phrase.

The ONLY decent gags were during the credits. The lacky for Claw is in front of a support group for recovering henchmen/sidekicks. Seated in the audience is Mr. T, Richard Keil aka Jaws of Bond movie fame, a Herve Villacheze look alike, Oddjob, Kato and more. This is about the only part I laughed at.

The other is at the end where Penny is checking out here gadget watch and tells brain to say somethin. Don Adams voices the dog saying that \\\"Brain isn't in right now. Please leave your name at the sound of the woof. Woof.\\\" of course this isn't laugh out loud funny, just a nice piece of nostalgia to hear Adams in the movie. He should have at least voiced the stupid car.

Kids will like this, anyone over 13 won't.

\": {\"frequency\": 1, \"value\": \"I grew up watching ...\"}, \"This was the first PPV in a new era for the WWE as Hulk Hogan, The Ultimate Warrior, Ric Flair and Sherri Martel had all left. A new crop of talent needed to be pushed. And this all started with Lex Luger, a former NWA World Heavyweight Champion being given a title shot against Yokozuna. Lex travelled all over the US in a bus called the Lex Express to inspire Americans into rallying behind him in his bid to beat the Japanese monster (who was actually Samoan) and get the WWE Championship back into American hands. As such there was much anticipation for this match.

But every good PPV needs an undercard and this had some good stuff.

The night started off with Razor Ramon defeating Ted DiBiase in a good match. The story going into this was that DiBiase had picked on Ramon and even offered him a job as a slave after his shock loss to the 1-2-3 Kid on RAW in July. Ramon, angry, had then teamed with the 1-2-3 Kid against the Money Inc tag team of Ted DiBiase and Irwin R Shyster. To settle their differences they were both given one on one matches DiBiase vs Ramon and Shyster vs The Kid. Razor was able to settle his side of the deal after hitting a Razor's Edge.

Next up came the Steiner Brothers putting the WWE Tag Team Titles on the line against The Heavenly Bodies. Depsite the interference of \\\"The Bodies\\\" Manager Jim Cornette, who hit Scott Steiner in the throat with a tennis racket, they were able to pull out the win in a decent match.

Shawn Michaels and Mr Perfect had been feuding since Wrestlemania IX when Shawn Michaels confronted Perfect after his loss to Lex Luger. Perfect had then cost Michaels the Intercontinental Championship when he distracted him in a title match against Marty Janetty. Michaels had won the title back and was putting it on the line against Mr Perfect, but Michaels now had a powerful ally in his corner in his 7 foot bodyguard Diesel. Micheals and Perfect had an excellent match here, but it was Diesel who proved the difference maker, pulling Perfect out of the ring and throwing him into the steel steps for Shawn to win by count out.

Irwin R Shyster avenged the loss of his tag team partner earlier in the night, easily accounting for the 1-2-3 Kid.

Next came one of the big matches of the night as Bret Hart prepared to battle Jerry Lawler for the title of undisputed King of the WWE. But Lawler came out with crutches, saying he'd been injured in a car accident earlier that day and that he'd arranged another opponent for Hart: Doink the Clown. Hart and Doink had a passable match which Hart won with a sharpshooter. He was then jumped from behind by Lawler. This bought WWE President Jack Tunney to the ring who told Lawler that he would receive a lifetime ban if he didn't wrestle Hart. Hart then destroyed Lawler, winning with the sharpshooter, but Hart refused to let go of the hold and the referee reversed his decision. So after all that Lawler was named the undisputed King of the WWE. This match was followed by Ludvig Borda destroying Marty Janetty in a short match.

The Undertaker finished his long rivalry with Harvey Wippleman, which had started in 1992 when the Undertaker had defeated Wippleman's client Kamala at Summerslam and continued when Wippleman's latest monster The Giant Gonzales had destroyed Taker at the Rumble and then again at Wrestlemania, with a decisive victory over Gonzales here. Gonzales then turned on Wippleman, chokeslamming him after a poor match.

Next it was time for six man tag action as the Smoking Gunns (Bart and BIlly) and Tatanka defeated The Headshrinkers (Samu and Fatu) and Bam Bam Bigelow with Tatanka pinning Samu.

This brings us to the main event with Yokozuna, flanked by Jim Cornette and Mr Fuji, putting the WWE Title on the line against Lex Luger and it was all on board the Lex Express. Lex came out attacking, but Yokozuna took control. Lex came back though as he was able to avoid a banzai drop and then body slam Yokozuna before knocking him out of the ring. Luger then attacked Cornette and Fuji as Yokozuna was counted out. Luger had won a fine match!!!!! Balloons fell from the ceiling. The heroes all came out to congratulate him on his win. Yokozuna may have retained the title, but Luger had proved he could be beaten. The only question was, who could beat him in the ring and get that title off him?\": {\"frequency\": 1, \"value\": \"This was the first ...\"}, \"I rented this movie because it falls under the genres of \\\"romance\\\" and \\\"western\\\" with some Grand Canyon scenery thrown in. But if you're expecting a typical wholesome romantic western, forget it. This movie is pure trash! The romance is between a YOUNG GIRL who has not even gone through puberty and a MIDDLE-AGED MAN! The child is also lusted after by other leering men. It's sickening.

Peter Fonda is portrayed as being virtuous by trying to resist his attraction to Brooke Shields, and her character is mostly the one that pursues the relationship. He tries to shoo her off at first but eventually he gives in and they drive off as a happy, loving couple. It's revolting.

I don't see how this movie could appeal to anyone except pedophiles.\": {\"frequency\": 1, \"value\": \"I rented this ...\"}, \"This movie was made for fans of Dani (and Cradle of Filth). I am not one of them. I think he's just an imitator riding the black metal bandwagon (still, I'm generally not a fan of black metal). But as I was carrying this DVD case to pay for it, I convinced myself, that the less authentic something is the more it tries to be convincing. Thus I assumed I'm in for a roller-coaster ride of rubber gore and do-it-yourself splatter with a sinister background. Now, that is what I do like.

I got home and popped it in. My patience lasted 15 minutes. AWFUL camera work and DISGUSTING quality. And that was then (2002), that it looked like it was shot using a Hi8 camcorder. I left it on the shelf. Maybe a nice evening with beer and Bmovies would create a nice setting for this... picture.

After a couple of months I got back to it (in mentioned surroundings) and saw half. Then not only the mentioned aspects annoyed me. My disliking evolved. I noticed how funny Dani (1,65m; 5'5\\\" height) looked in his platform shoes ripping a head of a mugger apart. (Yes, ripping. His head apparently had no skull.) I also found that this movie may have no sense. Still, I haven't finished it yet, so I wasn't positive.

After a couple more tries I finally managed to finish this flick - a couple of months back... (Yes, it took me 5,5 years.) So - Dani in fact was funny as Satan/Manson/super-evil-man's HELPER and the movie DID NOT make sense. See our bad person employs Dani to do bad things. He delivers. Why? Well I guess he's just very, very bad. As a matter of fact they both are and that is pretty much it.

We have a couple of short stories joined by Dani's character. My favourite was about a guy, who STEALS SOMEONE'S LEG, because he wants to use it as his own. Yeah, exactly.

The acting's ROCK BOTTOM. The CGI is the worst ever. I mean Stinger beats it (and, boy, is Stinger's CGI baaaaad). The story has no sense. And the quality is... Let's just say it is not satisfying. The only thing that might keep you watching is the unmotivated violence and gore. Blood and guts are made pretty well. Why, you can actually see that the movie originated there and then moved on. (Example - Dani 'The Man' Filth takes a stuffed cat - fake as can be - and guts it... and then eats what fell out. Why? We never know. We do know, however, that this cat must have been on illegal substances, as his heart is almost half his size.)

You might think, after my comment that this movie is so bad it's good, but it's just bad. Cradle of Filth fans can add 3 points. I added one for gore.\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"Cavemen was by far the biggest load of crap I have ever wasted my time watching. This show based on the Geico commercials is less entertaining then an actual 30 sec ad for Geico. The makeup was half ass-ed to say the least, hard to imagine a caveman with prefect white teeth even after going to the dentist. This show could of had potential for a funny series if they could of gotten the cast from the commercials, that in it self makes for a lousy show. Perhaps if the writers were the same from the Geico ads this may of had a chance, instead the pilot lacked a good story line. I give this show a 1 out of 10, I would of liked to put a zero out of 10 but that was not an option. I pray for a quick death to this show, I'd give it less then 5 episodes before it dies a deserving death.\": {\"frequency\": 1, \"value\": \"Cavemen was by far ...\"}, \"Billed as a kind of sequel to The Full Monty, about unemployed men in Sheffield, this movie is a fake.

As someone born in Sheffield, and still with links to the city, I was extremely disappointed by this film. Someone said it could have been set in Oklahoma, and that just about sums it up for me. This looked like a romantic view of northern England made for the US market. Probably many Americans - and many southern English people - don't realize that Sheffield is a big city of around half a million inhabitants, with a sophisticated urban culture. In Among Giants it was depicted as some dreary dead-end semi-rural small town, where everyone in Sheffield seemed to drink in the same old-fashioned pub, and where the people's idea of a party was line-dancing in some village-hall lookalike. This was a small close-knit community, not a metropolitan city.

The working-class Sheffield men were totally unlike their real-life counterparts, who are generally taciturn and communicate with each other in grunts and brief dry remarks. They don't chatter, and they certainly don't sing in choirs.

Even the rural settings, supposedly in the Peak District, looked alien to me. I recognized a few places where I used to go hiking, but some of the aerial shots of pylons stretching out over a bleak landscape reminded me more of Wales. Indeed, in the credits at the end I spotted a reference to Gwynedd, Wales. The Peak District is, in the summer, crawling with walkers and tourists in cars. It is situated between two big cities. It is not some kind of wilderness.

As for the notion that a young woman could fall in love with, and lust after, Pete Postlethwaite, that was ludicrous, and could only have been a male dream. Her reasons for becoming his lover were never made apparent. None of the men was shown as having a partner or families; they existed in a vacuum.

Anyone wanting to see a film about unemployed Sheffielders would have been led astray. This Sheffield existed only in the minds of its middle-class writers and film-makers.

It was a gigantic fake!

\": {\"frequency\": 1, \"value\": \"Billed as a kind ...\"}, \"First of all for this movie I just have one word: 'wow'. This is probably, one of the best movies that touched me, from it's story to it's performances, so wonderfully played by Sophia Loren and Marcello Mastroianni. I was very impressed with this last one, because he really brought depth to the character, as it was a very hard role. Still, the two of them formed a pair, that surprised me, from the beginning until the end, showing in the way, a friendship filled with love, that develops during the entire day, settled in the movie. The story takes some time to roll, as the introduction of the characters is long, but finally we are compensated with a wonderful tale about love and humanity. If you have the chance, see it, because it's a movie that will stay in your mind for many time. Simply amazing - 9/10.\": {\"frequency\": 1, \"value\": \"First of all for ...\"}, \"\\\"Fly Me To The Moon\\\" has to be the worst animated film I've seen in a LONG TIME. That's saying something since I have taken my son to see every animated release for the last 4 years now. The story is to be generous...trite. The voice acting is atrocious, Too cute sounding. The humor is of the Romper Room variety. The animation is passable for a Nickolodeon type of cartoon but this is being released on the big screen not cable television.

It gets a 2 only because of it's OK 3-D visuals. Some of the scenes had a mildly stimulating image but We've seen much better in the past. I also question the insistence of the filmmakers to have characters fly away from the screen rather than into it in most of the scenes. While that is interesting at first it became tiresome after the 3rd or 4th time. It seemed to smack of indifference to me on the part of the creators.

I will say this though, It had a pretty cool soundtrack. And for the record my son wasn't too crazy about it either. Bad movie.\": {\"frequency\": 1, \"value\": \"\\\"Fly Me To The ...\"}, \"This wonderful 1983 BBC television production (not a movie, as others have written here) of the classic love story \\\"Jane Eyre\\\", starring Timothy Dalton as Rochester, and Zelah Clarke as Jane, is the finest version that has been made to date, since it is the most faithful to the novel by Charlotte Bronte in both concept and dialogue.

A classic becomes a classic for very specific reasons; when film producers start to meddle with a classic's very lifeblood then that classic is destroyed. Thankfully the producers of THIS \\\"Jane Eyre\\\" approached the story with respect and faithfulness towards the original, which results in a spectacularly addictive concoction that is worth viewing multiple times, to enjoy its multi-layers of sweetness and delight and suspense. The performances are delightful, the music is just right, even the Gothic design of the house and outdoor shots are beautiful, and set the right tone for the production.

My only criticism, though slight, is that this version, like every other version ever made of Jane Eyre, ignores the Christian influences that built Jane's character and influenced her moral choices. In today's modern world a woman in Jane's situation wouldn't think twice but to stay with Rochester after finding out he had an insane wife and was still married to her. \\\"Oh, just get a divorce\\\", she would say to her man, or she would live in sin with him. But Jane Eyre knew she couldn't settle for this course in life and respect herself. Why? This decision was based on the foundations of the Christian faith she had been taught since childhood, not from the brutal Calvinist Lowood Institution, but from the Christian example of a true friend, Helen Burns, who was martyred rather than not turn the other cheek. Someday I would like to see some version depict these influences a little more fully in an adaptation. A classic novel that ends with the heroine writing \\\"Even so, come Lord Jesus!\\\" should not have the foundations of that faith stripped out of it.\": {\"frequency\": 1, \"value\": \"This wonderful ...\"}, \"After seeing MIDNIGHT OFFERINGS I am still convinced that the first decent movie about (teenage) witches yet has to be made. I didn't think much of THE CRAFT and I'm not into CHARMED either. The only film I more or less enjoyed (about teenage witches) was LITTLE WITCHES (1996), and even that one wasn't very good. But changes are that if you liked all the aforementioned movies, you will also enjoy MIDNIGHT OFFERINGS.

I was expecting a silly and cheesy early 80's movie about teenage witches in high school. But I was rather surprised that this whole movie plays it rather serious. The acting is decent and serious all the time. No jokes are being played by teenagers or something. And the musical score, at first, I thought was pretty good. It added some scariness and also something 'classy', with the use of threatening violins and all. But as the movie progressed I came to the conclusion that the score was just too ambitious. They didn't have to add those threatening violins when you simply see someone back up a car and then drive away at normal speed.

Then there's Melissa Sue Anderson, who was the main reason for me to see this movie. A few weeks ago, I saw her in HAPPY BIRTHDAY TO ME, a rather enjoyable, thick-plotted (and goofy on some occasions) slasher-movie which she had done in the same year as MIDNIGHT OFFERINGS. And I must say, she was very good as the icy-cold bad witch Vivian. But the main problem with the movie is: almost nothing happens! Vivian causes a death and an accident, yes, but that's it. Then there's Robin, the good witch, who is just learning about her powers. And we expect the two of them using their powers more than once, but at only one occasion they use their powers to make some pieces of wood and other stuff fly through the air as projectiles. That was supposed to be a fight between two powerful witches? And what's worse, I was hoping to see a spectacular show-down between the witches at the end of the movie with at least some special effects, flaming eyes or whatever... but nothing happens. There is sort of a confrontation in the end, but it's a big disappointment.

So, the acting of the two witches was good. The musical score was decent (even though overly ambitious). And the cinematography was rather dark and moody at times. But that doesn't make a good movie yet, does it?\": {\"frequency\": 1, \"value\": \"After seeing ...\"}, \"The original \\\"les visiteurs\\\" was original, hilarious, interesting, balanced and near perfect. LV2 must be a candidate for \\\"Worst first sequel to a really good film\\\". In LV2 everyone keeps shouting, when a gag doesn't work first it's repeated another 5 times with some vague hope that it will eventually become funny. LV2 is a horrible parody of LV1, except of course that a parody should be inventive. If you loved LV1 just don't see this film, just see LV1 again!!\": {\"frequency\": 2, \"value\": \"The original \\\"les ...\"}, \"Being that I am a true product of the hip-hop and electronic dance music generation, this is without a doubt one of my favorite movies of all time. Beat Street, although not as \\\"authentic\\\" in some respects as Wild Style, is a film that is guaranteed to tug the heart strings of anyone who takes pride in the culture of urban sample/DJ-based music and electro-club culture.

Although I will admit that at times the dialogue is somewhat cheesy, you can't help but feel for the characters, and ultimately \\\"wish you were there\\\" for the beginnings of hip-hop culture in New York City in the early eighties. The b-boy battle scene at the Roxy nightclub (a real-life, real-time competition between the legendary Rock Steady Crew and the NYC Breakers) is just as essential to a hip-hop fan's archives as any classic album. Watch some of the breakers' moves in slow-motion if possible to truly appreciate the athletic and stylistic expertise of a seasoned B-boy/B-girl. All praises due to the Zulu Nation!!!\": {\"frequency\": 1, \"value\": \"Being that I am a ...\"}, \"This film features Ben Chaplin as a bored bank employee in England who orders a mail order bride from Russia, recieves Nicole Kidman in the mail and gets more than he bargained for when, surprise, she isn't what she appears to be. The story is fairly predictible and Chaplin underacts too much to the point where he becomes somewhat anoying. Kidman is actualy rather good in this role, making her character about the only thing in this film that is interesting. GRADE: C\": {\"frequency\": 1, \"value\": \"This film features ...\"}, \"Greetings again from the darkness. How rare it is for a film to examine the lost soul of men in pain. Adam Sandler stars as Charlie, a man who lost his family in the 9/11 tragedy, and has since lost his career, his reason to live and arguably, his sanity. Don Cheadle co-stars as Sandler's former Dental School roommate who appears to have the perfect life (that Sandler apparently had prior to 9/11).

Of course the parallels in these men's lives are obvious, but it is actually refreshing to see men's feelings on display in a movie ... feelings other than lust and revenge, that is. Watching how they actually help each other by just being there is painful and heartfelt. Writer/Director Mike Binder (\\\"The Upside of Anger\\\", and Sandler's accountant in this film) really brings a different look and feel to the film. Some of the scenes don't work as well as others, but overall it is well written and solidly directed.

Sandler and Cheadle are both excellent. Sandler's character reminds a bit of his fine performance in \\\"Punch Drunk Love\\\", but here he brings much more depth. Cheadle is always fine and does a nice job of expressing the burden he carries ... just by watching him work a jigsaw puzzle.

Support work is excellent by Jada Pinkett Smith (as Cheadle's wife), Liv Tyler (as a very patient psychiatrist), Saffron Burrows (in an oddly appealing role), Donald Sutherland as an irritated judge and Melinda Dillon and Robert Klein as Sandler's in-laws.

The film really touches on how the tragic events of that day affected one man so deeply that he is basically ruined. In addition to the interesting story and some great shots of NYC, you have to love any film that features vocals from Chrissy Hynde, Bruce Springsteen and Roger Daltrey ... as well as Eddie Vedder impersonating Daltrey. Not exactly a chipper upbeat film, but it is a quality film with an unusual story.\": {\"frequency\": 1, \"value\": \"Greetings again ...\"}, \"I like Goldie Hawn and wanted another one of her films, so when I saw Protocol for $5.50 at Walmart I purchased it. Although mildly amusing, the film never really hits it a stride. Some scenes such as a party scene in a bar just goes on for too long and really has no purpose.

Then, of course, there is the preachy scene at the end of the film which gives the whole film a bad taste as far as I'm concerned. I don't think this scene added to the movie at all. I don't like stupid comedies trying to teach me a lesson, written by some '60's burn out especially!

In the end, although I'm glad to possess another Hawn movie, I'm not sure it was really worth the money I paid for it!\": {\"frequency\": 1, \"value\": \"I like Goldie Hawn ...\"}, \"If it's action and adventure you want in a movie, then you'd be best advised to look elsewhere. On the other hand, if it's a lazy day and you want a good movie to go along with that mood, check out \\\"The Straight Story.\\\"

Richard Farnsworth puts on a compelling performance as the gentle and gentlemanly Alvin Straight, in this true story of Alvin's journey on a riding mower across three states to see his estranged brother who has had a stroke.

Farnsworth is perfect in this role, as he travels his long and winding road, making friends of strangers and doling out lots of grandfatherly type advice about family along the way. The story moves along as slowly as the riding mower, but somehow manages to keep the viewer watching, waiting for the next life lesson Alvin's going to offer.

Stretch out on the couch, relax and enjoy. It's the only way to watch this very good movie, which rates a 7/10 in my book.\": {\"frequency\": 1, \"value\": \"If it's action and ...\"}, \"Robert Forster, normally a very strong character actor, is lost at sea here cast as a New York family man seeking revenge on the thugs who murdered his son and attacked his wife in a home invasion. Scary subject matter exploited for cheapjack thrills in the \\\"Death Wish\\\" vein. It isn't difficult to scoff at these smarmy proceedings: the dialogue is full of howlers, the crime statistics are irrevocably dated, and the supporting characters are ridiculously over-written (particularly a despicable judge who allows an accused murderer to walk right out of the courtroom). Low-rent production is contemptible in its self-righteousness, especially as the violence in our cities has only increased. * from ****\": {\"frequency\": 1, \"value\": \"Robert Forster, ...\"}, \"\\\"Film noir\\\" is an overused expression when it comes to describing films. Every crime drama seems to be a \\\"noir\\\". But \\\"Where the Sidewalk Ends\\\" really is a good example of what the genre is all about.

Very briefly, an overzealous detective (Andrews) accidentally kills a no-goodnik who works for the mobsters. The killing is blamed on the father (Tom Tully) of a woman Andrews meets and falls for (Tierney). To save Dad from Old Sparky, Andrews captures the rest of the mob and turns himself in.

The morally guilty cop is driven by impulses from the past. His father was a thief who was killed trying to shoot his way out of jail. But that doesn't excuse his actions after he accidentally offs the no-goodnik in self defense. He immediately goes to the phone to report the incident but he hesitates. He's already in hot water with the department and this could finish his career. Then, at just the wrong moment, the phone rings. It's Andrews' partner and Andrews tells him the suspect they're trailing isn't at home. He hides the body and later disposes of it by slugging a watchman and dumping the body in the river.

What motivates a guy to do something so dumb? Okay. His job was at risk. But now he's committed multiple felonies. At least I think they must be multiple. I counted obstruction of justice, assault, disposing of a body without a permit, littering, first-degree mopery, and bearing false witness against his neighbor.

In the end, we don't know whether to root for Andrews or not. The suspect didn't deserve to die, true, but it was after all an accident because Andrews didn't know he was a war hero and \\\"had a silver plate in his head.\\\" Maybe it's that kind of ambiguity that made noir what it was, among other things such as characteristic lighting. If noir involved nothing more than black-and-white photography, murder, criminals, mystery, and suspicious women, then we'd have to include all the Charlie Chan movies under that rubric.

Andrews is pretty good. He's a kind of Mark MacPherson (from \\\"Laura\\\") gone bitter. He never laughs, and rarely smiles, even when seated across a restaurant table from Gene Tierney, a situation likely to prompt smiles in many men. He has no sense of humor at all. His few wisecracks are put-downs. When he shoves a stoolie into a cab and the stoolie says, \\\"Careful. I almost hit my head,\\\" Andrews' riposte is, \\\"That's okay. The cab's insured.\\\" Andrews could seem kind of wooden at times but this is a role that calls for stubborn and humorless determination and he handles it well. His underplaying is perfect for the part. Little twitches or blinks project his thoughts and emotional states. And I guess the director, Otto Preminger, stopped him from pronouncing bullet as \\\"BOO-let\\\" and police as \\\"POE-lice.\\\" Never could make up my mind about Gene Tierney. She does alright in the role of Tom Tully's daughter, a model, but she's like Marilyn Monroe in that you can't separate the adopted mannerisms from the real personality traits. Did Tierney actually have such an innocent, almost saintly persona? When she answered the phone at home, did her voice have the same sing-along quality that it has on screen? Poor Tierney went through some bad psychiatric stuff, before there were any effective meds for bipolar disorder. And Andrews too, nice guy though he appears to have been, slipped into alcoholism before finally recovering and making public service announcements.

The DVD commentary by Peter Muller is unpretentious, informed, and sometimes amusing.

Anyway, this is a good film as well as a good example of film noir. The good guys aren't all good, although the bad guys are all bad. Maybe that ambiguity is what makes it an adult picture instead of a popcorn movie. For the kiddies, only one shot is fired on screen and nobody's head explodes. Sorry.\": {\"frequency\": 1, \"value\": \"\\\"Film noir\\\" is an ...\"}, \"One Stinko of a movie featuring a shopworn plot and, to be kind, acting of less than Oscar caliber. But to me the single worst flaw was the total misrepresentation of a jet aircraft, and especially a 747. Some of the major blunders:

1. No Flight Engineer (or even a flight engineer station. 2. Mis-identifying the F-16 interceptors as F-15's (no resmblance whatsoever). 3. Loading passengers into an \\\"aft baggage compartment\\\" supposedly accesible from the cabin - Even if such a compartment existed, placing that much weight that far aft would make the aircraft unflyable. 4. Hollow point bullets that \\\"won't damage the aircraft\\\". 5. The entire landing procedure was so bad I wanted to puke. 6. An SR-71 (of all planes) with a pressure seal hatch 7. Opening a cabin door outward - into the wind - in flight!!

Ah nuts, it was just a truly lousy movie. Gotta make the list of bottom 10 of the year.\": {\"frequency\": 1, \"value\": \"One Stinko of a ...\"}, \"**Possible Spoilers**

This straight-to-video mess combines a gun-toting heroine, grade-Z effects, nazis, a mummy and endless lesbian footage and it's still boring; the video's 45 minute running time only SEEMS like Eternity.The only good part is one of the blooper outtakes, wherein the bad guys force a 400-pound Egyptologist into a chair--and one villain's foot almost gets crushed under a chair leg. Take this snoozer back to the video store and watch televised golf, bowling or tennis instead.\": {\"frequency\": 1, \"value\": \"**Possible ...\"}, \"Saw this movie twice at community screenings and really loved it. I work in the Jane Finch community and feel the film really captured some of the essence and flavour of the community - grit, determination, exuberance, creativity, in your faceness with a dose of desperation. The writing, dialogue and acting is solid and I really found myself drawn into the story of the young woman Raya as she struggles to pursue her goals and not lose herself in the process. Great dance sequences and it is not only the bodies that move smoothly and with electricity but the camera moves with great fluidity and intelligence as well. All the characters are multi dimensional - none wholly good or bad and the women characters are admirably strong. This is a film that has a strong beating heart and celebrates the irrepressible spirit of youth, hip hop and communities like Jane Finch.\": {\"frequency\": 1, \"value\": \"Saw this movie ...\"}, \"It follows BLOCK-HEADS and A CHUMP AT OXFORD, two films that are hard to top. Not that SAPS AT SEA is a bad film - it is the last good comedy (unless one insists on JITTERBUGS or another of the later films) that Laurel & Hardy made. It's just that it is a toss-off little film, without the crazy destructive crescendo of BLOCK-HEADS or the astounding sight of Stan's \\\"real\\\" personality in A CHUMP AT OXFORD to revel in. At 57 minutes it is shorter than the other two films a bit, but that actually is not a bad point for it. It has just enough time to it to hit the right notes. It's just not as special as the other two.

Stan and Ollie work in a factory that manufactures horns. I suspect that there was a bit of Chaplin influence in this sequence (one recalls a similar assembly-line incident in MODERN TIMES only four years earlier). Ollie's nerves finally snap, and he goes on a rampage. He goes home and (naturally) his roommate Stan does not help - Stan has a music lesson with an eccentric professor on his instrument (you've got it - a trombone). After beating up the poor professor, Ollie has problems with the incompetent janitor/engineer (Ben Turpin in a nice brief appearance), and then faces his doctor (Jimmy Finleyson) and his nerve tester (a balloon that inflates as you push air out of Ollie's stomach). Finleyson announces that it is a bad case of \\\"horniphobia\\\", and Ollie needs a vacation with plenty of quiet and goat's milk. They end up going to a ship but Ollie and Stan know nothing about seamanship - so they plan to sleep on the ship. Unfortunately the goat gnaws the rope until it breaks and the ship sails off. Also unfortunately, on board is Richard Cramer, an escaped dangerous criminal. This is not going to be a peaceful vacation.

SAPS AT SEA (like A CHUMP) could have been three shorts, one at the factory, one at the apartment, and one on the boat. Each would have been a successful short, and they all make a funny film - but the stitching of the parts together shows. There are some very amusing moments in the film - the discoveries of how Turpin's ineptitude causes various mishaps with water taps and stoves in the apartment; the accidental remarks of building manager Charlie Hall when Stan or Ollie runs by him and asks for directions (\\\"Can you help me find the basement?\\\" asks Stan - \\\"Certainly,you can't miss it - it's downstairs!\\\", says Hall, who realizes what a stupid comment he just made); and Cramer's mistreatment of his two hostage slaves. He calls Ollie \\\"Dizzy\\\" and Stan \\\"Daffy\\\" (an allusion to the Dean Brothers of the St. Louis Cardinal teams of the 1930s - see Dan Dailey's THE PRIDE OF ST. LOUIS). Cramer has the boys cook him up some food - and they make a synthetic meal (boot laces for spaghetti, for instance) to get him sick to be overpowered. When he realizes what they have done, he forces them to eat the meal themselves. Their reactions are brilliant.

SAPS AT SEA is not on par with the top line of Laurel & Hardy films, but it is a good film on the whole, and a good conclusion to the best years of their film career (1927 - 1940) when they were with Hal Roach. In the immediate couple of years before it appeared the boys and Roach had serious problems involving production costs (OUR RELATIONS, where Stan was producer on the film), artistic problems (scenes from SWISS MISS were cut meaninglessly), and contractual arguments (leading to Ollie appearing with Harry Langdon in ZENOBIA). Stan and Ollie hit back with THE FLYING DEUCES, wherein the production was not Roach's but Boris Morros'. At last a two picture deal of A CHUMP AT OXFORD and SAPS AT SEA concluded the arguments and problems - and on a high note the boys left Roach. Unfortunately they never found any subsequent film relationship with a producer as satisfactory as this had been.\": {\"frequency\": 1, \"value\": \"It follows BLOCK- ...\"}, \"A very \\\"straight\\\" nice old lady, desperate for money to save her house and possessions, grows \\\"pot\\\" in her house, smokes it with a few old-biddy friends and then sells it. That's the story for this low-key comedy, emphasizing the absurdity of the situation and some of the humor the predicament brings. For much of the film, it works. The humor isn't of the laugh-out-loud variety but it does keep you entertained for an hour-and-a- half, so I guess it serves its purpose.

There ARE funny moments and Brenda Blethyn is fun to watch in the lead role. But the ending really ruined a \\\"cute\\\" movie with insultingly-bad messages that only the ultra-liberals of the film world would like to see happen.

Like most people, I would prefer a happy ending, too, but it should not all warm and fuzzy for those who blatantly break the law. Also in here are the typical (1) children out of wedlock but that poses no problem and is deemed okay; (2) clerics portrayed as morally weak people; and (3) even a medical doctor who gets stoned, too!

Hello? And reviewers here blast Hollywood? This is exhibit A how a secular society has lowered the standards in the UK and Europe in general. Hey, people: at least have a trace of morality instead of nothing but a Timothy Leary \\\"If it feels good, do it\\\" message.\": {\"frequency\": 1, \"value\": \"A very \\\"straight\\\" ...\"}, \"Russ and Valerie are having discussions about starting a family. The couple live in a posh apartment and run an auction business that deals with valuable collectibles. At the same time, a dedicated adoption agency owner takes a mini vacation and leaves the orphanage in the charge of his father (Leslie Nielsen). Father Harry is in the rental business and he gets the brilliant idea to \\\"rent\\\" some of the children of the orphanage to couples like Russ and Valerie. Harry, who becomes aware of the couple'e dilemma, offers a family of siblings for a 10 day rental period! Brandon, Kyle, and Molly move into the apartment with their temporary parents, with amusing consequences, as the new caretakers are inexperienced with kids. But, where is the possibility of a happy ending? This is a darling family film. The actors, including Nielsen as the wheeler-dealer and Christopher Lloyd as the kind apartment doorman, are all wonderful. The script is snappy and fun and the overall production values quite high. Yes, if only life could be this way! Orphaned children everywhere deserve a chance to prove that they are lovable and can give so much joy to the parents who are considering adoption. If you want to show a film to your family that is rooted in good values but is also highly entertaining, find this movie. It is guaranteed to have everyone laughing, even as their hearts are melting.\": {\"frequency\": 1, \"value\": \"Russ and Valerie ...\"}, \"If you are looking for eye candy, you may enjoy Sky Captain. Sky Captain is just a video game injected with live performers. The visials are nice and interesting to look at during the entire movie. Now, saying that, the visuals are the ONLY thing good in Sky Captain.

After ten minutes, I knew I was watching one of the worse movies of all time. I was hoping this movie would get better, but it never achieved any degree of interest. After thirty minutes, the urge to walk out kept growing and growing. Now, I own over 2000 movies and have seen probably five times that number. Yet, this is only the second movie I felt like walking out of my entire life.

Acting---there is none. The three main performers are pitiful. Jude Law (also in the other movie I wanted to walk out on) is just awful in the title role. I would rather sit through Ben Affleck in Gigli than watch Law again.

Paltrow tries SO hard to be campy, that it backfires in her face. The last article I had read said that Paltrow is thinking of staying home and being a mother rather than acting. After this performance, I would applaud that decision.

Story---Soap operas are better written. The story behind Sky Captain starts out bad and gets continually worse as it progresses.

Directing---none. Everything was put into the special effects that story, acting and directing suffer greatly. Even \\\"the Phantom Menace\\\" had better acting and that is NOT saying a great deal.

I would have to give this movie a \\\"0\\\" out of \\\"10\\\". Avoid paying theatre prices and wait until video release.\": {\"frequency\": 1, \"value\": \"If you are looking ...\"}, \"Coming from the same director who'd done \\\"Candyman\\\" and \\\"Immortal Beloved\\\", I'm not surprised it's a good film. Ironically, \\\"Papierhaus\\\" is a movie I'd never heard of until now, yet it must be one of the best movies of the late 80s - partly because that is hands down the worst movie period in recent decades. (Not talking about Iranian or Swedish \\\"cinema\\\" here...) The acting is not brilliant, but merely solid - unlike what some people here claim (they must have dreamt this \\\"wondrous acting\\\", much like Anna). The story is an interesting fantasy that doesn't end in a clever way that ties all the loose ends together neatly. These unanswered questions are probably left there on purpose, leaving it up to the individual's interpretation, and there's nothing wrong with that with a theme such as this. \\\"Pepperhaus\\\" is a somewhat unusual mix of kids' film and horror, with effective use of sounds and music. I like the fact that the central character is not your typical movie-clich\\ufffd\\ufffd ultra-shy-but-secretly-brilliant social-outcast girl, but a regular, normal kid; very refreshing. I am sick and tired of writers projecting their own misfit-like childhoods into their books and onto the screens, as if anyone cares anymore to watch or read about yet another miserly, lonely childhood, as if that's all there is or as if that kind of character background holds a monopoly on good potential. The scene with Anna and the boy \\\"snogging\\\" (for quite a stretch) was a bit much - evoking feelings of both vague disgust and amusement - considering that she was supposed to be only 11, but predictably it turned out that Burke was 13 or 14 when this was filmed. I have no idea why they didn't upgrade the character's age or get a younger actress. It was quite obvious that Burke isn't that young. Why directors always cast kids older than what they play, hence dilute the realism, I'll never know.\": {\"frequency\": 1, \"value\": \"Coming from the ...\"}, \"I really must watch a good movie soon, because it seems every other entry or so is something that I despise. However my history speaks, I must not tell a lie. Bobby Deerfield and everything about it sucks big green banana peels. I never thought that I would see a film thud as thunderously as this one did. Al Pacino isn't acting in this film: he's posing. There are many, many scenes of his character, who is a race car driver, just staring at the camera. He's perfectly awful. Marthe Keller is just as bad. These two are supposed to be in a love affair, and there is simply no chemistry whatsoever. Sydney Pollack directed this film? There's no trace of the genius behind Tootsie here. Is this the same man I cheered for in Eyes Wide Shut? I can hardly believe it. Save yourself a horrible movie experience. Run, don't walk, away from Bobby Deerfield.\": {\"frequency\": 1, \"value\": \"I really must ...\"}, \"I saw this bomb when it hit theaters. I laughed the whole time. Why? Because the stupidity of it seemed to have made me go insane. I look back on it and realize there was not ONE funny thing in the whole movie. At leat nothing intentional. It IS awfully funny that Lizzie cn chew a piece of Nurplex and become a gigantic, carnivorous demon...yet her itty-bitty little dress is perfectly intact, despite the fact that she is now hundreds of times larger than she was when she first put it on. Or the kind of movie in which a man can be shocked with a defibulator and only fall unconcious, and return to conciousness without ANY medical attention. And don't let me get started on the ridiculous fate of the \\\"villain\\\" that they decided they needed to create \\\"conflict.\\\" Uh huh.

To the person complaining about Disney only targetting kids-The raunchy parts of this film seems to disprove that statement. Do we really need Daryl Hannah accusing Jeff Bridges of having kinky video tapes? You do if you're Disney and you're out of ideas for making the movie appeal to the above-8 crowd without writing a more intelligent script! I am thoroughly convinced that Disney pays off the ratings board so it's movies can get away with murder and still get family-friendly ratings.

What a waste of the DVD format.\": {\"frequency\": 1, \"value\": \"I saw this bomb ...\"}, \"An art house maven's dream. Overrated, overpraised, overdone; a pretentious melange that not only did not deserve Best Picture of 1951 on its own merits, it was dwarfed by the competition from the start. Place in the Sun, Detective Story, Streetcar Named Desire, Abbott and Costello Meet the Invisible Man; you name it, if it came out in '51, it's better than this arthouse crapola. The closing ballet is claptrap for the intellectual crowd, out of place and in the wrong movie. Few actors in their time were less capable (at acting) or less charismatic than Kelly and Caron. My #12 Worst of '51 (I saw 201 movies), and among the 5 worst Best Picture Oscar winners.\": {\"frequency\": 1, \"value\": \"An art house ...\"}, \"Tweaked a little bit, 'Nothing' could be a children's film. It's a very clever concept, touches upon some interesting metaphysical themes, and goes against pretty much every Hollywood convention you can think of...what goes against everything more than, literally, \\\"nothing\\\"? Nothing is the story of two friends who wish the world away when everything goes wrong with their lives. All that's left is what they don't hate, and a big empty white space. It's hard to focus a story on just two actors for the majority of your film, especially without any cuts to anything going on outside the plot. It focuses on pretty much one subject, but that's prime Vincenzo Natali territory. If you've seen 'Cube', you know already that he tends to like that type of situation. The \\\"nothing\\\" in this movie is apparently infinite space, but Natali somehow manages to make it somewhat claustrophobic, if only because there's literally nothing else, and nowhere else to go. The actors sell it, although you can tell these guys are friends anyway. Two actors from 'Cube' return here (Worth and Kazan), but are entirely different characters. They change throughout the story, and while they're not the strongest actors in the world, they're at least believable.

The reason I say this could be a children's film under the right tweaks, is because aside from a few f-bombs and a somewhat unnecessary bloody dream sequence, the whimsical and often silly feel of this movie could very much be digested easily by kids. So I find it an odd choice that the writers decided to add some crass language and a small amount of gore, especially considering there isn't very much of it. This could've gotten a PG rating easily had they simply cut a few things out and changed a little dialogue. There is very little objectionable about this film, but just enough to keep parents from wanting their kids to see it. I only say that's a shame because not because I support censorship, but because that may have been the only thing preventing this movie from having wider exposure.

At any rate, this is a reasonably entertaining film, albeit with a few dragged-out scenes. But for literally being about nothing, and focused entirely on two characters and their interactions with absolutely nothing, they do a surprisingly good job for an independent film.\": {\"frequency\": 1, \"value\": \"Tweaked a little ...\"}, \"Cliff Robertson as a scheming husband married to a rich wife delivers a razzie-worthy performance here if there ever was one; it's as if director Michael Anderson kept yelling \\\"dial it down; think zombie, only less lively\\\" through his little bullhorn as he coached Robertson's effort. The rest of the cast is barely better; Jennifer Agutter of LOGAN'S RUN fame is hardly seen in what should have been fleshed out as a pivotal role. If the quality of the acting was three times better; if some of the more gaping plot holes were filled; and if the pacing were given a shot of adrenaline, then this yawner might be brought up to a standard acceptable to the Hallmark\\\\Lifetime TV channel crowd. As is, its rating is so inexplicably high one can't help thinking chronic insomniacs are using DOMINIQUE to catch a little snoozing time. Perhaps the late-night TV telemarketers are missing a major opportunity in not shilling it as such.\": {\"frequency\": 1, \"value\": \"Cliff Robertson as ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"I gave this movie ...\"}, \"The movie wasn't all that great. The book is better. But the movie wasn't all that bad either. It was interesting to say the least. The plot had enough suspense to keep me watching although I wouldn't say I was actually interested in the movie itself. Janine Turner and Antonio Sabato Jr are both gorgeous enough to keep you watching :)They have a few cute scene's that should appeal to the romantic's. Overall I'd give the movie a 7 or 8. It wasn't bad, Just a little lacking plot wise.\": {\"frequency\": 1, \"value\": \"The movie wasn't ...\"}, \"This well conceived and carefully researched documentary outlines the appalling case of the Chagos Islanders, who, it shows, between 1969 and 1971, were forcibly deported en masse from their homeland through the collusion of the British and American governments. Anglo-American policy makers chose to so act due to their perception that the islands would be strategically vital bases for controlling the Indian Ocean through the projection of aerial and naval power. At a time during the Cold War when most newly independent post-colonial states were moving away from the Western orbit, it seems British and American officials rather felt that allowing the islanders to decide the fate of the islands was not a viable option. Instead they chose to effect the wholesale forcible removal of the native population. The film shows that no provision was made for the islanders at the point of their ejection, and that from the dockside in Mauritius where they were left, the displaced Chagossian community fell into three decades of privation, and in these new circumstances, beset by homesickness, they suffered substantially accelerated rates of death.

Following the passage of more than three decades, however, in recent months (and years), following the release of many utterly damning papers from Britain's Public Record Office (one rather suspects that there was some mistake, and these papers were not supposed to have ever been made public), resultant legal appeals by the Chagossian community in exile have seen British courts consistently find in favour of the islanders and against the British State. As such, the astonishing and troubling conclusions drawn out in the film can only reasonably be seen as proved. Nevertheless, the governments of Great Britain and the United States have thus far made no commitment to return the islands to what the courts have definitively concluded are the rightful inhabitants. This is a very worthwhile film for anyone to see, but it is an important one for Britons and Americans to watch. To be silent in the face of these facts is to be complicit in a thoroughly ugly crime.\": {\"frequency\": 1, \"value\": \"This well ...\"}, \"LOC could have been a very well made movie on how the Kargil war was fought; it had the locations, the budget, and the skill to have been India's \\\"Saving Private Ryan\\\" or \\\"Black Hawk Down\\\". Instead it come across as a bloated, 4 hour bore of trying to meld the war move with the masala movie. Even the war scenes were terribly executed, using the same hill in all their battle scenes, and spending unnecessary time on casual talk. Instead of trying to appeal to the indian public, a better movie would have been a to-the-book account of what happened at Kargil (like \\\"Black Hawk Down\\\") or even spending time on the militant point of view (like \\\"Tora, Tora, Tora\\\"). Even better, it could have used a competent director like Ram Gopal Verma to write, direct and edit the film. Until then, I'd like to see some one re-edit this film, with only the pertinent portions included; it would make the movie more watchable.\": {\"frequency\": 1, \"value\": \"LOC could have ...\"}, \"I don't even know where to begin on this one. \\\"It's all about the family.\\\" That has to be the worst line of dialogue ever heard in a \\\"horror\\\" movie, although this couldn't be a horror movie even if it tried!!! Ugh!!! And I know that Owen Wilson is a better actor. He needs to stop playing the token guy who dies in every action movie (Anaconda, Armageddon). After all, the man did co-write \\\"Bottle Rocket\\\" and \\\"Rushmore.\\\" He does have some talent. Also, Lily Taylor should stick to indie films. She has no place here. Finally, Catherine Zeta-Jones should become a porn star. There's no room in legitimate acting for her. I'm serious. One of the worst movies I've ever seen, EVER.\": {\"frequency\": 1, \"value\": \"I don't even know ...\"}, \"\\\"It's like hard to like describe just how like exciting it is like to make a relationship like drama like with all the like pornographic scenes thrown like in for like good measure like, and to stir up like contro- like -versy and make us more like money and like stuff.\\\" - Ellen, the lost quote.

\\\"Kissing, Like, On the, Like, Mouth And Stuff\\\" is like the best like artistic endeavor like ever made. Watching like Ellen's hairy arms and like Chris masturbating was like the height of my years-long movie-viewing experience and stuff. But before I like begin like breaking new U.S.-20-something-airhead records with the my \\\"likes\\\", let me like just briefly list like the high- like -lights of this visual like feast:

1. Chris doing the deed with his genitals. And not just that: the way the camera (guided so elegantly by Ellen and Patrick) rewards the viewer with a full-screen shot of Chris's fat white-trash stomach after he finishes the un-Catholic deed - that was truly thrilling. I can in all honesty say that I've never seen such grace. Chris, you should do more such scenes in your next movies, because that is exactly what we needed as a continuation of what that brilliant, brilliant man, Lars von Trier and his \\\"Idiots 95\\\", started. A quick w*** and then a hairy, fat, white belly: what more can any movie-goer ask for?! Needless to say, I can sit all day and watch Chris ejaculate (in spite of the fact that I'm straight)... Such poetry in motion. Such elegance, such style. No less than total, divine inspiration went into filming that sequence - plus a solid amount of Zen philosophy. Even Barbra Streisand could not get any more spiritual than this.

2. Ellen's hairy, thick arms. The wobbly-camera close-ups, so skillfully photographed by our two directors of photography (I can't emphasize this enough), Ellen and Patrick, often caused confusion regarding the proper identification of the sex in question. There were several scenes when we would see a part of a body (a leg, arm or foot), yet it was often a guessing game: does that body-part belong to a man or a woman? Naturally, Chris and his fellow artists, Ellen, Patrick and whatsername, cast themselves on purpose, because their bodies were ideal for creating this gender-based confusion. It was at times hard to guess whether one is seeing a female or male leg. Patrick is so very thin and effeminate in his movements, so hairless and pristine, whereas Ellen and the other girl are so very butch, what with their thick legs and arms. Brilliant.

3. Brilliant - especially the way that neatly ties in with the theme of role reversal between the sexes: so utterly original and mind-blowing. Ellen behaves like a man, wants sex all the time, while her ex Patrick wants to talk - like a girl. Spiffing.

4. Ellen's search for a Leftist mate. \\\"He must love 'The Simpsons', which is quite Leftist.\\\" I am glad that the makers of this movie decided to break the long tradition of offering us intelligent Leftists. Ellen is such a refreshing - and realistic - change. The number of \\\"likes\\\" that she and her liberal friends manage to utter in less than 80 minutes is truly phenomenal (3,849, to be exact). They have managed to realistically transfer their real-life ineptness onto the big screen with a minimum of effort, and I applaud them for that.

5. The close-ups of toes. Plenty of stuff here for foot-fetishists, which I think is a very liberal, highly commendable way of reaching out to sexual minorities. After all, shoe- and foot- fetishists are offered so little in modern cinema, so it's nice to see that someone out there CARES.

KOTM, or rather, KLOTLMAS, offers more than meets the eye. It is not just a modest little film about shallow people engaging in hollow relationships while indulging in meaningless conversations. No, it's much more than that. It's about the light that guides all silly creatures; the guiding light that dominates the futile lives of various pseudo-artistic wannabes who just dropped out of film school, and plan to assault our senses with dim-witted drivel that will hopefully play well at pretentious festivals like Sundance and Cannes, enabling them to gain the necessary exposure hence some real cash for a change, with which they will later hire the likes of Sean Penn and George Clooney in promoting the saving of this planet and the resolving of ALL political problems this world faces. What better way to do that than by making porn at the very start?

If Chris and Ellen did the camera here, as is clearly stated in the end-credits, then who held the camera while the two of them were in front of it? They probably hired some passers-by and shoved the camera into their hands...

Go to http://rateyourmusic.com/~Fedor8, and check out my \\\"TV & Cinema: 150 Worst Cases Of Nepotism\\\" list.\": {\"frequency\": 1, \"value\": \"\\\"It's like hard to ...\"}, \"The movie celebrates life.

The world is setting itself for the innocent and the pure souls and everything has \\\"Happy End\\\", just like in the closing scene of the movie.

The movie has wonderful soundtrack, mixture of Serbian neofolk, Gypsy music and jazz.

This movie is very refreshing piece of visual poetics.

The watching experience is like you've been sucked in another colorful, romantic and sometimes rough world.

Like Mr. Kusturica movie should be.\": {\"frequency\": 1, \"value\": \"The movie ...\"}, \"I saw this movie only after hearing raves about it for years. Needless to say, the actual experience proved a bit anticlimactic. But still, Alec Guiness energetically leads a wonderful cast in a jolly, if formulaic, romp through industrial post-WWII England.

This is the familiar tale of the woes of inventing the perfect everyday product. Remember the car that runs on water? Remember the promise of nuclear energy? In this case, it's a fabric that doesn't wear out, wrinkle, or even get dirty! Of course, fabric manufacturers and their workers are horrified at the prospect of being put out of business, and so the plot gets a bit thick.

Guiness makes the whole enterprise worthwhile, and watching him blow up a factory research lab over and over again is quite a blast! (Those Brits ... always the stiff upper lip when under fire.) The film might chug along exactly like Guiness's goofy invention, but it's a good ride all the same.\": {\"frequency\": 1, \"value\": \"I saw this movie ...\"}, \"This film show peoples in the middle of the hottest 2 days in Austria. It shows people humiliating other peoples and being cruel to other peoples. It show the inability of people to communicate or talk with others.

In the screening I have attended people were leaving in the middle because they could no longer watch the film. And rightly so. Because the film is not and easy one to watch. It has a very depressing message and there isn't any moment of mercy in the film. It is a very cruel movie, not for everyone's taste. You can not speak of terms of enjoyment from this film. It grips you in your throat and never let go and in the end you simply feels breathless because of its intensity.

I can not \\\"recommend\\\" or \\\"not recommend\\\" this film. You should make your own mind based on what I have said earlier. Just be aware that this is not a regular film and it is not for everyone's taste.\": {\"frequency\": 1, \"value\": \"This film show ...\"}, \"Time paradoxes are the devil's snare for underemployed minds. They're fun to consider in a 'what if?' sort of way. Film makers and authors have dealt with this time and again in a host of films and television including 'Star Trek: First Contact', the 'Back to the Future' trilogy, 'Bill and Ted's Excellent Adventure', 'Groundhog Day' and the Stargate SG1 homage, 'Window of Opportunity'. Heinlein's 'All You Zombies' was written decades ago and yet it will still spin out people reading that short story for the first time.

In the case of Terry Gilliam's excellent film, '12 Monkeys', it's hard to establish what may be continuity problems versus plot elements intended to make us re-think our conception of the film. Repeated viewings will drive us to different conclusions if we retain an open mind.

Some, seeing the film for the first time, will regard Cole, played by Bruce Willis, as a schizophrenic. Most will see Cole as a man disturbed by what Adams describes as 'the continual wrenching of experience' visited upon him by time travel.

Unlike other time travel stories, '12 Monkeys' is unclear as to whether future history can be changed by manipulating events in the past. Cole tells his psychiatrist, Railly (Madeleine Stowe), that time cannot be changed, but a phone call he makes from the airport is intercepted by scientists AFTER he has been sent back to 1996, in his own personal time-line.

Even this could be construed as an event that had to happen in a single time-line universe, in order to ensure that the time-line is not altered...Cole has to die before the eyes of his younger self for fate to be realised. If that's the case, time is like a fluid, it always finds its own level or path, irrespective of the external forces working on it. It boggles the mind to dwell on this sort of thing too much.

If you can change future events that then guide the actions of those with the power to send people back in time, as we see on board the plane at the end of the film, then that means the future CAN be changed by manipulating past events...or does it? The film has probably led to plenty of drunken brawls at bars frequented by physicists and mathematicians.

Bonus material on the DVD makes for very interesting viewing. Gilliam was under more than normal pressure to bring the film in under budget, which is no particular surprise after the 'Munchausen' debacle and in light of his later attempt to film 'Don Quixote'. I would rate the 'making of' documentary as one of the more interesting I've seen. It certainly is no whitewash and accurately observes the difficulties and occasional conflict arising between the creative people involved. Gilliam's description of the film as his \\\"7\\ufffd\\ufffdth\\\" release, on account of the film being written by writers other than himself - and therefore, not really 'his' film' - doesn't do the film itself justice.

Brad Pitt's portrayal of Goines is curiously engaging, although his character is not especially sympathetic. Watch for his slightly wall-eyed look in one of the scenes from the asylum. It's disturbing and distracting.

Probably a coincidence, the Louis Armstrong song 'What a Wonderful World' was used at the end of both '12 Monkeys' and the final episode of the TV series of 'The Hitchhiker's Guide to the Galaxy'. Both the film and the TV series also featured British actor Simon Jones.

'12 Monkeys' is a science fiction story that will entertain in the same way that the mental stimulation of a game of chess may entertain. It's not a mindless recreation, that's for sure.\": {\"frequency\": 1, \"value\": \"Time paradoxes are ...\"}, \"OK so i am like most people, give me free tickets and i will go and see most things, now that multiplex cinemas are so good (i remember the old \\\"flea pit\\\" single screen cinemas and i am the healthy side of 40). In England this film was released as \\\"Liar\\\", it's a dog. It is a total waste of good celluloid. 4/10 for the photograpy and set only.\": {\"frequency\": 1, \"value\": \"OK so i am like ...\"}, \"This is an awful film. Yea the girls are pretty but its not very good. The plot having a cowboy get involved with an Indian maiden would be interesting if the sex didn't get in the way. Well, okay it might be interesting, but its not, because its so badly paced and and only partly acted. I can only imagine what the close ups of the dancing tushes looked like on a big screen, probably more laughable then they do on TV. (I won't even mention the topless knife fight between two women who are tied together and spend the whole thing chest to chest. Never read about that in the old west) This is a film that requires liberal use of fast forward.

I like schlock films but this is ridiculous. There is a reason that I don't go for this sort of films and that they tend not be very good, the plot taking a back seat to breasts. The original nudie cuties as they are called were originally nudist films or films where there was no touching but as the adult industry began to grow the film makers either tried to be clever or tried to exploit something else in order to put butts in seats. The clever ones were very few which only left hacks who were of limited talent. The comedies often came off best with the humor approaching the first grade level, infantile but harmlessly fun. Something that could rarely be said about any other genre cross dressed as a nudie.

The Ramrodder looks good and has a couple of nice pieces but its done in by being neither western nor sex film.

I need not watch this again.

Of interest to probably no one, the rapist and killer in the film was played by Bobby Beausoleil, a member of the Manson family who was arrested for murdering a school teacher not long after filming wrapped.

Obviously these sort of things will ruin some peoples lives.\": {\"frequency\": 1, \"value\": \"This is an awful ...\"}, \"The movie was very moving. It was tender, and funny at the same time. The scenery was absolutely beautiful! Peter Faulk and Paul Reiser gave award winning performances. Olympia Dukakis was great. I understand due to the story line her part had to be brief, but I did wish I could have seen more of her-she is a true pro.You will be able to recall experiences from your own life , hopefully in a positive way after seeing this movie. We were fortunate to see Paul Reiser at a Q and A after the viewing. He is a wonderful man, clever, eloquent and a \\\"real Person\\\". It was truly an enjoyable night out!This is a must see movie. You will be so grateful you went.\": {\"frequency\": 1, \"value\": \"The movie was very ...\"}, \"I can't believe I am so angry after seeing this that I am about to write my first ever review on IMDb.

This Disney documentary is nothing but a rehashed Planet Earth lite. Now I knew going into this that it was advertised as \\\"from the people who brought you Planet Earth,\\\" but I had no idea they were going to blatantly use the exact same cuts as the groundbreaking documentary mini-series. I just paid $8.75 to see something I already own on DVD. Shame on Disney for not warning people that there is absolutely nothing original here (save a James Earl Jones voice-over and 90 seconds of sailfish that I don't believe were in Planet Earth).

But the biggest crime of all, is that while Planet Earth uses the tragic story of the polar bear as evidence that we are killing this planet and a catalyst for ecologic change, Disney took that story and turned it into family friendly tripe. After the male polar bear's demise, they show his cubs grown significantly a year later, and spew some garbage about how they are ready to carry on his memory, and that the earth really is a beautiful place after all. No mention of the grown cubs impending deaths due to the same plight their father endured, no warning of trouble for future generations if we don't get our act together, nothing. Just a montage of stuff we have already seen throughout the movie (and many times more, if you are one of the billion people who have already seen Planet Earth).

I have never left the theater feeling so ashamed and cheated in my life.\": {\"frequency\": 1, \"value\": \"I can't believe I ...\"}, \"Halfway through Lajos Koltai's \\\"Evening,\\\" a woman on her deathbed asks a figure appearing in her hallucination: \\\"Can you tell me where my life went?\\\" The line could be embarrassingly theatrical, but the woman speaking it is Vanessa Redgrave, delivering it with utter simplicity, and the question tears your heart out.

Time and again, the film based on Susan Minot's novel skirts sentimentality and ordinariness, it holds attention, offers admirable performances, and engenders emotional involvement as few recent movies have. With only six months of the year gone, there are now two memorable, meaningful, worthwhile films in theaters, the other, of course, being Sara Polley's \\\"Away from Her.\\\" Hollywood might have turned \\\"Evening\\\" into a slick celebrity vehicle with its two pairs of real-life mothers and daughters - Vanessa Redgrave and Natasha Richardson, and Meryl Streep and Mamie Gummer. Richardson is Redgrave's daughter in the film (with a sister played by Tony Collette), and Gummer plays Streep's younger self, while Redgrave's youthful incarnation is Claire Danes.

Add Glenn Close, Eileen Atkins, Hugh Dancy, Patrick Wilson, and a large cast - yes, it could have turned into a multiple star platform. Instead, Koltai - the brilliant Hungarian cinematographer of \\\"Mephisto,\\\" and director of \\\"Fateless\\\" - created a subtle ensemble work with a \\\"Continental feel,\\\" the story taking place in a high-society Newport environment, in the days leading up to a wedding that is fraught with trouble.

Missed connections, wrong choices, and dutiful compliance with social and family pressures present quite a soap opera, but the quality of the writing, Koltai's direction, and selfless acting raise \\\"Evening\\\" way above that level, into the the rarified air of English, French (and a few American) family sagas from a century before its contemporary setting.

Complex relationships between mothers and daughters, between friends and lovers, with the addition of a difficult triangle all come across clearly, understandably, captivatingly. Individual tunes are woven into a symphony.

And yet, with the all the foregoing emphasis on ensemble and selfless performances, the stars of \\\"Evening\\\" still shine through, Redgrave, Richardson, Gummer (an exciting new discovery, looking vaguely like her mother, but a very different actress), Danes carrying most of the load - until Streep shows up in the final moments and, of course, steals the show. Dancy and Wilson are well worth the price of admission too.

As with \\\"Away from Her,\\\" \\\"Evening\\\" stays with you at length, inviting a re-thinking its story and characters, and re-experiencing the emotions it raises. At two hours, the film runs a bit long, but the way it stays with you thereafter is welcome among the many movies that go cold long before your popcorn.\": {\"frequency\": 1, \"value\": \"Halfway through ...\"}, \"This movie is not that interesting, except for the first ten minutes. The pace and editing are a perfect introduction in an ensemble piece, even better than say Gosford Park. Then it inexplicably slows down, loses focus and starts resembling a traditional French movie only to regain focus in the end with the love relation between Antoine (Depardieu) and C\\ufffd\\ufffdcile (Deneuve). In the middle there are too many sidelines and loose ends in the story, several threads started are not ended.

*******SPOILERS AHEAD The main story is the relation between Antoine and C\\ufffd\\ufffdcile. He has been loyal to her after his relation with her many years ago, despite her remarrying and setting up home in Morocco. As builder he now rebuilds his own life and recovers hers by taking the mask of C\\ufffd\\ufffdcile's marriage. Having accomplished this, he is buried after a freak accident (literally) and becomes a comatose. He wakes only after she has burned their old picture as indication that they've reconciled with the past and can properly start their lives again together. *******END OF SPOILERS

It remains unclear what vision this director wants us to see us because there are so many other stories here: Illegal immigrants want to enter Europe, there are frequent radio broadcasts about the overthrow of Iraq's former regime. C\\ufffd\\ufffdcile's child is bisexual and is bitten by dogs (loyalty) once he meets his boyfriend, whereas the girl he lives with seems to be sick (of that?). Her sister is traditional Islamic, and enters a relation with C\\ufffd\\ufffdcile's husband. It portrays Morocco as unnecessary backward, despite all the building there is a strange colonial vision shining through that almost glorifies the past. It portrays Islam as backward and prone to extremism, which may sometimes be true, but certainly not in general. In the end it can all best be described as adding some couleur locale and l'art pour l'art.

Deneuve and Depardieu are great. With this material they are so familiar they are able to spin something extra in every scene: lifting an eyebrow, body language, radiating pride, awkward behavior. The movie itself is disappointing and only confirming the limited role of French cinema in the world nowadays. With some notable exceptions of course.\": {\"frequency\": 1, \"value\": \"This movie is not ...\"}, \"Larry Burrows has the distinct feeling he's missing out on something. Ever since he missed a crucial baseball shot at school that cost the championship, he's been convinced his life would have turned out better had he made that shot. Then one night his car breaks down again. Walking into the nearest bar to wait for the tow truck, Larry happens upon barman Mike, who unbeknown to Larry is about to change his life for ever.......

The alternate life premise in cinema is hardly a new thing, stretching back to the likes of It's A Wonderful Life and showing no signs of abating with the quite recent Sandler vehicle that was Click. It's a genre that has produced very mixed results. Back in 1990 was this James Belushi led production, rarely mentioned when the said topic arises, it appears that it has largely been forgotten. Which is a shame since it oozes charm and is not short in the humour department. We know that we are being led to its ultimate message come the end, but it's a fun and enjoyable path to be led down. The film also serves notice to what a fine comedy actor James Belushi was. I mean if his style of smart quipping and larking exasperation isn't your thing,? then chances are you would avoid this film anyway. But for those engaged by the likes of Red Heat, K-9 and Taking Care of Business, well Mr. Destiny is right up your street. Along for the ride are Linda Hamilton, Michael Caine, Jon Lovitz, Hart Bochner, Jay O. Sanders, Rene Russo and Courteney Cox.

Mr. Destiny, pure escapist fun with a kicker of a message at its heart. 7/10\": {\"frequency\": 1, \"value\": \"Larry Burrows has ...\"}, \"Nicolas Mallet is a failure. A teller in a bank, everyone walks all over him. Then his friend, a writer who's books no one likes, has a plan to change his life. Our hero tells his boss he is quitting. He intends to spend the rest of his life making a great deal of money and sleeping with a great many women. And he manages to do just that.

If it were not for the amount of death (murder/suicide/natural causes) in the film, this would be a farce. There are numerous jabs at marriage, politics, journalism and...life.

Jean-Louis Trintignant is a likable amoral rogue. Romy Schneider is at her most appealing. Definitely worth a look.\": {\"frequency\": 1, \"value\": \"Nicolas Mallet is ...\"}, \"Man the ending of this film is so terribly unwatchable and dated that my entire film aesthetics class laughed like crazy. Now most of the rest of the film was okay. It had a few unintentionally funny scenes but had a few real good camera shots and editing. Yes Alderich is a great director who made FLight Of The Phoenix and Whatever Happened TO Baby Jane among others. The problem isn't with direction, acting or anything technical. The movie is just destroyed in the third act. Why? The murders, twists, turns and characters have all been revolving around NUCLEAR MATERIAL? What the heck was the writer smoking when he came up with that? The way it just comes out of nowhere may have been the biggest Deus Ex Machina in history. For all the complaints about Burton's Planet of the Apes, THe life of David Gale or Notorious I think THIS is the worst ending ever. What a let down.\": {\"frequency\": 1, \"value\": \"Man the ending of ...\"}, \"It was 9:30 PM last night at my friend's camping trailer and we were so hyped to watch South Park (a new episode). The thing is, in my country, South Park airs at 10:30 PM and we decided to kill time by watching the show now airing, Father of the Pride. I'll start by saying that I have only watched to episodes. The first time I watched it, I found it unfunny and crude for nothing, so I thought ''Holy sh*t, I have a football game early tomorrow, so I have to stop watching stupid cartoons''. But yesterday, I tried to give Father of the Pride a second chance. I find that it's a complete rip-off of The Simpsons, only replacing yellow human characters by lions instead.

The second thing is I wonder why it got it's TV-14 rating. I find The Simpsons a lot more vulgar, and the only real vulgarity in this show is a few homosexual (unfunny) jokes. The Simpsons is also a lot more violent (Halloween specials) and crude. I also heard that the creator of the series has also directed Shrek 2, well I've got news for him: Shrek 2 was way better and I think he stayed too much in the family thematic. However, I must admit that Father of the Pride did make me smile (even burst out laughing once) three or four times.

All in all, I don't mind Father of the Pride. I don't hate it, but I don't like either. I've seen way better from ''The Simpsons''.

3.5/10\": {\"frequency\": 1, \"value\": \"It was 9:30 PM ...\"}, \"I'm glad that users (as of this date) who liked this movie are now coming forward. I don't understand the people who didn't like this movie - it seems like they were expecting a serious (?!?!?) treatment! C'mon, how the hell can you take the premise of a killer snowman seriously? The filmmakers knew this was a silly premise, and they didn't try to deny it. The straight-faced delivery of scenes actually makes it FUNNY! Yes, there are times where the low budget shows (such as that explosion scene), but I think an expensive look would have taken away from the fun of the movie! So if you like B-movies, and the goofy premise appeals to you, then you'll certainly like \\\"Jack Frost\\\".\": {\"frequency\": 1, \"value\": \"I'm glad that ...\"}, \"Frankly, this movie has gone over the heads of most of its detractors.

The opposite of perdition (being lost) is salvation (being saved) and this movie is one of a very few to deal with those two concepts. The movie also explores the love and disappointments that attend the father-son relationship. It should be noted at the outset that none of these are currently fashionable themes.

The premise is that the fathers in the move, hit-man Michael Sullivan (Tom Hanks) and his crime boss John Rooney (Paul Newman), love their sons and will do anything to protect them. But Rooney's son Connor is even more evil than the rest. He kills one of Rooney's loyal soldiers to cover up his own stealing from his father. When Connor learns that Sullivan's son Michael witnessed it, he mistakenly kills Sullivan's other son (and Sullivan's wife) in an attempt to silence witnesses.

Sullivan decides he wants revenge at any price, even at the terribly high price of perdition. Rooney, who in one scene curses the day Connor was born, refuses to give up his son Connor to Sullivan, and hires a contract killer named Maguire (Jude Law) to kill Sullivan and his son. So Rooney joins his son Connor on the Road to Perdition.

For the rest of the movie, accompanied by his surviving son young Michael, Sullivan pursues Connor Rooney down the Road to Perdition, and Maguire pursues Sullivan. When Sullivan confronts Rooney in a Church basement, and demands that he give up Connor because Connor murdered his family, Rooney says - \\\"Michael, there are only murderers in this room,.., and there's only one guarantee, none of us will see Heaven.\\\" As the movie ends, somewhat predictably, one character is saved and one character repents.

I'm not a big Tom Hanks fan, but he does step out of character to play hit-man Sullivan convincingly, giving a subtle and laconic performance. Newman does well as the old Irish gangster Rooney, showing a hard edge in his face and manner, his eyes haunted by Connor's misdeeds. Jude Law plays Maguire in a suitably creepy way. Tyler Hoechlin plays Young Michael naturally and without affectation.

The cinematography constantly played light off from darkness, echoing the themes of salvation and perdition. The camera drew from a palette of greens and greys. The greys belonged to the fathers and the urban landscapes of Depression era Illinois. The greens belonged to the younger sons and that State's rural flatlands. Thomas Newman's lush, sonorous and haunting music had faint Irish overtones and was played out in Copland-like arrangements. The sets were authentic mid-Western urban - factories, churches. The homes shone with gleaming woodwork.

The excellence of the movie lies in its generation of a unique feeling out of its profound themes, distinctive acting, and enveloping music and cinematography. The only negative was a slight anti-gun message slipped into the screenplay y, the movie's only nod to political correctness.

I give this movie a10 out of 10; in time it will be acknowledged as a great film.\": {\"frequency\": 1, \"value\": \"Frankly, this ...\"}, \"As the story in my family goes, my dad, Milton Raskin, played the piano for the Dorsey band. After Sinatra joined the band, my dad practiced with him for hours on end. Then, at a point in time, my dad told Sinatra that he was actually to good to be tied up with such a small group (band), and that he should venture off on his own. By that time Sinatra had enough credits 'under his belt' to do just that! Dorsey never forgave my dad, and the rest, as they say, is history.

I have some pictures and records to that effect, and so does Berkley University in California.

I have seen just about every Sinatra movie more times than I wish to say, and his movies never get old . . . Thank you Frank\": {\"frequency\": 1, \"value\": \"As the story in my ...\"}, \"This movie is a modest effort by Spike Lee. He is capable of much more than this movie.Get on the Bus while apparenly anti racist, does nothing but berate whites and degrade the black status quo. The plot of this movie is about a group of black men who travel on a bus to Louis Farrakhan's million man march. The bus has every type of person you could imagine:gay, muslim, gangbanger and the Uncle Tom(He is thrown off the bus though). There was one only white person on the bus. He was accused of being a racist the minute he got on the bus to drive. Despite him being a jew and the fact that he explained is situation he ended up being a racist and leaving the bus.I hate to say it but films like this need to realize their own hipocracy and rienforcation of steryotypes. This should not be seen as a triumph but a sad dissapointment. You may think I am a racist for writing this but I mean well. Better luck next time Spike.\": {\"frequency\": 2, \"value\": \"This movie is a ...\"}, \"With movies like this you know you are going to get the usual jokes concerning ghosts. Eva as a ghost is pretty funny. And the other actors also do a good job. It is the direction and the story that is lacking. That could have been overlooked had the jokes worked better. The problem only is that there aren't many jokes. Sure I laughed a couple of times. Apart from the talking parrot there wasn't an ounce of creativity to be noticed in the movie. I blame the director not using the premise to it's full potential. Eva certainly has the comedic skill to show more but did not get the opportunity to do so. Overall this movie is ideal for a Sunday afternoon. Other than that it can be skipped completely.\": {\"frequency\": 1, \"value\": \"With movies like ...\"}, \"The story is quite original, but the movie is kinda slow building up to the point where they steal the cars. Its kinda nice though to watch them prepare the stealing too, but the actual stealing should've been more in picture... However the stunt work on this movie was excellent and it is definetly a movie you HAVE to see (7/10)\": {\"frequency\": 1, \"value\": \"The story is quite ...\"}, \"The movie is okay, it has it's moments, the music scenes are the best of all! The soundtrack is a true classic. It's a perfect album, it starts out with Let's Go Crazy(appropriate for the beginning as it's a great party song and very up-tempo), Take Me With U(a fun pop song...), The Beautiful Ones(a cheerful ballad, probably the closest thing to R&B on this whole album), Computer Blue(a somewhat angry anthem towards Appolonia), Darling Nikki(one of the funniest songs ever, it very vaguely makes fun of Appolonia), When Doves Cry(the climax to this masterpiece), I Would Die 4 U, Baby I'm A Star, and, of course, Purple Rain(a true classic, a very appropriate ending for this classic album) The movie and the album are both very good. I highly recommend them!\": {\"frequency\": 1, \"value\": \"The movie is okay, ...\"}, \"This episode is certainly different than all the other Columbos, though some of the details are still there, the setup is completely different. That makes this Columbo unique, and interesting to watch, even though at times you might wish for the old Columbo. I liked it a lot, but then, I like almost any Columbo.\": {\"frequency\": 1, \"value\": \"This episode is ...\"}, \"Have I ever seen a film more shockingly inept? I can think of plenty that equal this one, but none which manage to outdo it. The cast are all horrible stereotypes lumbered with flat dialogue. I am ashamed for all of the people involved in making this. Each one wears an expression of fear not generated by the plot, but by the realisation that this project could easily nix their career. Even the many charms of Ms. Diaz don't provide an adequate reason to subject yourself to this. Avoid, it's obviously a style of film that Americans haven't really got a grasp of. Watch the final result if you must, and you'll see what I'm talking about, but DON'T say I didn't warn you...\": {\"frequency\": 1, \"value\": \"Have I ever seen a ...\"}, \"A film about wannabee's, never-were's and less-than-heroes making it against all odds. Where have we heard that before. But when the unfortunates are the Shoveller, the Blue Raja and Mr.Furious you know this is not your conventional rags to riches story.

A classic performance by Eddie Izzard as Tony P. one of the Disco boys leaders and Geoffrey Rush as Arch Villain shows actual thought went into the casting.

Even Greg Kinnear, at first glance an odd choice for the role of Captain Amazing turns out spot on.

Watch this film if you're sick of comic-gone-film stereotypes. Why couldn't anger be a super power?\": {\"frequency\": 1, \"value\": \"A film about ...\"}, \"Did HeidiJean really see this movie? A great Christmas movie? Not even close. Dull, bland and completely lacking in imagination and heart. I kept watching this movie wondering who the hell thought that Carly Pope could play the lead in this movie! The woman has no detectable personality and gives a completely lackluster performance. Baransky was great as usual and provided the only modicum of interesting the whole thing. Probably her involvement was the only reason this project was green lighted to begin with. Maybe I'm expecting too much for a Lifetime movie played 15 days from Christmas but I sat through this thing thinking that with a different director and a recasting JJ with an actress that at least could elicit sympathy this could have been quite a cute little movie.\": {\"frequency\": 1, \"value\": \"Did HeidiJean ...\"}, \"Somebody owes Ang Lee an apology. Actually, a lot of people do. And I'll start. I was never interested in the Ang Lee film Hulk, because of the near unanimous bad reviews. Even the premium cable channels seemed to rarely show it. I finally decided to watch it yesterday on USA network and, wow....

SPOILERS FOR ANG LEE'S HULK AND THE INCREDIBLE HULK

Was it boring! I almost didn't make it through Ang Lee's Hulk. Eric Bana was expressionless, Nick Nolte was horrible, Sam Elliott was unlikeable (and that's no fun, he's usually a cool character). In fact, I honestly think they chose Eric Bana because his non-descript face was the easiest to mimic with computer graphics - and it was clear that the Ang Lee Hulk was meant to facially resemble Bruce Banner in his non-angry state. When Hulk fought a mutant poodle I was ready to concede Hulk as the worst superhero movie ever.

But then something happened. About 3/4 of the way through this tedious movie, there was a genuinely exciting and - dare I say it - reasonably convincing - extended action scene that starts with Hulk breaking out of a containment chamber in a military base, fighting M1 tanks and Comanche helicopters in the desert, then riding an F22 Raptor into the stratosphere, only to be captured on the streets of San Francisco. This was one of the best action sequences ever made for a superhero movie. And I have to say, the CGI was quite good. That's not to say that the Hulk was totally convincing. But it didn't require much more suspension of disbelief than is required in a lot of non-superhero action movies. And that's quite a feat.

Of course, the ending got really stupid with Bruce Banner's father turning into some sort of shape-shifting villain but the earlier long action sequence put any of Iron Man's brief heroics to shame. And overall, apart from the animated mutant dogs, it really did seem like the CGI in Hulk tried hard to convince you that he was real and really interacting with his environment. It was certainly better than I expected.

OK, but what about The Incredible Hulk? Guess what... It's boring too! It has just a few appearances by the Hulk and here's the thing - the CGI in this movie is horrible. Maybe the Hulk in Ang Lee's version looked fake at times and cartoonish at others - but it had its convincing moments also. The Incredible Hulk looked positively ridiculous. It had skin tone and muscle tone that didn't even look like a living creature, just some sort of computer-generated texture. It was really preposterous. The lighting, environment and facial effects didn't look 5 years newer than Ang Lee's, they looked 10 years older. And there really is no excuse for that. We truly are living in an era where computer programmers can ruin a movie just as thoroughly as any director, actor or cinematographer ever could.

Worse, the writer and director of this movie seemed to learn almost nothing from Ang Lee's \\\"failure\\\". All the same mistakes are made. Bruce Banner is practically emotionless. The general is so relentlessly, implausibly one-dimensional that he seems faker than the Hulk. The love interest is unconvincing (I have to give Liv Tyler credit for being more emotional than Jennifer Connelly, though both are quite easy on the eyes). Tim Blake Nelson overacts almost as much as Nick Nolte, even though he's only in the movie for a few minutes. The Hulk really doesn't do much in this movie, certainly not any more than in Ang Lee's version. The Incredible Hulk was slightly more fast-paced, but since nothing really happened anyway that's not worth much. Oh yeah, the villain is every bit as phony looking as the Hulk. He's actually much more interesting as a human than as a monster.

This is how I can definitively say Ang Lee's version was better: if I ever have the chance to see Ang Lee's version again, I might be able to sit through it to see the good action sequences, or else to try to appreciate the dialogue a little more (more likely I'd just fast forward to the good parts). But there is absolutely not a single scene in The Incredible Hulk that is worth seeing once, let alone twice. It is truly at the bottom of the heap of superhero movies. The cartoonish CGI is an insult to the audience - at least in Ang Lee's version it seems like they were trying to make it realistic (except for the giant poodle, of course).

It is absolutely mind-boggling how the filmmakers intended to erase the bad feelings associated with Ang Lee's Hulk by making almost exactly the same movie.

It is to Edward Norton's credit that he seems to be distancing himself from this film.\": {\"frequency\": 1, \"value\": \"Somebody owes Ang ...\"}, \"\\\"Bela Lugosi revels in his role as European horticulturalist (sic) Dr. Lorenz in this outlandish tale of horror and dementia. The good doctor's aging wife needs fluids harvested from the glands of young virgins in order to retain her youth and beauty. What better place for the doctor to maintain his supply than at the alter, where he kidnaps the unsuspecting brides before they can complete their vows? Sedating them into a coma-like state, he brings them to his mansion to collect his tainted bounty,\\\" according to the DVD sleeve's synopsis. That brief description is much more entertaining and imaginative than the movie.

** The Corpse Vanishes (1942) Wallace Fox ~ Bela Lugosi, Luana Walters, Elizabeth Russell\": {\"frequency\": 1, \"value\": \"\\\"Bela Lugosi ...\"}, \"This was a hit in the South By Southwest (SXSW) Film festival in Austin last year, and features a fine cast headed up by E.R.'s Gloria Reuben, and a scenery-chewing John Glover. Though shot on a small budget in NYC, the film looks and sounds fabulous, and takes us on a behind the scenes whirl through the rehearsal and mounting of what actors call \\\"The Scottish Play,\\\" as a reference to the word \\\"Macbeth\\\" is thought to bring on the play's ancient curse. The acting company exhibits all the emotions of the play itself, lust, jealousy, rage, suspicion, and a bit of fun as well. The games begin when an accomplished actor is replaced (in the lead role) by a well-known \\\"pretty face\\\" from the TV soap opera scene in order to draw bigger crowds. The green-eyed monster takes over from there, and the drama unfolds nicely. Fine soundtrack, and good performances all around. The DVD includes director's commentary and some deleted scenes as well.\": {\"frequency\": 1, \"value\": \"This was a hit in ...\"}, \"This movie is bad. I don't just mean 'bad' as in; \\\"Oh the script was bad\\\", or; \\\"The acting in that scene was bad\\\".....I mean bad as in someone should be held criminally accountable for foisting this unmitigated pile of steaming crud onto an unsuspecting public. I won't even dignify it with an explanation of the (Plot??) if I can refer to it as that.I can think of only one other occasion in some 40-odd years of movie watching that I have found need to vent my spleen on a movie. I mean, after all, no one goes out to intentionally make a bad movie, do they? Well, yes. Apparently they do...and the guilty man is writer/director Ulli Lommel. But the worst of it is that Blockbusters is actually renting this to their customers! Be advised. Leave this crap where it belongs. Stuck on the shelf, gathering dust.\": {\"frequency\": 1, \"value\": \"This movie is bad. ...\"}, \"There are so many puns to play on the title of the spectacularly bad Valentine that I don't know where to begin. I will say this though; here is a movie that makes me long for the complexity of the Valentine cards we used to give out in elementary school. You know, the ones with Batman exclaiming \\\"You're a super crime-fighting valentine!\\\"

Valentine is a slasher movie without the slightest hint of irony, one of the few horror movies in recent years that ignores the influence of Scream. The villain is omniscient and nigh-invulnerable. The heroes are easily scared when people run around corners and grab them by the shoulders screaming \\\"HeyIjustleftmycoatbehind!\\\" The score is more overbearing than Norman Bates' mother.

The flimsy plot follows several childhood friends, now grown up and extremely curvaceous. Since the film gives them nothing else to do, they stand around and wait until a masked stalker kills them one by one. This stalker appears to be former nerd Jeremy Melton, who was constantly rejected by women and beaten by men in high school. With Valentine's Day approaching, the women begin receiving scary cards foretelling their doom. Melton seems like the obvious suspect. Only problem is, as numerous characters warns, in thirteen years Melton could have changed his appearance to look buff and handsome. So (insert terrified gasp here) everyone is a suspect!

Here's problem one. In order to have any sense of suspense while watching Valentine, you have to accept a reality in which a high school nerd is capable of becoming David Boreanaz. Nerds don't turn into Angel when they grown up, they turn into older, balder nerds. He's not a terrible actor, but the script, by no less than four writers, gives him and the rest of the cast nothing to do but scream and make out. Denise Richards (the bustiest actress in Hollywood never to star in Baywatch) is especially exploited; most shamefully in the blatant excuse to get her in a bathing suit just before a crucial suspense scene. Note to self: always bring a bathing suit to a Valentine's Day party. Just because it's February doesn't mean you might not feel like taking a little dip.

The slasher in Valentine dresses in head-to-toe black with a Cherub's mask. Here's problem number two. The filmmakers clearly thought this would be a disturbing image to have on the head of someone who's whacking people in the face with hot irons. Plain and simple, it's not. Instead, it just made me wonder how a guy with a mask that covers his entire face, including his eyes and ears, can move so stealthily without bumping his shins on chairs or tables. Then again, given the things the Cupid Killer does, maybe he can teleport and his eyes are on his hands.

Not only is the movie bad, it isn't even sure who the killer is; the final \\\"twist\\\" is more \\\"Huh?\\\" than \\\"Hah!\\\" When you're not scratching your head you're yawning, then groaning, then searching for the nearest exit. Do not watch this movie. Even if you're alone on Valentine's Day, find something, ANYTHING, else to do. You'll be glad you did.\": {\"frequency\": 1, \"value\": \"There are so many ...\"}, \"I remember watching this film a while ago and after seeing 3000 miles to Graceland, it all came flooding back. Why this hasn't had a Video or DVD release yet? It's sacrilegious that this majesty of movie making has never been released while other rubbish has been. In fact this is the one John Carpenter film that hasn't been released. In fact i haven't seen it on the TV either since the day i watched it. Kurt Russell was the perfect choice for the role of Elvis. This is definitely a role he was born to play. John carpenter's break from horror brought this gem that i'd love the TV to play again. It is well acted and well performed as far as the singing goes. Belting out most of Elvis's greatest hits with gusto. I think this also was the film that formed the partnership with Russell and Carpenter which made them go on to make a number of great movies (Escape from New York, The Thing, Big trouble in little china, and Escape from L.A. Someone has got to release this before someone does a remake or their own version of his life, which i feel would not only tarnish the king but also ruin the magic that this one has. If this doesn't get released then we are gonna be in Heartbreak Hotel.\": {\"frequency\": 1, \"value\": \"I remember ...\"}, \"This is without a shadow of a doubt the absolute worst movie Steven Seagal has ever made. And that says a lot. Don't get fooled by the rating, it's way too good. This abomination hadn't even been worthy of a 0/10 rating, if such a thing existed.

- Absolutely no plot

- Worst action scenes ever, and there aren't too many of them either

- Seagal doesn't do anything himself, including the fighting, talking (lots of dubbing), and so on. As always.

- Seagal is fat, lazy and couldn't care less about this movie. Something which is very obvious all the way through

Take all the other garbage DTV movies Seagal has made, multiply them with each other, multiply this with a thousand billions, and all the badness you then get won't even describe 1 % of this absolute crapfest.\": {\"frequency\": 1, \"value\": \"This is without a ...\"}, \"\\\"White Noise\\\" had potential to be one of the most talked about movies since \\\"The Exorcist\\\" I think. Seeing as EVP is supposedly true it really had an easy passage to be a feared true fact. Not many movies come along that really instill fear into the minds of people. Like I said this movie could have, but did not. The movie degraded itself to a low class PG-13 scary movie. Nothing compared to \\\"The Ring\\\" or \\\"The Sixth Sense\\\" by any means. Someone really needs to just take charge in the horror movie industry and just make a movie that not only makes us think, but it makes us jump, scream, everything a horror movie should do. I'm honestly sick of the PG-13 Horror Genre, because its becoming a genre of its own. We need the old days back, the blood and gore days, the Freddy Kruger, the Jason, The Mike Myers days. Few movies can pull off a think about this mentality being so NOT scary. So why try to pull it off? A few good jumps in this movie amount to nothing but one of the stupidest endings in movie history with no resolution at all...don't waste your money on this movie.\": {\"frequency\": 1, \"value\": \"\\\"White Noise\\\" had ...\"}, \"\\\"Protocol\\\" is a hit-and-miss picture starring Goldie Hawn as a bubbly cocktail waitress who one night saves the life of a visiting Arab from an assassination attempt. The woman immediately becomes a celebrity, and gets a new job working for the U.S. Government. Will the corridors of power in our nation's capital ever be the same? Hawn is excellent as usual even though \\\"Protocol\\\" isn't as funny as her best film \\\"Private Benjamin\\\". But it's still a good movie, and I did laugh alot.

*** (out of four)\": {\"frequency\": 1, \"value\": \"\\\"Protocol\\\" is a ...\"}, \"Night of the Twisters is a very good film that has a good cast which includes Devon Sawa, Amos Crawley, John Schneider, Lori Hallier, Laura Bertram, David Ferry, Helen Hughes, Jhene Erwin, Alex Lastewka, Thomas Lastewka, Megan Kitchen, and Graham McPherson. The acting by all of these actors is very good. The special effects and thrills is really good and some of it is surprising. The movie is filmed very good. The music is good. The film is quite interesting and the movie really keeps you going until the end. This is a very good and thrilling film. If you like Devon Sawa, Amos Crawley, John Schneider, Lori Hallier, Laura Bertram, David Ferry, Helen Hughes, Jhene Erwin, the rest of the cast in the film, Action, Mystery, Thrillers, Dramas, and interesting films then I strongly recommend you to see this film today!\": {\"frequency\": 1, \"value\": \"Night of the ...\"}, \"

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\\ufffd\\ufffd, 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.\": {\"frequency\": 1, \"value\": \"


Gere and Danes are doing their jobs, and while it's not their best work, it's quite OK. The rest of the cast, though, is doing a really poor job. Mind you, this is not entirely the actors fault. The problem is that Gere and Danes are the only ones that have characters that have even the slightest room in the movie to really give any depth. All other characters have either too little room in the movie to create any depth, or the character is such a clich\\ufffd\\ufffd that it doesn't matter how hard the actors try.

The director has a bit of a Se7en complex, but looking merely at the direction, I think he does an OK job.

But the story. This is the kind of script that is bad in two ways. First of all it's a bad movie script. The characters are shallow (except for Gere's and Danes' characters), the villains are clich\\ufffd\\ufffds and the actions of the characters is totally unbelievable. Besides this, the writers must have an agenda where they want to bring back our views and ethics a hundred years. It's the kind of movie that are saying that some criminals are still criminals, regardless of the fact that they have paid the price the society has given them. It's also the kind of movie that says, albeit only between the lines, that every form of sexual deviance should be punished without trial, judge or jury. And of course, according to the movie, everything that is not sex in the missionary position by a married couple is a sexual deviance.

So, if you're going to film school and need an example of a bad script, or if you're writing scripts yourself and want an ego boost. See it. For everyone else, I recommend another movie.\": {\"frequency\": 1, \"value\": \"In the title I ...\"}, \"I make a point out of watching bad movies frequently, and the sci-fi channel original movies tend to be one of the best sources for these movies you can find. As such, I'm sure you can imagine my disappointment when I saw Sands of oblivion. The acting was uncharacteristically sub-par, as opposed to the woefully disgraceful display sci-fi usually has in store for us. There are a few cameos made by people you'd most likely recognize, although you may not know their names by heart. The CGI special effects are minimal, and as such, one of the largest sources of comedy in a sci-fi feature is lacking. Sure, there are some funny moments like when a guy gets beheaded by a bulldozer, or when the main character leaves his friend to die in order to save a girl he's known for a couple of days, but overall, it ends up just not having you rolling on the floor with laughter, and I consider that a major disappointment.

If I was rating it on a 10 star scale made specifically to judge made-for TV movies, I'd probably give it a 4, maybe even a 5. A real shame that I may have to wait 'till the next sci-fi original movie to get a good laugh, and I really hope that this movie isn't part of some overall quality increase in sci-fi original movies.\": {\"frequency\": 1, \"value\": \"I make a point out ...\"}, \"Americans have the attention span of a fruit fly and if something does not happen within the span of a typical commercial, we tend to lose interest really fast.

I found out an exciting fact from this film: someone has to paint high tension utility poles and do it on a schedule! And guess what, they really would like to be doing something else (the viewer has similar feelings).

Surprisingly, when I was bored watching late night infomercials and decided to actually watch this film, I found the characters to be interesting and highly engaging.

I just don't usually watch that much late night TV, so I can't recommend this film, unless watching paint dry is your idea of an exciting two hours out of your life.\": {\"frequency\": 1, \"value\": \"Americans have the ...\"}, \"When I was 17 my high school staged Bye Bye Birdie - which is no great surprise, since it is perfect high school material and reputed to be the most-staged musical in the world.

I was a music student and retained strong memories of the production and its songs, as well as a lingering disregard for the Dick Van Dyke movie version which had (deliberately) obscured the Elvis references and camped it up for a swinging 60s audience.

So, when the 1995 version starring Jason Alexander hit my cable TV screen, I was delighted with what I saw. Alexander turns in an exceptional performance as Albert, a performance in strong contrast to his better-known persona from a certain TV series. The remainder of the cast are entertaining and convincing in their roles (Chynna Phillips is perhaps the only one who does not look her part, supposedly a naive and innocent schoolgirl).

But best of all, the musical numbers familiar from the stage show are all preserved in this movie and performed as stage musical songs should be (allowing for the absence of a stage).

So, if you know the musical (and few do not), then check out this telemovie. It does the stage show justice in a way which can probably not be bettered, which is good enough for me. What is better than rendering a writer's work faithfully and with colour and style?\": {\"frequency\": 1, \"value\": \"When I was 17 my ...\"}, \"I love ghost stories in general, but I PARTICULARLY LOVE chilly, atmospheric and elegantly creepy British period-style ghost stories. This one qualifies on all counts. A naive young lawyer (\\\"solicitor\\\" in Britspeak) is sent to a small village near the seaside to settle an elderly, deceased woman's estate. It's the 1920s, a time when many middle-class Brits go to the seaside on vacation for \\\"their health.\\\" Well, guess what, there's nothing \\\"healthy\\\" about the village of Crythin Gifford, the creepy site of the elderly woman's hulking, brooding Victorian estate, which is located on the fringes of a fog-swathed salt marsh. When the lawyer saves the life of a small girl (none of the locals will help the endangered tot -- you find out why later on in the film), he inadvertently incurs the wrath of a malevolent spirit, the woman in black. She is no filmy, gauzy wraith, but a solid black silhouette of malice and evil. The viewer only sees her a few times, but you feel her malevolent presence in every frame. As the camera creeps up on the lawyer while he's reading through legal papers, you expect to see the woman in black at any moment. When the lawyer goes out to the generator shed to turn on the electricity for the creepy old house, the camera snakes in on him and you think she'll pop up there, too. Waiting for the woman in black to show up is nail-bitingly suspenseful. We've seen many elements of this story before(the locked room that no one enters, the fog, the naive outsider who ignores the locals' warnings) but the director somehow manages to combine them all into a completely new-seeming and compelling ghost story. Watch it with a buddy so you can have someone warm to grab onto while waiting for the woman in black. . .\": {\"frequency\": 1, \"value\": \"I love ghost ...\"}, \"\\\"Hotel du Nord \\\" is the only Carn\\ufffd\\ufffd movie from the 1936-1946 era which has dialogs not written by Jacques Pr\\ufffd\\ufffdvert,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\\ufffd\\ufffdg\\ufffd\\ufffde Raymonde he wants a change of air(atmosph\\ufffd\\ufffdre) Because she does not understand the meaning of the world atmosph\\ufffd\\ufffdre,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\\ufffd\\ufffdma:

In French :\\\"Atmosph\\ufffd\\ufffdre?Atmosph\\ufffd\\ufffdre?Est-ce que j'ai une gueule d'atmosph\\ufffd\\ufffdre?\\\" Translation attempt:\\\"Atmosphere?atmosphere?Have I got an atmosphere face? This is our French \\\"Nobody's perfect\\\".\": {\"frequency\": 1, \"value\": \"\\\"Hotel du Nord \\\" ...\"}, \"A film that is so much a 30's Warners film in an era when each studio had a particular look and style to their output, unlike today where simply getting audiences is the object.

Curitz was one of the quintessential Warners house directors working with tight economy and great efficiency whilst creating quality, working methods that were very much the requirements of a director at Warners, a studio that was one of the \\\"big five\\\" majors in this era producing quality films for their large chains of theatres.

Even though we have a setting of the upper classes on Long Island there is the generic Warners style embedded here with a narrative that could have been \\\"torn from the headlines\\\". Another example is the when the photographers comment on the girls legs early in the film and she comments that \\\"They're not the trophies\\\" gives the film a more working mans, down to earth feel, for these were the audiences that Warners were targeting in the great depression. (ironically Columbia and Universal were the two minors under these five majors until the 50's when their involvement in television changed their fortunes - they would have made something like this very cheaply and without the polish and great talent) Curtiz has created from an excellent script a film that moves along at a rapid pace whilst keeping the viewer with great camera angles and swift editing.

Thank heavens there is no soppy love interest sub-plot so the fun can just keep rolling along.\": {\"frequency\": 1, \"value\": \"A film that is so ...\"}, \"Much like Orson Welles thirty years earlier,Mike Sarne was given \\\"the biggest train set in the world\\\"to play with,but unfortunately lacked the ability to do anything more than watch his train set become a train wreck that is still spoken of with shock and a strange sort of awe. Despite post - modern interpretations purporting somehow to see it as a gay or even feminist tract,the fact of the matter is that it was a major disaster in 1970 and remains one today.How anyone given the resources at Mr Sarne's disposal could have screwed up so royally remains a closely - guarded secret.Only Michael Cimino ever came close with the political and artistic Armageddon that constitutes \\\"Heaven's Gate\\\".Both films appeared to be ego trips for their respective directors but at least Mr Cimino had made one of the great movies of the 1970s before squandering the studio's largesse,whereas Mr Sarne had only the rather fey \\\"Joanna\\\" in his locker. Furthermore,\\\"Heaven's Gate\\\" could boast some memorable and well - handled set - pieces where,tragically,\\\"Myra Breckinridge\\\"s cupboard was bare. Simply put,it is overwhelmingly the worst example of biting the hand that feeds in the history of Hollywood.\": {\"frequency\": 1, \"value\": \"Much like Orson ...\"}, \"I almost never comment on movies, but I saw the 5 glowing reviews of this \\\"movie\\\" and decided I had to weigh in with my own review. An instructor of mine received this film in the mail, mixed in with his Academy screeners (AMPAS, aka the guys who vote on the Oscars), and was so floored with how terribly constructed this movie was that he brought it in to our class to demonstrate to us how NOT to put together a movie.

This film has no plot, the scenes are horribly, horribly edited (oftentimes using faux \\\"24\\\" style picture-in-picture techniques), and the performances (particularly the lead, who even fails at acting like a bad actress) are for the most part, obnoxious. Someone truly failed to understand the point of an introduction, namely, the setting up of the plot. There is no setup! Halfway through the movie neither myself nor the rest of the class knew what this movie was supposed to be about. The opening crane shot, which sets up some kind of murder, is never addressed, and now that I think about it, was possibly meant to be a flash-forward, with the rest of the film being a flashback, but it cuts from that scene directly to the next without any indication as such.

Bah, I could really go on and on. At the very least, this movie gives me renewed confidence in my own film-making ability.\": {\"frequency\": 1, \"value\": \"I almost never ...\"}, \"I did not think this movie was worth anything bad script, bad acting except for Janine Turner, no fantasy, stupid plot, dumb-ass husband and unfair divorce settings. If you have never seen this movie before don't even bother it's not worth it at all. The only thing that was good about it was that Janine Turner, did a good job acting. Terry's husband is a stuck up smart-ass defense attorney who has won a lot of cases and even gotten guility murderers off. He think he is so smart but he is really just a nut. Her best friend has an affair with her husband and betrays her. Nice girl huh. Yeah she's a real peach, not. She's no day at the beach either.\": {\"frequency\": 1, \"value\": \"I did not think ...\"}, \"Brian Yuzna is often frowned upon as a director for his trashy gore-fests, but the truth is that his films actually aren't bad at all. The Re-Animator sequels aren't as great as the original, but are still worthy as far as horror sequels are concerned. Return of the Living Dead 3 is the best of the series; and Society isn't a world away from being a surrealist horror masterpiece. This thriller certainly isn't a masterpiece; but it shows Yuzna's eye for horror excellently, and the plot moves in a way that is always thrilling and engaging. I'm really surprised that a horror movie about dentistry didn't turn up until 1996, as going to the dentist is almost a primal fear - it's running away from a tiger for the modern world. Dentistry doesn't frighten me, but surprisingly; I would appear to be in the minority. The plot follows perfectionist dentist Dr Feinstone. He has a nice house, a successful career and a beautiful wife - pretty much everything most people want. However, his life takes a turn for the worse when he discovers his wife's affair with the pool cleaner. And his life isn't the only one; as it's his patients who feel the full brunt of his anger...

When it comes to scaring the audience, this movie really makes itself. However, credit has to go to the director for extracting the full quota of scares from the central theme. The fact that he does a good job is summed up by the fact that I'm not squeamish about going to the dentist - yet one particular scene actually made me cover my eyes! The film follows the standard man going insane plot outline, only with The Dentist you always get the impression that there's more to the film than what we're seeing. It isn't very often that a gore film can impress on a substance level - and while this won't be winning any awards, the parody on the upper class is nicely tied into the plot. The acting, while B-class, is actually quite impressive; with Corbin Bernsen taking the lead role and doing a good job of convincing the audience that he really is a man on the edge. I should thank Brian Yuzna for casting Ken Foree in the movie. The Dawn of the Dead star doesn't get enough work, and I really love seeing him in films. The rest of the cast doesn't massively impress, but all do their jobs well enough. Overall, The Dentist offers a refreshing change for nineties slasher movies. The gore scenes are sure to please horror fans, and I don't hesitate to recommend this film.\": {\"frequency\": 1, \"value\": \"Brian Yuzna is ...\"}, \"The movie began well enough. It had a fellow get hit by a glowing green meteorite, getting superpowers (telekinesis, x-ray vision, invulnerability, flight, the ability to speak to dogs, superspeed, heat vision, and the ability to make plants grow large and quickly), and fighting crime. From there on it's all downhill.

Meteor Man gets a costume from his mom, fights with the resident gangs, and has many aborted encounters with the gang leaders which serves to set you up for the disappointing, overlong, and stupefying ending.

It wouldn't be so remarkably bad if it weren't like watching a boxing match where the two fighters pretend to hit each other while the audience stands looking onward while the fighters just continue to dance.

Despite all of this nonsense the movie has good points. It states clearly that if you try to take on a gang alone then they'll come back to your home and hurt you. It states that gangs & communities need to see their real enemies (the big bosses that use them for their own ends to crush honest people into a ghetto existence). It also states that people do not need superheroes if they are willing to work as a community do destroy the predators that harm them. The only message it really lacks is that the voters should ensure their elected officials (Rudolph Giuliani, Marion Barry, Ronald Reagan, George W. Bush, & George H.W. Bush) aren't crooks too.

\": {\"frequency\": 1, \"value\": \"The movie began ...\"}, \"A stupid rich guy circa about 1800 wants to visit a nearby mental asylum to see how a famous doctor cares for his patients. Despite an initially hostile response, he is soon cordially invited in and given a tour by the good doctor. And, as the doctor shows him about, he talks and talks and talks!!! And as he talks, loonies run amok here and there doing nothing especially productive. While there is SOME action here and there (and some of it quite disturbing), it's amazing how dull and cerebral the whole thing is--lacking life and energy, which is odd for a horror flick. Even a guy who thinks he's a chicken and dresses like one becomes rather tiresome. The further this tour takes the guest, the more disturbing it becomes until ultimately you realize that the inmates have taken over the hospital and are torturing their keepers. Yet again, despite this twist, the film is amazingly lifeless in many places--particularly when it moves very slowly as a bizarre ceremony is taking place or people are just wandering about the set. Only when the workers from the asylum found in a prison cell, starving, does the film have any real impact. Considering this plot, it sure is hard to imagine making it boring, but the people who made this cheap exploitational film have! Now with the same plot and competent writing, acting and direction, this COULD have been an interesting and worthwhile film.

You know, now that I think about it, this was the plot of one of the episodes of the original \\\"Star Trek\\\" TV show! You know, the one with \\\"Lord Garth--Master of the Universe\\\" and Kirk and Spock are held prisoner by this madman and his crazed followers.

A final note: The film has quite a bit of nudity here and there and includes a rape scene, so be forewarned--it's not for kids. In fact, considering how worthless the film is, it isn't for anyone! However, with the version included in the \\\"50 Movie Pack--Chilling Classics\\\", the print is so incredibly bad that it's hard to see all this flesh due to the print being so very dark.\": {\"frequency\": 1, \"value\": \"A stupid rich guy ...\"}, \"This is a complete Hoax...

The movie clearly has been shot in north western Indian state of Rajasthan. Look at the chase scene - the vehicles are Indian; the writing all over is Hindi - language used in India. The drive through is on typical Jaipur streets. Also the palace is in Amer - about 10 miles from Jaipur, Rajasthan. The film-makers in their (about the film) in DVD Bonus seem to make it sound that they risked their lives shooting in Kabul and around. Almost all of their action scenes are shot in India. The scene where they see a group singing around fire is so fake that they did not even think about changing it to Afgani folk song. They just recorded the Rajasthani folk song. How do I know it because I have traveled that area extensively. They are just on the band-wagon to make big on the issue. I do challenge the film makers to deny it.\": {\"frequency\": 1, \"value\": \"This is a complete ...\"}, \"Movie about a small town with equal numbers of Mormons and Baptists. New family moves in, cue the overwritten dialog, mediocre acting, green jello salad with shredded carrots, and every other 'inside Mormon joke' known to man. Anyone outside the Mormon culture will have a hard time stomaching this movie. Anyone inside the Mormon culture will be slightly amused with a chuckle here and there. You'll be much better off watching Hess's other movies (Napoleon Dynamite, etc..) than trying to sit through this one. The acting is mediocre. Jared Hess has had his hands on much more quality films like \\\"Saints and Soldiers\\\", and \\\"Napoleon Dynamite\\\". I would recommend both movies over this groaner.\": {\"frequency\": 1, \"value\": \"Movie about a ...\"}, \"i saw the film and i got screwed, because the film was foolish and boring. i thought ram gopal varma will justify his work but unfortunately he failed and the whole film got spoiled and they spoiled \\\"sholay\\\". the cast and crew was bad. the whole theater slept while watching the movie some people ran away in the middle. amithab bachan's acting is poor, i thought this movie will be greatest hit of the year but this film will be the greatest flop of the year,sure. nobody did justice to their work, including Ajay devagan. this film don't deserve any audiences. i bet that this film will flop.

\\\"FINALLY THIS MOVIE SUCKS\\\"\": {\"frequency\": 1, \"value\": \"i saw the film and ...\"}, \"Although at one point I thought this was going to turn into The Graduate, I have to say that The Mother does an excellent job of explaining the sexual desires of an older woman.

I'm so glad this is a British film because Hollywood never would have done it, and even if they had, they would have ruined it by not taking the time to develop the characters.

The story is revealed slowly and realistically. The acting is superb, the characters are believably flawed, and the dialogue is sensitive. I tried many times to predict what was going to happen, and I was always wrong, so I was very intrigued by the story.

I highly recommend this movie. And I must confess, I'll forever look at my mom in a different light!\": {\"frequency\": 1, \"value\": \"Although at one ...\"}, \"Otto Preminger's noir classic works almost as a flip-side of LAURA...while that film was glitzy and features the high fa-luting Clifton Webb, this film is a whole lot seamier. Dana Andrews is a less than good cop who accidentally kills a man only to have it potentially pinned on the father of the girl he loves. Preminger keeps things moving at a brisk clip so that lapses in logic are easily overlooked. Andrews is quite fine (a lot less wooden than he's been in the past) and the stunningly beautiful Gene Tierney is stunningly beautiful! Creepy Craig Stevens plays the unlucky victim. WHERE THE SIDEWALK ENDS is a must see and a terrific companion-piece to Preminger's equally lurid WHIRLPOOL (also starring Tierney).\": {\"frequency\": 1, \"value\": \"Otto Preminger's ...\"}, \"If the only sex you've ever had is with a farm animal, then the tag line for this movie is probably still misleading.

This is by far one of the most boring movies I've had the pleasure to try and watch lately. I found the DVD lying around at my friend's house, and I made the sad mistake of not burning it.

I am unable to tell any details without spoiling the movie because there are only about 5 details to this movie. Just try to imagine someone making a movie about things on c-span only the fictional movie is 10 times less interesting than the most boring debate on c-span.

I think there is a conspiracy somewhere in this movie, but I was unable to tell exactly what it was after I gouched my eyeballs out and threw them at Richard Gere.\": {\"frequency\": 1, \"value\": \"If the only sex ...\"}, \"First saw this half a lifetime ago on a black-and-white TV in a small Samoan village and thought it was hilarious. Now, having seen it for the second time, so much later, I don't find it hilarious. I don't find ANYTHING hilarious anymore. But this is a witty and light-hearted comedy that moves along quickly without stumbling and I thoroughly enjoyed it.

It's 1945 and Fred MacMurray is a 4F who's dying to get into one of the armed forces. He rubs a lamp in the scrapyard he's managing and a genie appears to grant him a few wishes. (Ho hum, right? But though the introduction is no more than okay, the fantasies are pretty lively.) MacMurray tells the genie that he wants to be in the army. Poof, and he is marching along with Washington's soldiers into a particularly warm and inviting USO where June Haver and Joan Leslie are wearing lots of lace doilies or whatever they are, and lavender wigs. Washington sends MacMurray to spy on the enemy -- red-coating, German-speaking Hessians, not Brits. The Hessians are jammed into a Bierstube and singing a very amusing drinking song extolling the virtues of the Vaterland, \\\"where the white wine is winier/ and the Rhine water's Rhinier/ and the bratwurst is mellower/ and the yellow hair is yellower/ and the Frauleins are jucier/ and the goose steps are goosier.\\\" Something like that. The characterizations are fabulous, as good as Sig Rumann's best. Otto Preminger is the suspicious and sinister Hessian general. \\\"You know, Heidelberg, vee are 241 to 1 against you -- but vee are not afraid.\\\"

I can't go on too long with these fantasies but they're all quite funny, and so are the lyrics. When he wishes he were in the Navy, MacMurray winds up with Columbus and the fantasy is presented as grand opera. \\\"Don't you know that sailing west meant/ a terrifically expensive investment?/ And who do you suppose provides the means/ but Isabella, Queen of Queens.\\\" When they sight the New World, someone remarks that it looks great. \\\"I don't care what it looks like,\\\" mutters Columbus, \\\"but that place is going to be called Columbusland.\\\"

Anyway, everything is finally straightened out, though the genie by this time is quite drunk, and MacMurray winds up in the Marine Corps with the right girl.

I've made it sound too cute, maybe, but it IS cute. The kids will enjoy the puffs of smoke and the magic and the corny love story. The adults will get a kick out of the more challenging elements of the story (who are the Hessians?) unless they happen to be college graduates, in which case they might want to stick with the legerdemain and say, \\\"Wow! Awesome!\\\"\": {\"frequency\": 1, \"value\": \"First saw this ...\"}, \"I was very displeased with this move. Everything was terrible from the start. The comedy was unhumorous, the action overdone, the songs unmelodious. Even the storyline was weightless. From a writer who has written successful scripts like Guru and Dhoom, I had high expectations. The actors worked way too hard and did not help the film at all. Of course, Kareena rocked the screen in a bikini but for two seconds. I think Hindi stunt directors should research how action movies are done. They tend to exaggerate way too much. In Chinese films, this style works because that is their signature piece. But, Hindi cinema's signature are the songs. A good action movie should last no more than two hours and cannot look unrealistic. But, in the future, I'm sure these action movies will get much sharper. Also to be noted: Comedy and action films do not mix unless done properly. Good Luck next time.\": {\"frequency\": 1, \"value\": \"I was very ...\"}, \"This flick was a blow to me. I guess little girls should aspire to be nothing more than swimsuit models, home makers or mistresses, since that seems to be all they'll ever be portrayed as anyway. It is truly saddening to see an artist's work and life being so unjustly misinterpretated. Inconcievably (or perhaps it should have been expected), Artemisia's entire character and all that she stands for, had been reduced to a standard Hollywood, female character; a pitiful, physically flawless, helpless little creature, displaying none of the character traits that actually got her that place in history which was being mutilated here. Sadder yet, was to see that a great part of the audience was too badly educated in the area to comprehend the incredible gap between the message conveyed in the film, and reality. To portray the artist as someone in love with her real-life rapist, someone whom she in reality accused of raping her even when under torture, just plain pisses me off. If the director had nothing more substantial to say she should have refrained from basing her story on a real person.\": {\"frequency\": 1, \"value\": \"This flick was a ...\"}, \"As someone who has both read the novel and seen the film, I have a different take on why the film was such a flop. First, any comparisons between novel and film are purely superficial. They are two different animals.

The novel is probably intended as a satire, but it arrives as a cross between tragedy and polemic instead. Any comedic elements such as those which later formed the stylistic basis of the film version are merely incidental to the author's uniformly cynical thrust. And lest the omnipresent white suit of the author fool you into thinking this is another Mark Twain, think again. A more apt literary precedent would be the spectre of Ambrose Bierce in a top hat and tails. Tom Wolfe is equal parts clown and hack, more celebrity than author, always looking for new grist for his self-absorbed mill.

It is therefore no wonder that the excellent production skills and direction lavished on the making of the film were doomed from the start. Unlike true satire, which translates very well into film, polemics are grounded not in universally accessible observations on some form or other of human behavior, but in a single-minded attack on specific people -- whether real or fictional straw men -- who have somehow earned the wrath of the writer. Any effort to create a successful filmed story or narrative from such a beginning must have a clean start, free of the writer's influence or interference.

Having said that, I too find fault with the casting. It is not merely that incompetents like Bruce Willis and Melanie Griffith fail to measure up, but that real talents like Tom Hanks, F. Murray Abraham, and Morgan Freeman are either totally wasted or given roles that are mere caricatures.

There is enough topical material here for a truly great film satire, but it fails to come even close.\": {\"frequency\": 1, \"value\": \"As someone who has ...\"}, \"I have no idea as to which audience director George Schlatter hoped to sell this comedy-of-ills. With Redd Foxx in the central role and enough pimpy outfits and polyester to carpet the entire 1970s, \\\"Norman\\\" plays like a blaxploitation picture combined with any number of silly sitcom episodes involving comic misunderstandings, not to mention an elongated cameo by Waylon Flowers! Based on a play by Sam Bobrick and Ron Clark, this tale of an estranged married couple (Foxx and Pearl Bailey) learning the hard way that their son is secretly gay--and living with a mincing, prancing white homosexual--has enough limp-wristed jokes to shame any early episode of \\\"Three's Company\\\". Bailey keeps her dignity, and Foxx's sheer confusion is good for a couple of chuckles, but the rest of the performers are humiliated. * from ****\": {\"frequency\": 1, \"value\": \"I have no idea as ...\"}, \"While the original titillates the intellect, this cheap remake is designed purely to shock the sensibilities. Instead of intricate plot-twists, this so-called thriller just features sudden and seemingly random story changes that serve only to debase it further with each bizarre development. Worst of all, replacing the original spicy dialog is an overturned saltshaker full of unnecessary four-letter words, leaving behind a stark, but uninteresting taste.

There was promise--unfulfilled promise. The prospect of Michael Caine pulling off a Patty Duke-like Keller-to-Sullivan graduation is admittedly intriguing. Unfortunately, this brilliant and respected actor only tarnished his reputation, first by accepting the role in this horribly re-scripted nonsense and then by turning in a performance that only looks competent when compared to Jude Law's amateurish overacting.

If you haven't seen the classic original, overlook its dated visuals and gimmicks. Hunt it down, watch it, and just enjoy a story-and-a-half. As for the remake, pass on this insult to the original.\": {\"frequency\": 1, \"value\": \"While the original ...\"}, \"This is listed as a documentary, it's not, it's filmed sort of like a documentary but that I suspect was just because then they get away with a shaky camera and dodgy filming. This has just been released in the UK on DVD as an \\\"American Pie style comedy\\\" it's not that either.

Basically it follows around a group of teens on spring break as they go to Mexico for cheap booze and with the quest being to get there virgin friend finally laid. Throw is a couple of dwarfs, also on the same sort of quest and you have a non-hilarious tale of drunk teens trying to get some girls.

Considering the 18 Rating this has very little nudity, and practically zero sex scenes, mainly I guess the rating is for swearing of which there is plenty.

If you like crude Jackass behaviour without the humour, then this may be your thing, if you have any brain cells left then I would probably avoid this!\": {\"frequency\": 1, \"value\": \"This is listed as ...\"}, \"\\\"The Plainsman\\\" represents the directorial prowess of Cecil B. DeMille at its most inaccurate and un-factual. It sets up parallel plots for no less stellar an entourage than Wild Bill Hickok (Gary Cooper), Buffalo Bill Cody (James Ellison), Calamity Jane (Jean Arthur), George Armstrong Custer and Abraham Lincoln to interact, even though in reality Lincoln was already dead at the time the story takes place. Every once in a while DeMille floats dangerously close toward the truth, but just as easily veers away from it into unabashed spectacle and showmanship. The film is an attempt to buttress Custer's last stand with a heap of fiction that is only loosely based on the lives of people, who were already the product of manufactured stuffs and legends. Truly, this is the world according to DeMille - a zeitgeist in the annals of entertainment, but a pretty campy relic by today's standards.

TRANSFER: Considering the vintage of the film, this is a moderately appealing transfer, with often clean whites and extremely solid blacks. There's a considerable amount of film grain in some scenes and an absence of it at other moments. All in all, the image quality is therefore somewhat inconsistent, but it is never all bad or all good \\ufffd\\ufffd just a bit better than middle of the road. Age related artifacts are kept to a minimum and digital anomalies do not distract. The audio is mono but nicely balanced.

EXTRAS: Forget it. It's Universal! BOTTOM LINE: As pseudo-history painted on celluloid, this western is compelling and fun. Just take its characters and story with a grain of salt \\ufffd\\ufffd in some cases \\ufffd\\ufffd a whole box seems more appropriate!\": {\"frequency\": 1, \"value\": \"\\\"The Plainsman\\\" ...\"}, \"I am a lover of B movies, give me a genetically mutated bat and I am in heaven. These movies are good for making you stop thinking of everything else going on in your world. Even a stupid B movie will usually make me laugh and I will still consider it a good thing. Then there was Hammerhead, which was so awful I had to register with IMDb so I could warn others. First there was the science of creating the shark-man, which the movie barely touched on. In order to keep the viewers interested they just made sure there was blood every few minutes. During one attack scene the camera moved off of the attack but you saw what was apparently a bucket of blood being thrown by a stagehand to let you know that the attack was bloody and the person was probably dead (what fabulous special effects). Back to the science, I thought it was very interesting that the female test subjects were held naked and the testing equipment required that they be monitored through their breast tissue. Anyway this movie had poor plot development, terrible story, and I'm sorry to say pretty bad acting. Not even William Forsythe, Hunter Tylo or Jeffrey Combs could save this stinker.\": {\"frequency\": 1, \"value\": \"I am a lover of B ...\"}, \"After witnessing his wife (Linda Hoffman) engaging in sexual acts with the pool boy, the already somewhat unstable dentist Dr. Feinstone (Corbin Bernsen) completely snaps which means deep trouble for his patients.

This delightful semi-original and entertaining horror flick from director Brian Yuzna was a welcome change of pace from the usual horror twaddle that was passed out in the late Nineties. Although \\ufffd\\ufffdThe Dentist' is intended to be a cheesy, fun little film, Yuzna ensures that the movie delivers the shocks and thrills that many more serious movies attempt to dispense. Despite suffering somewhat from the lack of background on the central characters, and thus allowing events that should have been built up to take place over a couple of days, the movie is intriguing, generally well scripted and well paced which allows the viewer to maintain interest, even during the more ludicrous of moments. \\ufffd\\ufffdThe Dentist' suffers, on occasion, from dragging but unlike the much inferior 1998 sequel, there are only sporadic uninteresting moments, and in general the movie follows itself nicely.

Corbin Bernsen was very convincing in the role of the sadistic, deranged and perfectionist Dr. Alan Feinstone. The way Bernsen is able to credibly recite his lines, especially with regards to the foulness and immorality of sex (particularly fellatio), is something short of marvellous. While many actors may have trouble portraying a cleanliness obsessed psycho without it coming off as too cheesy or ridiculous, Bernsen seems to truly fit the personality of the character he attempts to portray and thus makes the film all that more enjoyable. Had \\ufffd\\ufffdThe Dentist' not been intended to be a fun, almost comical, horror movie, Bernsen's performance would probably have been much more powerful. Sadly, the rest of the cast (including a pre-fame Mark Ruffalo) failed to put in very good performances and although the movie was not really damaged by this, stronger performances could have added more credibility to the flick.

\\ufffd\\ufffdThe Dentist' is not a horror film that is meant to be taken seriously but is certainly enjoyable, particularly (I would presume) for fans of cheesy horror. Those who became annoyed at the number of \\ufffd\\ufffdScream' (1996) clones from the late Nineties may very well find this a refreshing change, as I did. A seldom dull and generally well paced script as well as some proficient direction helps to make \\ufffd\\ufffdThe Dentist' one of the more pleasurable cheesy horrors from the 1990's. On top of this we are presented with some particularly grizly and (on the whole) realistic scenes of dental torture, which should keep most gorehounds happy. Far from perfect but far from bad as well, \\ufffd\\ufffdThe Dentist' is a flick that is easily worth watching at least once. My rating for \\ufffd\\ufffdThe Dentist' \\ufffd\\ufffd 6.5/10.\": {\"frequency\": 1, \"value\": \"After witnessing ...\"}, \"Oh it's so cool to watch a Silent Classic once in while! Director Vidor is simply delightful and even makes a lengthy (at least for 1928) cameo as himself. The story is about having success in life and the way it changes you. Marion Davies plays a girl that leaves its friends in a little comedy studio to be part of a larger \\\"drama\\\" studio. She becomes a big star and the consequences are she really alienates from the real world. For a moment she even denies her (poor) past! The cameos are simply hilarious, certainly the scene where the main character (Marion Davies) sees...Marion Davies in the studios and concludes she doesn't seem that special... It's got to be one of the first movie-in-the-movies here and for real freaks it's awesome to see the cameras and material from way back then. A must-see if you ask me!!\": {\"frequency\": 1, \"value\": \"Oh it's so cool to ...\"}, \"If one sits down to watch Unhinged, it is probably because its advertisements, video boxes, whatever, scream that it was banned in the UK for over 20 years (as virtually every video nasty does). It's true; exploitation and taboo excites people and draws them in with their promise of controversy. Being an exploitation fan, however, none of this was new to me. The advertisements that scream that the film was banned in the UK don't necessarily make me want to watch it; in fact, the first thing that usually pops into my head is how disgustingly paranoid British censors are. How I came to viewing this then is simple: it promised gore and it was only $6.99. The price alone alerted me not to have any hopes of this being the next Halloween, but a cheap padding of your DVD collection never hurts. I did force myself, however, to watch it all in one sitting, because I find that deciding to save the rest for another day makes you even less inspired to finish it. So anyway, after 90 minutes of Unhinged, I found that I had come across the cheapest sleeping aid in existence. I think the distributors could make a fortune if they simply changed their marketing technique.

The layout of Unhinged is of any common slasher from the 80s. There's unnecessary shower scenes and exploitative gore. That's about it. Anyway, it starts with a group of three attractive co-eds crashing their car on the way to a concert. Though two of them (Terry and Nancy) are okay, one (Gloria) is severely injured and is out of commission for the rest of the movie. They are rescued and receive shelter at a mansion (that happens to have no phone, of course) with rather strange occupants: Marion is a middle-aged woman with a man-hating mother who constantly accuses Marion of sneaking men into the house in order to sleep with them (echoes of Psycho?). She also happens to have a crazy brother Carl who lives in the woods, because her mother's hatred for men is so intense that she refuses to let him stay in the house. After hanging with Marion for awhile, Terry (our \\\"hero\\\") and Nancy decide they must contact their parents. Despite everyone's warnings, Nancy braves the dangerous woods to make it to a phone (her fate is not hard to predict). After that, we see Gloria again, who is then promptly butchered with an ax. When Terry discovers that Gloria has disappeared from her room, she decides something isn't right with this picture and sets out to find her missing friends. That may be easier said than done, however, with crazy Carl lurking around\\ufffd\\ufffd

After viewing Unhinged, I read an overwhelming number of reviews declaring that Unhinged worked perfectly because it took its time to build its subject matter that created real tension by the time the moment of truth comes at the end. Normally, I do not drag other people's opinions into my reviews (especially when they contradict my views), but in this case, I was so puzzled by their reactions that I thought it would be relevant to mention. This is because in actuality, the film crawls. Normally for the slow-building tactic to work, the audience must have a strong sense that the characters are in danger. Oh sure, we see two of them get murdered, but between that are endless scenes of conversation and boredom. We are aware that there's a killer on the loose, but this is only focused on three times in the film; that means there's no reason to fear for the victims. Instead, the film's events are explained not by the actions of the characters, but are drawn out for us by perpetual talking. If there's one thing I can assure you from watching this, it's that scenes of characters merely conversing with each other for 75 minutes are very tedious. None of this is helped by the atrocious acting. It seems that this was another case of the director needing actors and decided to gather his friends around instead of finding anyone with experience.

Of course, I'd be a liar if I said there wasn't one part of the movie that I enjoyed. Specifically, the ending was one of the best I've ever seen in a slasher film; you just do not expect that to happen. Just knowing that the director had the balls to do something like that is spectacular. Ah, I won't spoil it for you, nor will I say that the ending completely makes up for the rest of the slow-moving film, but it definitely will get your attention. Other than that, the other two murder scenes bring at least some faster paced material, but it's not like you couldn't tell exactly who was going to die fifteen minutes into the film. Anyone looking for a bloodbath will be disappointed, however; those are the only scenes of gore present. That and, of course, no one scene can save an entire movie. I normally preach the doctrine that as long as there's action, the worse a movie is, the better it gets. Unhinged only grasps one part of this concept. The whole film just feels Luke-warm; there's potential alright, but the director either wasn't experienced enough to make it work or just didn't know what the hell he was doing.\": {\"frequency\": 1, \"value\": \"If one sits down ...\"}, \"Delightful film directed by some of the best directors in the industry today. The film is also casting some of the great actors of our time, not just from France but from everywhere.

My favorite segments:

14th arrondissement: Carol (Margo Martindale), from Denver, comes to Paris to learn French and also to make a sense of her life.

Montmartre: there was probably not a better way to start this movie than with this segment on romantic Paris.

Loin du 16\\ufffd\\ufffdme: an image of Paris that we are better aware of since the riots in the Cit\\ufffd\\ufffds. Ana (Catalina Sandino Moreno) spends more time taking care of somebody else's kid (she's a nanny) than of her own.

Quartier Latin: so much fun to see G\\ufffd\\ufffdrard Depardieu as the \\\"tenancier de bar\\\" with Gena Rowlands and Ben Gazzara discussing their divorce.

Tour Eiffel: don't tell me you didn't like those mimes!

Tuileries: such a treat to see Steve Buscemi as the tourist who's making high-contact (a no- no) with a girl in the Metro.

Parc Monceau: Nick Nolte is great. Ludivine Sagnier also.

I've spend 3 days in Paris in 2004 and this movie makes me want to go back!

Seen in Barcelona (another great city), at the Verdi, on March 18th, 2007.

84/100 (***)\": {\"frequency\": 1, \"value\": \"Delightful film ...\"}, \"Being a fan of cheesy horror movies, I saw this in my video shop and thought I would give it a try. Now that I've seen it I wish it upon no living soul on the planet. I get my movie rentals for free, and I feel that I didn't get my moneys worth. I've seen some bad cheesy horror movies in my time, hell I'm a fan of them, but this was just an insult.\": {\"frequency\": 1, \"value\": \"Being a fan of ...\"}, \"Four stories written by Robert Bloch about various people who live in a beautiful, old mansion and what happens to them. The first has Denholm Elliott as a novelist who sees the killer he's writing about come to life. Some spooky moments and the twist at the end was good. The second has Peter Cushing becoming obsessed with a wax figure resembling his dead wife. The third has Christopher Lee who has a child (Chloe Franks) and is scared of her. It all leads up to a pretty scary ending (although the ending in the story was MUCH worse). The last is an out and out comedy with Jon Petwee and Ingrid Pitt (both chewing the scenery) and a cape that turns people into vampires! There's also a cute line about Christopher Lee playing Dracula.

This is a good horror anthology--nothing terrifying but the first one and the ending of the third gave me a few pleasurable little chills. Also the fourth one is actually very funny and Pitt makes a VERY sexy vampire! Also the house itself looks beautiful...and very creepy. It's well-directed with some nice atmospheric touches. A very good and unusual movie score too. All in all a good little horror anthology well worth seeking out. Try to see it on DVD--the Lions Gate one looks fantastic with strong colors and great sound.\": {\"frequency\": 1, \"value\": \"Four stories ...\"}, \"...for this movie defines a new low in Bollywood and has set the standard against which all c**p must now be compared.

First off, the beginning did have elements of style....and if handled well, could have become a cult classic, a-la pulp fiction or a Desi desperado...but the plot (was there one?) begins to meander and at one point completely loses it.

Throw in a deranged don with an obsession for English, a call center smart Alec, a femme fa tale who can don a bikini and a Saree with the same aplomb, a levitating, gravity defying hit-man and a cop with a hundred (or was it a thousand) black cat commandos on their trail....good ingredients in competent hands. But this is where I would like to ask the director: Sir, what were you smoking?

Im sure this movie would be remembered in the annals of Bollywood film making - for what must never be done - insult the intelligence of the most brain dead of movie goers.

Possibly the only redeeming feature in this Desi matrix plus desperado plus grindhouse caper is the music...watch the videos...hear the airplay and you wont be disappointed. Vishal- Shekhar come up with some eminently hummable tunes.

How I wish the director had spent the money in creating some more eye candy....

As I sign off, I want to really, badly know how does Akshay's bullet wound vanish in a microsecond...what were you editors doing? Tashan, maybe...\": {\"frequency\": 1, \"value\": \"...for this movie ...\"}, \"Many things become clear when watching this film: 1) the acting is terrible. Tom Hanks and Wendy Crewson are so-so, but the parent-child conflict borders soap opera-ish. The other two boys: an overly pouty child prodigy and your stereotypical I'm-a-babe-but-I'm-really-sensitive-inside blonde dreamboat; 2) the film as a whole is depressing and disappointing; 3) Robbie's dreams and episodes are disturbing (acted by Tom Hanks); 4) the inclusion of the beginning love ballads is an odd choice (\\\"we are all special friends\\\"); 5) the weird lines and side plots are not made any better by the terrible acting; and 5) this is a really bad movie. Expect to be disappointed--and probably disturbed.\": {\"frequency\": 1, \"value\": \"Many things become ...\"}, \"Lynne Ramsey makes arresting images, and Samantha Morton can summon feeling with a gesture. So what a drag to discover their talents wasted on this mannered, pretentious lark.

Ramsey can't bring Callar to life. Her attempts are too arty and oblique. Repeatedly her camera lingers on long silent shots of the agonizing actress as if Morton's obliterated gaze alone could supply character. We are in a blank Warholian hell of self-indulgence: for a film that has minutes to spare on bugs crawling across the floor, you might think it could get round to fleshing out its protagonist. But how will it do so if she rarely speaks? Without the novel's interior monologue, the celluloid Morvern Callar is nobody. Small wonder Ramsey has Morton undress often.

That said, the first ten minutes were so impressively acted, shot and edited that my hopes were soaring. Give the film that much: it knows how to make promises, if not how to keep any.\": {\"frequency\": 1, \"value\": \"Lynne Ramsey makes ...\"}, \"You've been fouled and beaten up in submission by my harsh statements about \\\"femme fatale\\\" / \\\"guns n' gals\\\" movies! Now comes another breed in disappointing rediscoveries: ninja movies! Many of these I've seen before, and let me tell you, they aren't all that's cracked up to be! They usually don't stick to the point. This, among all others, suffers from no originality! What's a ninja got to do with preventing a nuclear holocaust in Russia? And isn't this supposed to be a \\\"martial arts\\\" movie, too? Does plenty of gunfire sound like an incredible action movie to you? Is blood the number one reason to love this to death? Will you waste some of your hard-earned cash over a lady singing in her see-through tank top? The answers to these important questions are found in THE NINJA MISSION, which should be in the martial arts section of your video store. For even more nonsense ninja fun, try checking out those Godfrey Ho movies put out by Trans World. You get what you deserve, and that's a promise! Recommended only for hardcore ninja addicts!\": {\"frequency\": 1, \"value\": \"You've been fouled ...\"}, \"Rex Reed once said of a movie (\\\"Julia and Julia\\\" to be specific) that it looked like it was shot through pomegranate juice. I was reminded of that as I snored through Purple Butterfly. This one appeared to be shot through gauze.

The story was boring and it was not helped that for large portions of scenes actors' faces were literally out of focus or would only come into focus after extended periods of time.

Also, everyone looked the same so it was hard to distinguish among the characters. I call this the \\\"Dead Poets Society\\\" syndrome.

There was nobody to care about, nobody to become interested in dramatically, and the movie shed no historical light on a very interesting period of time and set of circumstances.

A total disappointment.\": {\"frequency\": 1, \"value\": \"Rex Reed once said ...\"}, \"I was going to give it an 8, but since you people made 6.5 out of a lot better votes, I had to up my contribution. The river Styx was pure genius. Sure, Woody was his perennial stuff, but at least his role was appropriate. The first half hour was really hilarious, and then the rest of the movie was easy to watch. The dialog was clever enough, and Woody's card tricks at the parties, along with the reaction from the upper crust, were fun to watch. This was much better than the newspaper critics made it sound out to be. And a plus, a little Sorcerer's Apprentice to go along with it. And of course, did you notice that Johansen is getting a bit frumpy? Charles Dance is always entertaining, as was Hugh Jackman.\": {\"frequency\": 1, \"value\": \"I was going to ...\"}, \"Whether you want to spend nearly 2 hours of your life watching this depends how you like your horror movies. If you like them so god damn awful they're hysterical, watch away. Jigsaw is without a doubt the worst movie i've seen in my life (and i've seen 'Long Time Dead'), and i say this as a fan of the low-budget horror/gore genre and having seen a good few to compare it to. I'm not even going to go into the specifics of what makes this movie was bad as it is, the only good thing about it is it's so so terrible it's one of the funniest things i've seen in years. If you can find this to rent cheap it's definitely worth watching, if you were involved in making it - shame on you. :o) IMDb need to introduce a 0/10 ranking especially for this movie, it thoroughly deserves it.\": {\"frequency\": 1, \"value\": \"Whether you want ...\"}, \"Of all movies (and I'm a film graduate, if that's worth anything to you), this is THE WORST movie I have ever seen. I know there are probably some worse ones out there that I just haven't seen yet, but I have seen this, and this is the worst. A friend and I rented it one night because Denise Richards was on the cover. Talk about being young and retarded. She's uncredited! Her role was unbelievably small! How did she make it on the cover!? IMDb doesn't even list it in her filmography. This movie was so bad, we wrote a little note to the video store when we returned it, and slipped it inside the case. It read something like \\\"please save your further customers from having to view this complete and totally bad movie!\\\"\": {\"frequency\": 1, \"value\": \"Of all movies (and ...\"}, \"in this movie, joe pesci slams dunks a basketball. joe pesci...

and being consistent, the rest of the script is equally not believable.

pesci is a funny guy, which saves this film from sinking int the absolute back of the cellar, but the other roles were pretty bad. the father was a greedy businessman who valued money more than people, which wasn't even well-played. instead of the man being an archetypal villain, he seemed more like an amoral android programmed to make money at all costs. then there's the token piece that is assigned to pesci as a girlfriend or something...i don't even remember...she was that forgettable.

anyone who rates this movie above a 5 or 6 is a paid member of some sort of film studio trying to up the reputation of this sunken film, or at least one of those millions of media minions who can't critique efficiently (you know, the people who feel bad if they give anything a mark below 6).

stay away...far away. and shame on comedy central, where i saw this film. they usually pick better.\": {\"frequency\": 2, \"value\": \"in this movie, joe ...\"}, \"Jean Seberg had not one iota of acting talent. Like all her films, 'Bonjour tristesse' suffers not at all from her looks (though she is perhaps the first of those modern women whom Tom Wolfe gleefully, accurately describes as \\\"boys with breasts\\\": publicists, of course, use the word \\\"gamine\\\") but suffers grievously from Seberg's dull, monotonous, killing voice. In all her films when had to play anger, Seberg played it with grossly audible, distracting, gasping panting between her monotonously droned verbalizations. Oy.

Preminger's adaptation of Fran\\ufffd\\ufffdoise Sagan's breathlessly juvenile, fantasy soap opera plot is noteworthy only for his lush cinematography - but then that's difficult to funk on the photogenic French Riviera, and perhaps for his apt, but certainly not groundbreaking, employment of black & white for the present day scenes from which Seberg's monotone narration delivers us to the flashed-back-to color past.

Juliette Gr\\ufffd\\ufffdco has a brief moment, as a nightclub chanteuse in the black & white spotlight, delivering in smoky Dietrichesque voice the bleak existentialist lyric of the title song. This moment is nowadays, in retrospect, more than a wee bit dr\\ufffd\\ufffdle. Except, of course, if you're French - particularly if you're a French \\\"68-er\\\" longing for the glorious days of the barricades roundabout the Sorbonne - and your kids riot to retain the lifelong sinecures which have blighted and emasculated France's economy: then you still believe in Sartre and Foucault and all such arcane, irrelevant theorists.

David Niven has the hardest role, having to play with sufficient gusto an aging hedonist who's yet to grasp that life isn't all about Sagan's teenybopper notions of a hip, cool, swingin', \\\"mon copain!\\\" Papa. Deborah Kerr delivers her usual, consummately professional presence, convincingly playing the woman who suffers undeservedly Seberg's spiteful teenaged snot-nose jealousy (fulfilling Sagan's shallow teen fantasy of the Classical theme of \\\"there can be only one Queen Bee in the hive\\\"); in fact, to Kerr belongs this film's sole great and memorable on-screen moment.

The dialogue is unnatural - I agree with an earlier reviewer who said that it sounds to be \\\"badly translated\\\" from French; combine the unnatural scripting with Seberg's incomparably dull, unendurable monotone and you can save that Valium for another night. Atop all that the ineptly synched post-production voice dubbing is, almost throughout, obvious and thus much more than irksome: this is especially true of the dubbing for Myl\\ufffd\\ufffdne Demongeot because it spoils her otherwise very pleasing dumb blonde performance.

Hunky Geoffrey Horne gets the short end of the stick here - a very good looking young man who also suffered from a less-than-lovely, uncinematic voice which, when paired with Seberg's drone, yields unconvincing scenes of puppy love. (Horne was, shall we say, merely adequate in 'Bridge On the River Kwai,' perhaps because his end was held up by those great cinema pros William Holden and Jack Hawkins instead of being unsupported by the regrettably ungifted Seberg).

In sum 'Bonjour tristesse' is pretty to look at but it's shallow, immature soap: thin gruel with suds.\": {\"frequency\": 1, \"value\": \"Jean Seberg had ...\"}, \"I frequently comment on the utter dirth of truly scary movies on the market, and sadly White Noise only served to reduce my faith that the film industry remains capable of such an endeavor. I was surprised to find myself growingly increasingly fatigued as the plot wore on and my static-induced headache increased. I found White Noise to be preposterous beyond our best efforts of suspension of disbelief. Even after witnessing the harrowing ordeal sustained by Michael Keaton, I was totally unaffected by his demise. Up until the credits I diligently awaited for something--anything-- of substance to connect me to the characters' story, but such relief never came. Sure, there were the occasional heart-stopper moments, but only because loud noises tend to do that to the dozing viewer.

While the acting was lame, Michael Keaton may have played his studliest role to date. Perhaps the only redeeming quality that White Noise has to offer is the stunning archietecture in both of Keaton's abodes. Overall, White Noise leaves one with the morbidly depressing idea that those who die are trapped in a world guarded by three malicious shadows, contriving to trick the living into following the dead to their own graves.\": {\"frequency\": 1, \"value\": \"I frequently ...\"}, \"Rather nasty piece of business featuring Bela Lugosi as a mad scientist (with yes, a Renfield-like assistant and his mother, a dwarf and yes, the scientist's wife (sounds like a Greenaway movie actually lol). Lugosi gives his wife injections from dead brides (why them? Who knows?) so that his wife can keep looking beautiful. He gets the brides after doing a pretty clever trick with some orchids that makes the brides collapse at the altar. After another bride bites the dust, a newspaper reporter just HAPPENS to be around for the scoop, and decides to snoop around for a story. She gets all sorts of clues about the orchids and Lugosi. Heaven knows where the police were. Soon she's off to Bela's lair, when she meets a sort of strange looking doctor who may or may not be eeeevil. It all cumulates in a totally far-fetched plan to have a fake wedding to capture the mad scientist, but it seems that the scientist has x-ray vision, as he foils her plans, Oh no! What will happen? I actually liked this movie as a bit of a guilty pleasure. Lugosi is great here, his hangers-on are all very very strange, the story is actually quite nasty in some places which makes it all most watchable. A fun little view.\": {\"frequency\": 1, \"value\": \"Rather nasty piece ...\"}, \"The beginning of this movie is excellent with tremendous sound and some nice humor, but once the film changes into animation it quickly loses its appeal.

One of the reasons that was so, at least for me, was that the colors in much of the animation are too muted, with too little contrast. It doesn't look good, at least on VHS. Once in a while it breaks out and looks great, but not often Also, the characters come and go too quickly. For example, I would have liked to have seen more of \\\"Moby Dick.\\\" When the film starts to drag, however, it picks up again with the entrance of the dragon and then the film finishes strong.

Overall, just not memorable enough or able to compete with the great animated films of the last dozen years.\": {\"frequency\": 1, \"value\": \"The beginning of ...\"}, \"We all know a movie never does complete justice to the book, but this is exceptional. Important characters were cut out, Blanca and Alba were essentially mushed into the same character, most of the subplots and major elements of the main plot were eliminated. Clara's clairvoyance was extremely downplayed, making her seem like a much more shallow character than the one I got to know in the book. In the book we learn more about her powers and the important effects she had on so many people, which in turn was a key element in the life of the family. In the movie she was no more than some special lady. The relationship between Esteban and Pedro Tercero (Tercero-third-, by the way, is the son and thus comes after Segundo-second-) and its connections to that between Esteban and his grandson from Pancha Garc\\ufffd\\ufffda (not son, who he also did recognize) is chopped in half and its importance downplayed.

One of the most fundamental things about the book that the film is all but stripped of: this is called \\\"The House of the Spirits.\\\" Where is the house? The story of 3-4 generations of a family is supposed to revolve around the \\\"big house on the corner,\\\" a line stated so many times in the novel. The house in fundamental to the story, but the movie unjustly relegates it to a mere backdrop.

If I hadn't read the book before, I would have never guessed that such a sappy, shallow movie could be based on such a rich and entertaining novel.\": {\"frequency\": 1, \"value\": \"We all know a ...\"}, \"Buddy is an entertaining family film set in a time when \\\"humanizing\\\" animals, and making them cute was an accepted way to get people to be interested in them.

Based on a true story, Buddy shows the great love that the main characters have for animals and for each other, and that they will do anything for each other.

While not a perfect movie, the animated gorilla is quite lifelike most of the time and the mayhem that occurs within the home is usually amusing for children.

This film misses an opportunity to address the mistake of bringing wild animals into the home as pets, but does show the difficulties.

A recommended film which was the first for Jim Henson Productions.\": {\"frequency\": 1, \"value\": \"Buddy is an ...\"}, \"Growing up with the Beast Wars transformers, I wasn't very familiar with the original Transformers, and now that I have seen the awesome movie, and now that I have seen the older cartoon on which it's based, I have to say I like the original cartoon and the live action movie more than Beast Wars.

Not that I don't like the BW characters, I just think that characters like Optimus Prime are better than Optimus Primal.

I mean, \\\"AUTOBOTS TRANSFORM AND ROLL OUT!\\\" sounds a lot better than \\\"MAXIMALS MAXIMIZE!\\\" The voice of the original Optimus Prime still makes me a strong believer that he's a real commander, more so than Optimus Primal.

Besides, Powermaster Optimus Prime is a lot more powerful than Optimal Optimus. Just look on the web!

Megatron in the BW character seemed more like a humorous version of the more evil version of him in the original series.

Besides what's cooler, robots changing into animals or robots changing into vehicles and spaceships? Gimme the original Transformers any day over Beast Wars!\": {\"frequency\": 1, \"value\": \"Growing up with ...\"}, \"This film has a lot of strong points. It has one of the best horror casts outside of the Lugosi-Karloff-Chaney circle: Lionel Atwill, Fay Wray, and Dwight Frye, plus leading man Melvyn Douglas. It's got all the right ingredients: bats, a castle with lots of stone staircases, a mad scientist, townspeople waving torches and hunting vampires, an \\\"Igor\\\"-type character, a beautiful girl, even a goofy-haired Burgomeister. The soft-focus camera work is moody and imaginative. There's even some good comic relief nicely spaced throughout the script.

But it's not really a monster movie because there is nothing supernatural going on in \\\"Kleinschloss\\\" (\\\"little castle\\\"). The plot revolves around the generic crazy scientist (nicely played by Atwill) who values his work more highly than human lives.

It's not top-tier material, because of a ho-hum resolution of the plot and some embarrassingly bad dialog for Dwight Frye. But it's worth a look if you like early b/w horror pictures.\": {\"frequency\": 1, \"value\": \"This film has a ...\"}, \"I must say that I was disapointed with this film. I have never been a huge BNL fans, I find their songs kind of childish and obsessively nostalgic (this is me in grade 9, if i had a million dollars, shoe box of life etc). However, I have seen clips of their live show and I really like the improvisational and goofy nature of the show. I was hoping that this movie would highlight this which is, unfortunately, the most interesting part of the show because their music is well played yet somehow bland and not that compelling (there is a standup bass solo in the middle which was completely pointless and boring, despite how much Jim Creegan was digging himself). The film does not and shows only a few minutes of it (and you know they've had better moments, as in the Afgahnistan concert \\\"Koffee Anan, he's the man in charge, my name's Steve Paige and I'm really large\\\") .

BNL are kind of like when I went to Europe a few years ago and heard that godawfull \\\"Blue\\\" song by Effeil 99 or whatever every 2 minutes, I came back to Canada and then a month later that song was all over the place *again*, I nearly chewed off my own arm. BNL is like that, years ago I remember many a fond memory of sitting around campfires in Canada listening to people play \\\"If I had a million dollars\\\". BNL was a cult phenomenon in Canada, and much of their humour has a particular Canadian slant to it (Kraft Dinner is a staple for many students up here, and the name \\\"Gordon\\\" is quintessentially Canadian) a few years went by where they slipped into obscurity and I was somewhat gratefull. Then all of a sudden they become huge in States, and everyone down there thinks they are this brand new band (yeah, they're brand new, but they're all in their 30's!) while the rest of Canada is going \\\"Oh geez, I thought those guys folded years ago, do I have to listen to 'million dollars' again?\\\"

The concert footage is not bad, but I would have liked to have seen more of their stage routine, the shooting is not that great, and things like clips from their massive free show in Boston are glazed over much too quickly. The interviews are surprisingly dull for such a funny bunch of guys, I think they're all old and they have families and houses and stuff and have settled down a bit. There are times when they go into Spinal Tap type of material, where they deliver deadpan satire, then they break into laughs and giggles that kind of ruins it. The interviews with Moses Znaimer (a Canadian media mogule) and Terry David Mulligan (Music dude) are extremely pretentious and verge into Tap territory unintentionally.

This movie doesn't really document very much either, I mean, it's basically one show and at the start of the film, they are already huge and have a massive touring entourage, it's not like we see them rising from obscurity and \\\"surprise\\\" they are popular, it's a methodically planned out event, so in the end it's rather lifeless, kind of half live concert, half documentary, and not much of either.

\": {\"frequency\": 1, \"value\": \"I must say that I ...\"}, \"I bought a DVD of this film for my girlfriend who shares the same name as the ghost girl in this film, and enjoys movies about the paranormal. The movie was shot entirely on video, so it has the look of a PBS special about it. The special effects are phoney looking, but there are actually some scary moments in the movie that got us to jump in our seat. There is a particularly effective scare involving a Virgin Mary statue.

HOWEVER, the acting is bad, the \\\"plot\\\" scenes are long and very boring, and I will tell you I have no clue what happened at the end. If you get the movie, rent it, if you buy it, please make sure you pay less than $5.\": {\"frequency\": 1, \"value\": \"I bought a DVD of ...\"}, \"After the debacle of the first Sleepaway Camp, who thought that a franchise could be born. SC II is superior in aspect. More inspired killings and just whole lot more fun. While that might not be saying much (compared to the first movie), Sleepaway Camp II is worth the rental.

Pros: Entertaining, doesn't take itself too seriously like SC I. Inspired Killings. Cons: Crappy acting and mullets abound.

Bottom Line: 5/10

\": {\"frequency\": 1, \"value\": \"After the debacle ...\"}, \"Leslie Charteris' series of novels of the adventures of the slightly shady Simon Templar (\\\"The Saint\\\") was brought to the screen in the late 1930s with the up and coming George Sanders as Templar. It was a careful choice - Sanders usually would play villains with occasional \\\"nice roles\\\" (ffoliott in FOREIGN CORRESPONDENCE, the title hero in THE STRANGE CASE OF UNCLE HARRY, the framed \\\"best friend\\\" of Robert Montgomery in RAGE IN HEAVEN). Here his willingness to bend the rules and break a law briefly fit his \\\"heavy persona\\\", while his good looks and suave behavior made Templar a fit shady hero like Chester Morris' \\\"Boston Blackie\\\", and (to an extent) Peter Lorre's \\\"Mr. Moto\\\".

The films are not the best series of movie mystery serials - but they are serviceable. Like Rathbone's Holmes series or Oland's Chan's series the show frequently had actors repeating roles or playing new ones (the anti-heroine in the film here was played by Wendy Barrie, who would show up in a second film in the series). This, and slightly familiar movie sets make the series a comfortable experience for the viewers, who hear the buzz of the dialog (always showing Sanders' braininess in keeping one step ahead of the bad guys), without noting the obvious defects of the plot. All these mysteries have defects due to the fact that even the best writers of the genre can't avoid repeating old ideas again and again and again.

Here the moment when that happened was when one of the cast admitted his affection for Barrie, which she was long aware of. Shortly after he tries to protect her from the police. But as the film dealt with the identity of a criminal mastermind, it became obvious that this person was made so slightly noble as to merit being the mysterious mastermind (i.e., the script disguised him as the least likely suspect).

Barrie is after the proof that her father (who died in prison) was framed by the real criminals in a robbery gang. She has several people assisting her - mugs like William Gargan - and she gets advice from the mastermind on planning embarrassing burglaries that can't be pinned on her. The D.A. who got her father convicted (Jerome Cowan) is determined to get Barrie and her gang. The only detective who seems to have a chance to solve the case is Jonathan Hale, who is shadowing Sanders but reluctantly working with him.

The cast has some nice moments in the script - Hale (currently on a special diet) is tempted to eat a rich lobster dinner made for Sanders by Willie Best. He gets a serious upset stomach as a result, enabling Sanders and Barrie to flee Sanders' apartment. Best has to remind him (when he feels better) to head for a location that Sanders told him to go to at a certain time.

There is also an interesting role for Gilbert Emery. Usually playing decent people (like the brow-beaten husband in BETWEEN TWO WORLDS) he plays a socially prominent weakling here - whose demise is reminiscent of that of a character in a Bogart movie.

On the whole a well made film for the second half of a movie house billing in 1939. It will entertain you even if it does not remain in your memory.\": {\"frequency\": 1, \"value\": \"Leslie Charteris' ...\"}, \"If I had not read Pat Barker's 'Union Street' before seeing this film, I would have liked it. Unfortuntately this is not the case. It is actually my kind of film, it is well made, and in no way do I want to say otherwise, but as an adaptation, it fails from every angle.

The harrowing novel about the reality of living in a northern England working-class area grabbed hold of my heartstrings and refused to let go for weeks after I had finished. I was put through tears, repulsion, shock, anger, sympathy and misery when reading about the women of Union Street. Excellent. A novel that at times I felt I could not read any more of, but I novel I simply couldn't put down. Depressing yes, but utterly gripping.

The film. Oh dear. Hollywood took Barker's truth and reality, and showered a layer of sweet icing sugar over the top of it. A beautiful film, an inspiring soundtrack, excellent performances, a tale of hope and romance...yes. An adaptation of 'Union Street'...no.

The women of Union Street and their stories are condensed into Fonda's character, their stories are touched on, but many are discarded. I accept that some of Barker's tales are sensitive issues and are too horrific for mass viewing, and that a film with around 7 leading protagonists just isn't practical, but the content is not my main issue. The essence and the real gut of the novel is lost - darkness and rain, broken windows covered with cardboard, and the graphically described stench of poverty is replaced with sunshine, pretty houses, and a twinkling William's score.

If you enjoyed the film for its positivity and hope in the face of 'reality', I advise that you hesitate to read the book without first preparing yourself for something more like 'Schindler's List'...but without the happy ending.\": {\"frequency\": 1, \"value\": \"If I had not read ...\"}, \"This is a slow moving story. No action. No crazy suspense. No abrupt surprises. If you cannot stand to see a movie about two people just talking and walking, about a story that develops slowly till the very end and about lovey-dovey romance, don't waste your time and money.

On the other hand, if you're into dialog, masterful story telling, thought provoking ideas and finding true love in the fabric of life then this is your movie. I recommend you watch this movie when you are most alert, though, because the pace, the music and the overall tone of the movie can put you in a woolgathering mood. It's truly fantastic. I really mean that.

Ethan Hawke and Julie Delpy are annoying with their mannerisms at times but, thankfully, the chemistry between the two makes the acting very natural, warm and tender. They act and feel each other out from the very beginning, making you feel as an intruder.

In their conversations there are excellent commentaries on many subjects that will provoke thought and conversation between you and your partner. I thought it was too deep and too diverse for such young characters but I may be underestimating their intelligence. Still it did not ruin the movie.

The overall story is very simple which I think gives the movie it's charm and ultimately it's power.

BOTTOM LINE: The movie's flow is slow. The dialog is fascinating. The story builds gently, systematically and substantive. The build up to the finale is satisfying and in the end rewarding.\": {\"frequency\": 1, \"value\": \"This is a slow ...\"}, \"\\\"Everything a great documentary could be\\\"?? Yeah, if one is deaf, dumb, and blind. Everything but meaning, wit, visual style, and interesting subject matter. Aside from that. . .

Seriously, volken. This is a movie that is completely inauthentic. An adventure doc with no adventure, a war doc with no feeling for war, a campy send-up with no trace of wit. It means nothing, feels like nothing, and carries the implicit message that absolutely nothing matters. No wonder it has so many IMDb fans! Of course, going in you know a movie starring the great Skip Lipman will have no culture, no intelligence, no wit (other than a corrosive adolescent jokiness), and no recognizable human emotion \\ufffd\\ufffd just adrenaline. \\\"Darkon\\\" isn't a movie -- it's a panic attack! Avoid. There too many real documentaries and too little time in life to waste it on toilet build-up such as \\\"Darkon\\\".\": {\"frequency\": 1, \"value\": \"\\\"Everything a ...\"}, \"This is a beautiful film. The true tale of bond between father and son. This is by far, Tom Hanks at his finest. Tom Hanks is really out of the box in this movie. He usually has the nice guy roles. Yet in this film,he comes off in this film as a bit gritty, but still emerges smelling like a rose, even until the very last scene, the assassination of his character. The cast of this movie was well put together. I also love the part when there is total silence when Tom Hanks' character shoots and kills all of the men in Mr. Rooney's group. There is something chilling and yet profound about no sound in that scene, just simply emotion. I love the look on John Rooney, Paul Newman's character's face when he realizes even before seeing him, that it is Tom Hanks's character getting revenge, and he knows his fate has come. The first time I saw this movie I was blown away and knew I had to go out and get the video and I since have, adding it to my collection of my all time favorite movies.

Tom Hanks is my favorite actor, so this film has a special place in me.\": {\"frequency\": 1, \"value\": \"This is a ...\"}, \"A Vietnam vet decides to take over a backwater town run amok, and anyone who steps in his path is eliminated (including women). Released to theaters just prior to \\\"A Star Is Born\\\", which turned his career around, this action-drama mishmash starring Kris Kristofferson is wildly off-kilter, thoughtless and mean-spirited. Filmed in Simi Valley, CA, the results are truly unseemly, with redneck clich\\ufffd\\ufffds and mindless violence making up most of director George Armitage's script. Armitage has gathered a most curious '70s cast for his film, including Jan-Michael Vincent, Victoria Principal, Bernadette Peters, and, in a bit, Loni Anderson; however, the center of the whole thing is Kristofferson, who is gruff and rude throughout. It deserves points I suppose for being a completely unsympathetic drive-in thriller, but the bad vibes (and the ridiculous climax) coat the whole project like an ugly stain. *1/2 from ****\": {\"frequency\": 1, \"value\": \"A Vietnam vet ...\"}, \"This movie works because it feels so genuine. The story is simple and realistic, perfectly capturing the joys and anxieties of adolescent love and sexuality that most/all of us experienced during our teen years.

The actors are as natural as figures in a documentary but are as convincing and as charismatic as seasoned performers. The dialogue is fresh and honest... and thankfully not filled to the brim with cutesy pop culture references. Also, the cinematography is at once gritty and beautiful, bringing the Lower East Side setting to life in a very tangible way.

On an artistic level, I love this movie because it reminds me of great Italian neo-realism films like The Bicycle Thief and La Strada. Movies rarely feel as \\\"real\\\" as this does ... or as Bicycle Thief did. And the only other movie I've seen that treats teen sexuality with the same level of seriousness is Elia Kazan's Splendor in the Grass. Writer/director Peter Sollett deserves tremendous praise. This film is quite an achievement.

On a personal level, I am always glad to see a movie that treats members of ethnic America with love and respect. As an Italian-American, I hate the way my own people come off in the cinema (as racist, womanizing, criminal geniuses in irritatingly popular epics), and my aggravation on this count makes me acutely sensitive to other groups and their awful silver screen representations. Hispanics and Asians in particular seem cursed to playing villains in Westerns and action movies. (Good thing Gong Li didn't try to become famous in America!)

Of course, thanks largely to the rise of indie pictures, and the influence of Miramax, we are seeing a few more pictures about ethnic characters here and there ... but Raising Victor Vargas is easily one of the best. While I do really like My Big Fat Greek Wedding, it is a refreshing change that Raising Victor Vargas is played straight (with less exaggerated and broadly-drawn characters) while still being very funny in its own right. Finally! Latino characters worthy of note. I have a feeling that this is a film that will be remembered.

Of course, now that he has made this wonderful picture about a family from the Dominican Republic, I hope Peter Sollett gets around to making a movie about Italians soon! :) - Marc DiPaolo\": {\"frequency\": 1, \"value\": \"This movie works ...\"}, \"When I first read the plot of this drama i assumed it was going to be like Sex and the City, however this drama is nothing like it. The stories the characters seem more real and you empathise with the situations more. The concept of the drama is similar, four 30 something women guide us through there friendships and relationships with problems and strife along the way. Katie the GP is a dark and brooding character who you find difficult to relate too and is best friends with Trudi a widow. Trudi's character is heart warming as you can relate to difficulties she is having along with the fact she is the only mother of the four. Jessica is the party girl very single minded and knows what she wants and how to get it. She is a likable character and is closest to Siobhan the newly wed who whilst loving her husband completely can't help her eyes wandering to her work colleague. Over all the drama is surprisingly addictive and if the BBC continue to produce the series it could do well. It is unlike other female cast dramas such as Sex and the city, or Desperate Housewives. This if played right could be the next Cold feet. Plus the male cast are not bad on the eyes too.\": {\"frequency\": 1, \"value\": \"When I first read ...\"}, \"I've seen this film because I had do (my job includes seeing movies of all kinds). I couldn't stop thinking \\\"who gave money to make such an awful film and also submit it to Cannes Festival!\\\" It wasn't only boring, the actors were awful as well. It was one of the worst movies I've ever seen.\": {\"frequency\": 1, \"value\": \"I've seen this ...\"}, \"I cannot see why filmmakers remade this movie.

The 1972 movie with McQueen and McGraw is almost a classic. Steve McQueen was an outstanding actor and Baldwin is only an inadequate actor. He has no passion in his play.Also the action in the original \\\"Getaway\\\" was fantastic. But the remake has no action! It is almost boring despite the fact that the film-making in 1972 was more difficult than in 1994.

I don't understand the way that Baldwin imprisoned from Mexico. I think this is a mistake in the story.

So i think that there was no need to remake it, or if they decided to remake a classic, they must choose an excellent actor for the first role, like Johnny Depp or Brad Pitt...\": {\"frequency\": 1, \"value\": \"I cannot see why ...\"}, \"Really, really bad slasher movie. A psychotic person escapes from an asylum. Three years later he kills a sociology professor, end of scene. One semester yesterday later (hey, that's what the title card said) a new sociology professor is at the school. She makes friends with another female sociology professor who works there, and starts dating another professor. The students are all bored, as are we.

There are a number of title cards indicating how much time has passed. Scenes are pretty short, and cut to different characters somewhere else, making for little progression of any kind. A lot of scenes involve characters walking and talking, or sitting and talking, and serve little purpose. Despite the passage of time, many of the characters are always wearing the same clothing. Sometimes the unclear passage of time means when we see a body for the second time, we ask ourselves: how long has that body been there? And also, at least one of the dead people don't seem to have been missed by others.

The killer manages to kill one person by stabbing her in the breast, another by stabbing him in the crotch, and another by slicing her forehead. Is his knife poisoned or something?

The video box cover has a cheerleader: there aren't any in the movie. The rear cover has a photo of someone in a graduation cap and gown menacing a group of women in a dorm room. The central redhead in the photo is in the movie, but nobody ever wears such an outfit, and there is no such scene. The killer is strictly one-on-one.\": {\"frequency\": 1, \"value\": \"Really, really bad ...\"}, \"to movie,this movie felt like one of those after school specials,only lower budget and lower everything else.i guess this was supposed to an inspirational movie of some sort,but it didn't work for me.yet some how it comes across as preachy.it has very pale shades of Flash Dance,but so what?there just isn't any excitement in this movie.the dialogue is contrived and clich\\ufffd\\ufffdd to death.of course,the whole movie feels like a bad 80's clich\\ufffd\\ufffd.the acting was less than stellar,though that has a lot to do with what the actors were given(or in this case-not)to work with.on top of that is the poor song choices,with really bad lyrics.i felt embarrassed for all the actors involved.they are all talented,but you can't tell from this movie.this is just my opinion of course,but i have to give Flying AKA Dream to Believe a 1/10\": {\"frequency\": 1, \"value\": \"to movie,this ...\"}, \"I love MIDNIGHT COWBOY and have it in my video collection as it is a favorite of mine. What is interesting to me is how when MIDNIGHT COWBOY came out in 1969, it was so shocking to viewers that it was rated X. Of course, at that time X meant Maturity. Since I was only two years old at the time of the movie's release, it is hard for me to imagine just how shocked viewers were back then. However, when I try to take into account that many of the topics covered in the film, which included prostitution (the title itself was slang for a male prostitute); homosexuality; loneliness; physical (and to some extent emotional as well) abuse and drugs are hard for many people to talk about to this day, I can begin to get a sense of what viewers of this movie thought back on its release. It is worth noting that in the 1970's, MIDNIGHT COWBOY was downgraded to an R rating and even though it is still rated R, some of the scenes could almost be rated PG-13 by today's standards.

I want to briefly give a synopsis of the plot although it is probably known to almost anyone who has heard of the movie. Jon Voight plays a young man named Joe Buck from Texas who decides that he can make it big as a male hustler in New York City escorting rich women. He emulates cowboy actors like Roy Rogers by wearing a cowboy outfit thinking that that will impress women. After being rejected by all the women he has come across, he meets a sleazy con-man named Enrico \\\"Ratso\\\" Rizzo who is played by Dustin Hoffman. Ratso convinces Joe that he can make all kinds of money if he has a manager. Once again, Joe is conned and before long is homeless. However, Joe comes across Ratso and is invited to stay in a dilapidated apartment. Without giving away much more of the plot, I want to say that the remainder of the movie deals with Joe and Ratso as they try to help one another in an attempt to fulfill their dreams. I.E. Joe making it as a gigolo and Ratso going down to Florida where he thinks he can regain his health.

I want to make some comments about the movie itself. First of all, the acting is excellent, especially the leads. Although the movie is really very sad from the beginning to the end, there are some classic scenes. In fact, there are some scenes that while they are not intended to be funny, I find them amusing. For example, there is the classic scene where Dustin Hoffman and Jon Voight are walking down a city street and a cab practically runs them over. Dustin Hoffman bangs on the cab and says \\\"Hey, I'm walkin' here! I'm walkin' here!\\\" I get a kick out of that scene because it is so typical of New York City where so many people are in a hurry. Another scene that comes to mind is the scene where Ratso (Dustin Hoffman) sends Joe (Jon Voight) to a guy named O'Daniel. What is amusing is that at first, we think O'Daniel is there to recruit gigolos and can see why Joe is getting so excited but then we begin to realize that O'Daniel is nothing but a religious nut. In addition to the two scenes I mentioned, I love the scene where Ratso and Joe are arguing in their apartment when Ratso says to Joe that his cowboy outfit only attracts homosexuals and Joe says in self-defense \\\"John Wayne! You gonna tell me he's a fag!\\\" What I like is the delivery in that scene.

I would say that even though MIDNIGHT COWBOY was set in the late '60's, much of it rings true today. That's because although the area around 42nd Street in New York has been cleaned up in the form of Disneyfication in the last several years, homelessness is still just as prevalent there now as it was 40 years ago. Also, many people have unrealistic dreams of how they are going to strike it big only to have their dreams smashed as was the case with the Jon Voight character. One thing that impresses me about Jon Voight's character is how he is a survivor and I felt that at the end of the movie, he had matured a great deal and that Ratso (Dustin Hoffman's character) was a good influence on him.

In conclusion, I want to say that I suggest that when watching this movie, one should watch it at least a couple of times because there are so many things that go on. For example, there are a bunch of flashback and dream sequences that made more sense to me after a couple of viewings. Also, what I find interesting is that there is a lot in this movie that is left to interpretation such as what really happened with Joe Buck (Jon Voight's character) and the people who were in his life in Texas. Even the ending, while I don't want to give it away for those who have not seen the movie, is rather open-ended.\": {\"frequency\": 1, \"value\": \"I love MIDNIGHT ...\"}, \"I felt Rancid Aluminium was a complete waste of two hours, the plot line was thin and confusing, the prestigious line up of players had some terrible dialogue and extremely questionable accents. The camera work was somewhat experimental in places and although it could be seen what the director was trying to convey, it just made it even more difficult to watch. One of the most annoying aspects of Rancid Aluminium is the over use of narration throughout the film almost like the entire plot is being dictated to the audience. The best performances weren't anything to do with acting. In fact probably the most convincing performance came from Dani Behr of all people, although admittedly does play the stereotypical office secretary. DO NOT under any circumstance go and see this movie unless you need a reason to catch up on some lost sleep, there are certainly better ways to spend your hard earned cash.\": {\"frequency\": 1, \"value\": \"I felt Rancid ...\"}, \"This movie is a Gem because it moves with soft, but firm resolution.

I caution viewers that although it is billed as a Corporate Spy thriller and Ms Liu is there, it moves at a deftly purposeful yet sedate pace. It's NOT about explosions, car chases, or flying bullets. You must be patient and instead, note the details here. It's sedate because that's what the Main Character is. The viewer has to WATCH him and Think as this story unfolds.

I will not give spoilers-- because that destroys the point of watching. The plot is what you've read from the other postings: an average white-collar guy, seeking change and adventure, signs on for a corporate spy job. Just go somewhere and secretly record and transmit inside data.

Take it from there.

This movie starts at a surreal walk-- with a background tang of corporate disillusionment that entwines itself with quintessential, underlying suburban paranoia.

Then it begins to accelerate.

The acting on all parts is superb-- and yes, some of the acts are caricature characters. But they all fit, and they entertain. And the light piano rhyme in the background is just perfect as the soft, soft key sinister theme: All is not right at the beginning.

And at the end: All is not what it seems.

Get comfortable and turn the lights down to watch this one-- and turn up the sound: This movie wants you to LISTEN.\": {\"frequency\": 1, \"value\": \"This movie is a ...\"}, \"If you r in mood for fun...and want to just relax and enjoy...bade Miyan Chote Miyan is one of the movies to watch. Amitabh started off pretty good...but it is Govinda who steals the show from his hands... awesome timing for and good dialog delivery.....its inspired from Bad boys... but it has Indian Masala to it... people think it might be confusing and stupid...but the fact that David Dhavan is directing and Govinda is acting... should not raise any questions....other recommended movies in the same genre(David Dhavan/Govinda combo)...are Shola Aur Shabnam, Aankhen, Raja Babu, Saajan Chale Sasural, Deewana Mastana, Collie no. 1, Jodi no. 1, Hero no.1, Haseena Manjayegi, Ek Aur Ek Gyarah.\": {\"frequency\": 1, \"value\": \"If you r in mood ...\"}, \"I've seen all kinds of \\\"Hamlet\\\"s.

Kenneth Branagh's was most ambitious, Mel Gibson's was quick and to the point, Laurence Olivier's was the best - hands down. But now we come to Maximilian Schell's take on the Bard.

For one, this is a dubbed version of a German TV production of William Shakespeare's venerable chestnut. But if there's a slower, more plodding, more lethargic and worse-staged version out there somewhere, it must have been acted at grade school-level.

Having seen it on MST3K helps, with Mike and the robots taking jolly good jabs at the old boy, puncturing the profundity of black and white TV, Shakespeare and the wisdom (?) of Germans acting out an English play and making it look like an Ingmar Bergman reject.

Of course, the best parts are the MST riffs. Best lines? \\\"I'm gonna unleash the Great Dane\\\", \\\"I don't think so, 'breather'\\\", \\\"Meet the Beatles\\\", \\\"Hey, Dad, will you help me with my science project\\\" and, my personal favorite, during a party - \\\"Garrison Keillor's leaving Germany (YAAAY!!)\\\".

But then there's Schell, playing Shakespeare's greatest character much like a department store mannequin would, only not as expressive. No doubt he's a great actor, but here he comes off about as well as Paul Newman in \\\"The Silver Chalice\\\". Ever see that one? You GOTTA watch these two on a double-bill!

In the end, this is one instance where it's true that you're much better off to just read the book. At least the book isn't dubbed by Ricardo Montalban.

One star only for this \\\"Hamlet\\\"; ten stars, naturally, for the MST3K version.

Good-night, not-so-sweet prince.\": {\"frequency\": 1, \"value\": \"I've seen all ...\"}, \"Uta Hagen's \\\"Respect for Acting\\\" is the standard textbook in many college theater courses. In the book, Hagen presents two fundamentally different approaches to developing a character as an actor: the Presentational approach, and the Representational approach. In the Presentational approach, the actor focuses on realizing the character as honestly as possible, by introducing emotional elements from the actor's own life. In the Representational approach, the actor tries to present the effect of an emotion, through a high degree of control of movement and sound.

The Representational approach to acting was still partially in vogue when this Hamlet was made. British theater has a long history of this style of acting, and Olivier could be said to be the ultimate king of the Representational school.

Time has not been kind to this school of acting, or to this movie. Nearly every working actor today uses a Presentational approach. To the modern eye, Olivier's highly enunciated, stylized delivery is stodgy, stiff and stilted. Instead of creating an internally conflicted Hamlet, Olivier made a declaiming, self-important bullhorn out of the melancholy Dane -- an acting style that would have carried well to the backs of the larger London theaters, but is far too starchy to carry off a modern Hamlet.

And so the movie creaks along ungainfully today. Olivier's tendency to e-nun-ci-ate makes some of Hamlet's lines unintentionally funny: \\\"In-stead, you must ac-quire and be-get a tem-purr-ance that may give it... Smooth-ness!\\\" Instead of crying at meeting his father's ghost (as any proper actor could), bright fill lights in Olivier's pupils give us that impression.

Eileen Herlie is the only other actor of note in this Hamlet, putting in a good essay at the Queen, despite the painfully obvious age differences (he was 41; she was 26). The other actors in this movie have no chance to get anything else of significance done, given Olivier's tendency to want to keep! the camera! on him! at all! times!

Sixty years later, you feel the insecurity of the Shakespearean stage actor who lacked the confidence to portray a breakable, flawed Hamlet, and instead elected to portray a sort of Elizabethan bullhorn. Final analysis: \\\"I would have such a fellow whipped for o'er-doing Termagant; it out-herods Herod: pray you, avoid it.\\\"\": {\"frequency\": 1, \"value\": \"Uta Hagen's ...\"}, \"It's not my fault. My girlfriend made me watch it.

There is nothing positive to say about this film. There has been for many years an idea that Madonna could act but she can't. There has been an idea for years that Guy Ritchie is a great director but he is only middling. An embarrassment all round.

\": {\"frequency\": 1, \"value\": \"It's not my fault. ...\"}, \"This movie (with the alternate title \\\"Martial Law 3\\\" for some reason) introduced me to Jeff Wincott for the first time. And it was a great introduction. Although I had never heard of him before, he seemed to be an excellent fighter. The action scenes in this movie are GREAT! There are lots of them too, by the way. The recruit fight at the Peacekeepers HQ is especially good. There's just something about one single guy beating the crap out of a bunch of people that's really fun. And for the rest of the cast: Brigitte Nielsen was a good choice for the villain. Roles like this fits her (but others don't). Matthias Hues also did a good job, as always. He's a great fighter and macho-like character, and was a good rival for Wincott in this movie.\": {\"frequency\": 1, \"value\": \"This movie (with ...\"}, \"If you are wondering where many of the conspiracy theories and paranoid ideas about the the UN, Israel, and international affairs come from, look no further.

This isn't a supernatural Hollywood film loosely based on some biblical passage. Instead, this movie was made by a company (Cloud Ten Pictures) with a political and religious agenda. As a movie, the end result at times more looks like clips out of a televangelism program (complete with family prayers and light breaking through church windows while harps are playing).

For mainstream viewers, it may be hard to believe, but many people believe in this stuff literally, as presented in the movie. And that, perhaps, makes the movie important. You probably won't find a more concise exposition of the bizarre views of a significant number of your fellow citizens. So, if you view it, view it as a social/cultural document. If you are at all media savvy, you don't need to be warned about the unsubtle attempts at propaganda and manipulation in the movie.\": {\"frequency\": 1, \"value\": \"If you are ...\"}, \"Just finished watching, can't say I was impressed.

It starts of quite good, the visual and the atmosphere gives a creepy feeling as this type of movie should. But it all ends when the first lordi monster appears. Not only do you recognize them from the band lordi, but they are seriously malplaced in the movie. Doomsday monsters with leather jackets and piercings are so 80's.

As for the storyline, it starts of as similar horror movies, people trapped inside a hell hole. But there is no clear story on why and what is happening. The viewer is thrown some lines on possible reasons, but the lines never meet and end up to anything but a mess.

With all the money spent on this film, with an intriguing start and some good effects, I had thought someone would have taken better care of the product. I wonder if lordi made this movie just to prove that their show costumes could be scary (except they aren't).

So the movie gets cred for the visuals, i guess the money had to go somewhere. But the rest is an embarrassing attempt from a rock band to make their on-stage monster aliases scarier.\": {\"frequency\": 1, \"value\": \"Just finished ...\"}, \"That's the sound of Stan and Ollie spinning in their graves.

I won't bother listing the fundamental flaws of this movie as they're so obvious they go without saying. Small things, like this being \\\"The All New Adventures of Laurel and Hardy\\\" despite the stars being dead for over thirty years when it was made. Little things like that.

A bad idea would be to have actors playing buffoons whom just happen to be called Laurel and Hardy. As bad as that is, it might have worked. For a really bad idea, try casting two actors to impersonate the duo. Okay, they might claim to be nephews, but the end result is the same.

Bronson Pinchot can be funny. Okay, forget his wacky foreigner \\\"Cousin Larry\\\" schtick in Perfect Strangers, and look at him in True Romance. Here though, he stinks. It's probably not all his fault, and, like the director and the support cast - all of who are better than the material - he was probably just desperate for money. There are those who claim Americans find it difficult to master an effective English accent. This cause is not helped here by Pinchot. What is Stan? Welsh? Iranian? Pakistani? Only in Stan's trademark yelp does he come close, though as the yelp is overdone to the point of tedium that's nothing to write home about. Gailard Sartain does slightly better as Ollie, though it's like saying what's worse - stepping in dog dirt or a kick in the knackers?

Remember the originals with their split-second timing, intuitive teamwork and innate loveability? Well that's absent altogether, replaced with two stupid old men and jokes so mistimed you could park a bus through the gaps. Whereas the originals had plots that could be summed up in a couple of panels, this one has some long-winded Mummy hokum (and what a lousy title!) that's mixed in with the boys' fraternity scenario. I can't claim to have seen every single one of Laurel and Hardy's 108 movies, but I think it's a safe bet that even their nadir was leagues ahead of this.

Maybe the major problem is that the originals were sort-of playing themselves, or at least using their own accents. It at least felt natural and unforced, as opposed to the contrived caricatures Pinchot and Sartain are given. And since when did Stan do malapropisms, and so many at that? \\\"I was gonna give you a standing cremation\\\"; \\\"I would like to marinate my friend.\\\" Stop it!

Only notable moment is a reference to Bozo the Clown, the cartoon character who shared Larry Harmon's L & H comic. Harmon of course bought the name copyright (how disconcerting to see a \\ufffd\\ufffd after Laurel and Hardy) and was co-director and producer of this travesty.

Questions abound. Would Stan and Ollie do fart gags if they were alive today? Would they glass mummies with broken bottles? Have Stan being smacked in the genitals with a spear and end on a big CGI-finale? Let's hope not.

I did laugh once, but I think that was just in disbelief at how terrible it all is. Why was this film made in the first place? Who did the makers think would like it? Possibly the worst movie I've ever seen, an absolute abhorrence I grew sick of watching after just the first five minutes. About as much fun as having your head trapped in a vice while a red-hot poker and stinging nettles are forcibly inserted up your back passage.\": {\"frequency\": 1, \"value\": \"That's the sound ...\"}, \"I was totally impressed by Shelley Adrienne's \\\"Waitress\\\" (2007). This movie only confirms what was clear from that movie. Adrienne was a marvelously talented writer-director, an original and unique artist. She managed to show the miseries of everyday life with absurd humor and a real warm optimistic and humanistic tendency. Ally Sheedy steals this movie with a terrific performance as a woman who has fallen over the edge. Male lead Reg Rodgers, looking like Judd Nelson, is fine. There is also a great cameo by Ben Vereen. The song at the end of the movie \\\"The Bastard Song\\\" written by Adrienne can stand as her optimistic eulogy:

\\\"It's a world of suffering,

In a sea of pain,

No matter how much sun you bring,

You're pummeled by the rain...

Don't let the heartless get you down,

Don't greet the heartless at your door,

Don't live among the heartless\\\"\": {\"frequency\": 1, \"value\": \"I was totally ...\"}, \"In the spirit of the classic \\\"The Sting\\\", this movie hits where it truly hurts... in the heart! A prim, proper female psychiatrist, hungry for adventure, meets up with the dirtiest and rottenest of scoundrals. The vulnerable doctor falls for the career badman, and begs to be involved in his operation. While the movie moves kind of \\\"slow\\\", it's climax and ending are stunning! You'll especially enjoy how the doctor \\\"forgives herself\\\"!\": {\"frequency\": 1, \"value\": \"In the spirit of ...\"}, \"After Chicago, I was beginning to lose all respect for Richard Gere and then along came The Flock. There's just so far a nice smile and a couple of stock facial gestures can get you, but he proved to me that he's finally gotten hold of his craft and can act with the best of them. Clare Danes was also super as his \\\"trainee/replacement\\\". Some have suggested there was too much unnecessary violence, but I don't see it that way. Nothing I saw detracted from the power of this film. I was really shocked I hadn't heard of it being released in theaters and came across it at Blockbuster instead. Really an exceptional film with just the right blend of action, suspense, thrills, and social consciousness. As good as 7even? Well, maybe. And you'll see better acting out of Gere than anyone's ever gotten out of Pitt.\": {\"frequency\": 1, \"value\": \"After Chicago, I ...\"}, \"The problems with this film are many, but I will try to mention the most glaring and bothersome ones. First of all, while the theme suggests a number of vignettes about Manhattan life, the reality was that everything, as usual in movies and TV, was about something bizarre, usually of a sexual nature. The story lines were thin or nonexistent, and virtually every scene, camera shot, line of dialog, and expressed emotion was absolutely, and totally fake. It finally reached a point after an hour of so of mind numbing garbage that I walked out (something no uncommon for me in recent years.) I would have guessed the fi9lm was directed by some wannabe auteur drop outs from some 3rd rate film studies program, but I believe the (at one time, pre-Amelia, talented)director Mira Nair took part in this disgusting travesty, so perhaps the directorial talent in America has descended en masse into the cesspool.\": {\"frequency\": 1, \"value\": \"The problems with ...\"}, \"The original DeMille movie was made in 1938 with Frederic March. A very good film indeed. Hollywood's love of remakes brings us a fairly interesting movie starring Yul Brynner. He of course was brilliant as he almost always seemed to be in all of his movies. Charlton Heston as Andrew Jackson was a stroke of genius. However, the movie did tend to get a little long in places. It does not move at the pace of the 1938 version. Still, it is a fun movie that should be seen at least once.\": {\"frequency\": 1, \"value\": \"The original ...\"}, \"Peaceful rancher Robert Sterling is on the losing side of a range war with his ruthless neighbors, that is until notorious outlaw Robert Preston shows up out of the blue to level the playing field. Soon he begins to go too far, feeding a growing sense of unease in Sterling, especially when his son begins to idolize the wily criminal.

The Sundowners is a tightly-paced, gritty, and surprisingly tough little picture with a great performance by Preston. Here, he comes across as an evil version of Shane, that is until the real nature of the rancher and the outlaw's relationship is revealed. Most movie guides and video boxes spoil the surprise!

Rounding out the cast is Chill Wills, Jack Elam, and the debut of John Drew Barrymore, who became more famous for his offspring than his acting.\": {\"frequency\": 1, \"value\": \"Peaceful rancher ...\"}, \"this movie is not good.the first one almost sucked,but had that unreal ending to make it worth watching.this one has nothing.there's zero scare,zero tension or suspense.this isn't really a horror movie.most of the kills don't show anything.there's no gore to speak of.this could almost be a TV,except for a bit of nudity and a bit of violence.the acting is not very good,either.and don't get me started on the dialogue.as for the surprise ending,surprise,there isn't one.i suppose it could have been worse,although i don't see how.but then again,it is less than 80 minutes long,so i guess that's a good thing.although it felt a lot longer. apparently this is the cut version of the film.i found it for a very cheap price,but it still not worth it.if you want the uncut more graphic version,check out the Anchor Bay edition.anyway,this version of Sleepaway Camp II:Unhappy Campers gets a big fat 1/10 from me. p.s.if you watch this movie,you will probably be a bored and unhappy camper.if you are a real fan,you might want to pick up Anchor Bay's Sleepaway Camp(with survival kit) three disc collection containing the first three movies uncut and with special features\": {\"frequency\": 1, \"value\": \"this movie is not ...\"}, \"Despite being released on DVD by Blue Underground some five years ago, I have never come across this Italian \\\"sword and sorcery\\\" item on late-night Italian TV and, now that I have seen it for myself, I know exactly why. Not because of its director's typical predilection for extreme gore (of which there is some examples to be sure) or the fact that the handful of women in it parade topless all the time (it is set in the Dark Ages after all)\\ufffd\\ufffdit is, quite simply, very poor stuff indeed. In fact, I would go so far as to say that it may very well be the worst of its kind that I have yet seen and, believe me, I have seen plenty (especially in the last few years i.e. following my excursion to the 2004 Venice Film Festival)! Reading about how the film's failure at the time of initial release is believed to have led to its director's subsequent (and regrettable) career nosedive into mindless low-budget gore, I can see their point: I may prefer Fulci's earlier \\\"giallo\\\" period (1968-77) to his more popular stuff horror (1979-82) myself but, even on the latter, his commitment was arguably unquestionable. On the other hand, CONQUEST seems not to have inspired Fulci in the least \\ufffd\\ufffd seeing how he decided to drape the proceedings with an annoyingly perpetual mist, sprinkle it with incongruent characters (cannibals vs. werewolves, anyone?), irrelevant gore (we are treated to a gratuitous, nasty cannibal dinner just before witnessing the flesh-eating revelers having their brains literally beaten out by their hairy antagonists!) and even some highly unappetizing intimacy between the masked, brain-slurping villainess (don't ask) and her slimy reptilian pet!! For what it is worth, we have two heroes for the price of one here: a young magic bow-carrying boy on some manhood-affirming odyssey (Andrea Occhipinti) and his rambling muscle-bound companion (Jorge Rivero i.e. Frenchy from Howard Hawks' RIO LOBO [1970]!) who, despite being called Mace (short for Maciste, perhaps?), seems to be there simply to drop in on his cavewoman from time to time and get his younger prot\\ufffd\\ufffdg\\ufffd\\ufffd out of trouble (particularly during an exceedingly unpleasant attack of the 'boils'). Unfortunately, even the usual saving grace of such lowbrow material comes up short here as ex-Goblin Claudio Simonetti's electronic score seems awfully inappropriate at times. Fulci even contrives to give the film a laughably hurried coda with the surviving beefy hero going aimlessly out into the wilderness (after defeating one and all with the aid of the all-important magic bow\\ufffd\\ufffdso much for his own supposed physical strength!) onto his next \\ufffd\\ufffd and thankfully unfilmed \\ufffd\\ufffd adventure!\": {\"frequency\": 1, \"value\": \"Despite being ...\"}, \"The Three Stooges in a feature length western comedy-musical? Perhaps \\\"Rockin' in the Rockies\\\" was meant to combine the Stooges comedy short with the western musical, in a matin\\ufffd\\ufffde; if so, this was a pleasant way to break up a Saturday afternoon. Jay Kirby (as Rusty) is a handsome young hero; and, Mary Beth Hughes (as the blonde June) and Gladys Blake (as the brunette Betty) are pretty women. The Hoosier Hotshots are a harmonious group; their songs are quite tuneful; however, this is the 1940s, not the 1950s, so the film doesn't exactly \\\"rock\\\". There are a few laughs; but the Stooges' brand of humor is more subdued than usual. The talking horse is also underutilized.

**** Rockin' in the Rockies (4/17/45) Vernon Keays ~ Moe Howard, Larry Fine, Curly Howard, Mary Beth Hughes\": {\"frequency\": 1, \"value\": \"The Three Stooges ...\"}, \"How do I begin to review a film that will soon be recognized as the `worst film of all time' by the `worst director of all time?' A film that could develop a cult following because it's `so bad it's good?'

An analytical approach criticizing the film seems both pointless and part of band-wagon syndrome--let's bash freely without worry of backlash because every other human on earth is doing it, and the people who like the film like it for those flaws we'd cite.

The film's universal poor quality goes without saying-- 'Sixteen Years of Alcohol' is not without competition for title of worst film so it has to sink pretty low to acquire the title and keep a hold of it, but I believe this film could go the distance. IMDb doesn't allow enough words to cite all the films failures, and it be much easier to site the elements 'Sixteen Years of Alcohol' does right. Unfortunately, those moments of glory are so far buried in the shadows of this film's poorness that that's a task not worth pursuing.

My impressions? I thought I knew what I was getting into, I had been warned to drink several cups of coffee before sitting down to watch this one (wish that suggestion had been cups of Vodka). Despite my low expectations, 'Sixteen Years of Alcohol' failed to entertain me even on a `make fun of the bad movie' level. Not just bad, but obnoxiously bad as though Jobson intentionally tried to make this film a poetical yawn but went into overkill and shoved the poetry down our throats making it not profound but funny . .. and supposedly Jobson sincerely tried to make a good movie? Even after viewing the 'Sixteen Years of Alcohol' promotional literature, I have trouble believing Jobson's sincerity. Pointless and obnoxious till the end with a several grin/chuckle moments (all I'm sure none intentional)spiced the film, and those few elements prevented me from turning the DVD off. So bad it's good? No. It had just enough 'I can't believe this is a serious movie moments' to keep me from turning it off, and nothing more.

Definitely a film to watch with a group of bad-movie connoisseurs. Get your own running commentary going. That would've significantly improved the experience for me. So bad it's Mike Myers commentating in his cod Scottish accent on it as it runs, to turn this whole piece of sludge into a comic farce \\\"Ok dare ma man, pass me annuder gliss of dat wiskey\\\".\": {\"frequency\": 1, \"value\": \"How do I begin to ...\"}, \"This movie should be required viewing for all librarians or would-be librarians. All of the best lines are directly related to librarianship. The public library vs. academic library argument is a classic argument waged among librarians and library school students. It also breaks many librarian stereotypes. Librarians might even be capable of having fun -- even if they don't *usually* have sex in the romance languages section! (The best movie about librarians? Desk Set, with Katherine Hepburn and Spencer Tracy, of course.)\": {\"frequency\": 1, \"value\": \"This movie should ...\"}, \"I have been a Hindi movie buff since the age of 4 but never in my life have a watched such a moving and impacting movie, especially as a Hindi film. In the past several years, I had stopped watching contemporary Hindi movies and reverted to watching the classics (Teesri Kasam, Mere Huzoor, Madhumati, Mother India, Sholay, etc.) But this movie changed everything. It is one of the best movies I have ever seen. I found it not only to be moving but also found it to be very educational for someone who is a first generation Indian woman growing up in America. It helped me to understand my own family history, which was always something very abstract to me. But, to \\\"see\\\" it, feel it and understand it helped me to sympathize with the generations before me and the struggle that Indian people endured. The film helped to put many things into perspective for me, especially considering the current world events. I never thought that a movie could change the way I think like this before... it did. The plot is fantastic, the acting superb and the direction is flawless. Two thumbs up!\": {\"frequency\": 1, \"value\": \"I have been a ...\"}, \"The film is side spliting from the outset, Eddie just seems to bring that uniqueness to the stage and makes the most basic thing funny from having an ice cream as a child to the long old tradition of the family get together. The film is very rare in this country but unsure of availability in other countries i have searched through a lot of web sites and still no luck, phoned companies that search for rare videos and there are year waiting lists for it. SO HINTS ARE VERY WELCOME. If any one likes Eddie Murphy as a comedian and see's the video get it,it is worth the money and can't go far wrong.\": {\"frequency\": 1, \"value\": \"The film is side ...\"}, \"Think Pierce Brosnan and you think suave, dapper, intelligent James Bond. In this movie, Brosnan plays against type - and has lots of fun doing so (as does the audience). This is a film about a hired assassin who befriends a harried businessman... and it works!

This is a fun movie, with very good scenes (a riveting, on-the-edge Brosnan and a good, compliant \\\"off\\\"-the-edge Kinnear have some good lines). My only cavil is that Hope Davis, playing the oh-so-tolerant wife (\\\"Can I see your gun?\\\") doesn't appear more often: she could have been a marvellous foil to these men.

This movie is like a matador: it plays with the audience, while \\\"going for a kill\\\". The ending is awesome because a storyline (with a positive moral!) emerges: this is a frenetic, frantic and fun movie, which does deserve a wide audience.\": {\"frequency\": 1, \"value\": \"Think Pierce ...\"}, \"This is some of the worst acting I have ever seen. I love Almereyda's Nadja, but this is just absolute dreck. Aside from a few moments of interesting cinematography and music this film is just nonstop bad acting and dumb material. Jared Harris is particularly bad, but no one in this is remotely good. The plot is a joke, but not the haha kind. I don't even know if you can forgive movies that are this bad. Please erase the last hour and a half of my life. How did this director make Nadja and Another Girl Another Planet?\": {\"frequency\": 1, \"value\": \"This is some of ...\"}, \"One of Boris Karloff's real clinkers. Essentially the dying Karloff (looking about 120 years older than he was)is a scientist in need of cash to finish his experiments before he dies. Moving from Morocco where his funding is taken over by someone else he goes to the South of France where he works a s physician while trying to scrap enough money to prove his theories. Desperate for money he makes a deal with the young rich wife of a cotton baron who is dying. She will fund him if he helps her poison the husband so she can take his money and carry on with a gigolo (who I think is married). If you think I got that from watching the movie you're wrong, I had to read what other people posted to figure out happened. Why? because this movie had me lost from two minutes in.I had no idea what was going on with its numerous characters and multiple converging plot lines. Little is spelled out and much isn't said until towards the end by which time I really didn't care. Its a dull mess of interest purely for Karloff's performance which is rather odd at times. To be honest this is the only time I've ever seen him venture into Bela Lugosi bizarre territory. Its not every scene but a few and makes me wonder how much they hung out.\": {\"frequency\": 1, \"value\": \"One of Boris ...\"}, \"When I think about this movie, all the adjectives that come to mind somehow relate to the physical appreciation of the world. Texture, smell, color, that's how I think this movie should be judged in terms of. See the rich golden tones surrounding the young concubine asleep by the fireplace, or the sweltering turkish bath, and let it flood your senses with impressions of spice, coarse cloth, smooth skin, scented oils, flickering flames, satin rustle. Don't just watch and listen, be absorbed, let the droning voice of the storyteller mesmerize you.\": {\"frequency\": 1, \"value\": \"When I think about ...\"}, \"During a Kurt Weill celebration in Brooklyn, WHERE DO WE GO FROM HERE? was finally unearthed for a screening. It is amazing that a motion picture, from any era, that has Weill-Gershwin collaborations can possibly be missing from the screens. The score stands tall, and a CD of the material, with Gershwin and Weill, only underscores its merits, which are considerable. Yes, the film has its problems, but the score is not one of them. Ratoff is not in his element as the director of this musical fantasy, and Fred MacMurray cannot quite grasp the material. Then, too, the 'modern' segment is weakly written. BUT the fantasy elements carry the film to a high mark, as does the work of the two delightful leading ladies - Joan Leslie and June Haver. Both have the charm that this kind of work desperately needs to work. As a World War II salute to our country's history - albeit in a 'never was' framework, the film has its place in Hollywood musical history and should be available for all to see and to find its considerable merits.\": {\"frequency\": 2, \"value\": \"During a Kurt ...\"}, \"The Drug Years actually suffers from one of those aspects to mini-series or other kinds of TV documentaries run over and over again for a couple of weeks on TV. It's actually not long enough, in a way. All of the major bases in the decades are covered, and they're all interesting to note as views into post-modern history and from different sides. But it almost doesn't cover enough, or at least what is covered at times is given a once over when it could deserve more time. For example, the information and detail in part three about the whole process and business unto itself of shipping mass amounts of drugs (partly the marijuana, later cocaine) is really well presented, but there are more details that are kept at behest of how much time there is to cover.

Overall though the documentary does shed enough light on how drugs, pop-culture, government intervention, the upper classes and lower classes and into suburbia, all felt the wave of various drugs over the years, and the interplay between all was very evident. Nobody in the film- except for the possibility of small hints with the pot)- goes to endorse drugs outright, but what is shown are those in archival clips about the honesty of what is at times fun, and then tragic, about taking certain drugs. The appearances of various staunch, ridiculously anti-drug officials does hammer some points down hard- with even in such an overview of the drug cultures and America's connection as a whole- as there is really only one major point that is made a couple of times by one of the interviewees. The only way to really approach the issue of drugs is not 'just say no', because as the war on drugs has shown it is not as effective as thought. It is really just to come clean on all sides about all the drugs and the people who may be hypocritical about them (as, for example, oxycontin continues on in the marketplace).

Is it with the great interest and depth of a Ken Burns documentary? No, but for some summertime TV viewing for the young (i.e. my age) who will view a lot of this as almost ancient history despite most of it being no more than a generation ago, as well as for the 'old' who can reflect some decades later about the great peaks, careless times, and then the disillusionment prodded more by the same media that years earlier propagated and advertised it. There are those who might find the documentary to be particularly biased, which is not totally untrue, but it does attempt to get enough different takes on the social, political, and entertainment conditions of drugs interweaving (for better or obvious worse) for enough of a fascinating view.\": {\"frequency\": 1, \"value\": \"The Drug Years ...\"}, \"A bad one.

Oh, my...this is one of the movies, which doesn't have even one positive effect. Just everything from actors to story stinks to the sky. I just wonder how low I.Q. you should have to watch this kind of flick and even enjoy.

Is there something than this is worth watching for? Well, there is a lot of nudity involved, but it's nothing particular. And when you just think that it couldn't get worse, your realize that all the naked ladies looked like there are forty years old. C'mon guys, where did you search for these actresses. In elderly home, perhaps.

Anyway, the leading actresses has some sex-appeal and knows how to show it. Again, too bad, that she is too skinny & old. All in all, skip these one.

2 out of 10\": {\"frequency\": 1, \"value\": \"A bad one.

The fear is that he is coming down with rabies, which does indeed suck, so their vacation is ruined, as the plot synopsis on the top of THE BAT PEOPLE's reference page does indeed point out. So here is an effective summary of the movie: A young couple goes on a romantic getaway which is ruined when the guy is bitten by a bat. They bravely try to stick it out but he starts raving, trying to convince those around him that it's a bit more involved than rabies, that he can't control himself, and they everyone should KEEP AWAY.

Now, when some one is frothing at the mouth, covered with sweat, eyes boggling about like one of the cheaper Muppets and screaming at you to GET AWAY FROM ME, you get away from him. You don't try to give him drugs, you don't try to tell him you love him, you give the guy his space, go home, and try that scenic getaway next year.

But no, the people in this movie all behave like morons, insist on pushing the guy to his brink, and he flips out, mutates into a part man part bat type creature, and kills a bunch of non-essential secondary characters. Nothing wrong with that, but the movie forgets that it's a low budget Creature Feature and tries to be some sort of psychological study. Instead of a monster movie, we get lots of people running around trying to get this guy to take a chill pill, and eventually he runs off into the hills looking very much more human than he should have, people insist on trying to chase him down and pay the expected price.

The main thing wrong with the movie is that this should have happened in the first fifteen or twenty minutes, thirty tops, and the movie should have been about the guy AFTER he had turned into a Bat Person, rather than about the journey there. It takes a good eighty minutes to really pick up steam on that front, with some interesting character sketches along the way involving the always entertaining Michael Pataki as a small town cop who's lost his moral edge, and the late Paul Carr as a physician friend who doesn't quite get the message.

The movie is dreadfully boring, about fifteen minutes too long and missed the opportunity to be a nice, forgettable little Creature Feature about a mutant run amok like the Italian horror favorite RATMAN, which I watched today and was sadly inspired to try this one after seeing. Me and my bright ideas, though the scene with the cop car was a howler: Too bad we couldn't have had another twenty minutes of that.

3/10\": {\"frequency\": 1, \"value\": \"Really, the use of ...\"}, \"

I would highly recommend seeing this movie. After viewing it, you will be able to walk out of every other bad movie EVER saying \\\"at least it wasn't The Omega Code.\\\"

Forget my money, I want my TIME back!\": {\"frequency\": 1, \"value\": \"

I ...\"}, \"I confess to have quite an uneasy feeling about ghosts movies, and while I sometimes enjoy the genre when it comes to horror, but when it comes to comedies, they really need to be crazy to be funny. 'Over Her Dead Body' seems to take afterlife a little bit too seriously, and fails in my opinion from almost any aspect I can think about. The story is completely unbelievable of course, and did not succeed to convince me either in the comic or in the sentimental register. The choice of the principal actresses was awful. While Paul Rudd is at least handsome and looks like a nice guy, the taste in ladies of his character seems to need serious improvement as Eva Longoria seems too aged (sorry) for him, and Lake Bell seems too unattractive (sorry again). A romantic story without good enough reason for romance is due to failure from start. Jason Biggs and Lindsey Sloane were actually better but they had only supporting roles. The rest is uninteresting and uninspired, with flat cinematography and cheap gags borrowed from unsuccessful TV comedies. Nothing really worth watching, nothing to remember.\": {\"frequency\": 1, \"value\": \"I confess to have ...\"}, \"Don't be swayed by the naysayers. This is a wonderfully spooky film. This was a thesis project for the writer/director , JT Petty. He did a great job of having me on the edge of my seat. I never really knew what to expect, and for a jaded horror-movie goer, this is Nirvana! The film concerns an elderly man who lives in a isolated log cabin in the woods. One day, while searching for his cat in the woods, he witnesses the murder of a child, or does he? He agonizes about this the rest of the film. What is most unusual about this film is that here is no dialogue until the last few scenes. I found this to be intriguing. The writer manages to get hold of your senses and gives them a relentless tug. Give this film a go, you won't be disappointed.\": {\"frequency\": 1, \"value\": \"Don't be swayed by ...\"}, \"This is one of the greatest films I have ever seen: I glowed inside throughout the whole film. The music and cinematography held the spell when little was happening on screen. The slow pace was set by the mode of travel (a riding lawn mower with a big trailer) and was maintained by the background sights and sounds and the slow-paced lives of the other characters.

The story actually happened; Alvin Straight died in 1996 at the age of 76. There was no acting; everything was completely real, as if the actors had actually transformed into the characters. Sissy Spacek gave a poignant performance as a somewhat disabled daughter who had suffered much but forged ahead, always wanting to do the right thing. Richard Farnsworth was cast perfectly and he beautifully became Alvin Straight, a stubborn but loving elderly man who treks across Iowa to visit his estranged brother, Lyle, who has had a stroke. Alvin had learned much wisdom during his life and that seemed to bring out the best in the people that he encountered along the way.

The film underscores the importance of family to this man and, hopefully, to all of us. I eagerly anticipate seeing it again, and again. Directed by David Lynch, this films proves his directorial skill. Farnsworth was nominated for an Academy Award for Best Actor; at 79, he was the oldest nominee ever for that award.\": {\"frequency\": 1, \"value\": \"This is one of the ...\"}, \"If you're a fan of film noir and think they don't make 'em like they used to, here is your answer -they just don't make 'em in Hollywood anymore. We must turn to the French to remember how satisfying, subtle and terrific a well-made film from that genre can be. Read My Lips is a wonderfully nasty little gift to the faithful from director Jacques Audiard, featuring sharp storytelling and fine performances from Emmanuelle Devos and Vincent Cassel.

The basic plot could have been written in the 40's: dumb but appealing ex-con and a smart but dowdy femme fatale (who turns out to be ruthlessly ambitious) discover each other while living lives of bleak desperation and longing, manipulate each other to meet their own ends, develop complex love/hate relationship, cook up criminal scheme involving heist, double crosses, close calls and lots of money. All action takes place in depressing, seedy and/or poorly lit locations.

Audiard has fashioned some modern twists, of course. The femme fatale is an underappreciated office worker who happens to be nearly deaf and uses her lip reading ability to take revenge on those who marginalize her. And where you might expect steamy love scenes you discover that both characters are sexually awkward and immature. Add in a bit of modern technology and music and it seems like a contemporary film, but make no mistake - this is old school film noir. It's as good as any film from the genre and easily one of the best films I've seen all year.\": {\"frequency\": 1, \"value\": \"If you're a fan of ...\"}, \"I can find very little thats good to say about this film. I am sure the idea and script looked good on paper but the filmography and acting I am afraid is not the standards I would expect from some very talented people. I would doubt that this features highly in their CV Filmography. Michael Caine appeared wooden at times in his role as the Doctor, and at no time no did I actually believe in his character. The plot was unbelievable especially with regard to the victims son. Some of the scenes were very reminiscent of other films, that at times I wondered if it was actually a spoof thriller. The lighting at times was dark and this added to the feeling of watching a low budget movie with some big named stars, wondering why I bothered to watch it at all.\": {\"frequency\": 1, \"value\": \"I can find very ...\"}, \"An American in Paris is a showcase of Gene Kelly. Watch as Gene sings, acts and dances his way through Paris in any number of situations. Some purely majestic, others pure corn. One can imagine just what Kelly was made of as he made this film only a year before \\\"Singin' In The Rain\\\". He is definately one of the all time greats. It is interesting to look at the parallels between the two films, especially in Kelly's characters, the only main difference being that one is based in Paris, the other in L.A.

Some have said that Leslie Caron's acting was less than pure. Perhaps Cyd Charisse, who was originally intended for the role could have done better, however Caron is quite believable in the role and has chemistry with Kelly. Oscar Levant's short role in this film gave it just what it needed, someone who doesn't look like Gene Kelly. Filling the role as the everyman isn't an easy task, yet Levant did it with as much class as any other lead.

The song and dance routines are all perfection. Even the overlong ballet at the end of the film makes it a better film with it than without. Seeing that there really wasn't much screen time to make such a loving relationship believable, Minnelli used this sequence to make it seem as if you'd spent four hours with them. Ingenious!

I would have to rate this film up with Singin' since it is very similar in story and song. Singin' would barely get the nod because of Debbie Reynolds uplifting performance.

Full recommendation.

8/10 stars.\": {\"frequency\": 1, \"value\": \"An American in ...\"}, \"Cary Grant and Myrna Loy are perfectly cast as a middle class couple who want to build the house of their dreams. It all starts out with reasonable plans and expectations, both of which are blown to bits by countless complications and an explosion of the original budget.

There are many great laughs (even if the story is somewhat thin) sure to entertain fans of the stars or the late 1940s Hollywood comedy style. A definite highlight comes when a contractor goes through a run down of all expenses, which must have sounded quite excessive to a 1948 audience. As he makes his exit, he assures the client (Grant) that perhaps he could achieve a reduction of $100.00 from the total...or at least $50.00...but certainly $25.00. Hilarious!\": {\"frequency\": 1, \"value\": \"Cary Grant and ...\"}, \"This is a film that on the surface would seem to be all about J.Edgar Hoover giving himself a a big pat on the back for fighting Klansmen,going after Indian killers, hunting the famous gangsters of the 1930's, fighting Nazi's in the US and South America during world war 2 and Commies in New York during the early 1950's. Of course in 1959 we did not know about Mr. Hoover's obsession for keeping secret files on honest Americans, bugging people like the Rev. Martin Luther King, Jr, but worst of all,his secret love affair with his deputy director,Clyde Tolson( If you want to know more about that subject, I suggest seeing the film Citizen Cohn). Hoover aside, This story of a life in the FBI as told by Jimmy Stewart makes for a decent, but dated film. Vera Miles as his devoted wife is also good. But Jimmy is the movie. As much as Hoover controlled production and always made sure the FBI was seen without fault, Jimmy Stewart gave the film a human side,quite an achievement considering Hoover was always looking over his shoulder. The background score is also pleasant. I have read recent online articles suggesting that this is a forgotten film. Jimmy Stewart was one of the greatest film stars of all time and none of his films should be forgotten. TCM was the last network to show it a long time ago and I hope they show it again.\": {\"frequency\": 1, \"value\": \"This is a film ...\"}, \"I was expecting a very funny movie. Instead, I got a movie with a few funny jokes, and many that just didn't work. I didn't like the idea of bringing in Sherlock Holmes' and Moriarty's descendants. It was confusing. It would have been more funny if they just had someone new, instead of Moriarty resurrected. Some of the things were funny. Burt Kwouk was very funny, as always. McCloud on the horse was funny. The McGarrett from Hawaii 5-0 was not even McGarrett-like. Connie Booth obviously is very good with accents. She is from Indiana, but played English and a New Yorker pretty well. Unfortunately, she was not presented much into the script. I was expecting a more funny film. Instead, I got a rather confusing movie with a poor script. Rather ironic, since both Booth and Cleese were together on this one. Maybe they were about to break up in 77.\": {\"frequency\": 1, \"value\": \"I was expecting a ...\"}, \"Wow, here it finally is; the action \\\"movie\\\" without action. In a real low-budget setting (don't miss the hilarious flying saucers flying by a few times) of a future Seattle we find a no-brain hardbody seeking to avenge her childhood.

There is nothing even remotely original or interesting about the plot and the actors' performance is only rivalled in stupidity by the attempts to steal from other movies, mainly \\\"Matrix\\\" without having the money to do it right. Yes, we do get to see some running on walls and slow motion shoot-outs (45 secs approx.) but these scenes are about as cool as the stupid hardbody's attempts at making jokes about male incompetence now and then.

And, yes, we are also served a number of leads that lead absolutely nowhere, as if the script was thought-out by the previously unseen cast while shooting the scenes.

Believe me, it is as bad as it possibly can get. In fact, it doesn't deserve to be taken seriously, but perhaps I can make some of you not rent it and save your money.\": {\"frequency\": 2, \"value\": \"Wow, here it ...\"}, \"Even if this film was allegedly a joke in response to critics it's still an awful film. If one is going to commit to that sort of thing at least make it a good joke.....first off, Jeroen Krabb\\ufffd\\ufffd is i guess the poor man's Gerard Depardieu.....naturally i hate Gerard Depardieu even though he was very funny in the 'Iron Mask' three musketeer one. Otherwise to me he is box office poison and Jeroen Krabb\\ufffd\\ufffd is worse than that. The poor man's box office poison....really that is not being fair to the economically disenfranchised. If the '4th Man' is supposed to be some sort of critique of the Bourgeoisie....what am i saying? it isn't. Let's just say hypothetically, if it was supposed to be, it wasn't sharp enough. Satire is a tricky thing....if it isn't sharp enough the viewer becomes the butt of the joke instead......i think that is what happened. The story just ends up as a bunch of miserable disgusting characters doing nothing that anyone would care about and not in an interesting way either.....(for a more interesting and worthwhile application see any Luis Bunuel film....very sharp satire)

[potential spoiler alert]

Really, the blow job in the cemetery that Jeroen Krabb\\ufffd\\ufffd's character works so so hard to attain.... do you even care? is it funny? since Mr. Voerhoven is supposed to be a good film maker i will give him the benefit of the doubt and assume it was some misanthropic joke that got out of control.....though i'm guessing he didn't cast Jeroen Krabb\\ufffd\\ufffd because he's the worst actor and every character he's played has been a pretentious bourgeois ass.... except he's incompetent at it. So it becomes like a weird caricature. Do you think Mr. Voerhoven did that on purpose? and Jeroen Krabb\\ufffd\\ufffd is the butt of the joke as well? I just don't see it...... So you understand the dilemma i'm faced with here right? It is the worst film ever because he's supposed to be a good director. So there is some kind of dupery involved. I knew 'Patch Adams' was horrible without even seeing it. Do not be duped by 'The 4th Man\\\"s deceptively alluring packaging or mr. Voerhoven's reputation as a good director etc. etc.\": {\"frequency\": 1, \"value\": \"Even if this film ...\"}, \"Though it had the misfortune to hit the festival circuit here in Austin (SXSW Film) just as we were getting tired of things like Shakespeare in Love, and Elizabeth, this movie deserves an audience. An inside look at the staging of \\\"The Scottish Play\\\" as actors call \\\"Macbeth\\\" when producing it to avoid the curse, this is a crisp, efficient and stylish treatment of the treachery which befalls the troupe. With a wonderfully evocative score, and looking and sounding far better than its small budget would suggest, this is a quiet gem, not world-class, but totally satisfying.\": {\"frequency\": 1, \"value\": \"Though it had the ...\"}, \"Since the title is in English and IMDb lists this show's primary language as English, i shall concentrate on reviewing the English version of Gundam Wing(2000) as presented in the Bandai released DVD set. My actual review for the whole series is under IMDb's entry of \\\"\\\"Shin kid\\ufffd\\ufffd senki Gundam W\\\"(1995).

Very little is changed in respect to plot, script and characterization its adaptation to English and it really depends on your own taste to choose which language to watch this show in. Purists can stick to Japanese all they want, but for a more \\\"realistic\\\" experience i recommend the English track since all the characters, except Heero Yuy, are not Japanese.(most of them are Caucasian in fact with a couple of non-Japanese Asians.) For one thing, the characters' personalities come across more \\\"directly\\\" than in the Japanese version. The contrast between the characters is stronger thanks to some give-or-take performances but a very well cast group of actors.

Wing Gundam's pilot Heero Yuy is a highly trained soldier who suppresses his emotions but slowly learns the value of his humanity. Voiced by Mark Hildreth who's deadpan delivery can be criticized as \\\"bad acting\\\" but it matches Heero's personality very well.

Deathscythe Gundam's Duo Maxwell, ever cheerful in the face of death is given a crash course in the cherishing the value of life and friends. He is possibly the best acted character in the whole show, masterfully played by Scott McNeil. He may sound a little too old for his age, but Duo's English voice easily out ranks his irritatingly nasal Japanese one.

Trowa, the pilot of Heavyarms, is a lost lonely soul who's only purpose so far has been combat; despite his inner desire to form connections with the people around him, he only knows how to kill, not to befriend. Kirby Morrow gives a somber but realistic performance as Trowa Barton.

Quatre Rebarba Winner is voiced by Brad Swaile who has no trouble brining out the caring nature of the character and the shattering of his innocence as he experiences horrors of war and death first hand. A huge plus point is that Quatre no longer sounds like a girl(and yes he is voiced by a female actress in the Japanese version) but a bona fide typical 15 year old guy.

The impulsive but determined Wufei Chang voiced by Ted Cole may seem a little over-the-top but it plays out in stark contrast to the more subdued roles of Heero and Trowa.

Relena Darlian sounds older in English, voiced by Lisa Ann Bailey. This might not sit well with her youthful personification early in the series but as her character matures later into the story, her voice follows suit and ends up fitting in very well with the character development.

Zechs Merquise would be one of the more drastically changed voices when compared to the Japanese version. Both voices bring out different sides to the same character. His Japanese voice is haughty, authoritative and commands respect , keeping in line with his high ranking status and charismatic nature. His English voice by Brian Drummond is more subdued, sounding more devious and \\\"snake-like\\\", highlighting Zechs' secretive nature regarding his hidden agendas and staunch beliefs in his ideals.

The members of OZ are a mixed bag really. Treize Kushrenada voiced by David Kaye is given a more realistic and down-to-earth performance compared to his larger-than-life Japanese style of speaking. However, Lady Une does not convey her split personality as contrastingly as in the Japanese version and Lucrencia Noin just sounds.........bored most of the time. The cannon fodder pilots and military leaders are nothing to speak of either.

I would have appreciated if they took the time to give different characters different accents to reflect their ethnic backgrounds. The Maganac Corp's voices were generally uninspired but could have been more interesting if they were given middle eastern accents. The members of the Romerfeller Foundation would have also sounded better with some classy European accent that reflects their status of nobility.

Despite underwhelming acting from the side characters, the main cast manage to carry the show and it results in an overall less over-the-top and more realistic rendition of Gundam Wing's script. Very faithful to the original Japanese script, keeping all the underlying thought provoking ideas and themes about politics, war and human nature. Sadly, it also retains the flaws of the original Japanese script.\": {\"frequency\": 1, \"value\": \"Since the title is ...\"}, \"When my own child is begging me to leave the opening show of this film, I know it is bad. I wanted to claw my eyes out. I wanted to reach through the screen and slap Mike Myers for sacrificing the last shred of dignity he had. This is one of the few films in my life I have watched and immediately wished to \\\"unwatch\\\", if only it were possible. The other films being 'Troll 2' and 'Fast and Furious', both which are better than this crap in the hat.

I may drink myself to sleep tonight in a vain attempt to forget I ever witnessed this blasphemy on the good Seuss name.

To Mike Myers, I say stick with Austin or even resurrect Waynes World. Just because it worked for Jim Carrey, doesn't mean Seuss is a success for all Canadians.

\": {\"frequency\": 1, \"value\": \"When my own child ...\"}, \"I have seen over 1000 movies and this one stands out as one of the worst movies that I have ever seen. It is a shame that they had to associate this garbage to The Angels 1963 song \\\"My Boyfriend's Back.\\\" If you have to make a choice between watching this movie and painful dental work, I would suggest the dental work.\": {\"frequency\": 1, \"value\": \"I have seen over ...\"}, \"A true wholesome American story about teenagers who are interested in launching their own rocket in a rural West Virginia coal mining town, after the launch of Sputnik in 1957.

Through trial, tribulations and perseverance beyond belief, they are ultimately able to achieve their goals.

Jake Gyllenhaal, as the leader of the group, is excellent in the title role. As his motivating science teacher, Laura Linney is quite good but her southern accent is over the top.

There is a standout supporting performance by Chris Cooper, a head miner, who wants his son to follow in his footsteps, but gradually comes around at film's end.

What makes this film so unusual for our times is that there are no bed-hopping scenes and no profanity whatsoever. It is the epitome of an American story that is well done.

Besides the science angle, we have the father-son disagreement, football scholarships as a way to escape coal mining, and the loving spirit of family.

Why aren't pictures like this recognized more at award times?\": {\"frequency\": 1, \"value\": \"A true wholesome ...\"}, \"This is the biggest pile of crap I have ever watched. DO NOT RENT! The makers of this movie should be band from ever making another movie. It starts with some what of a plot, then fades fast to nothing. I think I would rather watch paint dry then to as much as looking at the cover. The actors were awful, the plot faded fast, filming left to much work to be done. Not one good thing to say about this crap movie. If you rent this movie you will waste your money. I really enjoy National Lampoon movies, but this was a waste of time. Learn to write, learn to act, learn to produce, and learn to direct. I feel I should sue these a-holes that made this movie for money wasted on rental cost and time lost.\": {\"frequency\": 1, \"value\": \"This is the ...\"}, \"This happy-go-luck 1939 military swashbuckler, based rather loosely on Rudyard Kipling's memorable poem as well as his novel \\\"Soldiers Three,\\\" qualifies as first-rate entertainment about the British Imperial Army in India in the 1880s. Cary Grant delivers more knock-about blows with his knuckled-up fists than he did in all of his movies put together. Set in faraway India, this six-fisted yarn dwells on the exploits of three rugged British sergeants and their native water bearer Gunga Din (Sam Jaffe) who contend with a bloodthirsty cult of murderous Indians called the Thuggee. Sergeant Archibald Cutter (Cary Grant of \\\"The Last Outpost\\\"), Sergeant MacChesney (Oscar-winner Victor McLaglen of \\\"The Informer\\\"), and Sergeant Ballantine (Douglas Fairbanks, Jr. of \\\"The Dawn Patrol\\\"), are a competitive trio of hard-drinking, hard-brawling, and fun-loving Alpha males whose years of frolic are about to become history because Ballantine plans to marry Emmy Stebbins (Joan Fontaine) and enter the tea business. Naturally, Cutter and MacChesney drum up assorted schemes to derail Ballentine's plans. When their superiors order them back into action with Sgt. Bertie Higginbotham (Robert Coote of \\\"The Sheik Steps Out\\\"), Cutter and MacChesney drug Higginbotham so that he cannot accompany them and Ballantine has to replace him. Half of the fun here is watching the principals trying to outwit each other without hating themselves. Director George Stevens celebrates the spirit of adventure in grand style and scope as our heroes tangle with an army of Thuggees. Lenser Joseph H. August received an Oscar nomination for his outstanding black & white cinematography.\": {\"frequency\": 1, \"value\": \"This happy-go-luck ...\"}, \"How many more of those fake \\\"slice of life\\\" movies need to be made? Hopefully not too many.

Raising Victor Vargas is a very self-conscious attempt by the director Peter Solett at garnering the attention of Hollywood. Nothing wrong with that in general. What is wrong with this film in particular is that it ignores the audience and piles on every clich\\ufffd\\ufffd in the book of supposedly \\\"edgy\\\" Hollywood independent production.

It's supposed to be \\\"real\\\" so left shake the camera \\\"documentary style\\\", except no documentarian would shake the camera on purpose...

It's \\\"edgy\\\" so let's not waste any time lighting the film.

It's \\\"hip\\\", so let's have the children use swear words like Al Pacino in Scarface...

And so on, and so forth. All that you are left with is a very self-conscious attempt at impressing Hollywood that won't impress anyone outside of the \\\"rarefied\\\" indie crowd that seems to still heap acclaim on every bad film.\": {\"frequency\": 1, \"value\": \"How many more of ...\"}, \"This film was recommended to me by a friend who lives in California. She thought it was wonderful because it was so real, \\\"Just the way people in the Ohio Valley are!\\\" I'm from the area and I experienced the film as \\\"Just the way people in California think we are!\\\" I've lived in Marietta and Parkersburg and worked minimum wage jobs there. We laughed a lot, we bonded with and took breaks with people our own age; the young people went out together at night. The older people had little free time after work because they were taking care of their families. The area is beautiful in the summer and no gloomier in the winter rain than anywhere else.

Aside from the \\\"if you live in a manufactured home you must be depressed\\\" condescension, the story lacked any elements of charm, mystery or even a sense of dread.

Martha's character was the worst drawn. It's doubtful that anyone so repressed would have belonged to a church, but if she had, she probably would have made friends there. I've read reviews that seem to assume Martha was jealous of Rose because Rose was \\\"younger, prettier and thinner\\\" but if this is the case it isn't shown. All we actually see is Martha learning to dislike Rose for reasons that would apply just as much if the three friends had been the same age and gender. We see Martha feeling left out during smoking sessions, left out of the loop when social plans are made, used but not appreciated, and finally disrespected and hurt.

Just one more thing: Are we supposed to suspect Kyle of murder because he had once had a few panic attacks? Please. This takes stigma against mental illness to a new level.\": {\"frequency\": 1, \"value\": \"This film was ...\"}, \"A number of brides are mysteriously murdered while at the altar, and later their bodies are stolen en route to the morgue. Newspaper writer Patricia Hunter decides to investigate these mysterious killings. She discovers that right before each ceremony, the bride was given a rare orchid (supposedly from the groom) which contained a powerful drug that succumbed them. Patricia is told that the orchid was first grown by a Dr. Lorenz, who lives in a secluded estate, with his wife. In reality, Dr. Lorenz is responsible for the crimes, by putting the brides in a suspended state, and using their gland fluid to keep his wife eternally young. Patricia, along with Dr. Foster (who is working with Dr. Lorenz on the medical mystery surrounding his wife) try to force Dr. Lorenz's hand by setting up a phony wedding, which eventually leads Patricia into the mad doctor's clutches. This movie had a very good opening reel, but basically ended up with too many establishing shots and other weak scenes. The cast is decent, Walters and Coffin deserved better, but that's life. Russell steals the show (even out hamming Lugosi- who does not give one of his more memorable performances, even considering his Monograms) as Countess Lorenz playing the role with the qualities of many of the stereotypical characteristics of many of today's Hollywood prima donnas. Weak and contrived ending as well. Rating, based on B movies, 4.\": {\"frequency\": 1, \"value\": \"A number of brides ...\"}, \"This movie is a lot better than the asylums version mainly its war of the worlds. The tripods look pretty cool but their walking and deaths could have been better. The action scenes were really cool. Walking... walking...walking...walking!!! oh my god stop walking please or i'm going to kill myself. The thunder child scene was my favorite sequence mainly because a ship rammed bunch of tripods. Good movie I recommend it for people ho have read the book. The music is awesome and the directors cut looks pretty cool.

pros. Good soundtrack 99% to the book Cool violence Tripods and handling machines are cool to look at

cons. some bad acting cheesy looking London\": {\"frequency\": 1, \"value\": \"This movie is a ...\"}, \"Went to watch this movie expecting a 'nothing really much' action flick, still got very disappointed. The opening scene promised a little action with a tinge of comedy. It keeps you hooked for the first half coz till then you are expecting that now its time for the action to kick in. Well, nothing of that sort happens. The movie drags and the ending just thumps you down to a point that you get annoyed.Wonder what was the director thinking. Made no sense watsoever. The movie lacked in all aspects, had no real storyline and it seemed very hollow, even if \\\"Rambo\\\" was in it, I don't think he could have helped the rating at all. There is simply no logic to the movie. A perfect way to waste your time and money. By far the most irritating movie i have ever seen and i am sure there will b others who'll have the same viewpoint after enduring it. Definitely not for people who have a little movie sense left in them.\": {\"frequency\": 1, \"value\": \"Went to watch this ...\"}, \"Amazing documentary. Saw it on original airdate and on DVD a few times in the last few years. I was shocked that it wasn't even nominated for a Best Documentary Oscar for 2002, the year it was released. No other documentary even comes close.

It was on TV recently for the 5th anniversary, but I missed the added \\\"where are they now\\\" segment at the end, except I did catch that tony now works for the hazmat unit.

I've seen criticism on documentary film-making from a few on this list. I can't see how this could have been done any different. They had less than 6 months to assemble this and get it on the air. The DVD contains more material and background.

I'm also surprised that according to IMDb.com, the brother have had no projects in the four years since. What have they been doing?\": {\"frequency\": 1, \"value\": \"Amazing ...\"}, \"I did not watch the entire movie. I could not watch the entire movie. I stopped the DVD after watching for half an hour and I suggest anyone thinking of watching themselves it stop themselves before taking the disc out of the case.

I like Mafia movies both tragic and comic but Corky Romano can only be described as a tragic attempt at a mafia comedy.

The problem is Corky Romano simply tries too hard to get the audience to laugh, the plot seems to be an excuse for moving Chris Kattan (Corky) from one scene to another. Corky himself is completely overplayed and lacks subtlety or credulity - all his strange mannerisms come across as contrived - Chris Kattan is clearly 'acting' rather than taking a role - it bounces you right out of the story. Each scene is utterly predictable, the 'comedic event' that will occur on the set is obvious as soon as each scene is introduced. In comedies such as Mr. Bean the disasters caused by the title character are funny because you can empathise with the characters motivations and initial event and the situation the character ends up in is not telegraphed. Corky however gives the feeling that he is deliberately screwing up in a desperate attempt to draw a laugh from the audience.

If Chris had not played such an alien character (who never really connects with the other characters in the movie) and whose behaviour is entirely inexplicable (except for trying to draw laughs) and the comedy scenes weren't so predictable and stereotyped - all the jokes seemed far too familiar) this movie could have been watchable. But it isn't. Don't watch it.\": {\"frequency\": 1, \"value\": \"I did not watch ...\"}, \"I can just about understand why some people might wish to stress this film's link with the Eighties but I really wouldn't say it's an accurate depiction of most peoples' lives in that era - even on the poorest Bradford estates. It is however typical of the blunt agitprop rubbish the dear old Royal Court Theatre was churning out at that time. Plenty of 'right-on' artistry for small, small audiences but enough well-connected backslapping to ensure future commissions for turgid playrights. IThe simple fact is that if you want to reflect upon truer common experience you'll find millions more nodding in knowing agreement to love and live as depicted in 'Gregory's Girl'.

I would be tempted to call this a 'kitchen sink' drama but that would be doing a great disservice to the plumbing industry. However, as far as having a decent script is concerned, this film is indeed all washed up. For some reason it has accrued an odd following amongst Guardian reading film-goers - I can only assume they get a visual frisson out of pretending to slum it. Steer clear my friends. It is a poor film with a poor script that likes to think it is breaking boundaries by adding humorous insights into grim life on the estates. it isn't..but it is grim. Do the washing up instead.\": {\"frequency\": 1, \"value\": \"I can just about ...\"}, \"Nicole Kidman is a wonderful actress and here she's great. I really liked Ben Chaplin in The Thin Red Line and he is very good here too. This is not Great Cinema but I was most entertained. Given most films these days this is High Praise indeed.\": {\"frequency\": 1, \"value\": \"Nicole Kidman is a ...\"}, \"This Drummond entry is lacking in continuity. Most of them have their elements of silliness, the postponed wedding, and so on. However, this has an endless series of events occurring in near darkness as the characters run from one place to another. The house seems more like a city. There's also Leo G. Carrol who is such an obvious suspect who no-one seems to even look at. He is a stranger and acts rather suspicious, but Drummond and the folks don't seem to pick up on anything. Still, it as reasonably good action and a pretty good ending.

I know that Algie is supposed to be a comic figure, but like Nigel Bruce in the Rathbone Sherlock Holmes flicks, he is so buffoonish that it's hard to imagine anyone with taste or intelligence being around him. Is there a history behind him that will explain how he and Drummond became associates?\": {\"frequency\": 1, \"value\": \"This Drummond ...\"}, \"I saw \\\"Brother's Shadow\\\" at the Tribeca Film Festival and found myself still thinking about it two days later. The story of a prodigal son (Scott Cohen) returning to his family's custom furniture business after a stint in jail, it offers all the necessary qualities of a solid drama--memorable characters; sharp, observant dialog; sensitive use of the camera by a filmmaker who thinks visually.

But more than that, it presents something that is all too rare at the multiplex these days: the uncompromising vision of a mature sensibility. The talent of director-screenwriter Todd S. Yellin seems to emerge full-blown, but we get the sense he (like his protagonist) has paid his dues. He knows how real people struggle in this world, and he knows how we yearn to see--or at least, to experience vicariously--success. Yet Yellin respects his audience too much to blow happy smoke up our rear ends. In the end, we see that Jake's triumph doesn't lie in commissions, or even in the esteem of his family, but in \\\"the work\\\" he couldn't abandon if he tried.

It's an essential theme in a world (and especially a movie industry) that can't rise above \\\"the bottom line\\\". This film deserves a wide audience.\": {\"frequency\": 1, \"value\": \"I saw \\\"Brother's ...\"}, \"After, I watched the films... I thought, \\\"Why the heck was this film such a high success in the Korean Box Office?\\\" Even thought the movie had a clever/unusal scenario, the acting wasn't that good and the characters weren't very interesting. For a Korean movie... I liked the fighting scenes. If you want to watch a film without thinking, this is the film for you. But I got to admit... the film was kind of childish... 6/10\": {\"frequency\": 1, \"value\": \"After, I watched ...\"}, \"This is a good family show with a great cast of actors. It's a nice break from the reality show blitz of late. There is nothing else quite like it on television right now either, unless you count Joan of Arcadia as being similar because it has a teen lead character too. Anyway, Clubhouse is worth a look because Jeremy Sumpter gives the main character (Pete Young) a kind of likability and naivet\\ufffd\\ufffd that is appealing without being overly sweet and cuddly. Dean Cain, Christopher Lloyd, Mare Winningham and Kirsten Storms round out the rest of the main cast members, and each is terrific in their role. I really like Kirsten Storms as Pete's sister Betsy; she is quite a pill, but she still cares about her mom and brother, even though she hates to show it. It may take a few episodes to really find it's legs, but Clubhouse is easily one of the best shows to come along in a good long while, so check it out people--you'll be glad you did!\": {\"frequency\": 1, \"value\": \"This is a good ...\"}, \"Though I've yet to review the movie in about two years, I remember exactly what made my opinion go as low as it did. Having loved the original Little Mermaid, and having been obsessed with mermaids as a child could be, I decided I'd take the time to sit down and watch the sequel.

Disney, I've got a little message for you. If you don't have the original director and actors handy...you're just looking to get your butt whooped.

In the sequel, our story begins with a slightly older Ariel and her daughter, Melody. My first big issue was that Eric and the rest of the crew sang. Yes, I understand that Disney is big on sing-and-dance numbers, but really, that's what made Eric my favorite prince. He was calm, collected, and a genuine gentleman that knew how to have fun. And he DID. NOT. SING.

And then there's the villain. Oh, how could we forget the shivers that coursed down our spines whenever Ursula slunk onto the screen, terrifying both Ariel and audiences around the world? Unfortunately, that gene was not passed on to her seemingly useless sister, Morgana. Nothing was ever, EVER said about Morgana in the first movie; she just pops out of nowhere, trying to steal the baby. Oh, how cute. The younger sister is ticked off and instead of going after the trident, decides to kidnap a month-old baby. Gag me.

Other than being a flat character with no sense of originality in her, Morgana was just very unorthodox. The same plan as her sister, the same minions (who, by the way, did not scare anyone. I had a three year old on my lap when I watched this movie, and she laughed hysterically.) She had no purpose being in there; I'd like to have seen Mom be the villain. I'm sure she would have done a better job than Little Miss Tish over there.

King Triton held none of the respect he'd earned from me in the first movie, and don't even get me started on Scuttle, Sebastian and Flounder. Triton was a stern but loving father in the first movie, and in the second, it's almost like he's lost his will to knock fear into the hearts of his subjects. Scuttle, once a comic relief that made everyone laugh with his 'dingle-hopper' (yes, I'll admit it; I did call my fork a dingle-hopper from time to time after that). In this film, Scuttle's all but forgotten. A supporting character even in the first, he at least added something to the movie. He was rich with a flavor the others didn't have, and in the sequel, they all but stripped it from him entirely. Sebastian was still the same, but twice as worrisome as before. Disney, don't do that. Don't even try to mess with our favorite crab. Or our favorite little fat fish, who becomes a dad and has a multitude of very annoying children. He's fat, and he's bland, and he looks like he's going to flat line any second.

The walrus and penguin were unneeded, and after a while, you just start to resent everyone. Especially Melody, who has no depth to her whatsoever.

And one of these days, Disney, I'm kicking out of my life.

If I didn't love your originals so much.\": {\"frequency\": 1, \"value\": \"Though I've yet to ...\"}, \"Judging by some of the comments in IMDB, I was expecting an action movie - perhaps a dramatic one or a stupid one or a simple one or a comicy one, but essentially an action movie.

Whatever it is that I watched, it certainly didn't feel like a movie. The story is simple and straightforward (even though the prologue tries to make it seem complicated). Take three interest groups: 1) the government 2) the rebels 3) a group of assassins.

Now subtract the first (they never appear in the movie). Then simply let one of the assassins, the princess, become a rogue on a revenge trip. Add in a rebel love-interest with a guilty conscience. And you've got the ingredients.

But they still did not manage to turn it into a story or a movie. Between some random action sequences and some odd visuals trying to be Sci-Fi on a low budget, what you're left with is a feeling of emptiness. The movie just does not feel like a movie, but a weird, incoherent, boring dream.

Avoid.

2/10\": {\"frequency\": 1, \"value\": \"Judging by some of ...\"}, \"here was no effort put into Valentine to prevent it from being just another teenage slasher film, a sub-genre of horror films of which we have seen entirely too many over the last decade or so. I've heard a lot of people complaining that the film rips off several previous horror movies, including everything from Halloween to Prom Night to Carrie, and as much as I hate to be redundant, the rip off is so blatant that it is impossible not to say anything. The punch bowl over poor Jeremy's head early in the film is so obviously taken from Carrie that they may as well have just said it right in the movie (`Hey everyone, this is the director, and the following is my Carrie-rip-off scene. Enjoy!'). But that's just a suggestion.

(spoilers) The film is structured piece by piece exactly the same way that every other goofy teen thriller is structured. We get to know some girl briefly at the beginning, she gets killed, people wonder in the old oh-but-that-stuff-only-happens-to-other-people tone, and then THEY start to get killed. The problem here is that the director and the writers clearly and honestly want to keep the film mysterious and suspenseful, but they have no idea how to do it. Take Jason, for example. Here is this hopelessly arrogant guy who is so full of himself and bad with women that he divides the check on a date according to what each person had, and as one of the first characters seen in the film after the brief history lesson about how bad poor Jeremy was treated, he is assumed to carry some significance. Besides that, and more importantly, he has the same initials as the little boy that all the girls terrorized in sixth grade, and the same initials that are signed at the bottom of all of those vicious Valentine's Day cards.

It is not uncommon for the audience to be deliberately and sometimes successfully misled by the behavior of one or more characters that appear to be prime suspects, and Jason is a perfect example of the effort, but not such a good example of a successful effort. Sure, I thought for a while that he might very well be the killer, but that's not the point. We know from early on that he is terrible with women, which links him to the little boy at the beginning of the film, but then in the middle of the film, he appears at a party, smiles flirtatiously at two of the main girls, and then gives them a hateful look and walks away, disappearing from the party and from the movie with no explanation. We already know he is a cardboard character, but his role in the film was so poorly thought out that they just took him out altogether when they were done with him.

On the positive side, the killer's true identity was, in fact, made difficult to predict in at least one subtle way which was also, unfortunately, yet another rip-off. Early in the film, when Shelley stabs the killer in the leg with his own scalpel, he makes no sound, suggesting that the killer might be a female staying silent to prevent revealing herself as a female, rather than a male as everyone suspects. But then for the rest of the film, we just have this stolid, relentless, unstoppable killer with the emotionless mask and that gigantic butcher knife. Director Jamie Blanks (who, with all due respect, looks like he had some trouble with the girls himself in the sixth grade) mentions being influenced by Halloween. This is, of course, completely unnecessary, because it's so obvious from how badly he plagiarizes the film. The only difference between the killer in Valentine and Michael Meyer's is that Michael's mask was so much more effective and he didn't have a problem with nosebleeds. This stuff is shameless.

At the end, there is a brief attempt to mislead us one more time as to who the killer is (complete with slow and drawn out `and-the-killer-is' mask removal), but then we see Adam's nose start to bleed as he holds Kate, his often reluctant girlfriend, and we know that he's been the killer all along. Nothing in the film hinted that he might be the killer until the final act, and these unexplained nosebleeds were not exactly the cleverest way to identify the true killer at the end of the film. Valentine is not scary (I watched it in an empty house by myself after midnight, and I have been afraid of the dark for as long as I can remember, and even I wasn't scared), and the characters might be possible to care about if it weren't so obvious that they were just going to die. I remember being impressed by the theatrical previews (although the film was in and out of the theater's faster than Battlefield Earth), but the end result is the same old thing.\": {\"frequency\": 1, \"value\": \"here was no effort ...\"}, \"Sophmoric this film is. But, it is funny as all get out. It shows the \\\"boys locker room mentality\\\" being played by the \\\"other side\\\". It is good to see such tides turned and how silly they are. But that's probably not news to most women, 'cause (just ask one), \\\"they've heard 'em all before\\\".

Watch it with a small group or party of mixed gender and 97.3% of the room will laugh for 2 hours straight. And the other 2.7%...can you ever really please them?\": {\"frequency\": 1, \"value\": \"Sophmoric this ...\"}, \"This is a great movie. In the same genre of the \\\"Memphis Belle\\\". Seen it about 10 years ago. And would like to see it again. There is a link with the history of the hells angels!! How the pilot crew fight the Germans in WO2. And most Changes form pilots to Harley motor cycle rs. The movie is in a way really happened. See the movie! And reed the history of the hells angels at hells at hells angels.com Regards Frederik.

Cast & Crew: John Stamos, John Stockwell, Teri Polo, Kris Kamm, directed by Graham Baker more \\ufffd\\ufffd Synopsis: The story of a rowdy backwoods rebel biker who joins the Army to avoid a stiff prison sentence after a minor brush with the law. Though he chafes at Army discipline, he soon proves himself under fire as a daring and charismatic leader of men in a Motorcycle Scout Troop in pr-World War II Spain. more \\ufffd\\ufffd MPAA Rating: PG Runtime: 88 minutes\": {\"frequency\": 1, \"value\": \"This is a great ...\"}, \"The Woman In Black is fantastic in all aspects. It's scary, suspenseful and so realistic that you can actually see it happening in real life. I first saw this on the TV back in 1989, and with all the lights off and the volume turned up, it was probably the most creepy experience of my entire life. I managed to get hold of a copy, and now, I make sure to bring it out every Halloween and show it too unsuspecting family members, who have no idea what they're in for, and all I can do is laugh with glee. As for the film:

It starts out with a young lawyer named Arthur Kipps, who is assigned by his firm to go to the market town of Crythin Gifford to settle the papers of a recently deceased client - Mrs. Alice Drablow.

This film starts off as a reasonably solid and interesting ghost story. But then, Arthur attends the funeral, and from that scene on, we do not feel safe. We are constantly on edge and biting our nails, and that goes on for the next hour or so, until the final, thrilling finale.

A warning to all new viewers though: do not watch this alone...\": {\"frequency\": 1, \"value\": \"The Woman In Black ...\"}, \"

\\\"Bleak House\\\" is hands down the finest adaptation of a Charles Dickens Novel ever put on screen. Alway one of My favorite novels,I was exteremely pleased with this Television Mini Series. The late, great Denholm Elliot was perfectly cast as the noble John Jardyce and Diana Rigg was sheer perfection as the doomed Ladty Dedlock. The film captures the essence of Dickens era and is extremely faithful to the book,oly making minor plot cuts that do not effect the story. over all a brilliant,moving and atmosphereic film.\": {\"frequency\": 1, \"value\": \"

\\\"Bleak ...\"}, \"In what is a truly diverse cast, this show hits it's stride on FOX. It is the kind of sitcom that grows on you. If you just watch 1 show you might not like it much, but once you watch two or three- you get hooked.

This is because some of the jokes hit & some miss depending upon how you view them. As is usual today, the themes are very mature. The humor is usually very mature too. Often the most funny parts are the parts where the mature themes collide with the innocent ones.

Red (Kurtwood Smith) a veteran actor does some very good deadpan type of humor on this show. Debra Jo Rupp plays well in this ensemble cast too. Danny Masterson, the oldest actor of the \\\"kids\\\" is very good too. Laura Prepon (Donna) looks better in the earlier shows as a natural redhead (who got the idea of making her a blonde?). She shows very good talent & comedic timing often. She looks good without make up too.

This is one of the better entries on FOX in the sitcom department & it's most successful live action one since Married With Children\": {\"frequency\": 1, \"value\": \"In what is a truly ...\"}, \"This is an old fashioned, wonderfully fun children's movie with surely the most appealing novice witch ever. Unlike many modern stories which seem to revel in dark witchcraft, this is simply a magical tale of hocus pocus that is cute, light hearted, and charming.

The tale is set back in 1940 in the English village of Peppering Eye, where three Cockney children, Charlie, Carrie, & Paul Rollins, are being evacuated out of danger from World War II city air raids. They are mistakingly sent to live with Eglantine Price, who is studying by correspondence course to become an apprentice witch. Eglantine and the trio of children use a magic bed knob in order to travel to London on their flying bed. Here they encounter Emilius Browne, the fraudulent headmaster of Miss Price's witchcraft training correspondence school. Miss Price sets about working on spells designed to bring inanimate objects to life. Meanwhile, they must also deal with a shady character called the Bookman and his associate, Swinburne.

Angela Lansbury is of course marvelously endearing as the eccentric witch in training, Miss Price. David Tomlinson plays Mr. Browne, headmaster of the defunct witchcraft school, who has now turned street magician. This actor was previously cast as the children's father in the movie Mary Poppins. In fact, this film is a tale quite reminiscent of the earlier Mary Poppins, both wonderful fantasy stories for children. Perhaps this movie doesn't have quite such memorable music as Chim-Chim-Cheree, but it does boast some appealing little tunes. Some have been critical, but the movie features excellent special effects. All in all, the story is enchanting family entertainment. It's a pity if modern children are too sophisticated for this lovely & bewitching tale, which should appeal to the child in all of us.\": {\"frequency\": 1, \"value\": \"This is an old ...\"}, \"Not even Goebbels could have pulled off a propaganda stunt like what Gore has done with this complete piece of fiction. This is a study in how numbers and statistics can be spun to say whatever you have predetermined them to say. The \\\"scientists\\\" Gore says have signed onto the validity of global warming include social workers, psychologists and psychiatrists. Would you say a meteorologist is an expert in neuro-surgery? The field research and data analysis geologists are involved in do not support Gores alarmist claims of global warming. As one of those geologists working in the field for the last 40 years I have not seen any evidence to support global warming. My analysis of this movie and Gores actions over the last couple years brings me to the conclusion that global warming is his way of staying important and relevant. No more, no less. Ask any global warming alarmist or \\\"journalist\\\" one simple question- You say global warming is a major problem. Tell me. What temperature is the Earth supposed to be?\": {\"frequency\": 1, \"value\": \"Not even Goebbels ...\"}, \"This film is justly famous as one of the most horrible examples of propaganda ever produced. The insistent equation of Jews with disease is simply

pathological, and even worse it almost becomes believable for brief seconds

through its sheer repetition. The fact that something this crude works, even

briefly, is an object lesson in itself. You have to have a strong stomach and a firm grip on yourself to sit through this, and I wouldn't recommend trying unless you have a good reason.\": {\"frequency\": 1, \"value\": \"This film is ...\"}, \"The plot was dull, the girls were sickening and the supposed Italian male lead had clearly never heard an Italian accent.Someone said the boys were cute in this film but it just seemed to be filled with mediocre people. There were literally no redeeming features about this film.

I think this is a graveyard for actors that will never work again, with the unfortunate exception of the Olsen twins who seem to fascinate people for no discernible reason.

I hope the Olsen twins find something out of the limelight to keep them away from the entertainment business. They have no place in it.\": {\"frequency\": 1, \"value\": \"The plot was dull, ...\"}, \"This is one of the most boring movies I have ever seen, its horrible. Christopher Lee is good but he is hardly in it, the only the good part is the opening scene.

Don't be fooled by the title. \\\"End of the World\\\" is truly a bad movie, I stopped watching it close to the end it was so bad, only for die hard b-movie fans that have the brain to stand this vomit.\": {\"frequency\": 1, \"value\": \"This is one of the ...\"}, \"Hello Mary Lou: Prom Night II starts at the Hamilton High School prom of 1957 where Mary Lou Maloney (Lisa Schrage) is cheating on her date Bill Nordham (Steve Atkinson) with Bud Cooper (Robert Lewis). Bill finds out & is devastated, meanwhile Mary Lou is announced prom queen 1957 & takes to the stage to accept her award. Bill, still hurting, decides to play a practical joke on Mary Lou so he throws a firecracker on stage but the still lit fuse catches Mary Lou's dress setting it & her on fire, within seconds Mary Lou is toast. 30 years later & Hamilton High is soon to hold it's annual prom night. Bill (Micheal Ironside) is now the principal & has a teenage son named Craig (Justin Louis) who is dating Vicki Carpenter (Wendy Lyon) & are both planning on going to the prom together. Bud (Richard Monette) is now a priest, that terrible night 30 years ago still haunt both Bill & Bud. One day Vicki is looking around the schools basement when she discovers a large trunk which she opens, this turns out to be a bad move as the vengeful spirit of Mary Lou is set free & is intent on claiming her crown as prom queen & in her spare time sets out to avenge her untimely death. First up is Jess Browning (Beth Gondek) whose death is put down to a suicide, Mary Lou begins to posses Vicki's body as the night of the prom draws nearer. After disposing of some competition in the shape of Kelly Hennenlotter (Terri Hawkes) who tries to fix the prom so she wins. Mary Lou in Vicki's body is crowned Hamilton High prom queen which allows Mary Lou herself to come back from the dead to make an unexpected appearance & really liven the party up...

With absolutely no connection to the original Prom Night (1980) & directed by Bruce Pittman I thought Hello Mary Lou: Prom Night II wasn't a particularly good film. The script by Ron Oliver concentrates more on supernatural elements rather than cheap teen slasher themes, whether this was a good or bad decision will depend on your expectations I suppose. Personally I found these different elements didn't really gel or work that well together at all. The whole film was far to slow to be really enjoyable, after the opening sequence where Mary Lou dies no one else is killed until the half hour mark & then the film plods along for another half an hour until Vicki is finally possessed & the film finally picks up momentum for the climax where an evil Mary Lou kills a whole one person at the prom before she is supposedly defeated, come on horror film fans you did expect that clich\\ufffd\\ufffdd 'killer not dead & ready for a sequel' ending didn't you? Don't expect a hight body count, just five throughout the entire film & none particularly graphic although I did like the way Monica (Beverley Hendry as Beverly Hendry) tried to hide in a shower room locker which Mary Lou crushed & resulting in poor Monica's blood oozing out. The supernatural side of Hello Mary Lou: Prom Night II is depicted by Vicki having lots of hallucinations for the first hour & Mary Lou controlling objects during the latter stages including a couple of creepy shots of a rocking horse which comes to life, the blackboard scene is quite good as well as it turns into water & zombie hands drag Vicki into it. The slasher side of Hello Mary Lou: Prom Night II isn't outstanding, I did like Mary Lou herself as she churns out the obligatory one-liners & she made for a good villain even if she didn't get to kill enough people. Oh, & yes I did get the running homages to various other horror film director's with almost all of the character's sharing last names with one, this obviously adds nothing to the film but is a nice little touch I suppose. The acting is OK but the normally dependable Micheal Ironside looks lost & uninterested almost as if he's asking himself what he's doing in this & if he'll ever work again. Forget about any gore, someone is hanged, there is a stabbing with a crucifix that happens off screen, someone is impaled with a neon light, a computer goes crazy & electrocutes someones face(!?) & Mary Lou bursts out of Vicki's body at first as a rotting zombie which was quite a cool scene. There are some full frontal nudity shots in the girls shower as well, if that's your thing. To give it some credit Hello Mary Lou: Prom Night II is OK to watch, has reasonable production values throughout & is generally well made. Overall I was disappointed by Hello Mary Lou: Prom Night II, it was just too slow & ultimately uneventful to maintain my interest for nearly 100 minutes. I'm not sure whether it deserves a 3 or 4 star rating, I'll give it a 4 as there's nothing specifically wrong with it I suppose & I've sat through much worse films but it just didn't really do anything for me I'm afraid.\": {\"frequency\": 1, \"value\": \"Hello Mary Lou: ...\"}, \"Darius Goes West is a film depicting American belief that everything is possible if you try hard enough. This wonderful fun filled and sometimes heartbreaking film shows a young man who never expected, but longed to see, what was outside the confines of his lovely city of Athens, GA. Darius wished to see the ocean. His longtime friends Logan, Ben and several other good friends decided to make Darius' wish come true. They started small - Ben & Logan's mom started an email campaign to bring awareness to Darius' condition: Duchenne Muscular Dystrophy and to raise funds for the fellas to take Darius to not only see the ocean but to see these great United States. To say the young college buddies succeeded in bringing hope and awareness to this dreaded disease would be an understatement. They realized Darius' dream and then some. They put their lives on hold while showing love, care and tons of fun to Darius while helping Darius see how he can in turn show those same traits to others suffering from DMD. Darius went on to volunteer for the Red Cross - sitting in his chair collecting money (along with his buddies) outside a local grocery store. His wonderful smile tells the world that dreams do come true - all you need is hope and a group of college friends to support and care for you. Give Darius and all the guys an Oscar - no one else deserves it more. Martha Sweeney.\": {\"frequency\": 2, \"value\": \"Darius Goes West ...\"}, \"ba ba ba boring...... this is next to battlefield earth in science fiction slumberness. genie francis (aka general hospital's laura) has a small role as a reporter and that in itself should tell you that this movie must be bad.... there is ben kingsley (an academy award winning actor) in this stinker and a few others decent actors. You have to wonder what possessed them to decide to do this awful movie. The music dramatically goes up and down like it's a major dramatic story. Even if you pay attention the plot is impossible to follow. The effects are mediocre as well and seem really dated. All of the actors speak in a monotone voice and have no realism to their dialogue. I could go on and on on how this is a bad movie. At least with Battlefield Earth it's so bad it's funny but this is just b o r i n g. Avoid unless you want to be lulled to sleep.\": {\"frequency\": 1, \"value\": \"ba ba ba ...\"}, \"Moe and Larry are newly henpecked husbands, having married Shemp's demanding sisters. At his music studio, Shemp learns he will inherit a fortune if he marries someone himself!

\\\"Husbands Beware\\\" is a remake of 1947's \\\"Brideless Groom,\\\" widely considered by many to be one of the best Stooge films with Shemp. The remake contains most of the footage from that film. The new scenes, shot May 17, 1955, include the storyline of Moe and Larry marrying Shemp's sisters, along with their cooking of a turkey laced with turpentine! A few new scenes are tacked onto the end of the film as well(a double for Dee Green was used; if you blink, you will miss the double's appearance.)

\\\"Husbands Beware\\\" would have made for a good film with just the plot line of marrying the sisters. Budget considerations, coupled with fewer bookings for two-reel comedies, influenced the decision to use older footage.

Although completely new films were still being made by the Stooges, most of their releases by 1955-56 were made up of older films with a few new scenes tossed in. \\\"Husbands Beware,\\\" while one of these hybrids, is watchable and entertaining; we get to see most of \\\"Brideless Groom\\\" again, and the new scenes are funny enough to get the viewer through the film. This film is one of the last Stooge comedies to feature new footage of Shemp, and it was released six weeks after his death.

7 out of 10.\": {\"frequency\": 1, \"value\": \"Moe and Larry are ...\"}, \"Bacall does well here - especially considering this is only her 2nd film. This one is often overshadowed because it falls between 2 great successes: \\\"To Have and To Have Not\\\" (1944) and \\\"The Big Sleep\\\" (1945), both of which paired her with Humphrey Bogart. Granted this one is not up to par to the other movies but I think through no fault of her own. I think there was some miscasting in having her portray a British upper-crust lady. No accent whatsoever. I think all the strange accents were distracting - Boyer was certainly no Spaniard. It was hard to keep straight which country people were from.

I really liked the black and white cinematography. Mood is used to great affect - I especially liked the fog scene. The lighting also does a great job of adding to the intrigue and tension.

Bacall is just gorgeous. Boyer just doesn't fit the romantic leading man role for me - so he and Bacall together was a little strange. Not great chemistry - and certainly no Bogie and Bacall magic. But I still really liked this picture. There is great tension and it moves along well enough. I must say I found the murder of the little girl quite bold for this period film.

Katina Paxinou and Peter Lorre stand out as supporting cast. Paxinou as the hotel keeper is absolutely villainous and evil in her portrayal. Her one scene where she laughs maniacally as Mr. Muckerji is leaving after exposing her as the child's murderer is quite disturbing. Lorre also does quite well in his slimy, snake portrayal of Conteras - a sleazy coward to the end. Wanda Bendrix also does quite well in portraying the child Else - especially considering this was her first picture and she was only 16 at the time (though she appears much younger). Turns out she later married Auie Murphy which proved to be a short lived, tempestuous marriage.\": {\"frequency\": 1, \"value\": \"Bacall does well ...\"}, \"Without being one of my favorites, this is good for being a change of pace... even if only for a few minutes.

It all starts with a big fight between Tom, Jerry and Spike (who is renamed \\\"Butch\\\" here). They're all beating each other, but suddenly Spike makes a heroic and admirable decision: he stops the fight and suggests that they all should be friends. So, all of them sign a peace treaty and become friends... which isn't going to last for long.

Meanwhile, the three become affectionate, patient and kind to each other. They even save each other when one of them is in danger of life. The relationship goes nothing but excellent, until a very big steak appears and they all become greedy. The three are guilty to return to their usual fights and rivalries.

But still... to see Tom, Jerry and Spike as friends is truly a delightful and grateful experience, even if only for a while.

Oh, by the way, as a curious fact, two songs from \\\"The Wizard of Oz\\\" are played here in instrumental versions: \\\"We're off to see the Wizard\\\" and \\\"Somewhere over the rainbow\\\".\": {\"frequency\": 1, \"value\": \"Without being one ...\"}, \"Although this is generally a cheesy jungle-adventure movie, it does have some highlights - the settings are quite beautiful, and the pacing of the adventure is good. You won't be bored watching it.

Keith is as breezy as possible playing the eponymous lead, an unabashedly drunk jungle guide shanghai'd into escorting rich boy Van Hoffman and his gorgeous wife Shower on a hunting expedition in cannibal country. He never takes things seriously . Shower is there as decoration and Keith makes extensive use of her - she doesn't really have to act much. She's not the only female to show off her body and the prurient aspects of the film make it about halfway to a T/A picture.

There's nothing in this film that would draw specific attention to it, or away from it. Produced to be shlock, it succeeds without too much fuss. A good 2 AM cable programmer.\": {\"frequency\": 1, \"value\": \"Although this is ...\"}, \"I first saw this when it was picked as a suggestion from my TiVo system. I like Danny Elfman and thought it might be interesting. On top of that, I'm a fan of Max Fleischer's work, and this started out with the look and feel of his 30s cartoon. With both of those, I thought it would hold my interest. I was wrong. Just a few minutes in, and I had the fast forward button down. I ran through it in about 15 minutes, and thought that was it.

Afterwards, I read some of the other reviews here and figured I didn't give it enough of a chance. I recorded it again and watched it through. There's 75 minutes of my life I'm not getting back.

I can't believe there aren't more bad reviews. Personally, I think it's because it's hard to get to the 10 line comment minimum. How many ways are there to say this is a waste of time?

The movie comes across as though it was made by a few junior high kids ready to outrage the world and thinking they can with breasts, profanity, and puke jokes. The characters are flat. The parody of \\\"Swinging the Alphabet\\\" is lame, essentially cobbling the tune, getting through A - E, hitting the obvious profanity a \\\"F\\\", and then having no idea where to go. The trip through the intestines to the expected landing doesn't work the first time, let alone the following ones.

Across the board, the entire movie is what you would expect from someone trying to \\\"out-South Park\\\" Stone and Parker without the ability to determine what is and isn't funny. This might be amusing if you're high. Otherwise, it's not.\": {\"frequency\": 1, \"value\": \"I first saw this ...\"}, \"Intrigued by the synopsis (every gay video these days has a hunk on the cover; this is not necessarily to be construed as a good sign) I purchased BEN AND ARTHUR without knowing a thing about it. This is my second (and I assure you it will be my last) purchase of a CULTURE Q CONNECTION video. As far as I am concerned, this DVD is nothing but a blatant rip-off. I do not make this observation lightly \\ufffd\\ufffd I am a major collector of videos, gay and mainstream, and I can state with some authority and without hesitation that BEN AND ARTHUR is quite simply the worst film I have ever sat through in my life. Period. My collection boasts over 1,600 films (93% on them on DVD) and of those, well over 300 are gay and lesbian themed. I hardly own every gay movie ever made, but I am comfortable in stating that I pretty much purchase almost every gay video of interest that gets released, and very often I buy videos without knowing anything about the film. Sometimes, this makes for a pleasant surprise - Aimee & Jaguar, It's In The Water, Urbania and Normal are all examples of excellent gay titles that I stumbled upon accidentally. So when I read on the box that BEN AND ARTHUR concerned a conflict between gay lovers and the Christian Right, one of my favorite subjects, I decided to take the plunge sight unseen, despite my previously disappointing purchase of another CULTURE Q CONNECTION title, VISIONS OF SUGAR PLUMS. That film was pretty bad, but compared to BEN AND ARTHUR, it viewed like GONE WITH THE WIND. So what was so wrong with BEN AND ARTHUR? Plenty! To begin with, the \\\"plot\\\" such as it was, was totally ridiculous. This film almost made me sympathetic to the Christian Right \\ufffd\\ufffd we are asked to believe not only that a church would expel a member because his brother is gay, but that a priest would actually set up a mob style execution of a gay couple in order to save their souls (like this even makes sense). The writing is so poor that many scenes make no sense at all, and several plot points reflect no logic, follow-up or connection to the story. Murder and violence seem to be acceptable ends to the gay activist / right wing conflict on both sides, and the acting is so bad that it's difficult to imagine how anybody in this film got hired. The characters who are supposed to be straight are almost without exception clearly gay - and nelly stereotypes to boot; the gay characters are neither sexy nor interesting. This film is enough to put off anybody from buying gay themed videos forever, and the distributors should be ashamed of themselves. The only advantage this picture has over my other CULTURE Q Connection purchase, VISIONS OF SUGARPLAMS, is that this one has a soundtrack with clear dialogue. Hardly a distinction, since the script is so insipid that understanding the script only serves to make you more aware of how bad this film truly is. It is an embarrassment to Queer culture, and I intend to warn everyone I possibly can before they waste their money on it. At $9.95 this film would have been way overpriced; I understand that it's soon to be re-priced under $20, which is STILL highway robbery. I paid the original price of $29.95, and I never felt more cheated in my life. The only true laugh connected with this drivel is the reviews \\ufffd\\ufffd I have seen \\\"user reviews\\\" for this film on numerous websites, and there is always one or two that \\\"praise\\\" the director / writer / actor in such a way that it's obvious that the reviewer is a friend of this Ed Wood wannabe. How sad. How desperate. I just wish IMDb would allow you to assign zero stars - or even minus zero. If ever a film deserved it, this is it.\": {\"frequency\": 1, \"value\": \"Intrigued by the ...\"}, \"Often laugh out loud, sometimes sad story of 2 working divorced guys -- Lemmon a neurotic clean \\\"house husband\\\" and Matthau a slob sportswriter -- who decide to live together to cut down on expenses.

Nicely photographed and directed. The script is very barbed -- that is, there's always more than one side to almost every line. Particularly funny scene involves 2 british sisters (Evans and Shelley) who seem amused by everything anyone says, but when Lemmon busts out his photos of kids and, yes, ex-wife-to-be, he has the girls sobbing along with him before Matthau can show up with the promised drinks!

Very entertaining.\": {\"frequency\": 1, \"value\": \"Often laugh out ...\"}, \"First things first, this movie is achingly beautiful. A someone who works on 3D CG films as a lighter/compositor, the visuals blew me away. Every second I was stunned by what was on screen As for the story, well, it's okay. It's not going to set the world on fire, but if you like your futuristic Blade Runner-esquire tales (and who doesn't?) then you will be fine.

I do have to say that I felt the voice acting was particularly bland and detracted from the movie as a whole. I saw it at the cinema in English, but I am hoping that there is a French version floating around somewhere.

Definitely worth seeing.\": {\"frequency\": 1, \"value\": \"First things ...\"}, \"Being half-portuguese doesn't render me half-blind (nor half-prejudiced) when discussing portuguese films. Not that I get to do that very often anyway. But this film was such a rush of adrenaline! Yes, that's right - it was mostly accurate as far as history went/goes - but it pulled no punches on venturing beyond usual portuguese-film territory: things like using real locations in the middle of traffic-congested Lisbon and recruiting a real crowd to stand in for the real crowd of almost 30 years ago. And by God did they get it right! OK, to sum it up: very emotional if you've lived through it, but you'll spot minor improvements that could have been made as well as plot necessities that were. If you're just watching it randomly, you're in for a good historical romp, only of the very recent History kind and a bit more thought-proving than usual. Even by European standards, yes.\": {\"frequency\": 1, \"value\": \"Being half- ...\"}, \"I thought this was a sequel of some sorts, and it is meant to be to the original from 1983. But a sequel is not taking the original plot and destroying it.

I actually had very little expectations to this movie, but I just wasted 95 minutes of life. No suspense - I actually feel clairvoyant, poor acting, and so filled with technical errors, so I as a computer geek just couldn't believe it. They have tried to make it a mix between a generic war movie and 24 hours. But this is not even worthy of a low budget TV movie.

Do not see this movie, this is a complete waste of time. Instead get the original. The theme is still valid. Don't let to much power into a machine. And the acting and plot is far more exiting and compelling.\": {\"frequency\": 1, \"value\": \"I thought this was ...\"}, \"This movie, which starts out with a interesting opening of two hot blondes getting it on in the back of a driver-less, moving vehicle, has quite the quirky little personality to boot. The cast of seven (although one girl doesn't hang around for the bodycount, which is unfortunate because the death toll is already so small as is) are all super-hot, as our story centers around teens partying way out in the desert (an odd but effective choice of setting), who are hunted down by a creepy man in black gloves and jeans who drives a black truck. It predates many of the vehicle-inspired slashers to date (\\\"The Trip\\\", \\\"Joy Ride\\\", \\\"Jeepers Creepers\\\") where the killer's vehicle itself becomes an evil antagonist. The killer himself is quite creepy, and we find solace in the extremely likable heroine in Jennifer McAllister (look at the interesting symbolic contrast of the evil killer in all black, while our benevolent heroine sports all white attire, as scanty and stonewashed as it may be). Director Bill Crain does some really great things with his camera, some neat tricks on screen, and the cast tries their absolute best. There's enough gore in the low bodycount to please the gore fans, and enough T&A from a couple of the girls to please T&A fans. Overall, this flick is highly underrated and widely sought out in the slasher movie world as it's proved quite rare to find on video. Highly recommended.\": {\"frequency\": 1, \"value\": \"This movie, which ...\"}, \"Every once in a while the conversation will turn to \\\"favorite movies.\\\" I'll mention Titanic, and at least a couple people will snicker. I pay them no mind because I know that five years ago, these same people were moved to tears by that very movie. And they're too embarrassed now to admit it.

I just rewatched Titanic for the first time in a long time. Expecting to simply enjoy the story again, I was surprised to find that the movie has lost none of its power over these five years. I cried again.... in all the same places. It brought me back to 1997 when I can remember how a movie that no one thought would break even became the most popular movie of all time. A movie that burst into the public consciousness like no other movie I can recall (yes, even more than Star Wars). And today, many people won't even admit they enjoyed it. Folks, let's get something straight -- you don't look cool when you badmouth this film. You look like an out of touch cynic.

No movie is perfect and this one has a few faults. Some of the dialogue falls flat, and some of the plot surrounding the two lovers comes together a little too neatly. However, none of this is so distracting that it ruins the film.

Leonardo DiCaprio and Kate Winslet are wonderful. Leo is one of the fine actors of his generation. Wait 'til you see him in Gangs of New York before you call him nothing more than a pretty boy. Kate Winslet was so strong in this film. The movie really was hers, and she held it together beautifully.

James Cameron managed what many believed was impossible by recreating a completely believable Titanic. The sinking scenes were horrific, just as they were that night. How anyone can say the effects were bad is beyond me. I was utterly transfixed.

This film is one memorable scene after another. Titanic leaving port in Southampton. Rose and Jack at the bow, \\\"flying\\\". \\\"Iceberg, right ahead!\\\" The screws hanging unbelievably out of the ocean. The screams of the doomed after she went down. And that ending that brought even the burliest man in the theater to tears.

The music, which has also been a victim of the film's success, was a key ingredient. James Horner's score was simply perfect. And the love theme was beautiful and tragic. Too bad Celine Dion's pop song version had to destroy this great bit of music for so many.

I confess, I am a Titanic buff. As such, I relished the opportunity to see the ship as we never got to see it -- in all its beauty. Perhaps watching it sink affected me more than some because I've had such an interest in the ship all my life. However, I doubt many of those I saw crying were Titanic buffs. I applaud Cameron for bringing this story to the masses in a way that never demeaned the tragedy. The film was made with such humanity.

Another reviewer said it better than I ever could: Open up your hearts to Titanic, and you will not be disappointed.\": {\"frequency\": 1, \"value\": \"Every once in a ...\"}, \"No other movie has made me feel like this before... and I don't feel bad. Like, I don't want my money back or the time that I waited to watch this movie (9 months) nor do I feel bad about using two hours of a sunny summer day in order to view this ______. The reason I say \\\"_____\\\" is because no matter how hard I wrack my brain I just can't seem to come up with a word in ANY of the seven languages that movie was in to sum it up. I have no idea what was going on the entire time and half way through the movie I needed a breather. No movie has ever done this to me before. Never in my life have I wanted cauliflower, milk, and baguettes this much. Thank you. - Ed

Uh. *clears throat* No words. No thoughts. I don't know. I truly don't know. - Cait\": {\"frequency\": 1, \"value\": \"No other movie has ...\"}, \"This movie is hilarious! I watched it with my friend and we just had to see it again. This movie is not for you movie-goers who will only watch the films that are nominated for Academy Awards (you know who you are.)I won't recap it because you have seen that from all the other reviews.

\\\"Whipped\\\" is a light-hearted comedy that had me laughing throughout. It doesn't take itself too seriously and should be watched with your friends, not your girlfriend. It won't win any awards, but it just has to be watched to be appreciated. True, some of the jokes are toilet humor, but that is not necessarily a bad thing. Everyone can use some of it sometimes. Some people need to lighten up and see \\\"Whipped\\\" for what it is, not what it isn't.

****1/4 out of *****.\": {\"frequency\": 1, \"value\": \"This movie is ...\"}, \"### Spoilers! ###

What is this movie offering? Out of control editing and cinematography that matches up with a terrible plot. It is sad to see Denzel Washington's talents go wasted in trashes like this.We are certainly hinted how the Mexicans cannot save themselves, outside forces needed, possibly militaristic, American ones. And we know the father is a shady character, he is a Mexican after all, unlike the wife who appreciates Creasey more because he is American. He killed all of them thinking she died. And did she? Of course, she won't, she is a young kid and you are not supposed to hurt the sensibilities of the Hollywood fan. The trade off scene was the only thing that prevents me from rating it below the \\\"implausibly successful\\\"(as some critic pointed out)'Taken'. The nausea of such movies will take time to go. It is in the rating of such movies that we have to doubt IMDb's credulity.7.7 for a movie like this and 7.0 for My Own Private Idaho. Go figure! Mine will be in the range of 3.5-4.0\": {\"frequency\": 1, \"value\": \"### Spoilers! ### ...\"}, \"There is one really good scene in Faat Kine. The title character gets in an argument with another woman and after being threatened, Faat Kine sprays her in the face. The scene works because the act is so unexpected, bizarre, and rather funny at the same time. In that one instance, writer/director Ousmane Sembene gives the audience a character that is easy to root for, an interesting film character that could be worth watching for two hours. In the scene, he presents a brave woman who is bold in her actions. For the rest of the movie, the only other thing he seems to present is conflicting tones.

The tone is all over the place. It's true not all movies have to clearly fit within a specific genre, but I don't think Faat Kine fits into any genre. Supposedly, it's a drama, though there are moments of such broad comedy (the aforementioned spraying in the face) that it cannot be taken seriously. On the other hand, the film is certainly not a comedy with the abundant amount of serious topics Sembene has crammed into the picture. There is a way to successfully mix comedy and drama together. Unfortunately, Semebene doesn't find that balance. Instead, one scene after another just drift into each other without much rhyme or reason, leaving two different tones hanging in the wind.

Faat Kine also has the problem of running two hours long with an extremely drawn out finale. The film ends with a big party where all the characters' conflicts are resolved, only they aren't resolved quickly. The scene lasts longer than any other scene, going on for probably twenty minutes. Because the rest of the scenes up until this point have been meandering, the finale is particularly hard to endure with repetition beginning early on in the scene, making for a frustrating viewing experience.

Perhaps I am being too hard on Faat Kine. I am not the right audience for it. I felt nothing towards the characters and had no connection to any part of the story. There are people who will probably find something meaningful in the story and see strong characters. However, I was unable to do so and thus cannot recommend it.\": {\"frequency\": 1, \"value\": \"There is one ...\"}, \"So, neighbor was killing neighbor. Reminds me of Iraq. As I watched the American flag (50 stars in 1864?) being dragged behind the horse, I realized why burning that piece of red white and blue doesn't upset me as much as our destruction/indifference to the Bill of Rights. I'm a Southerner, and must have some historical memory.

Watching the Tobey McGuire character learn to respect the dignity of a former slave, as he looks at the scalps of blacks and Germans (his ethnic background) being wagered at a poker game.....was interesting. Many twists in this movie. The wife, who is forced into her marriage, shows both lust and a strong will, characteristics we're not used to seeing in 'respectable Victorian southern belles'.

The crazy wacked out renegade southerner gave me some insight into why my cousin, head of the Copeland Horse-thieving Gang, Inc. in Mississippi, was hung about that time. Bands of homeless men were roaming the countryside, armed. Remind you of Iraq? And how similar we are underneath the facade of religion and ethnic background? And why southerners are STILL fighting that civil war today.

Too bad we can't use that same knowledge in our handling of the country we've just invaded and are occupying, fomenting civil war everywhere. That's Mesopotamia, now called Iraq, who happen to have the misfortune to sit on oil. The wild-eyed killers in Missouri, raiding Lawrence, Kansas could as easily be the insurgents we're fighting now with no success.

Another anomaly was the father's tribute to the Yankees who move into Lawrence and erect a school \\\"even before they erect a church. And for that reason, they'll win.\\\" Huh????? I was taught history in Birmingham, Al and we were taught that the North was much more industrial and richer.....that's why they won. Course, they also LITERALLY had God on their side. As you see here, when the freed slave indicates that he's cutting out to free his mother, sold into slavery in Texas. God, what a horrible legacy slavery gave us.

Acting pretty good, lots of blood and gore as the warriors ride gleefully into battle (but didn't hear any rebel yells, so reminiscent of football games in Alabama). You also get a real feeling for how stupid the war was, as the bushwackers and jayhawkers gather their forces for another raid. They have lost sight of why they're fighting, and so do we. Just more mindless slaughter.

You're also brought up to date with the limbless kids coming home from Iraq, as the bushwacker (ahh, what connotations) first has his arm seared shut, trying to save it, then has it amputated, and then dies. So much suffering for such a stupid cause.

The cinematography is fantastic. Now I have to get back to the DVD and get the production notes, one of my favorite parts of any movie. I suspect that this movie was written by a Gore Vidal, as the spoken language is of a type you would associate with that era, if you knew History. The dialogue is definitely thought-provoking. Not your ordinary blood and guts war movie, by any means. You see the wounded but still active-duty soldiers, still fighting cause they have nothing else to do. You see the southern raiders, living off the land, stealing indiscriminately. Yet, at the beginning, you've seen the battle stop, so the women could be evacuated from danger. As I read the escalating number of women and children dying in Iraq, I'm thinking, \\\"Where did we lose our sense of honor as a people?\\\" I have forgotten why I sought this movie out and bought it after 20 years, but some book somewhere lauded it. With good reason. Tobey at his best, pre-Spideyman. Buy the DVD or rent it. And tell me why others laud this, not just liberals cest moi.\": {\"frequency\": 1, \"value\": \"So, neighbor was ...\"}, \"\\\"A Family Affair\\\" takes us back to a less complicated time in America. It's sobering to see how different everything was back then. It was a more innocent era in our country and we watch a 'functional' family dealing in things together. The film also marks the beginning of the series featuring the Hardy family.

The film, directed by George Seitz, is based on a successful play. Judge James Hardy, and his wife Emmily, are facing a domestic crisis that must be dealt with. Married daughter Joan comes home after she has committed a social blunder and her husband holds her responsible. At the same time, another daughter, Marion, brings home a beau, who is clear will clash with her father. The happy teen ager Andy, seems to be the only one without a problem until his mother makes him escort Polly to the dance, something he is reluctant to do.

Needless to say, Judge Hardy will prove why he knows best as he puts a plan into action to get everyone together again. After all, he is a man that understands, not only the law, but how to deal with those outside forces that threatens his standing in the community and what will make his family happy.

Lionel Barrymore plays Judge Hardy with conviction. He is the glue that holds everything together. Spring Byington is seen as Emily, the mother. Mickey Rooney has a small part in this film, but he is as always, fun to watch. Cecilia Parker and Julie Haydon appeared as the daughters, Marion and Joan. Sara Hayden and Margaret Marquis are also featured in the film as Aunt Milly and Polly, the girl that surprises Andy with her beauty.

\\\"A Family Affair\\\" is a good way to observe our past through the positive image painted of an American family.\": {\"frequency\": 1, \"value\": \"\\\"A Family Affair\\\" ...\"}, \"They're showing this on some off-network. It's well crap. While it is not as bad as the B-movies they show on the Sci-fi network on Saturdays but still a fairly large pile of crap. The acting is passable. The plot and writing are fairly sub-standard and the pacing is entirely too slow. Every minute of the movie feels like the part of the movie where they're wrapping things up before the credits - not the peak of the movie, the denouement. Also, large portions of the cast look way to old for the age range they're playing. The whole thing is predictable, boring and not worthy of being watched. Save your time. It's not even worth the time it takes to watch it for free.\": {\"frequency\": 1, \"value\": \"They're showing ...\"}, \"My comment is limited generally to the first season, 1959-60.

This superb series was one of the first to be televised in color, and it was highly influential in persuading Americans that they had to buy a color television set, which was about $800 in 1959, the equivalent of more than $3,000 today. How many of us would pay that much for the privilege of watching a show transmitted by a cathode ray picture tube on a 17-inch screen? I was eleven when the series began, and I watched it from the beginning.

Watching it now, 50 years later, several things come to mind. First, many of the story lines involve the Comstock Lode and the heyday of silver mining, which dates to 1859. For 1859, the weapons and clothes are, for the most part, not authentic. (The haircuts are left out of the discussion.) That's basically a nitpick.

And, it would have been impossible for Ben to have arrived in the Lake Tahoe area in 1839 and to have amassed a 100-square mile ranch in the next twenty years. Pioneers were still trying to solve the Sierra Nevada problem as late as 1847, and the Gold Rush did not even begin until two years later.

Indians are not played by Native American actors. John Ford was using Native American actors in the 1920s. The Bonanza producers could have easily done so thirty years later. That is a major nitpick for me.

There are other time-line problems. In Season 1, Mark Twain appears, and he is depicted as a middle-aged man. Mark Twain was 24 years-old in 1859. The stories also vacillate between 1859-1860 (pre-Civil War) and what was more suitable for an 1880 time-frame. There are continuity problems, over and over.

It is somewhat off-putting, too, that there is so much killing in the first season. In time, the killing was reduced.

Many of the episodes take a socially liberal slant, which would be hard to believe, given the time-line, but give the writers credit for anticipating the seismic shifts in the Nation's attitudes beginning in the 1960s.

Having said all that, the acting is good, and I have come to conclude in my latter years that Adam's character was drawn better than any other's. I don't think Pernell Roberts ever got the credit he deserved. Also, Season 1 reinforces the fact that Dan Blocker (Hoss) was a good actor.

Many of the stories trace real historical events. The guest stars were interesting.

This was great family entertainment, and the series stands up very well by any measure.\": {\"frequency\": 1, \"value\": \"My comment is ...\"}, \"When i first saw this film i thought it was going to be a good sasquatch film. Usually when you have these types of movies there's generally ONE sasquatch, but in this one there is like what? 7 or 10 of them?. Acting was good, plot was OK, i liked the scenes where the sasquatch is killing the first few victims, very good camera work. I was expecting it to be a gory film but it was very little. This movie was way better than Sasquatch. The SCI-FI channel really needs to make more sasquatch films, i mean i really liked Sasquatch Mountain, Abominibal was not good, the one i'm reviewing is OK, but the movie Sasquatch was not, but I'm not reviewing that so let me get back on track. This movie is good for a rainy Saterday afternoon, but for any other occasions, no.\": {\"frequency\": 1, \"value\": \"When i first saw ...\"}, \"Goebbels motivation in backing down was not explored. In the aftermath of Stalingrad the Reich had decided to go for 'total war'. This is referred to in the film. Part of this was to use women in the war effort, which Germany had not previously done to any great extent. An SS massacre of women would have faced Goebbels with a public relations disaster of massive proportion. His preference was to make the problem go away as quietly as possible, on the basis that the Jewish men could always be rounded up later. I understand the majority survived the war.

His other problem was that the 'Red' Berlin had never been very enthusiastically behind the Nazi cause and had to be handled cautiously. Again a massacre of women could have cost the Nazis what mediocre level of support they had in their capital city.

It was interesting that the majority of SS uniforms showed patches which indicated that the men wearing them were not of German nationality, but were from German origins in other countries such as Lithuania or Latvia\": {\"frequency\": 1, \"value\": \"Goebbels ...\"}, \"Roman Polanski masterfully directs this sort of a variation on the same theme as Repulsion. I can't imagine there is one honest movie goer not able to acknowledge the fine director in Le Locataire, yet both parts of the dyptic may not be thoroughly satisfactory to most people, myself included.

Polanski is very good at making us feels the inner torture of his characters (Deneuve in Repulsion and himself in Le Locataire), starting with some lack of self-assurance soon to turn gradually into psychological uneasiness eventually blossoming into an irreversible physical malaise. The shared ordeal for the characters and audience is really dissimilar from the fright and tension of horror movies since there's no tangible supernatural element here. While horror movies allow for some kind of catharsis (be it cheap or more elaborate) Polanski sadistically tortures us and, if in his latter opus the dark humour is permanent, we are mostly on our nerves as opposed to on the edge of our seats.

Suspense, horror, all this is a matter of playing with the audience's expectations (alternatively fooling and fulfilling them), not literally with people's nerves. In my book Rosemary's Baby is a far greater achievement because sheer paranoia and plain rationality are in constant struggle: the story is about a couple moving in a strange flat, while we are forced to identify with a sole character. What's more if the fantasy elements are all in the hero's mind the situation is most uncomfortable since we, the viewers, are compelled to judge him, reject him while we have been masterfully lured (\\\"paint 'n lure\\\") into being him.\": {\"frequency\": 1, \"value\": \"Roman Polanski ...\"}, \"I read some gushing reviews here on IMDb and thought I would give this movie a look. Disappointed. On the plus side the male leads are good, and some interesting photography but as a whole this movie fails to convince. Seems to be full of its' own self indulgent importance in trying to say something meaningful but falls way short and all in all the picture is an unconvincing mess.

It is one of those films classified as a film noir which can be defined as follows:

\\\"A film noir is marked by a mood of pessimism, fatalism, menace and cynical characters\\\".

Well that is the story here: 3 losers stumble upon each other with their collective problems that include mental illness, alcoholism, laziness, indebtedness etc and together they conspire to kidnap a child and outwit each other.

Would have been a much better movie if the story was confined more to the kidnap instead of the character failings of the kidnappers. I thought the female lead was way out of her depth and came across as an amateur actress.

Whilst some good moments, I finished up feeling I had wasted my time.

4/10.\": {\"frequency\": 1, \"value\": \"I read some ...\"}, \"Everybody who wants to be an editor should watch this movie! It shows you about every mistake not to do in editing a movie! My grandma could have done better than that! But that's not the only reason why this movie is really bad! (It's actually so bad that I'm not able to write a sentence without exclamation mark!) If the first episode of \\ufffd\\ufffdLes Visiteurs' was a quite good familial comedy with funny jokes and cult dialogues, this sequel is copying badly the receipe of the first one. The funny parts could be counted on one hand and maybe half of it. Clavier is over-acting his role even more than in the first part, Robin is trying to act like Lemercier (because she's replacing her) but that's \\ufffd\\ufffdgrotesque'. Lemercier is Lemercier, Robin is Robin! Even if Muriel Robin can be funny by herself on stage, she is not in this movie because she's not acting as she used to act. I know that it should be hard to replace somebody who was good in a role (Lemercier obtained a C\\ufffd\\ufffdsar award for her role in the first movie) but she made a big mistake: instead of playing her role, she played \\ufffd\\ufffdLemercier playing her role'! As for the story, it's just too much! Of course we knew at he end of the first movie that there would be a sequel but Poir\\ufffd\\ufffd and Clavier should hae tried to write a more simple story like the first episode. The gags are repetitive, childish and d\\ufffd\\ufffdj\\ufffd\\ufffd-vu. No, really, there's no more than 3 funny parts in this. The only good things might be the costumes and some special effects. So you have only 2 reasons to watch it: 1) if you want to learn how to edit awfully a movie, 2) if you want to waste your time or if you really need a \\ufffd\\ufffdbrainless moment'! 2/10\": {\"frequency\": 2, \"value\": \"Everybody who ...\"}, \"Diego Armando Maradona was, and still remains as the best football player, the game has offered. Not just an athlete, but an artist. This documetary if the 1986 World Cup will forever live in the memories of every football fan around the world. Because of his tremendous and unbelievable goal, which he scored against my own country(england). There's absolutely no point of diminishing this star. Although I dont undersand spanish, I can appreciate the argentine narrator. He actually cries of happiness, and can barely express his emotion..... Anything I wrote can be senseless and difficult to comprehend, but readers.....you have to watch this to know what I mean.\": {\"frequency\": 1, \"value\": \"Diego Armando ...\"}, \"This is not \\\"so bad that it is good,\\\" it is purely good! For those who don't understand why, you have the intellect of a four year old (in response to a certain comment...) Anyways, Killer Tomatoes Eat France is a parody of itself, a parody of you, and a parody of me. It is the single most genius text in cinematic history. I have it and the three prequels sitting on my DVD rack next to Herzog and Kurosawa. It embodies the recognition of absurdity and undermines all that you or me call standard. I write scripts and this movie single-handedly opened up a genre of comedy for me, the likes of which we have never seen. It can only be taken in portions... its sort of exploitive... by now I'm just trying to take up the ten line minimum. My comment ended a while ago. Hopefully it works when I submit it now.\": {\"frequency\": 1, \"value\": \"This is not \\\"so ...\"}, \"There are four great movie depicting the Vietnam War. They are (in no particular order: Apocalypse Now, Born on the Fourth of July, Platoon, and finally Tigerland. All but Tigerland focus on the actual war and the men in it. Tigerland focuses on men in advanced training for the Vietnam War. The character of Boz is one of the most important depictions of a man questioning war, and the absurdity of it. This has been done in many war movies, but rarely in boot camp. Also, this is a very complex character, whose method with dealing with his feeling and emotions are the driving force of this movie. The character of Boz makes this movie so good. It is a shame it did not get a major release. It belongs on the shelf of any movie fan alongside the aforementioned movie titles.\": {\"frequency\": 1, \"value\": \"There are four ...\"}, \"Demonicus is a movie turned into a video game! I just love the story and the things that goes on in the film.It is a B-film ofcourse but that doesn`t bother one bit because its made just right and the music was rad! Horror and sword fight freaks,buy this movie now!\": {\"frequency\": 1, \"value\": \"Demonicus is a ...\"}, \"Jake Speed is a film that lacks one thing \\ufffd\\ufffd a charismatic lead. Unfortunately that's something that really taints the entire movie and it's a shame because at heart it is an enjoyable action movie with a witty enough script and an interesting, if derivative, premise. Although it's genesis probably can be traced back to the success of the Indiana Jones trilogy \\ufffd\\ufffd the film actually plays a little more like 'Romancing the Stone' albeit in reverse. It's not an author of romantic adventure fiction being led on an adventure by a character very much like one of her creations it is an adventure fiction character (who happens to chronicle his own adventures) leading an ordinary woman on one of his adventures.

When a young woman goes missing in Paris, her sister Margaret (played by the appealing Karin Kopins) gets embroiled with pulp hero Jake Speed (Wayne Crawford) and his sidekick Dennis (Dennis Christopher) who both turn out to be real and very flawed individuals in an adventure that takes them into the heart of a civil war torn African state and ultimately into the clutches of two brothers the deliciously evil Sid (John Hurt) and his ridiculously camp sibling Maurice (Roy London). That's the plot \\ufffd\\ufffd it's not labyrinthine and it's not complicated but the story that it tells doesn't require great depth.

The action sequences are appealing to begin with and it's certainly true that the heroic trio are put through their paces (whether caught in battles between government and rebel forces or being dropped into a pit full of lions) and there are certainly some quite funny lines. However the film does seem to struggle to find an ending and unfortunately the action sequences that are quite appealing to begin with go nowhere and ultimately become a bit bland and irksome. This, however, may not have been such an issue if it was possible to like Jake Speed but due to Wayne Crawford's performance it becomes harder to really care what happens. Now I don't know if he was stretching himself a little thin as he was also the producer and writer of the movie or whether he's simply not a good actor (as I haven't seen him in much else) but he never really convinces as a roguish mixture of Doc Savage, Indiana Jones and Jack Colton.

This is a shame because most of the other characters play their roles well \\ufffd\\ufffd Karen Kopins is funny and convincing and her character shares some nice banter with Jake (unfortunately it never convinces). Dennis Christopher is perfect as the archetypal sidekick and John Hurt plays the part with camp relish \\ufffd\\ufffd almost as if he were in a sixties episode of Batman. He strides about his few scenes growling in a ridiculous cockney accent putting in a performance that almost belongs in another film. Sid is no Moriarty (he is presented as Jake's nemesis from a number of his previous adventures / books) but he is always fun to watch.

Jake Speed tries to channel the same fun B movie spirit as 'Night of the Comet' (a film produced by Crawford a few years beforehand) and almost succeeds but misses \\ufffd\\ufffd which is a shame because Jake would have been good to watch in a few more adventures and may have been served better by a television series.

I would recommend this out of curiosity appeal but ultimately it leaves a bitter taste because most of the elements were there to make something genuinely good.\": {\"frequency\": 1, \"value\": \"Jake Speed is a ...\"}, \"Fascinating downer about a would-be male hustler in New York City forced to live in a condemned building with a crippled con-man. Extremely bleak examination of modern-day moral and social decline, extremely well-directed by John Schlesinger (who never topped his work here) and superbly acted by Jon Voight and Dustin Hoffman. Packs quite a punch overall, yet the \\\"fantasy\\\" scenes--some of which are played for a chuckle--are mildly intrusive, as is the \\\"mod\\\" drug party. The relationship that develops between the two men is sentimental, yet the filmmakers are careful not to get mushy, and this gives the picture an edge it might not have had with a lesser director than Schlesinger. Originally X-rated in 1969, and the winner of the Best Picture Oscar; screenwriter Waldo Salt (who adapted James Leo Herilhy's book) and Schlesinger also won statues. ***1/2 from ****\": {\"frequency\": 1, \"value\": \"Fascinating downer ...\"}, \"I find it hard to understand why this piece of utter trash was repackaged. The only saving grace in the whole thing is the body of Ariauna in her sexy uniform. Her humour is also to be appreciated. She is a definite plus but alas it would take a magician to salvage this garbage. However she must be positively recognised for her heroic effort & true professionalism. Can't say the same for her co star Lilith with her whining voice that grates on your nervous system. Appeared disinterested & gave the impression that just her presence on the set was all that was needed. All said apart from Ariauna's performance it is indeed utter trash.\": {\"frequency\": 1, \"value\": \"I find it hard to ...\"}, \"Hilarious, evocative, confusing, brilliant film. Reminds me of Bunuel's L'Age D'Or or Jodorowsky's Holy Mountain-- lots of strange characters mucking about and looking for..... what is it? I laughed almost the whole way through, all the while keeping a peripheral eye on the bewildered and occasionally horrified reactions of the audience that surrounded me in the theatre. Entertaining through and through, from the beginning to the guts and poisoned entrails all the way to the end, if it was an end. I only wish i could remember every detail. It haunts me sometimes.

Honestly, though, i have only the most positive recollections of this film. As it doesn't seem to be available to take home and watch, i suppose i'll have to wait a few more years until Crispin Glover comes my way again with his Big Slide Show (and subsequent \\\"What is it?\\\" screening)... I saw this film in Atlanta almost directly after being involved in a rather devastating car crash, so i was slightly dazed at the time, which was perhaps a very good state of mind to watch the prophetic talking arthropods and the retards in the superhero costumes and godlike Glover in his appropriate burly-Q setting, scantily clad girlies rising out of the floor like a magnificent DADAist wet dream.

Is it a statement on Life As We Know It? Of course everyone EXPECTS art to be just that. I rather think that the truth is more evident in the absences and in the negative space. What you don't tell us is what we must deduce, but is far more valid than the lies that other people feed us day in and day out. Rather one \\\"WHAT IS IT?\\\" than 5000 movies like \\\"Titanic\\\" or \\\"Sleepless in Seattle\\\" (shudder, gag, groan).

Thank you, Mr. Glover (additionally a fun man to watch on screen or at his Big Slide Show-- smart, funny, quirky, and outrageously hot). Make more films, write more books, keep the nightmare alive.\": {\"frequency\": 1, \"value\": \"Hilarious, ...\"}, \"This movie was bad. This movie was horrible. The acting was bad. The setting was unrealistic. The story was absurd: A comet that appears once in eons is set to appear one night. Most of the world's population decided to watch this comet. Then, the next morning everyone but a select few of people has been turned to dust from the comet's radiation. People's clothes are still intact, there are plants which are still alive, but the people were turned to dust. No bones, nothing. Thats ridiculous. How can radiation incinerate people but leave their clothes and other biological substances intact?

Even better, the comet mutated some people into zombie flesh eating monsters. Their makeup would not have even looked frightening to a newborn child. The Insane Clown Posse scare me more...and they're supposed to look stupid.

Then there were the survivors. People who had been surrounded by steel when the comet passed were spared from zombie-dom and death. How can steel block a comet's radiation that supposedly incinerates people in their tracks?

Equally insulting is the 60's horror music playing in the background through parts of the movie, or the 80's hair rock which serves no purpose in the film and makes you want to shoot your television.

The stupidest part of the movie, however, are the characters it focuses on: two Valley Girls and Chakotay from Star Trek: Voyager. These three characters were totally unrealistic. Who would go looting the day after an apocalypse with flesh eating mutants running everywhere? There were four 5 minute horror scenes in the entire movie, and most of them were dreams. In between these scenes is unsophisticated dialog which makes South Park seem intelligent. The silence in between the elementary dialog was painful. I could have made a better movie with four monkeys and a bag of Cheetos. Don't see this movie, ever.\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"It should come as no shock to you when I say that Alone in the Dark is a crappy movie. To put it bluntly, it's as if a dung monster defecated, ate the result, and then vomited. The final product would still outshine this movie.

Seemingly based on an ancient (!) Atari video game, the movie has something or other to do with a portal to the bowels of the earth, the unleashing of demons, and ancient civilizations. Something about there being two worlds, that of darkness and that of light. (Guess which one's ours.) Oh, and 10,000 years ago a really super-duper advanced civilization opened the portal, demons came over and had a blast, then wiped out the civilization. Which is why we've never heard of them, conveniently enough.

Christian Slater, perhaps pining for the days of Heathers and Pump up the Volume, plays Edward Carnby, a paranormal researcher to whom Something Bad happened when he was 10 years old. He's hot on the trail of one of the artifacts of said advanced civilization. Carnby used to be part of a secret institution called 713, which has been trying to figure out what happened to that long-ago civilization. But Carnby believed he wasn't going to be able to find the answers he sought, so he left the group.

But see, these beasties are out, and they get their prey in varying ways, such as gutting them, splitting them down the middle, implanting neurological control devices in them, or just turning them into killing zombies. Yes, it's another zombie movie.

That's about as distilled I can make the plot. It's pretty convoluted and incomprehensible. In similar movies, one might see the intrepid researcher/adventurer figure things out a step at a time, and when we the audience are mentally with the researcher, it's a lot of fun. But when the scenes shift from attack to attack with no perspective or context... not so much fun.

The acting is dreadful, save for Slater, who (although he almost seems embarrassed to be in the movie) showed he was capable of carrying the acting load. He had to; get this - Tara Reid is cast as a museum curator! Honest to goodness, I thought I'd seen the casting of a lifetime when Denise Richards was cast as a nuclear physicist in Tomorrow Never Dies. But Reid here matches Richards, crappy emoting for crappy emoting. Hightlights include Reid pronouncing \\\"Newfoundland\\\" as \\\"New Fownd Land,\\\" Reid delivering most of her lines in a dazed, throaty monotone (kinda like she'd been on an all-night bender for the past week before filming), Reid - a museum curator, mind you - spending a lot of the movie in a midriff-bearing top and hip-hugger jeans. Oh yeah, she was as believable as Jessica Simpson giving stock quotes. Oh, why must the pretty ones be so dumb? (Note: I don't think Tara Reid's all that good looking. She looks like she's in perpetual need of food.) Almost everyone else in the cast is completely forgettable, except perhaps for Steven Dorff, who played Burke, one of the leaders of 713. Dorff's character wasn't terribly well developed, but nothing in the movie was, from the sets to the characters to Tara Reid. But I digress.

Anyway, the perplexing and utterly preposterous storyline is tough enough to follow with the film moving at such a breakneck pace, but director Uwe Boll tosses in a pounding, mind-deadening soundtrack; it's so loud you can't hear what the actors are saying in some of the scenes! That can't be right. Given the acting level, however, perhaps thanks are in order to Mr. Boll.

Oh, and a fun note. The opening moments of the movie include narration... of the words that are crawling across the screen at the same time. Remember the first Star Wars? You heard that now-familiar Star Wars theme while the prologue crawled. There was surely no need for narration; why do I need some doofus to read what's on the screen for me? Were the producers simply looking out for blind people? Maybe that also explains why the soundtrack was so loud - they were also looking out for hard-of-hearing people. Also, the narrator inexplicably had a lisp for the first few lines of the crawl - then lost it. Bizarre.

Alone in the Dark is a loud, dopey mishmash of dreadful acting, an incoherent script, and ham-handed directing. Hardly a note rings true. There's so much chaos that the audience simply gives up caring about the characters and roots for their demise. Even in the dark, the demonic creatures seem cooler and much more developed by comparison.

Ironically, since there were only three other people in the theater, I watched this Alone in the Dark. I wonder if Uwe Boll planned it that way? I can't quite give this the lowest rating, because I had low hopes for it to begin with - and because it never grabbed me enough for me to get worked up about it. It's atrocious, although Slater redeems himself a tiny bit.\": {\"frequency\": 1, \"value\": \"It should come as ...\"}, \"This is without a doubt the worst movie I have ever seen. It is not funny. It is not interesting and should not have been made.\": {\"frequency\": 1, \"value\": \"This is without a ...\"}, \"Now, I've seen a lot of bad movies. I like bad movies. Especially bad action movies. I've seen (and enjoyed) all of Jean-Claude Van Damme's movies, including the one where he's his own clone, both of the ones where he plays twins, and all three where he's a cyborg. I actually own the one where he plays a fashion designer and has a fight in a truck full of durians. (Hey, if nothing else, he's got a great ass and you almost always get to see it. With DVD, you can even pause and zoom in!) That's why you can trust me when I say that this movie is so bad, it makes Plan 9 look like Citizen Kane.

Everything about Snake Eater is bad. The plot is bad. The script is bad. The sets are bad. The fights are bad. The stunts are bad. The FX are bad. The acting is spectacularly, earth-time-bendingly bad, very probably showcasing the worst performance of every so-called actor in the cast, including Lorenzo Lamas, and that's really saying something. And I'd be willing to bet everyone involved with this movie is lousy in bed, to boot. ESPECIALLY Lorenzo Lamas.

It does manage to be unintentionally funny, so it's not a total loss. However, I recommend that you watch this movie only if you are either a congenital idiot or very, very stoned. I was able to sit through it myself because I needed to watch something to distract me from rinsing cat urine out of my laundry.

It didn't help much, but it was better than nothing. One point for Ron Palillo's cameo as a gay arsonist.\": {\"frequency\": 1, \"value\": \"Now, I've seen a ...\"}, \"Armageddon PPV

The last PPV of 2006

Smackdown brand.

Match Results Ahead********

We are starting the show with The Inferno match. Kane v. MVP. This was an okay match. Nothing about wrestling here. This was about the visuals. Overall, this was not bad. There were a few close spots here with Kane getting too close to the fire, but in the end, Kane won with ramming MVP into the fire back first.

Nice opener. Let's continue.

Teddy Long announces a new match for the tag team titles: London and Kendrick will defend against: Regal and Taylor, The Hardyz, and MNM IN A LADDER MATCH!!!! Let's get moving!

Match two: Fatal four way ladder match. This was total carnage. Judging by three out of the four teams here, you would expect chaos. The spots were amazing. A total spot-fest. One point Jeff went for Poetry in Motion and London moved and Jeff hit the ladder! Shortly afterword, Jeff is set on the top rope with two ladders nearby as MNM were going to kill Jeff, Matt makes the save and Jeff hits the \\\"see-saw\\\" shot to Joey Mercury! Mercury is hurt. His eye is shut quickly and is busted open hard way. Mercury is taken out of the match and Nitro is still there. He is going to fight alone for the titles! Regal and Taylor then grab London and suplex him face-first into the ladder! Jeff climbs the ladder and Nitro in a killer spot, dropkicks through the ladder to nail Jeff! Awesome! In the end, London and Kendrick retain the tag team titles. What a match!!!

This was insane. I can't figure out why WWE did not announce this till now. The Buyrate would increase huge. I'm sure the replay value will be good though.

Mercury has suffered a shattered nose and lacerations to the eye. He is at the hospital now. Get well kid.

No way anything else here will top that.

Next up: The Miz v. Boogeyman.(Ugh) This was a nothing match. Will the Boogeyman ever wrestle? The Miz sucks too. After a insane crowd, this kills them dead. DUD.

Chris Benoit v. Chavo. This was a strong match. I enjoyed it. Chavo hit a killer superplex at one point! Benoit hit EIGHT German suplexes too! Benoit wins with the sharpshooter. Good stuff.

Helms v. Yang-Cruiserweight title championship match. This was a good match. Unfortunately, the stupid fans did not care for this. WHY? Helms and Yang are very talented and wrestled well. I agree with JBL. He ranted to the crowd. JBL is 100% correct. Learn to appreciate this or get out.

Mr. Kennedy v. The Undertaker-Last Ride match. Not too much here. This was a slug fest, with a few exceptions. Kennedy at one point tossed Taker off the top of the stage to the floor. The spot was fine. Reaction was disappointing. The end spot was Taker tomb-stoned Kennedy on the hearse and won the match. Unreal. Kennedy needed this win. They both worker hard. Still, Kennedy needed this win. Undertaker should have lost. Creative screwed up again.

A stupid diva thing is next. I like women. Not this. At least Torrie was not here. That's refreshing. Judging from the crowd, Layla should have won. The WWE wanted Ashley. Consider this your bathroom break. Next.

Main Event: Cena & Batista v. Finlay & Booker T. This was also a nothing match. The focus was Cena v. Finlay and Batista v. Booker. Batista and Booker can't work well together. Finlay tries to make Cena look good. The finish was botched. Finlay hit Batista's knee with a chair shot and Batista no-sold the shot and finished the match. Lame. Not main event caliber at all.

Overall, Armageddon would have scored less, but the ladder match WAS the main event here. That was enough money's worth right there. A few others were solid.

The Last Word: A good PPV with the ladder match being the savior. Smackdown is not a bad show just is not compelling enough. Smackdown needs to stop letting Cena tag along. Let Smackdown stand on their own two legs. This show proves that Smackdown can.\": {\"frequency\": 1, \"value\": \"Armageddon PPV

Which is where this adaptation of Our Sunshine, a novel about the Kelly legend, excels. Rather than attempting to portray a Ned Kelly who is as unfeeling as the armour he wore, the film quickly establishes him as a human being. Indeed, the reversal of the popular legend, showing the corruption of the Victorian police and the untenable situation of the colonists, goes a long way to make this film stand out from the crowd. Here, Ned Kelly is simply a human being living in a time and place where in order to be convicted of murder, one simply had to be the nearest person to the corpse when a policeman found it. No, I am not making that up. About the only area where the film errs is by exaggerating the Irish versus English mentality of the battles. While the Kelly gang were distinctly Irish, Australia has long been a place where peoples of wildly varied ethnicities have mixed together almost seamlessly (a scene with some Chinese migrants highlights this).

Heath Ledger does an amazing job of impersonating Australia's most notorious outlaw. It is only because of the fame he has found in other films that the audience is aware they are watching Ledger and not Kelly himself. Orlando Bloom has finally found a role in which he doesn't look completely lost without his bow, and Geoffrey Rush's appearance as the leader of the police contingent at Glenrowan goes to show why he is one of the most revered actors in that desolate little island state. But it is Naomi Watts, appearing as Julia Cook, who gets a bit of a bum deal in this film. Although the film basically implies that Cook was essentially the woman in Ned Kelly's life, but you would not know that from the minimal screen time that she gets here. Indeed, a lot of the film's hundred and ten minutes feels more freeze-dried than explorative. Once the element of police corruption is established, in fact, the film rockets along so fast at times that it almost feels rushed.

Unfortunately, most of the film's strengths are not capitalised upon. Rush barely gets more screen time than his name does in the opening and closing credits. Ditto for Watts, and the rest of the cast come off a little like mannequins. I can only conclude that another fifteen, or even thirty, minutes of footage might have fixed this. But that leads to the other problem, in that the lack of any depth or background to characters other than the titular hero leaves the events of the story with zero impact. One scene manages to do the speech-making thing well, but unfortunately, it all becomes a collage of moments with no linking after a while. If one were to believe the impression that this film creates, a matter of weeks, even days, passes between the time that Ned Kelly becomes a wanted man on the say-so of one corrupt policeman, and the infamous shootout at Glenrowan. Annoyingly, the trial and execution of Ned Kelly is not even depicted here, simply referred to in subtitles before the credits roll.

That said, aside from some shaky camera-work at times, Ned Kelly manages to depict some exciting shootouts, and it has a good beginning. For that reason, I rated it a seven out of ten. Other critics have not been so kind, so if you're not impressed by shootouts with unusual elements (and what could more more unusual than full body armour in a colonial shootout?), then you might be better off looking elsewhere. Especially if you want a more factual account of Ned Kelly's life.\": {\"frequency\": 1, \"value\": \"The story of Ned ...\"}, \"Ha. without a doubt Tommy's the evil one here. i don't know why, but for some reason, little kids in horror movies tend to come across as little butt munches. and since they're kids, they won't die. because they're annoying...well..except for asylum of terror. but those are few and far between.

Anyway onto the movie. Can't find this movie on DVD? sure you can! all you have to do is buy the Chilling classics DVD pack! not only do you get Metamorphosis on DVD for $15, but you also get 49 OTHER MOVIES! what a bargain! pff. OK. i'm done advertising for these cheesy movies. let's just say, this movie ain't worth the 15 bucks on its own.

So we have a chemist scientist. yeah. cause all chemist scientists look as handsome as this guy playing Peter. He's trying to come up with a serum to stop deterioration of the body. the college he works at wants to pull the plug on his project, so he tries it on himself. but because this is a horror movie, he sucks it up and starts and incredibly long transformation sequence that takes nearly 3/4 of the movie.

To pad out the movie he gets into a relationship with some woman who has a son. and she was never married! scandalous! But of course Tommy is one of the most irritating characters....no. i take it back. HE IS the most irritating character. Far worse than the old crippled guy who wants to take over peter's work and gloats over him while he's in the hospital. that's right, even as an old cripple, you can still be the villain.

So we see Peter start to randomly kill some people in visions he has until he realizes he's the one doing it and just decides to kill everyone in his path to get back to normal. However at the end he ends up de-evolving into a lizard. yeah, i know don't ask. The ending really doesn't make any sense. And if you're hoping for any really good payoff, you're not going to get it.

This isn't a HORRIBLE movie....it's just frustrating because of the lack of a good payoff. if you already own the 50 movie pack and this is next on your list, you're not in for a snoozer, but you're also not in for a great movie. Just sit back, relax, and eat a lot of snack food. Because this movie isn't going to be making you jump out of your skin anytime soon.

Metamorphosis gets 4 plastic lizard heads, out of 10.\": {\"frequency\": 1, \"value\": \"Ha. without a ...\"}, \"Looking for Quo Vadis at my local video store, I found this 1985 version that looked interesting. Wow! It was amazing! Very much a Ken Russell kind of film -quirky, stylized, very artistic, and of course \\\"different.\\\" Nero was presented not so much as evil incarnate, but as a wacky, unfulfilled emperor who would rather have had a circus career. He probably wondered why on earth he was put in the position of \\\"leading\\\" an empire -it wasn't much fun, and fun is what he longed for. Klause Maria Bandaur had a tremendous time with this role and played it for all it was worth. Yes, Nero persecuted the Christians with a vengeance; one of many who did so. At one point one of his henchmen murmurs: \\\"No one will ever understand we were simply protecting ourselves.\\\" He got that right.\": {\"frequency\": 1, \"value\": \"Looking for Quo ...\"}, \"This is exactly the reason why many people remain homeless . . . because stupid producers pay their money to make awful films like this instead of donating if they can bother!

This film is even worse than white chicks! Little Man has a lame excuse for posing a character midget as a baby. Story is awful considering it was written by six people. The idea still wouldn't be too bad though, if it was original and not a rip-off of a cartoon episode. it has funny moments but some of them are way over-done and some are just stupid. The acting was very, very bad. So was the directing. Anyone involved in this film should be ashamed of themselves. it is racist and very offensive to midgets. I mean, instead of showing sympathy to them, the film-makers make fun of them! It really disgusts me how they do it. They see midgets being just like babies. And for a character who is a midget, pretending to be an abandoned baby just to get a diamond from a certain family. That is its lame excuse for showing something like that. It just was not worth it. Don't watch this film. It is a huge waste of time and money.\": {\"frequency\": 1, \"value\": \"This is exactly ...\"}, \"What's inexplicable? Firstly, the hatred towards this movie. It may not be the greatest movie of all time, but gimme a break, it got 11 oscars for a reason, it made EIGHTEEN HUNDRED MILLION DOLLARS for a reason. It's a damn good movie. Which brings to the other inexplicable aspect of it. I have no idea whatsoever why this movie left such an impression on me when I saw it in theaters. I've rewatched it on TV and video, and it had none of the impact it had when I saw it on the big screen (twice, or maybe three times, actually). But that might be it, the appeal of it. It's a Movie, yes, capital M there, it's an Epic, it's a spectacle in the order of Gone With the Wind or Ben Hur. Now, Ben Hur and Gone With the Wind seem kinda hokey to me, with the hammy acting and excessive melodrama. Not that Titanic has none of that. Well, the acting was actually very good. The melodrama was quite heavy-handed at times.

But the reason Titanic works is that it's such an emotional ride. I usually enjoy movies that stimulate the mind, or give me a visual thrill. This movie isn't exactly dumb, but it's not cerebral at all. The visual thrills are simply means to an end, to fuel the emotions of the audience. I didn't cry when Bambi's mom died, I don't react to tearjerkers. But this is a tearjerker to the power of ten million, an emotional rollercoaster that, if it were a regular one, would make Buzz Aldrin scream like a little girl. And I'm sure that if you see it on video and have decided that you hate it, and have a ready supply of cynicism, then you can thoroughly dislike this movie. But if you let that disbelief suspend just a bit, if you give this epic melodrama the benefit of the doubt, you'll enjoy it completely. And look at the top ten grossing films of all time. Is a single one of them bad? Is a single one of them worth a score of 1 out of 10? No, not even The Phantom Menace. And this movie made 1.8 BILLION DOLLARS worldwide. It can't be bad. Not possible. 10/10.

p.s. how can anyone even consider comparing this to spiderman? spiderman was a fun movie, but it was a total 9/11 kneejerk that caused it to gross as much as it did. it simply wasn't anything all that special. no one will remember it in 50 years. but i'm pretty sure Titanic will be remembered.\": {\"frequency\": 1, \"value\": \"What's ...\"}, \"Dennis Hopper and JT Walsh steal the show here. Cage and Boyle are fine, but what gives this neo-noir its juice is Hopper's creepy, violent character and JT Walsh's sneakiness.

A drifter gets mistaken for a hit-man, and tries to make a little dough out of it, but gets in over his head.

I found a strange parallel in the opening scene of this movie, when Cage walks into a trailer in Wyoming to get drilling work, with the help of his buddy...and the opening scene in Brokeback Mountain, when the character does the same thing! But that's another story.

Dennis Hopper is at his best here...cocky, one-step-ahead villainous, seething and explosively violent. JT Walsh (RIP) is also great as the man with a dark past, trying to live legitimately (well, almost).

There are only 4 real characters of note here, with the exception of the hard-working deputy in the town of Red Rock, Wyoming. The first twist hits early on, and from there it's a nice neo-noir adventure in some sleepy little town. Satisfying. 8 pts.\": {\"frequency\": 1, \"value\": \"Dennis Hopper and ...\"}, \"I don't know how or why this film has a meager rating on IMDb. This film, accompanied by \\\"I am Curious: Blue\\\" is a masterwork.

The only thing that will let you down in this film is if you don't like the process of film, don't like psychology or if you were expecting hardcore pornographic ramming.

This isn't a film that you will want to watch to unwind; it's a film that you want to see like any other masterpiece, with time, attention and care.

******SUMMARIES, MAY CONTAIN A SPOILER OR TWO*******

The main thing about this film is that it blends the whole film, within a film thing, but it does it in such a way that sometimes you forget that the fictions aren't real.

The film is like many films in one:

1. A political documentary, about the social system in Sweden at the time. Which in a lot of ways are still relevant to today. Interviews done by a young woman named Lena.

2. A narrative about a filmmaker, Vilgot Sjoman, making a film... he deals with a relationship with his star in the film and how he should have never got involved with people he's supposed to work with.

3. The film that Vilgot is making. It's about a young woman named Lena(IE. #2), who is young and very politically active, she is making a documentary (IE. #1.). She is also a coming of age and into her sexuality, and the freedom of that.

The magnificence and sheer brilliance of \\\"I am Curious: Yellow/Blue\\\" is how these three elements are cut together. In one moment you are watching an interview about politics, and the next your watching what the interviewer is doing behind the scenes but does that so well that you sometimes forget that it is the narrative.

Another thing is the dynamic between \\\"Yellow\\\" and \\\"Blue\\\", which if you see one, you must see the other. \\\"Blue\\\" is not a sequel at all. I'll try to explain it best i can because to my knowledge, no other films have done it though it is a great technique.

Think of \\\"Yellow\\\" as a living thing, actual events in 14 scenes. A complete tale.

Think of \\\"Blue\\\" as all the things IN BETWEEN the 14 scenes in \\\"Yellow\\\" that you didn't see, that is a complete tale on it's own.

Essentially they are parallel films... the same story, told in two different ways.

It wasn't until i saw the first 30 minutes of \\\"Blue\\\" that i fully understood \\\"Yellow\\\"

I hope this was helpful for people who are being discouraged by various influences, because this film changed the way i looked at film.

thanks for your time.\": {\"frequency\": 1, \"value\": \"I don't know how ...\"}, \"I do agree with everything Calamine has said! And I don't always agree with people, but what Calamine has said is very true, it is time for the girls to move on to better roles. I would like to see them succeed very much as they were a very inspirational pair growing up and I would like to see them grow as people, actresses and in their career as well as their personal life. So producers, please give the girls a chance to develop something that goes off the tangent a bit, move them into a new direction that recognises them individually and their talents in many facets. This movie that is being commented is not too bad, but as I have seen further on in their movies, their movies stay the same of typical plot and typography. When In Rome is good for audiences of younger generation but the adults who were kids when the twins were babies want to follow the twins in their successes and so hence I think we adults would like to see them make movies of different kinds, maybe some that are like the sixth sense, the hour, chocolat, that sort of movie - not saying to have just serious movies for them, humour ones too yes, but rather see them in different roles to what they have been playing in their more recent movies like this one and New York Minute. (Note: I am from Australia so excuse my weird spelling like reognise with the s instead of z)\": {\"frequency\": 1, \"value\": \"I do agree with ...\"}, \"I saw this film in its premier week in 1975. I was 13 years old and at that time I found it adequate and somewhat fun. I then came to discover the WORLD of Doc Savage through the Bantam novels of the old pulp magazine stories. I had no idea before any of this of the realm of Doc, but I fast became one of the most avid Doc Savage fans you could ever meet. I read (and still own) all of the Bantam books, I started going to comic book cons (along with Star Trek and Doctor Who and all manner of geeky fat kid events) and had a wonderful time with each adventure I took with Doc and the ORIGINAL Fab 5. Philip Jose Farmer's Book - The Apocalyptic Life of Doc Savage became a bit of a bible for me and to this day I have very fond feelings regarding my Doc phase. In so saying I have to admit now years later that this film really missed the boat. It is a film that did not know what it wanted to be when it grew up. The screenplay was infantile and bore little resemblance to the pulp story. These stories from the 30's were short and if one looked at Lester Dent's (AKA Kenneth Robeson) outline for writing them, they broke down into PERFECT 3 act dramas that screamed for screen treatment. One would have thought that with George Pal and Michael Anderson at the helm, it would have turned out better. The spoof elements miss the target and the more serious moments almost get there, but then fall short. It is interesting to watch though in that they hired second-string character actors (guys that had really been only bit players and extras before this film) who all acquit themselves very well. Paul Gleason of course has gone on to be a fine utility player in all facets of entertainment and Bill Lucking is a television perennial. All the rest have fallen off the map sadly. I do wish to own a copy of this film as it is the only movie version of my hero, but I fear I will not watch it much as it is too painful. I would say 0 but I give it 2 out of 10 instead for some of the period art direction (Doc's answering machine at the end was a nice touch) and the cast of 3rd stingers getting a moment in the sun.\": {\"frequency\": 1, \"value\": \"I saw this film in ...\"}, \"I have seen virtually all of Cynthia Rothrock's films, and to me this is the funniest. It reminds me of early Jackie Chan movies. Admittedly, Ms Rothrock may not be the greatest actress, but she is very good to watch as both a martial artist and as a very cute young lady. This film, while probably not the best of all her films, was the most entertaining.\": {\"frequency\": 1, \"value\": \"I have seen ...\"}, \"I saw it at Cinema MK2 Hautefeuille just one night after its first public projection in Paris. A very pretty film about three 15 years old teenagers, all of them just at about the same psychologically stages. Many of the scenes let us to come back to our adolescence age & our first feelings about sexual relations. it is possible to imagine that the director would like to reduce the first strong sensual feelings of the girls to lesbianism, but even in that case she doesn't corrupt the likelihood of the story. You can sometimes find the film a little slow but it is what creates this intimate atmosphere. I fund the young actresses of talent, special mention with Floriane and Marie, very convincing. There are many small details but this film also enabled me to discover what synchronized swimming is: impressing!\": {\"frequency\": 1, \"value\": \"I saw it at Cinema ...\"}, \"Full House is a great show. I am still today growing up on it. I started watching it when i was 8 and now i am 12 and still watching it. i fell in love with all of the characters, especially Stephanie. she is my favorite. she had such a sense of humor. in case there are people on this sight that hardly watch the show, you should because you will get hooked on it. i became hooked on it after the first show i saw, which just happened to be the first episode, in 2002. it really is a good show. i really think that this show should go down to many generations in families. and it's great too because it is an appropriate show for all ages. and for all parents, it teaches kids lessons on how to go on with their life. nothing terrible happens, like violence or swearing. it is just a really great sit-com. i give it 5 out of 5 stars. what do you think? OH and the best time to watch it is when you are home sick from school or even the old office. It will make you feel a lot better. Trust me i am hardly home sick but i still know that it will make you feel better. and to everybody that thinks the show is stupid, well that's too bad for you because you won't get as far in life even if you are happy with your life. you really should watch it and you will get hooked on it. i am just telling you what happened to me and everybody else that started watching this awesome show. well i need must go to have some lunch. remember you must start watching full house and soon!\": {\"frequency\": 1, \"value\": \"Full House is a ...\"}, \"I bought this at tower records after seeing the info-mercial about fifteen hundred times on comedy central. I was actually really looking forward to watching this. My god where did i go wrong? Now before i give my review let me just say that i am a person who can pretty much find the good in all movies, hell i own over 1,500 dvd's! With that said, the underground comedy movie ranks up there with the worst film i have EVER seen. I tried to give it a chance, but not only was it not funny. It had no point, did not offend what-so-ever and was all around stupid. God who in their right mind thought these pieces of crap were funny? this is going right to the bottom of the bin...\": {\"frequency\": 1, \"value\": \"I bought this at ...\"}, \"Oh dear. I was so disappointed that this movie was just a rip-off of Japan's Ringu. Well, I guess the U.S. made their version of it as well, but at least it was an outright remake. So, so sad. I very much enjoy watching Filipino movies and know some great things can come out of such a little country, so I can't believe this had to happen. Claudine and Kris are such big names there, surprised they would be affiliated with plagiarism. To any aspiring movie makers out there in the Philippines: You do not have to stoop this low to make money. There are many movie buffs that are watching the movies Filipinos put out and enjoying them!\": {\"frequency\": 1, \"value\": \"Oh dear. I was so ...\"}, \"This movie bewilders me. It may be that I'm just a stupid American, but I really just don't get 400 Blows. Everything I've read about this movie has been a total rave, but I just couldn't stay interested. I'm sure that it was as revolutionary in film-making as all the critics say, but when it boils right down to it, it's just really really boring. Maybe it's the language barrier, may I'm just not \\\"sensitive\\\" or \\\"artsy\\\" enough, but whatever the case is, I hated this movie. The story itself isn't bad; it's about a young French boy who is treated unfairly by his parents and his teachers, and eventually he ends up in a juvenile facility. That in itself ought to be interesting, and it was, at first. There was nothing wrong with the dialogue, but then again it's hard to say because half of the conversations weren't subtitled and for no apparent reason, so I didn't always know what was going on. But for the dialogue we could understand, it made enough sense. The actors were believable enough, but it's hard to say what a real person would do in these situations. So you feel for the main character, but only in the sense that when he gets into trouble you think, well that sucks. The plot isn't even your typical plot. Each time he gets in trouble, he gets into more trouble than the last time, but the reasons never vary too much. And through the entire film you realize that there's nothing the main character can really do about it. So it's more like just waiting to see how it ends. The ending, by the way, was completely over my head. It's way too artsy for me, and I just didn't get it. Leading up to the end was easy enough to follow. The structure was certainly there, and it made sense as well, but everything was really drawn out. For the amount of dialogue and significant moments, the movie could have been an hour shorter. It just didn't end. Part of it was the unnecessarily long shots, none of which were especially memorable; for example, the ending was a clip of the main character running down a country road that lasted a good thirty seconds. Now, I'm sure that had some deeper meaning in it somewhere, but for the average viewer, I'd rather have gotten up to get some more food during that time. Or at least done something a little more useful than sit and watch this boy running, like doing my laundry, or taking a nap.

Final Verdict

The feeling throughout the whole movie was that this probably would be very moving and just amazing and that it would teach me some great life lesson, if I could only get what the director was trying to say by his\\ufffd\\ufffd unique decisions. As it was, I just felt cheated out of a good two hours of my life.\": {\"frequency\": 1, \"value\": \"This movie ...\"}, \"What a good film! Made Men is a great action movie with lots of twists and turns. James Belushi is very good as an ex hood who has stolen 12 million from the boss who has to fend of the gangsters , hillbillies his wife and the local sheriff( Timothy Dalton).you wont be disappointed, jump on board and enjoy the ride. 8 out of 10\": {\"frequency\": 1, \"value\": \"What a good film! ...\"}, \"This anime series starts out great: Interesting story, exciting events, interesting characters, beautifully rendered and executed. Not everything is explained right away, dangling a proverbial carrot before the viewer, enticing the viewer to watch each succeeding episode. But imagine the disappointment to find that the sci-fi thriller/giant robot adventure is only a backdrop for psycho-babble and quasi-religious preachy exploitation. If you want to hear \\\"You're OK. It's good to be you.\\\" after being embattled with negative slogans and the characters' negative emotions, then this is for you. If you want a good sci-fi flick that is simply fun to watch, forget this one. Both the original, and the alternate endings were grossly disappointing to me. All that, AND this movie was too preachy.\": {\"frequency\": 1, \"value\": \"This anime series ...\"}, \"First of all that I would like to say is that Edison Chen is extremely hot and that Sam Lee is looking much better than before XD! This is probably one of the most original movies I have seen so far; shows a poverty lifestyle background of a Cambodian. The Cambodian(Edison aka Pang) goes around killing people to survive himself; has done it throughout his entire life. Sam Lee's(Wai) duty is to capture the Cambodian for good. There are tons of violent actions but has a good story to it. The movie shows the struggles between those two characters; they both beat each other like angry dogs. GO AND WATCH PPL...STRONGLY SUGGESSTED!!! (GO HK FILMS)\": {\"frequency\": 1, \"value\": \"First of all that ...\"}, \"How has this piece of crap stayed on TV this long? It's terrible. It makes me want to shoot someone. It's so fake that it is actually worse than a 1940s sci-fi movie. I'd rather have a stroke than watch this nonsense. I remember watching it when it first came out. I thought, hey this could be interesting, then I found out how absolutely, insanely, ridiculously stupid it really was. It was so bad that I actually took out my pocket knife and stuck my hand to the table.

Please people, stop watching this and all other reality shows, they're the trash that is jamming the networks and canceling quality programming that requires some thought to create.\": {\"frequency\": 3, \"value\": \"How has this piece ...\"}, \"I last read a Nancy Drew book about 20 years ago, so much of my memory of the fictional character is probably faulty. From what I gathered, the books were introduced to me at an era when teenage sleuths were popular to children growing up at the time (for my case, the 80s and early 90s), with Hardy Boys, Famous Five, and of course, \\\"Carolyn Keene\\\"'s Nancy Drew amongst the more famous ones. I still remember those hardcover books with very dated cover illustrations, usually quite heavy (for a kid) to lug around, and the thickness of the book perhaps attributed to the fact that the words are printed in large fonts.

Well, the character has been given some updates along the way, as I recall my sister's subsequent Nancy Drew books becoming less thick, of softcover, with updated and a more chic Nancy illustrated on the cover. I can't remember if those stories were the same as the old hardcover ones, but I guess these books, being ghostwritten, have their fair share of updating itself for the times.

In this Warner Brothers release of Nancy Drew, the character no doubt gets its update to suit the times, but somehow the writers Andrew Fleming and Tiffany Paulsen maintained her 50s- ish small town sensibilities, thereby retaining some charm and flavour that erm, folks like me, would appreciate. Her fashion sense, her prim and properness, even some quirky little behaviour traits that makes her, well, Nancy Drew.

Her family background remains more or less the same, living with her single parent father Carson Drew (Tate Donovan), who is moving his daughter and himself to the big city for a better job opportunity, and to wean his daughter off sleuthing in the town of River Heights. Mom is but a distant memory, and the housemaid makes a cameo. But what made Nancy Drew work, is the casting of Emma Roberts in the lead role. Niece of her famous aunt Julia, she too possess that sprightly demeanour, that unmistakable red hair and that megawatt smile. Her Nancy Drew, while in the beginning does seem to rub you the wrong way, actually will grow on you. And in almost what I thought could be a discarded scene from Pretty Woman, it had the characters walk into a classy shop with almost opposite reactions.

While Dad Carson Drew tries hard to bring Nancy out of her sleuthing environment and to assimilate into normal teenage life, trust Nancy to find themselves living in a house whose owner, a Hollywood type has been, was found murdered under suspicious circumstances. Mystery solving is her comfort food when she finds herself an outcast of the local fraternity, and not before long we're whisked off along with her on her big screen adventure.

There's nothing too Black Dahlia about the crime and mystery, and instead it's a pretty straightforward piece for Nancy to solve, in between befriending Corky (Josh Flitter) a chubby friend from school, and pacifying jealous boyfriend Ned (Max Thieriot), while hiding the truth of her extra curriculum activities from her dad. The story's laced with cheesy fun and an oldie sentimentality which charms, and together, it becomes somewhat scooby-doo like. With minimal violence and no big bag gunfights or explosions, this is seriously a genre which is labelled clearly with \\\"chick flick\\\" alert.

I guess the movie will generate a new generation of fans, rekindle the memories of old ones, and probably, just probably, might spark a new fashion trend of sporting penny loafers.\": {\"frequency\": 1, \"value\": \"I last read a ...\"}, \"Well that's 90 minutes of my life I won't get back. This movie makes teen tv show \\\"California Dreams\\\" look like \\\"Almost Famous\\\". The acting was horrid and storyline unrealistic. Don't even get me started on the actual band at the forefront of this story, lame songs, look etc.. You had to believe that they were one of the hottest bands in the country, and there isn't enough irony in the world to accept that one. The guitarist is seen to be a heroin user, not that I blame him, if I was around such a putrid band with stale songs and wooden acting I'd be injecting the horse too.

If you take music remotely seriously, avoid this at all costs.\": {\"frequency\": 1, \"value\": \"Well that's 90 ...\"}, \"This is a must-see documentary movie for anyone who fears that modern youth has lost its taste for real-life adventure and its sense of morality. Darius Goes West is an amazing roller-coaster of a story. We live the lives of Darius and the crew as they embark on the journey of a lifetime. Darius has Duchenne Muscular Dystrophy, a disease which affects all the muscles in his body. He is confined to a wheelchair, and needs round-the-clock attention. So how could this crew of young friends possibly manage to take him on a 6,000 mile round-trip to the West Coast and back? Watch the movie and experience the ups and downs of this great adventure - laugh and cry with the crew as they cope with unimaginable challenges along the way, and enjoy the final triumph when they arrive back three weeks later in their home town to a rapturous reception and some great surprises!\": {\"frequency\": 1, \"value\": \"This is a must-see ...\"}, \"Wow. I have seen some really bad movies in my time, but this one truly takes the cake. It's the worst movie I've seen in the past decade - no exaggeration.

As a US Army veteran of the war in Afghanistan, I found it nearly impossible to even finish watching this ridiculous film, not because it brought back memories - far from it - but because there was absolutely no attempt at \\\"authenticity\\\" to be found anywhere in the film. Not so much as the tiniest little shred. It seemed like it had been written by an 8 year-old child who got all his notions of war (and soldierly behavior) straight out of comic books. The film was made in Honduras, which should have been a clue, but even that can't fully explain the atrocious production values of this clich\\ufffd\\ufffd-ridden piece of trash.

I could try to list all the endless technical flaws, but it would take virtually forever. From the ancient unit shoulder patches which have not been seen or worn since WWII, and the character's name tags, like \\\"ColCollins\\\" (worn by the character \\\"Colonel Collins\\\"), which was actually spelled using the reversed, mirror-image \\\"N\\\" of the Russian alphabet (not the US alphabet) the list just goes on and on. The uniforms, the equipment, the plot, and most especially the behavior of the characters themselves -- every single scene was just chock-full of ridiculous flaws, inaccuracies and utterly mindless clich\\ufffd\\ufffds.

Neither the storyline itself nor the characters were the least bit credible or believable. It was all laughably childish, in the extreme. This was obviously a movie that was meant to appeal strictly to pre-pubescent boys, and I have little doubt that even they would find this film utterly absurd.

In short, this film has absolutely NO redeeming qualities at all. It's a total waste of time. I'd strongly advise anybody reading this to pass this garbage by; it's truly not worth wasting a single moment of your time for.\": {\"frequency\": 1, \"value\": \"Wow. I have seen ...\"}, \"This is a great show, and will make you cry, this group people really loved each other in real life and it shows time and time again. Email me and let's chat. I have been to Australia and they real do talk like this.

I want you to enjoy Five Mile Creek and pass on these great stories of right and wrong, and friendship to your kids. I have all 40 Episodes on DVD-R that I have collected over the last 5 years. See my Five Mile Creek tribute at www.mikeandvicki.com and hear the extended theme music. Let's talk about them.

These people are so cool!\": {\"frequency\": 1, \"value\": \"This is a great ...\"}, \"Okay, note to the people that put together these horror acting legends DVD-collections: I truly am grateful and I hugely support the initiative, but \\ufffd\\ufffd have you even watched the films before selecting them as part of the collection? When I purchased the Boris Karloff collection there were several films in which the star only played a supportive and unessential role (\\\"Tower of London\\\", \\\"The Strange Door\\\"). \\\"The Invisible Ray\\\", however, is part of the Bela Lugosi collection and here it's actually Boris Karloff who overshadows Bela! This actually would have been a great title for the Boris Karloff collection instead! Bela Lugosi's character is quite possibly the most good-natured and earnest one he ever portrayed in his entire career and good old Karloff actually plays the mad and dangerously obsessed scientist here. \\\"The Invisible Ray\\\" features three main chapters. The first one, set in Dr. Janos Rukh's Carpathian castle is pretty boring and demands quite a lot of the viewer's patience, but of course the character drawings and the subject matter discussed here are fundamental for the rest of the film. Dr. Rukh (Karloff) demonstrates to a couple of eminent colleagues (among them Bela Lugosi as Dr. Benet) how he managed to capture extraterrestrial rays inside a self-manufactured device. The scientists are sincerely impressed with his work and invite Rukh and his lovely wife Diane along for an expedition in the heart of Africa. There Dr. Rukh isolates himself from the group, discovers the essential element \\\"Radium X\\\" to complete his medical ray and goes completely bonkers after being overexposed to the meteorite himself. The third and final act is obviously the best and most horrific one, as it revolves on a good old fashioned killing spree with ingenious gimmicks (melting statues) and a surprising climax. Karloff glows in the dark and, convinced the others are out to steal his discovery and even his life, he intends to eliminate them using his deadly touch. The narrative structure of \\\"The Invisible Ray\\\" sounds rather complicated, but the film is easy to follow and entertaining. The story is rather far-fetched but nevertheless compelling and director Lambert Hillyer provides several moments of sheer suspense. Boris Karloff is truly fantastic and so is Lugosi, even though he deserved to have a little more screen time. Their scenes together are the highlights of the film, along with the funky images of the glowing Boris.\": {\"frequency\": 1, \"value\": \"Okay, note to the ...\"}, \"Imagine the worst skits from Saturday Night Live and Mad TV in one 90 minute movie. Now, imagine that all the humor in those bad skits is removed and replaced with stupidity. Now imagine something 50 times worse.

Got that?

Ok, now go see The Underground Comedy Movie. That vision you just had will seem like the funniest thing ever. UCM is the single worst movie I've ever seen. There were a few cheap laughs...very few. But it was lame. Even if the intent of the movie was to be lame, it was too lame to be funny.

The only reason I'm not angry for wasting my time watching this was someone else I know bought it. He wasted his money. Vince Offer hasn't written or directed anything else and it's not surprise why.\": {\"frequency\": 1, \"value\": \"Imagine the worst ...\"}, \"This Movie is complete crap! Avoid this waste of celluloid at all costs, it is rambling and incoherent. I pride myself on plumbing the depths of 70's sleaze cinema from everything from Salo to Salon Kitty. I like being shocked, but I need a coherent story. However if watching horses mate gets you off this film is for you. The saddest part was that lame werewolf suit with the functional wang. I mean its just plain hard to sit through, not to mention the acting is terrible and the soundtrack is dubbed badly. Please, I know the cover is interesting (what looks like a gorillas hands reaching for a woman's bare ass)but don't waste your time or money as you won't get either back.\": {\"frequency\": 1, \"value\": \"This Movie is ...\"}, \"I don't understand people. Why is it that this movie is getting an 8.3!!!!!!???? I had high hopes for this movie, but once i was about a half hour into it I just wanted to leave the theater. In the vast majority of the reviews on this site people are saying that this is one of the best action movies they've seen (or of the summer, year, etc.) They say it's an excellent conclusion. WTF!!!!!!!!!?????? What has been concluded (besides the fact that Bourne can ride motorcycles, shoot, and fight better than anyone else he comes across)? What do you learn about Bourne's character in this movie?????????Absolutely f****** nothing!!!!!!! Okay, there's a lot of action, but what's so great about the action in this movie?? I don't like the cinematography and film editing. The shaky camera effect and fast changing shots were used TOO much and they get old fast (I didn't mind them in Supremacy because it was still easy to follow and was not used in excess) and made me quite dizzy. I was quickly wishing I had saved my $$$ for something else.

This movie has no plot. All this movie is is a 115 minute chase seen. Bourne, who you learn absolutely nothing about in the entire 115 minutes of the movie, is a perfectionist at everything he attempts. There is absolutely no character development in this movie, you know nothing about anyone, and there is a wide array of new characters that are introduced in this installment. Some people said that this movie has incredible writing and suspense. ???????????!!!!!!!! What writing???? What suspense??? There's no suspense. Bourne is so perfect at doing everything he does, I don't think he has anything to worry about. If this is the best movie of the year 2007 I may just quit watching movies entirely!!!!

Many people have also said that Matt Damon's performance in this movie is one of the best (if not the best) of his career. What performance?? How many lines did he have in this movie??? I have some respect for Damon because he has been in movies that I liked and has played different kinds of characters, but a good actor is someone that you can barely recognize from one movie to the next, someone who chooses different types of roles. Not someone who plays the same roles over and over again (which Damon doesn't do, but an example of someone who does is Vin Diesel).

Anyways, this movie was a BIG disappointment to me. I do not recommend this movie but I do recommend the first two (Bourne Identity and Bourne Supremacy) and I most definitely recommend reading the three books (which are much different then the movies).\": {\"frequency\": 1, \"value\": \"I don't understand ...\"}, \"I must have seen this a dozen times over the years. I was about fifteen when I first saw it in B & W on the local PBS station.

I bought a DVD set for the children to see, and am making them watch it. They don't teach history in School, and this explains the most critical event of the 20th Century. It expands their critical thinking.

Impartially, with the participants on all sides explaining in their own words what they did and why, it details what lead up to the war and the actual war.

Buy it for your children, along with Alistair Cooke's America. Watch it with them, and make them understand. You'll be so glad you did.\": {\"frequency\": 1, \"value\": \"I must have seen ...\"}, \"\\\"Yokai Daisenso\\\" is a children's film by Takashi Miike, but as you might expect, it's probably a bit too dark & scary for younger ones. However, older children may well eat this up, that is, if you play it dubbed in English.

The story is that of a young boy, who has moved with his mother to the country, to live with his grandfather, after a divorce. During a village festival the boy is chosen as a \\\"Kirin rider\\\", a great honor, but with that honor comes much danger and adventure, of course.

Meanwhile, evil doings are at hand as a woman in a white mini skirt, go-go boots & a beehive hair-do, teams up with an evil Yokai to turn people's resentments and discarded items against them. And this evil has manifested itself as a flying city in the form of a monster that heads for the City of Rage itself, Tokyo. One quite funny scene has two derelicts watching the monster fly over the city...says one, \\\"Oh, it's only Gamera\\\".

The young boy has befriended Yokai, which are monsters of a kind, mostly benign, that have isolated themselves away from humans, and all the Yokai in Japan band together to fight the evil.

In many ways Miike & crew have taken the late 60's/early 70's Yokai films and turned them into a modern action adventure film for (older) kids that also combines some strange mechanical monsters that made me think of \\\"Transformers\\\". The look and feel of the film is great, the effects are entertaining, and some of the humor will just sail right over kid's heads, but still, older ones might enjoy it. As for adults, there's not much here not to like, if you're a fan of Japanese monster movies you'll enjoy the heck out of this.

Cool & fun stuff, kind of dark at times but perhaps that's just Miike..and what a wild ride. 8 out of 10.\": {\"frequency\": 1, \"value\": \"\\\"Yokai Daisenso\\\" ...\"}, \"This movie wasn't awful but it wasn't very good. I am a big fan Toni Collette I think she is a very beautiful and talented actress. The movie starts off about Robin Williams who is a writer and gets a book from a 14 year old kid. The book is great and he cant't believe a kid wrote it. Toni Collette plays the kids guardian who you don't know if this kid really exists or if she's making it all up. I am not gonna ruin the movie but I will say this the movie is not scary.

The acting is pretty good and Toni Collette's performance was awesome as well as Robin Williams.

The movie was a huge disappointment in my opinion I would wait for it to come to DVD.\": {\"frequency\": 1, \"value\": \"This movie wasn't ...\"}, \"I don't know if I'd consider it a masterpiece of not, but it's damn near close; it's extremely well made, artistic, suspenseful, intricately plotted, thematically challenging and full of bleak foreshadowing and sexual-religious imagery. There's also some great camera-work from Jan de Bont, an atmospheric score from Loek Dikker and outstanding acting from Jeroen Krabb\\ufffd\\ufffd and Ren\\ufffd\\ufffde Soutendijk, the latter giving one of the most sneaky, subtle 'femme fatale' performance I've ever seen. Like many other European movies, this movie has an unashamed, non-judgmental attitude toward sex, nudity and the complexities of sexuality and has zero reservations about mixing it all up with religious and/or surrealistic (some would say blasphemous) images. In other words, if you can't bear the thought of seeing a lust-driven homosexual envisioning the object of his carnal desire as Jesus crucified on the cross before the two of them go at it inside a cemetery crypt then this might not be the movie for you. What surprised me more is how this bizarre movie managed to completely dodge being a pretentious mess. It mixes the abstract/surreal/parallel fantasy-reality scenes and somehow makes it all work. Like any good mystery, you can see the pieces slowly falling into place as the movie progresses. There is NOT an out-of-left-field resolution here. The movie has direction, there's no needless filler and once it concludes, you begin to understand the purpose of what may have confused you earlier. If you like the work of Ken Russell and David Lynch, I can almost guarantee you will love this movie. Hell, if\\ufffd\\ufffdyou have no idea who they even are, you still might like it.

I'm not going to spoil the plot by getting too detailed, but the film's opening shot - through a web as a spider catches its prey - sets the stage as Krabb\\ufffd\\ufffd, as unshaven, smug, bisexual writer Gerard Reve (interestingly, also the name of the writer whose novel this is based on) crosses paths with a wealthy, mysterious, sexy woman named Christine (Soutendijk, melding androgynous stylings with Simone Simon-like innocence/cuteness that's pretty unnerving), who may be a literal 'black widow' responsible for the deaths of her three previous husbands. The two become lovers and move in with one another, but we're led to believe (through Christine's bizarre behavior and the frequent appearances of another woman - played by Geert de Jong - who may or may not actually exist) something terrible is boiling under the surface. When another of Christine's lovers, the young and \\\"beautiful\\\" Herman (Thom Hoffman), shows up at the house, things take an unexpected turn. And that's all you need to know.

THE 4TH MAN was a huge art-house success in much of the world, but didn't make it over to the US until 1984, where it was awarded the Best Foreign Film of the year from the Los Angeles Film Critics Association. The most common video is the Media release, which has been horribly dubbed. Try to avoid that one and head straight for the newer subtitled Anchor Bay DVD release. Since coming to America, Verhoeven's career has had its ups and downs. He has made a few decent films (Flesh & Blood, RoboCop) and some lousy ones (Showgirls). In fact, Verhoeven's big hit Basic Instinct is almost like a less interesting, junior league version of The Fourth Man. Soutendjik also tried her hand at acting in America and since GRAVE SECRETS (1989) and EVE OF DESTRUCTION (1991) were the best offers she was getting, she headed right back home to the Netherlands.\": {\"frequency\": 1, \"value\": \"I don't know if ...\"}, \"Although I generally do not like remakes believing that remakes are waste of time; this film is an exception. I didn't actually know so far until reading the previous comment that this was a remake, so my opinion is purely about the actual film and not a comparison.

The story and the way it is written is no question: it is Capote. There is no need for more words.

The play of Anthony Edwards and Eric Roberts is superb. I have seen some movies with them, each in one or the other. I was certain that they are good actors and in case of Eric I always wondered why his sister is the number 1 famous star and not her brother. This time this certainty is raised to fact, no question. His play, just as well as the play of Mr. Edwards is clearly the top of all their profession.

I recommend this film to be on your top 50 films to see and keep on your DVD shelves.\": {\"frequency\": 1, \"value\": \"Although I ...\"}, \"This isn't the worst movie I've ever seen, but I really can't recall when I've seen a worse one. I thought this would be about an aircraft accident investigation. What it really was is a soap opera, and a bad one at that. They overplayed the 'conflict' card to the extreme. The first hour or so seems like a shouting match, with some implausible scenes thrown in.

*Possible spoiler*

The 40-or-so minute 'memorial' scene (with requisite black umbrellas and rain) to fictitious crash victims was lame, and I thought it would never end.

Avoid this one at all costs, unless you revel in 'conflict'.

\": {\"frequency\": 1, \"value\": \"This isn't the ...\"}, \"The van trotta movie rosenstrasse is the best movie i have seen in years. i am actually not really interested in films with historical background but with this she won my interest for that time!!

the only annoying thing about the movie have been the scenes in new york, and the impression i had of \\\"trying to be as American as possible\\\" ... which i think has absolutely failed.

the scenes in the back really got to my heart. the German actress katja riemann completely deserved her award. she is one of the most impressing actress i have ever seen. in future i will watch more of her movies. great luck for me that i am a native German speaking =) and only for a year in the us, so as soon as i am back i'll buy some riemann dvds.

so to all out there who have not seen this movie yet: WATCH IT!!! i think it would be too long to describe what it is all about yet, especially all the flash backs and switches of times are hard to explain, but simply watcxh it, you will be zesty!!!!!!!\": {\"frequency\": 1, \"value\": \"The van trotta ...\"}, \"This spectacular film is one of the most amazing movies I have ever seen. It shows a China I had never seen or imagined, and I believe it shows 1930's China in the most REAL light ever seen in a movie. It is absolutely heart-breaking in so many situations, seeing how hard life was for the characters, and yet the story and the ending are incredibly joyful. You truly see the depths and heigths of human existence in this film. The actors are all perfect, such that you feel like you have really entered a different world.

I simply can not recommend this movie highly enough. It may just change you forever once you have seen it.\": {\"frequency\": 1, \"value\": \"This spectacular ...\"}, \"THE MAN IN THE WHITE SUIT, like I'M ALL RIGHT JACK, takes a dim view of both labor and capital. Alec Guinness is a scientific genius - but an eccentric one (he has never gotten his university degree due to an...err...accident in a college laboratory). He manages to push himself into various industrial labs in the textile industry. When the film begins he is in Michael Gough's company, and Gough (in a memorable moment) is trying to impress his would-be father-in-law (Cecil Parker) by showing him the ship-shape firm he runs. While having lunch with Parker and Parker's daughter (Joan Greenwood), Gough gets a message regarding some problems about the lab's unexpectedly large budget problems. He reads the huge expenditures (due to Guinness's experiments), and chokes on his coffee.

Guinness goes on to work at Parker's firm, and repeats the same tricks he did with Gough - but Parker discovers it too. Greenwood has discovered what Guinness is working on, and convinces Parker to continue the experiments (but now legally). The result: Guinness and his assistant has apparently figured out how to make an artificial fiber that can constantly change the electronic bonds within it's molecular structure so that (for all intents and purposes) the fiber will remain in tact for good. Any textile made from it will never fade, get dirty, or wear out - it will last forever.

Guinness has support from a female shop steward, but not her chief. He sees Guinness as selling out to the rich. But when he explains to them what he's done, they turn against him. If everyone has clothes that will last forever then they will not need new clothes! Soon Parkers' fellow textile tycoons (led by Gough, Ernest Theisinger - in a wonderful performance, and Howard Marion-Crawford) are equally panic stricken by what may end their businesses. They seek to suppress the invention. With only Greenwood in his corner (although Parker sort of sympathizes with him), Guinness tries to get the news of his discovery to the public.

In the end, Guinness is defeated by science as well as greed. But he ends the film seeing the error in his calculations, and we guess that one day he may still pull off his discovery after all.

It's a brilliant comedy. But is the argument for suppression valid? At one point the difficulties of making the textile are shown (you have to heat the threads to a high temperature to actually enable the ends of the material to be united. There is nothing that shows the cloth will stretch if the owner gets fat (or contract if the owner gets thin). Are we to believe that people only would want one set of clothing for ever? What happened to fashion changes and new styles? And the cloth is only made in the color white (making Guinness look like a white knight). We are told that color dye would have to be added earlier in the process. Wouldn't that have an effect on the chemical reactions that maintain the structure of the textile?

Alas this is not a science paper, but a film about the hypocrisies of labor and capital in modern industry. As such it is brilliant. But those questions I mention keep bothering me about the validity of suppressing Guinness' invention\": {\"frequency\": 1, \"value\": \"THE MAN IN THE ...\"}, \"Only the most ardent DORIS DAY fan could find this one even bearable to watch. When one thinks of the wealth of material available for a story about New York City's most famous blackout, a film that could have dealt with numerous real-life stories of what people had to cope with, this scrapes the bottom of the barrel for lack of story-telling originality.

Once again Doris is indignant because she suspects she may have been compromised on the night of the blackout when she returned to her Connecticut lodgings, took a sleeping potion and woke up in the morning with a man who had done the same, wandering into the house by mistake.

Nobody is able to salvage this mess--not Doris, not ROBERT MORSE, TERRY-THOMAS, PATRICK O'NEAL or LOLA ALBRIGHT. As directed by Hy Averback, it's the weakest vehicle Day found herself in, committed to do the film because of her husband's machinations and unable to get out of it. Too bad.\": {\"frequency\": 1, \"value\": \"Only the most ...\"}, \"

I take issue with the other reviewer's comments for the simple reason that this is a MYSTERY FILM, not a supernatural one! It is not the only film to have a seemingly \\\"supernatural\\\" explanation (\\\"vampires\\\"), but turns out to be a very mundance one.

Other films that come to mind are Edgar Wallace's \\\"Before Dawn\\\" and the (more famous) \\\"Mark of the Vampire\\\".

The film does a WONDERFUL job in creating a very \\\"spooky atmosphere\\\", similar DRACULA, when Renfield meets the Count on the staircase of his castle, or in MARK OF THE VAMPIRE, when the two people look thru the windows of the castle ruins and see a \\\"corpse\\\" playing an organ, while Luna descends using wings! VERY surreal!

If one likes these (often silent) atmospheric touches, THIS film is a MUST!

Norm Vogel\": {\"frequency\": 1, \"value\": \"

I take ...\"}, \"SCARECROWS seems to be a botched horror meets supernatural film. A group of thugs pull off a paramilitary-like robbery of the payroll at Camp Pendleton in California. They high-jack a cargo plane kidnapping the pilot and his daughter with demands to be flown to Mexico. Along the way one greedy robber decides to bailout with the money landing in a cornfield monitored by strange looking scarecrows. These aren't just any run-of-the-mill scarecrows...they can kill. The acting is no better than the horrible dialog. And the attempts at humor are not funny. Very low budget and shot entirely in the dark.

The cast includes: Ted Vernon, Michael David Simms, Kristina Sanborn, B.J. Turner, Phil Zenderland and Victoria Christian.\": {\"frequency\": 1, \"value\": \"SCARECROWS seems ...\"}, \"That is the best way I can describe this movie which centers on a newly married couple who move into a house that is haunted by the husband's first wife who died under mysterious circumstances. That sounds well and good, but what plays out is an hour of pure boredom. In fact one of the funny things about this flick is that there is a warning at the beginning of the film that promises anyone who dies of fright a free coffin. Well trust me, no one ever took them up on that offer unless someone out there is terrified of plastic skulls, peacocks, weird gardeners, and doors being knocked on. And the music is the worst, it consists of constant tuba music which sounds like it is being played by some sixth grader. And you will figure out the terrible secret that is so obvious that you really have to wonder what the people in this movie were thinking. Someone dies while running and hitting their head and the police are never called to investigate. Yes in the end this is a slow paced (which is really bad considering the movie is only just over an hour), boring little tale, that is easily figured out by the average person. Apparently none of the characters in this flick were the average person.\": {\"frequency\": 1, \"value\": \"That is the best ...\"}, \"I'm usually not one to say that a film is not worth watching, but this is certainly an extenuating circumstance. The only true upside to this film is Cornelia Sharpe, looking rather attractive, and the fact that this film is REALLY short.

The plot in the film is unbelievably boring and goes virtually nowhere throughout the film. None of the characters are even remotely interesting and there is no reason to care about anyone. I'm not sure why on earth Sean Connery agreed to do this film, but he should have definitely passed on this one.

The only reason I could see for seeing this film is if you are a die-hard Sean Connery fan and simply want to see everything he's done. Save this one for last though.

Well, if you by some miracle end up seeing this despite my review (or any of the other reviews on this site), then I hope you enjoy it more than I did. Thanks for reading.\": {\"frequency\": 1, \"value\": \"I'm usually not ...\"}, \"Oh a vaguely once famous actress in a film where she plays a mother to a child . It`s being shown on BBC 1 at half past midnight , I wonder if ... yup it`s a TVM

You`ve got to hand it to TVM producers , not content on making one mediocre movie , they usually give us two mediocre movies where two themes are mixed together and NOWHERE TO HIDE is no different . The first theme is a woman in danger theme cross pollinated with a woman suffering from the pain of a divorce theme which means we have a scene of the heroine surviving a murder attempt followed by a scene having her son Sam ask why she divorced ? And being a TVM she answers that the reason is \\\" That people change \\\" rather than say something along the lines like \\\" I`m a right slapper \\\" or Your daddy cruises mens public toilets for sex \\\" as does happen in real life divorce cases . And it`s young Sam I feel sorry for , not only are his parents divorced but he`s as thick as two short planks . Actually since he`s so stupid he deserves no sympathy because he`s unaware that a man flushing stuff down a toilet is a drug dealer , unaware that you might die if someone shoots at you , and unaware that I LOVE LUCY is painfully unfunny . If only our own childhoods were so innocent , ah well as Orwell said \\\" Ignorance is strength \\\" . Oh hold on Sam is suddenly an expert on marine life ! Is this character development or poor scripting ? I know what one my money`s on . And strange that Sam the boy genuis hasn`t noticed that if the story is set in 1994 then why do people often wear clothes , drive cars and ride trains from the 1950s ? But as it turns out during a plot twist it`s the mother who`s the dummy . Then there`s a final plot twist that left me feeling like an idiot for watching this\": {\"frequency\": 1, \"value\": \"Oh a vaguely once ...\"}, \"Director Sidney Lumet has made some masterpieces,like Network,Dog Day Afternoon or Serpico.But,he was not having too much luck on his most recent works.Gloria (1999) was pathetic and Find Me Guilty was an interesting,but failed experiment.Now,Lumet brings his best film in decades and,by my point of view,a true masterpiece:Before the Devil Knows You're Dead.I think this film is like a rebirth for Lumet.This movie has an excellent story which,deeply,has many layers.Also,I think the ending of the movie is perfect.The performances are brilliant.Philip Seymour Hoffman brings,as usual,a magnificent performance and he's,no doubt,one of the best actors of our days.Ethan Hawke is also an excellent actor but he's underrated by my point of view.His performance in here is great.The rest of the cast is also excellent(specially,the great Albert Finney) but these two actors bring monumental performances which were sadly ignored by the pathetic Oscars.The film has a good level of intensity,in part thanks to the performances and,in part,thanks to the brilliant screenplay.Before the Devil Knows You're Dead is a real masterpiece with perfect direction,a great screenplay and excellent performances.We need more movies like this.\": {\"frequency\": 1, \"value\": \"Director Sidney ...\"}, \"Just finished watching the movie and wanted to give my own opinion(and justice) to the movie.

First of all, to get things straight, this movie is not pretending to be anything other than a solid action comedy movie. It doesn't aim to revolutionize the movie industry and garner critical acclaims nor does it want to be regarded as one. If you really want to enjoy this movie to the fullest, I suggest you discard your critical-mindedness and your longing for a good plot because you won't find any in here. With that established, let us further into the movie.

I had low expectations for this movie simply because it didn't have a strong plot(Yes, moviegoers, I underrated this movie as well), but I never expected myself to enjoy this movie that much. I even enjoyed this more than the Stephen Chow flicks(which I find Kung Fu Hustle to be his best effort and would've rated it a 9 as well). Action is tight and epic while comedy chokes on to the right places.

SPOILERS alert, I think The action might be unreal, but why would I want to watch a serious basketball movie anyways? There are a lot other sports movies(drama) that already did it well, why create another? SPOILERS end

I'm not even sure why you're reading this. Go ahead and watch it. Just remember, no thinking - just watch, enjoy, smile, laugh, and

Every once in a while they(the movie industry) creates masterpieces such as Pulp Fiction or The Godfather movies, and sometimes they create movies which are better off in the pile of dump. I'm not saying Kung Fu Dunk deserves the recognition that the previous examples have, then again, if we're talking about Stephen Chow-ish comedy, this one's a top ten.

Highly recommended if you love: -no brainer movies with really good action -Kung Fu -Death Trance -Kung Fu and comedy -what the heck, watch this. you'll have a great time.

9/10 for you the cast of Kung Fu Dunk. ^_^\": {\"frequency\": 2, \"value\": \"Just finished ...\"}, \"i almost did not go see this movie because i remember march of the penguin was not that much exciting. I went mainly because Disney promised to plant a tree if i go see it on the opening weekend, but after i did go see it, it was simply amazing; the fact that the photographers can capture impossible images are simply worth your money. You also get to see different habitats, different vegetation, animals, and natural phenomenons that will not only shock you - simply because you would never expect nature to be so magical and dynamic - but also touch your souls and raise the question of humanity versus the world, of how our lives have deviated from nature to such a degree that we take for granted of the natural beauty and miracles that are quintessential to our biosphere. You don't have to be an earth lover or a tree-hugging environmentalist to appreciate the mere awesomeness of this documentary. You simply have to be a curious soul who questions the value and miracle of living. Enjoy!\": {\"frequency\": 1, \"value\": \"i almost did not ...\"}, \"I felt drawn into the world of the manipulation of mind and will at the heart of the story. The acting by Nolte, Lee, Arkin and the supporting cast was superb. The strange twists in the Vonnegut story are made stranger by odd details.\": {\"frequency\": 1, \"value\": \"I felt drawn into ...\"}, \"I enjoyed this film yet hated it because I wanted to help this guy! I am in my fifties and have a lot of friends in the music business...who are now still trying to become adults....no more fans,groupies,money etc...and they are having such a hard time adjusting to a regular life...as they see the new bands etc getting the spotlight...it is almost like they have to begin anew...this film is a testament to what a lot of the old rockers from the 70's and 80's are going through now....and that's where I find the film sad and depressing.BUT it portrays the life of an old rock star-abandoned and lost-in a believable way.The young girl who arrives at his decrepit home reminds me of Hollis maclaren (Outrageous)...and she is one lady in a film you will cheer for. This film is a must have for folks in their 50's who have seen the rise and fall of bands,people who knew the members, and have watched them hurt as age creeps in,and popularity fades.This is an almost perfect movie....sad but in a way positive....because of the whales. A MUST SEE!\": {\"frequency\": 1, \"value\": \"I enjoyed this ...\"}, \"What the *bliep* is it with this movie? Couldn't they fiend a better script? All in all a 'nice' movie, but... it has been done more than once... Up till the end I thought it was okay, but... the going back to the past part... *barf* SO corny... Was waiting for the fairy god mother to appear... but wow, that didn't happen... which is good.

I loved Big with Tom Hanks, but to see such a movie in a new form with another kid who wished that he/she is older/bigger; that just is so pas\\ufffd\\ufffd

Just watch till it comes out on TV. Don't get me wrong, but it ain't all that\": {\"frequency\": 1, \"value\": \"What the *bliep* ...\"}, \"A May day 1938 when happen a huge rally celebrating Hitler's visit to Rome serves as the backdrop for a love story between Antoniette(Sophia Loren)married to fascist(John Vernon) and Gabriel(Marcello Mastroianni). She's a boring housewife with several sons and he's a unhappy, solitary homosexual fired from radio and pursued by the fascists. She's left alone in her home when her spouse must to attend the historical celebration. Then both develop a very enjoyable relationship in spite of their differences. The film is set on the historic meeting Fuher Hitler and Duce Mussolini along with others authorities as Count Ciano and King Victor Manuel III, describing the events by a radio-voice in off which sometimes is irritating.

It's a romantic drama carried out with sense and sensibility. An unrelentingly passionate romance between two conflicting characters. Magnificent performances from two pros make a splendid movie well worth seeing. Of course Ruggero Macarri and Ettore Scola's sensible screenplay results in ever interesting, elaborate and sentimental. Colorful and atmospheric cinematography by Pascualino De Santis. Emotive musical score by Armando Trovajoly with sensitive leitmotif. The film won deservedly Golden Globes 1978 to best Foreign Film.

Director Scola's imagination stretches to light up the limited scenarios where are developing the drama. Usually his films take place on a few stages and are semi-theatrical. For example : \\ufffd\\ufffdLe Bal\\ufffd\\ufffd(1982) uses a French dance-hall to illustrate the changes in society 2)\\ufffd\\ufffdNuit of Varennes(1983) a stagecoach is the scenario where meet an unlikely group as Thomas Paine, Luis XVI and Marie Antoinette who fled from revolutionary Paris 3) \\ufffd\\ufffdThe family\\ufffd\\ufffd(1987)all take place in the family's grand old Roman flat; and of course 4)\\ufffd\\ufffdUna Giornata Particulare\\ufffd\\ufffd or \\ufffd\\ufffdA special day\\ufffd\\ufffd where Loren and Mastroianni strikes up a marvelous relationship into their respective apartments and at the flat roof.\": {\"frequency\": 1, \"value\": \"A May day 1938 ...\"}, \"This was a very entertaining movie and I really enjoyed it, I don't normally rent movies like these (ie. indie flicks) however, I was attracted to the film because it had an incredible cast which included Jamie Kennedy, whom I have loved since the Scream trilogy. The movie director took a risk (and it is a risky risk) in telling the lives of many (and I mean MANY) different people and having the intertwine at various intervals. Taking that risk was a good idea because it's end result is an exceedingly good film.

The film has a few MAIN characters; Dwight (Jamie Kennedy) - a disgruntled fortune cookie writer whose relationship with his girlfriend is on the rocks because of an argument. Wallace Gregory (John Carroll Lynch) - an airplane loader/technician who has a love for all living things (except, perhaps meter maids) and who despite his good heart has an increasing amount of bad luck. Cyr (Brian Cox) - the owner of a Chinese restaurant/donut shop who is a germaphobe and because of is his fear of germs places his assistant/cook Sung -(Alexis Cruz) under pressure to keep up with his phobia. Ernie - (Christopher Bauer) is married to Olive - (Christina Kirk) who he is convinced is trying to; stop him have fun, look ridiculous, go insane, and not live a normal life. They begin to have petty and almost crazy arguments and Olive seriously begins to have doubts about Ernie. Gordon - (Grant Heslov) is a man whose life isn't going very well, as bad things begin to add up in his life he decides to take it in hand. Mitchel - (Jon Huertas) is convinced that Gwen - (Alexandra Westcourt) is the girl of his dreams and that they are destined for each other, though she is more skeptical. He attempts to woo her every chance he gets and he certainly makes attempts! Johnston - (Michael Hitchcock) has just been fired from his job and has doubts about his role as provider, he takes another job that he just isn't suited for. His wife Annelle - (Arabella Field) is comforting through out his job loss experience until she learns that Johnston wasn't quite the loving husband she thought he was.

All in all I definitely suggest this movie!

-Erica\": {\"frequency\": 1, \"value\": \"This was a very ...\"}, \"The exclamation point in the title is appropriate, albeit an understatement. This movie doesn't just cry -- it shrieks loud enough to shatter glass.

Filmmakers Andrew and Virginia Stone made shrill, humorless suspense thrillers that strove for a semi-documentary feel. Here, they shot on actual New York locations with tinny \\\"real-life\\\" acoustics to jack up the verisimilitude. But the naturalism of the sound recording only serves to amplify the Stones' maladroit dialog and the mouth-frothing histrionics of tortured butterfly Inger Stevens.

In a performance completely devoid of modulation, Stevens plays the wife of electronics whiz James Mason (looking haggard and bored); both are held captive by extortionist Rod Steiger (looking bloated and bored) and his slimy cohorts in a scheme to blackmail an airline with a deadly bomb that Mason has unwittingly helped construct.

Here is another credibility-straining instance of a criminal mastermind so brilliantly attentive to every detail, yet knuckleheaded enough to hire a drug-addicted degenerate as an underling. The Stones' idea of nail-biting tension is to trap the hysterical Stevens alone with Benzedrine-popping rapist Neville Brand, filling the frame with his sweaty, drooling kisser. But the camera work is so leaden and Brand so (uncharacteristically) demure that the effect is hardly lurid, much less suspenseful. The Stones, a square pair at heart, don't even have the courage of their own lack of convictions.

The film, which ends with the portly Steiger chasing the fleet-footed Stevens on a subway train track, is as clumsy as its ungainly heavy. With Angie Dickinson as Steiger's amoral girlfriend, Jack Klugman, Kenneth Tobey, and Barney Philips.\": {\"frequency\": 1, \"value\": \"The exclamation ...\"}, \"Take:

1. a famous play

2. a director with now ideas of his own who is using

3. a copy of the stage design of a popular theatre production of the play mentioned in 1.

4. an actor for the lead - who has no feeling for the part he's playing And you'll get: \\\"Hamlet, Prinz von D\\ufffd\\ufffdnemark\\\"

I listened to the radio play of \\\"Hamlet\\\" with Maximilian Schell as Hamlet and I was so disappointed. I hoped that the filmed version would be better, that Schell would at least have a body language to underline what he's saying - nothing. Then the set... the minimalistic design is not everyone's taste, but usually I like it when there's just enough on the stage to make clear what's the setting and nothing more. Alas, that's on a stage, in a theatre. It won't work in a film based on a play that actually has believable settings. That the idea for the set was copied from the theatre production in which Schell played the Hamlet already... let's say if that was the only thing to complain about... I ask myself how Schell could get the part of Hamlet anywhere in first place and how anybody could allow him to play Hamlet a second time. If you've got the choice to view any of the about sixty films based on \\\"Hamlet\\\", don't watch this one, unless you're a masochist, or really hardcore, or like to poke fun on untalented actors.\": {\"frequency\": 1, \"value\": \"Take:


While, in THREE SMART GIRLS, Durbin plays an impulsive \\\"Little Miss Fixit,\\\" who, after some setbacks, manages to reunite her divorced parents, in its' semi-remake, THREE DARING DAUGHTERS, Jane Powell almost destroys the marriage between her screen Mom Jeanette MacDonald and new stepfather Jose Iturbi when she refuses to accept him and strong arms her younger siblings into rejecting him, too. From the Durbin and Powell films I've seen, I'd say these disparate qualities permeate the early films of both of these talented young performers.

As for Durbin's performance in THREE SMART GIRLS, I find it completely winning, and most impressive. Although it's clear from her occasionally shrill and over-emphatic line readings in some of the more energetic scenes that this is an early film for Deanna, watching the self-confident, knowing and naturally effervescent manner in which she delivers her lines and performs overall, and the subdued and tender manner she projects the more serious scenes, you'd never guess that this was the FIRST film role of a 14 year-old girl whose prior professional experience consisted almost exclusively of two years of vocal instruction.

Given that this film, and Durbin herself, were much publicized at the time as \\\"Universal's last chance,\\\" the production must have been an impossibly stressful situation for a film novice of any age, but you'd never know it from the ease and assurance Durbin displays on screen. Although she's clearly still developing her acting style and demeanor before the camera (this was equally true of the early performances of much more experienced contemporaries like Garland, Rooney, O'Connor and Jane Powell), Durbin projects an extraordinary presence and warmth on camera that is absolutely unique to her, and, even here, in her first film, she manages to remain immensely likable despite the often quick-tempered impulsiveness of her character, and though she's occasionally shrill, she never for a second projects the coy and arch qualities that afflicted many child stars, including Jane Powell and some of the other young sopranos who followed in the wake of her success.

In short, like all great singing stars, Durbin was much more than just a \\\"beautiful voice.\\\" On the other hand, while Durbin's pure lyric soprano is a truly remarkable and glorious instrument, the most remarkable thing about it, to me, was the way she is able to project her songs, without the slightest bit of affectation or \\\"grandnes\\\" that afflict the singing of adult opera singers like Lily Pons, Grace Moore and Jeanette MacDonald in films of the period

The film is also delightful, heavily influenced by screwball comedy, it backs Durbin up with a creme-de-la-creme of first-class screwball pros such as Charles Winninger, Binnie Barnes, Alice Brady, Ray Milland and Mischa Auer. The story is light and entertaining. True, it's hardly \\\"realistic,\\\" but why would anyone expect it to be? If you want :\\\"realistic\\\" rent THE GRAPES OF WRATH or TRIUMPH OF THE WILL. On the other hand, if you're looking for a genuine, sweet, funny and entertaining family comedy with a wonderfully, charismatic and gifted adolescent \\\"lead,\\\" and terrific supporting players, this film won't let you down.\": {\"frequency\": 1, \"value\": \"I'm surprised at ...\"}, \"I was unlucky enough to have seen this at the Sidewalk Film Festival. Sidewalk as a whole was a disappointment and this movie was the final nail in the coffin. Being a devout fan of Lewis Carroll's 'Alice' books I was very excited about this movie's premier, which only made it that much more uncomfortable to watch. Normally I'm enthusiastic about modern re-tellings if they are treated well. Usually it's interesting to see the parallels between the past and present within a familiar story. Unfortunately this movie was less of a modern retelling and more of a pop culture perversion. The adaptation of the original's characters seemed juvenile and usually proved to be horribly annoying. It probably didn't help that the actors weren't very good either. Most performances were ridiculously over the top, which I assume was either due to bad direction or an effort to make up for a bad script. I did not laugh once through out the duration of the film. All of the jokes were outdated references to not so current events that are sure to lose their poignancy as time goes by. Really, the only highlight of the film was the opening sequence in which the white rabbit is on his way to meet Alice, but even then the score was a poor imitation of Danny Elfman's work. Also, I'd have to say that the conversion of the croquet game into a rave dance-off was awful. It was with out a doubt the low point of the film.

What a joke. Don't see this movie. After its conclusion I was genuinely angry.\": {\"frequency\": 1, \"value\": \"I was unlucky ...\"}, \"I had high hopes for this film. I thought the premise interesting. I stuck through it, even though I found the acting, save Helena Bonham Carter, unremarkable. I kept hoping my time spent would pay off, but in the end I was left me wondering why they even bothered to make this thing. Maybe in George Orwell's version there is a message worth conveying. If this film accomplished anything, it has inspired me to read Orwell's classic. I find it hard to believe his tale could be as disappointing as this adaption. If the film maker's message is \\\"the mundane life is worth living\\\", well then, they've succeeded. I would recommend this film to no one; 101 minutes of my life wasted.\": {\"frequency\": 1, \"value\": \"I had high hopes ...\"}, \"I've read most of the comments on this movie. I have seen this movie(and the whole prophecy series) many times with family members of all ages, we all enjoyed and it just made us meditate on what we already knew from reading and studying the bible about the rapture and end times. No one got scared or traumatized like I have read on some posts. The movie is just based on biblical facts. I have seen a lot of end time movies \\\"Tribulation\\\", \\\"Armagedon\\\" and so on and by far this one is one of the best in presenting bible truths. It may not have a lot of great special effects like todays movies but I believe it is a good witnessing tool. This movie and its prophecy series can be seen free at this website higherpraise.com, and judge for yourself. Blessings to all.\": {\"frequency\": 1, \"value\": \"I've read most of ...\"}, \"This is the worst movie I have seen since \\\"I Know Who Killed Me\\\" with Lindsey Lohan.

After watching this movie I can assure you that nothing but frustration and disappointment await you should you choose to go see this. Hey, Tim Burton, I used to be a big fan of yours... did you even screen this movie? I mean seriously, what the f%#k?

Without giving anything away, here is the story in a vague nutshell... Nine wakes up, he does stuff, his actions and decisions are irrelevant... and the movie ends. Oh wait... here comes a spoiler...

Spoiler alert! Spoiler alert! At the end of the movie.... it rains. I think a part of my soul died while watching this movie.\": {\"frequency\": 1, \"value\": \"This is the worst ...\"}, \"In the very first episode of Friends, which aired 22 Sept 1994 \\\"The One Where Monica Gets A Roommate\\\" there is a song playing as Rachel sits in the window towards the end of the show, the line that plays is: \\\"If you ever need holding\\\".... does anyone know the artist singing or the title of the song? It is seems as if it is a great song....I would love to get a copy of it. Thanks for the assistance. I am looking for the album/cd it is on so I can purchase it.

I have the shows which are available for purchase and enjoy this show over and over again. It just seemed to be believable...thanks for the hours of entertainment you have provided over the years.\": {\"frequency\": 1, \"value\": \"In the very first ...\"}, \"I've always liked this John Frankenheimer film. Good script by Elmore Leonard and the main reason this wasn't just another thriller is because of Frankenheimer. His taut direction and attention to little details make all the difference, he even hired porn star Ron Jeremy as a consultant! You can make a case that its the last good film Roy Scheider made. I've always said that Robert Trebor gave just a terrific performance. Clarence Williams III got all the publicity with his scary performance and he's excellent also but I really thought Trebor stood out. Frankenheimer may not be as proud of this film as others but it is an effective thriller full of blackmail, murder, sex, drugs, and real porno actors appear in sleazy parts. What can you say about a film that has Ann Margaret being shot up with drugs and raped? A guilty pleasure to say the least. Vanity has a real sleazy role and a very young Kelly Preston makes an early appearance. A classic exploitive thriller that shouldn't be forgotten.\": {\"frequency\": 1, \"value\": \"I've always liked ...\"}, \"Why can't more directors these days create horror movies like \\\"The Shining\\\"? There's an easy answer to that: modern day directors are not Stanley Kubrick. Kubrick proved once-and-for-all with this movie that he is truly one of the greatest directors and auteurs of all time.

So, the plot is fairly simple. A man named Jack Torrance (played brilliantly by Jack Nicholson)and his family move into a large, secluded hotel to watch over it for the off-season. The kicker is that the previous caretaker of the hotel savagely murdered his wife and two girls. What follows can most readily be summed by the title of the movie, but you have to watch it to see what I mean.

This is the first movie in a very long time to strike me as \\\"scary\\\". It's some seriously messed up stuff, but in a good way. One of the things that adds to the scare factor is the amazing music. Music has been a major part of Kubrick's movies (2001: A Space Oddysey and A Clockwork Orange, just to name a couple) and he definitely doesn't disappoint with this one. The score completely sets the tone and this film would not be the same without it.

Finally, I must comment on Nicholson's legendary performance. Jack is terrifyingly convincing as a crazy killer. In fact, just his stare steals a few scenes of this movie. This is top-notch acting that must be seen to believe.

There will never be a horror movie that quite matches this one. R.I.P. Stanley.\": {\"frequency\": 1, \"value\": \"Why can't more ...\"}, \"Certain elements of this film are dated, of course. An all white male crew, for instance. And like most Pre-Star Wars Science Fiction, it tends to take too long admiring itself.

But, still, no movie has ever capture the flavor of Golden Age Science Fiction as this one did, even down to the use of the \\\"electronic tonalities\\\" to provide the musical score. Robbie the Robot epitomized the Asimov robots, and was the inspiration for all that followed, from C3PO to Data.

The plot line, of course, is Shakespeare's \\\"The Tempest\\\". Morbius is Prospero, and exiled wizard who finds his kingdom invaded by interlopers... It was a movie that treated Science Fiction as an adult genre, perhaps the first.\": {\"frequency\": 1, \"value\": \"Certain elements ...\"}, \"This film was horrible. The script is COMPLETELY unrealistic yet it is written to take place in the real-world, the editing and lighting effects are worse than most first projects in film school.

I do not recommend this film to anyone who: A) knows any detail about the world of police or covert operations. B) knows any detail about film making or appreciation.

I do recommend this film to the average or below-average mind, I think it would be enjoyable if I was a dumber. If you must watch this film on a full mind, I highly recommend some kind of inebriation

It is a total waste of what little production value it has.\": {\"frequency\": 1, \"value\": \"This film was ...\"}, \"The major fault in this film is that it is impossible to believe any of these people would ever be cast in a professional production of Macbeth. Hearing David Lansbury's soft voice struggling laboriously with the famous \\\"Tomorrow, Tomorrow, and Tomorrow\\\" speech made it impossible to believe anyone would ever consider him for the role. I kept believing therefore that he didn't get the part because he was a lousy actor; not because a bigger name was available. Then when we see portions of the play in rehearsal it is difficult to believe the director is not parodying things with a hopelessly miscast, misdirected travesty of actors who are unable to articulate or even understand the verse and directors who see the play through their own screwball interpretations. Sometimes directors are so anxious to have their films done (and writers think they have the ability to direct their own works)that they settle for less. This appears to be such an example.\": {\"frequency\": 1, \"value\": \"The major fault in ...\"}, \"\\\"The Classic War of the Worlds\\\" by Timothy Hines is a very entertaining film that obviously goes to great effort and lengths to faithfully recreate H. G. Wells' classic book. Mr. Hines succeeds in doing so. I, and those who watched his film with me, appreciated the fact that it was not the standard, predictable Hollywood fare that comes out every year, e.g. the Spielberg version with Tom Cruise that had only the slightest resemblance to the book. Obviously, everyone looks for different things in a movie. Those who envision themselves as amateur \\\"critics\\\" look only to criticize everything they can. Others rate a movie on more important bases,like being entertained, which is why most people never agree with the \\\"critics\\\". We enjoyed the effort Mr. Hines put into being faithful to H.G. Wells' classic novel, and we found it to be very entertaining. This made it easy to overlook what the \\\"critics\\\" perceive to be its shortcomings.\": {\"frequency\": 1, \"value\": \"\\\"The Classic War ...\"}, \"Really it's a dreadful cheat of a film. Its 70-minute running time is very well padded with stock footage. The rest are non descript exteriors and drab interiors scenes. The plot exposition is very poorly rendered. They are all just perfunctory scenes sort of strung together. There is no attempt at drama in scene selection but rather drama is communicated by the intensity of the actors. Please don't ask.

The plot concerns a rocket radiating a million degree heat orbiting earth five miles up threatening to destroy the earth. It's a real time menace that must be diverted if a custom built H-bomb can be fashioned and placed in an experimental rocket within an hour. Nothing very much here to report except for a mad speech by a scientist against the project because there might be some sort of life aboard and think of the scientific possibilities but this speech made by the obligatory idiot liberal was pretty much pass\\ufffd\\ufffd by then.

What saves this film, somewhat uniquely, IS the stock footage. I've never seen a larger selection of fifties jet fighter aircraft in any other film. This is by no means a complete list but just some of the aircraft I managed to see. There's a brief interception by a pilot flying, in alternate shots, an F-89 Scorpion and an F-86. First to scramble interceptors is the Royal Canadian Air Force in Hawker Hunters and F-86 Sabre Jets (or Canadian built CF-13s) and even a pair of CF-100 Clunks.

Then for some reason there are B-52s, B-47s and even B36s are seen taking off. More padding.

\\\"These Canadian jets are moving at 1200 miles an hour\\\". I don't think so since one of them appears to be a WW2 era Gloster Meteor, the rest F-80s. The Meteors press the attack and one turns into a late F-84F with a flight of early straight wing F-84s attacking in formation.

There's a strange tandem cockpit version of the F-80 that doesn't seem to be the T-33 training type but some sort of interim all-weather interceptor variant with radar in the nose. These are scrambled in a snowstorm.

An angled deck aircraft carrier is seen from about 500 meters. It launches F-8U Crusaders, F-11F Tigers, A-5 Vigilantes and A-3 Skywarriors. The Air Force scrambles F-86s and F-84s and more F-89s then you've ever seen in your life as well as F-100 Super Sabres and F-102 Delta Daggers.

The F-100s press their attack with sooooo much padding. The F-89's unload their rockets in their wingtip pods in slo mo. The F-86s fire, an F-102 lets loose a Falcon, even some F-80s (F-94s?) with mid-wing rocket pods let loose. There is a very strange shot of a late model F-84 (prototype?) with a straight wing early model F-85 above it in a turn, obviously a manufacturer's (Republic Aviation) advertising film showing the differences between the old and the new improved models of the F-84 ThunderJet. How it strayed into here is anybodies guess.

There is other great stock footage of Ottawa in the old days when the capital of Canada was a wide spot in the road and especially wonderful footage of New York City's Times Square during one of the Civil Defense Drills in the early 50s.

I think we also have to deal with the notion that this was filmed in Canada with the possible exception of the auto chase seen late in the picture as the Pacific seems to be in the background. The use of a Jowett Jupiter is somewhat mind-boggling and there is a nice TR 3 to be seen also. Canada must have been cheap and it is rather gratuitously used a lot in the background.

As far as the actual narrative of the film there is little to recommend it other than the mystery of just who Ellen Parker is giving the finger to at the end of the picture. And she most definitely is flipping someone off. Could it be, R as in Robert Loggia? The director who dies before this film was released? Her career as this was her last credit?

Its like the newspaper the gift came wrapped in was more valuable than the gift.\": {\"frequency\": 1, \"value\": \"Really it's a ...\"}, \"Happy Go Lovely is a waste of everybody's time and talent including the audience. The lightness of the old-hat mistaken identity and faux scandal plot lines is eminently forgivable. Very few people watched these movies for their plots. But, they usually had some interesting minor characters involved in subplots -- not here. They usually had interesting choreography and breathtaking dancing and catchy songs. Not Happy Go Lovely. And Vera-Ellen as the female lead played the whole movie as a second banana looking desperately for a star to play off it -- and instead she was called upon to carry the movie, and couldn't do it. The Scottish locale was wasted. Usually automatically ubiquitous droll Scottish whimsy is absent. The photography was pedestrian. The musical numbers were pedestrian. Cesar Romero gives his usual professional performance, chewing up the scenery since no one else was doing his part, in the type of producer role essayed frequently by Walter Abel and Adolph Menjou. David Niven is just fine, and no one could do David Niven like David Niven. At the end of the day, if you adore Niven as I do, it's reason enough to waste 90 minutes on Happy Go Lovely. If not, skip it.\": {\"frequency\": 1, \"value\": \"Happy Go Lovely is ...\"}, \"Directed by Brian De Palma and written by Oliver Stone, \\\"Scarface\\\" is a movie that will not be forgotten. A Cuban refugee named Tony Montana (Pacino) comes to America for the American Dream. Montana then becomes the \\\"king\\\" in the drug world as he ruthlessly runs his empire of crime in Miami, Florida. This gangster movie is very violent, and some scenes are unpleasant to watch. This movie has around 180+ F-words and is almost three hours long. This movie is entertaining and you will never get bored. You cheer for the Drug-lord, and in some scenes you find out that Montana isn't as evil as some other Crime Lords. This is a masterpiece and i recommend that you see this. You will not be disappointed. 9/10\": {\"frequency\": 1, \"value\": \"Directed by Brian ...\"}, \"I remember watching the BSG pilot. I can describe that night exactly. I remember what chair I sat in. That show was magic. It came alive. I enjoyed the first two years of BSG. I enjoyed parts of the third year even, and I watched every episode of the fourth year, totally faithfully in great hopes that it would somehow turn around. Well, it didn't.

I watched the Caprica pilot and was enthralled. There was hope for something good here. Then I started watching the regular episodes, and they are getting more and more boring.

It's too obvious, too predictable. It reminds me of the droll political correctness of his last failed show, Virtuality.

Much of his line work on DS9 was good. When he focused on BSG in an organized way, it was good. This was especially true early on when they more or less followed the pattern of episodes set by the first BSG series. When they departed from that after meeting up with Admiral Cain and the Pegasus, it all went to pot. It was like he wrote the rest of the show without knowing where he was going.

Maybe it will improve. Maybe it was just a few weak initial episodes. But I am very, very nervous.\": {\"frequency\": 1, \"value\": \"I remember ...\"}, \"I wasn't expecting the highest calibre of film-making with Joel Schumacher directing this one, so I was surprised that TIGERLAND wasn't a complete waste of time.

In technique, it's often derivative of SAVING PRIVATE RYAN with the shaky camera work, grainy shots, the film occasionally running like it's skipping a sprocket---all those techniques Speilberg used to make his film seem more realistic but in the end was more distracting than anything else.

But unlike SAVING PRIVATE RYAN, the emotional component wasn't as weak, as the characters in this film seemed more like real people and the story less contrived, not so wrapped up in the American flag (Speilberg gets an 'F' in subtlety).

Next to the first section of Kubrick's FULL METAL JACKET, this is the most realistic portrayal of boot camp that I have seen in a film, and for that I think it's worth watching.

It's not a great film, but neither is it a bad film.\": {\"frequency\": 1, \"value\": \"I wasn't expecting ...\"}, \"A year or so ago, I was watching the TV news when a story was broadcast about a zombie movie being filmed in my area. Since then I have paid particular attention to this movie called 'Fido' as it finished production and began playing at festivals. Two weeks ago Fido began playing in my local theater. And, just yesterday, I read a newspaper article which stated Fido is not attracting audiences in it's limited release, with the exception of our local theater. In fact, here it is outdrawing all other shows at The Paramount Theater, including 300. Of course, this makes sense as many locals want to see their city on screen or spot themselves roaming around in zombie make-up. And for any other locals who haven't seen Fido yet but are considering it, I can say there are many images on screen, from the school to city park to the forbidden zone, that you will recognize. In fact, they make the Okanagan Valley look beautiful. That's right beautiful scenery in a zombie movie! However, Fido itself is a very good movie. Yes, despite its flaws, it is better then most of the 20 other movies playing in my local market. Fido is best described as an episode of Lassie in which the collie has been replaced by a member of the undead. This is a clever premise. And the movie even goes further by taking advantage of the 1950's emphasize on conformity and playing up the cold-war paranoia which led to McCarthyism. Furthermore, it builds on the notion that zombies can be tamed or trained which George Romero first introduced in Day Of The Dead.

K'Sun Ray plays a small town boy who's mother (Carrie-Ann Moss) longs for a zombie servant so she can be like all the other house wives on her block. However, his dad (Dylan Baker) is against the idea as he once had to kill his own 'zombie father'. Eventually, the family does acquire a zombie named 'Fido' (played by Billy Connolly), and adjusts to life with the undead. Billy Connolly was inspired casting. He is able to convey Fido's confusion, longing, hatred, and loyalty through only his eyes, lumbering body, and grunts. Connolly shows that he can play understated characters better than his outrageously comedic ones. This is his best role since Mrs. Brown.

Fido follows in the footsteps of other recent zomcoms such as Shawn Of The Dead and Zombie Honeymoon. Being someone who appreciates Bruce Campbell and Misty Mundae movies more than Eli Roth and Jigsaw ones, I prefer humor over gore in my horror. However, I understand the criticism of those horror fans who feel there is not enough 'undead carnage' in Fido. Yet, I am sure patient viewers will be rewarded by the films gentle humor.

The movie does break down in it's third act. It's as if the writers were so wrapped up in the cute premise of domesticated zombies in the 1950s, they forgot about the story arc. However, given my interest in horror comedies and my appreciation for seeing the neighborhood on screen, I rate Fido 9 out of 10.\": {\"frequency\": 1, \"value\": \"A year or so ago, ...\"}, \"Seems everyone in this film is channeling Woody Allen. They stammer and pause and stammer some more. Only for REALLY die-hard DeNero fans! It tries to appear as edgy and artistic - but it comes off as looking like a very, very low budget film made by college students. The most often used word in the whole film is \\\"hum\\\". The film does peg the atmosphere of the late sixties/early seventies though. If you like films where people are CONSTANTLY talking over each other, horrible lighting (even if it is for \\\"art's sake\\\"), and makes you feel like you are sitting in on a lame political meeting, then you might like this - but you need to be really bored. I found this CD in the dollar bin and now I know why.\": {\"frequency\": 1, \"value\": \"Seems everyone in ...\"}, \"After seeing the credits with only one name that I recognize and that was the preacher in this film (Russ Conway), I did not expect much from this film and I was not disappointed. A man is planning on killing his new wife by convincing other people that she is insane and will take her own life. Unbeknown to the husband is that the plastic looking skull that he uses, in contrast, a ghost of a woman apparently his first dead wife has revenge on her mind and uses a real skull. A simple plot with a twist of irony at the end. If you are tired late one night and in need of sleep, this will help you to sleep that sleep.\": {\"frequency\": 1, \"value\": \"After seeing the ...\"}, \"I just rented this movie to see Dolph Lundgren, whom I hadn't seen in any movies since Rocky IV. Unfortunately this movie was a big disappointment. The acting of all the parties was bad except for Mr. Lundgren, who was okay-ish. Kata Dob\\ufffd\\ufffd was something nice to look at despite her ridiculous outfit and make-up.

The plot is not at all clever, it's something that's been repeated a million times in different movies. The crooks were utterly stereotypical, and Lundgren's character hadn't any depth in it. I didn't really expect a movie masterpiece, but unfortunately this is not even decent action. Every turn in the plot is extremely predictable and the unbelievable amount of over-the-top unrealism and comic-book like characters started to annoy me strongly pretty soon.

I would recommend this to young kids wanting some comic-like action, but only if nothing else is available.

1/10. (I guess the current average vote of 7.0 with 6 votes must have been influenced by somebody involved in making this movie)\": {\"frequency\": 1, \"value\": \"I just rented this ...\"}, \"In Manhattan, the American middle class Jim Blandings (Cary Grant) lives with his wife Muriel (Myrna Loy) and two teenage daughters in a four bedroom and one bathroom only leased apartment. Jim works in an advertising agency raising US$ 15,000.00 a year and feels uncomfortable in his apartment due to the lack of space. When he sees an advertisement of a huge house for sale in the country of Connecticut for an affordable price, he drives with his wife and the real estate agent and decides to buy the old house without any technical advice. His best friend and lawyer Bill Cole (Melvyn Douglas) sends an acquaintance engineer to inspect the house, and the man tells that he should put down the house and build another one. Jim checks the information with other engineers and all of them condemn the place and sooner he finds that he bought a \\\"money pit\\\" instead of a dream house.

\\\"Mr. Blandings Builds his Own House\\\" is an extremely funny comedy, with witty lines and top-notch screenplay. Cary Grant is hilarious in the role of a man moved by the impulse of accomplishing with the American Dream of owning a huge house that finds that made bad choice, while losing his touch in his work and feeling jealous of his friend. In 1986, Tom Hanks worked in a very funny movie visibly inspired in this delightful classic, \\\"The Money Pit\\\". My vote is eight.

Title (Brazil): \\\"Lar, Meu Tormento\\\" (\\\"Home, My Torment\\\")\": {\"frequency\": 1, \"value\": \"In Manhattan, the ...\"}, \"Saw this film in August at the 27th Annual National Association of Black Journalists Convention in Milwaukee, WI, it's first public screening. THE FILM IS GREAT!!! Derek Luke is wonderful as Antwone Fisher. This young actor has a very bright future. The real Antwone Fisher did a great job writing the film and Denzel's direction is right on the money. See it opening weekend. You won't be disappointed.\": {\"frequency\": 1, \"value\": \"Saw this film in ...\"}, \"How good is Gwyneth Paltrow! This is the right movie for her... too bad she's completely out role. I haven't read the book by Jane Austen, but I can't believe it is so superficial and the characters aren't much more than caricatures. It wasn't probably that easy to reduce in 2 hours of show about 600 pages of the book, but I had expected more than just seeing old pieces of furniture and tea cups. I was taking a sigh of relief every time I saw an actor who didn't overstep the mark of overacting (a couple of times).\": {\"frequency\": 2, \"value\": \"How good is ...\"}, \"An executive, very successful in his professional life but very unable in his familiar life, meets a boy with down syndrome, escaped from a residence . Both characters feel very alone, and the apparently less intelligent one will show to the executive the beauty of the small things in life... With this argument, the somehow Amelie-like atmosphere and the sentimental music, I didn't expect but a moralistic disgusting movie. Anyway, as there were some interesting scenes (the boy is sometimes quite a violent guy), and the interpretation of both actors, Daniel Auteil and Pasqal Duquenne, was very good, I decided to go on watching the movie. The French cinema, in general, has the ability of showing something that seems quite much to life, opposed to the more stereotyped American cinema. But, because of that, it is much more disappointing to see after the absurd ending, with the impossible death of the boy, the charming tone, the happiness of the executive's family, the cheap moral, the unbearable laughter of the daughters, the guy waving from heaven as Michael Landon... Really nasty, in my humble opinion.\": {\"frequency\": 1, \"value\": \"An executive, very ...\"}, \"This was shown on the biography channel and was about as informative as a children's comic! I gave it 2 out of 10 for it's attention to detail because for the most part it had a 70s feel to it and the three ladies that played the original three angels looked like them so the make-up was good.

This was supposed to be a biography on the biography channel but it was void of everything that is normally / usually seen in one of their biographies. No interviews with surviving cast members, crew members, production team members etc., or their friends, families, and any biographers of those people. In fact I know just as much now about the programme as I did before I watched this film that was based on the (supposedly) biographical book. As for actually learning something that no-one knew about the program and wasn't common knowledge well that never happened.\": {\"frequency\": 1, \"value\": \"This was shown on ...\"}, \"Barbara Stanwyck gives this early Douglas Sirk-directed, Universal-produced soap just the kick that it needs. Not nearly as memorable as Sirk's later melodramas, it's easy to see by watching \\\"All I Desire\\\" where Sirk would be heading artistically in the next few years. Stanwyck is a showgirl who returns to her family in smalltown, U.S.A, after deserting them a decade earlier. Her family and community have mixed emotions in dealing with her shocking return. Some of the cinematography is amazing, and Stanwyck is tough-as-nails and really gives this film a shot of energy. Overall, a fairly good show.\": {\"frequency\": 1, \"value\": \"Barbara Stanwyck ...\"}, \"A top notch Columbo from beginning to end. I particularly like the interaction between Columbo and the killer, Ruth Gordon.

As an avid Columbo fan, I can't recall another one in which he doesn't set up the killer at the end as he does in other episodes. In this one, as he's trying to determine the correct sequence of the boxes and the \\\"message\\\" that the nephew left behind, it finally dawns on him.

The music in this episode is very good as well, as it is in many of other ones.\": {\"frequency\": 1, \"value\": \"A top notch ...\"}, \"When I first heard that Hal Hartley was doing a sequel to Henry Fool, I was excited (it's been a personal favorite for years now), and then wary when I heard it had something to do with terrorism. Having just seen it though, I was surprised to find that it worked, while still being an entirely different sort of movie than Henry Fool. The writing and direction were both dead on and the acting was superb...especial kudos go to Hartley for reassembling virtually the whole cast, right down to Henry's son, who was only four in the original. Like I said though, this movie is quite different from the first, but it works: I reconciled myself with the change in tone and subject matter to the fact that 10 years have passed and the characters would have found themselves in very different situations since the first film ended. In this case, an unexpected adventure ensues...and that's about all I'll give away...not to mention the fact that I'll need to see it again to really understand what's going on and who's double crossing who. While it was certainly one of the better movies I've seen in some time, it suffers like many sequels with its ending, as it appears that Hartley is planning a third now and the film leaves you hanging. I'll be sure to buy my tickets for part 3 ('Henry Grim'?) in 2017.\": {\"frequency\": 1, \"value\": \"When I first heard ...\"}, \"With Knightly and O'Tool as the leads, this film had good possibilities, and with McCallum as the bad guy after Knightly, maybe some tension. But they threw it all away on silly evening frill and then later on with maudlin war remnants. It was of course totally superficial, beautiful English country and seaside or not.The number one mistake was dumping Knightly so early on in the film, when she could easily have played someone a couple of years older, instead of choosing someone ten years older to play the part. They missed all the chances to have great conflict among the cast, and instead stupidly pulled at the easy and low-cost heartstring elements.\": {\"frequency\": 1, \"value\": \"With Knightly and ...\"}, \"I Last night I had the pleasure of seeing the movie BUG at the Florida Film Festival and let me say it was a real treat. The Directors were there and they did a Q&A afterwards. The movie begins with a young boy smashing a roach beneath his foot, a man who is nearby parking his car sees the young boy smash it and runs to ask the kid `why? why? did he have to kill that living creature?' in his rush to counsel the youth in the error of his ways, the man neglects to pay his parking meter, which starts off a whole chain of events involving people not at all related to him, some funny, some sad, and some ridiculous. This movie has a lot of laughs, Lots! and there are many actors which you will recognize. The main actors who stood out in the film for me were: Jamie Kennedy (from his comedy show the Jamie Kennedy Experiment, playing a fortune cookie writer; John Carroll Lynch (who plays Drew's cross dressing brother on the Drew Carey show) playing the animal loving guy who just can't get it right; Brian Cox (The original Hannibal Lecter in Manhunter) playing the germaphobic owner of a Donut and Chinese Food Take Out joint. There is one line where Cox tells his chef to wash off some pigs blood that is on the sidewalk by saying \\\"clean up that death\\\" which is quite funny mostly because of Cox's \\\"obsessed with germs\\\" delivery. The funniest moment in the movie comes when a young boy imitates his father, whom he heard earlier in the day yell out `MotherF*****', while in the classroom. Another extremely funny and surreal scene is when Trudie Styler (Mrs. Sting herself) and another actor perform a scene on a cable access show, from the film the boy in the plastic bubble. The actor who hosts the cable access show is just amazing he is so serious and deadpan and his performance as both the doctor and the boy in the plastic bubble is enthralling. There are many other fine and funny actors and actresses in this film and having shot it in less than a month with a budget of just about $1 million, the directors Phil Hay and Matt Manfredi (who are screenwriters by trade, having written crazy/beautiful and the upcoming Tuxedo starring Jackie Chan) have achieved a film that is great, funny and endearing.\": {\"frequency\": 1, \"value\": \"I Last night I had ...\"}, \"Oh my, this was the worst reunion movie I have ever seen. (That is saying a lot.) I am ashamed of watching.

What happened in the script meetings? \\\"Ooooooh, I know! Let's have two stud muffins fall madly in love with the Most-Annoying-Character-Since-Cousin-Oliver.\\\" \\\"Yeah, that'll be cool!\\\"

Even for sitcoms, this was the most implausible plot since Ron Popeil starting spray painting bald men.\": {\"frequency\": 1, \"value\": \"Oh my, this was ...\"}, \"

One of the best films I've ever seen. Robert Duvall's performance was excellent and outstanding. He did a wonderful job of making a character really come to life. His character was so convincing, it made me almost think I were in the theater watching it live, I give it 5 stars.\": {\"frequency\": 1, \"value\": \"

One of ...\"}, \"Despite unfortunately thinking itself to be (a) intelligent, (b) important and (c) interesting, fortunately this movie is over mercifully quickly. The script makes little sense, the whole idea of the sado-masochistic relationship between the two main characters is strangely trite, and John Lydon shows us all, in the space of one movie, why he should never have let himself out of music. His performance is one-note and irritating.

The only positive thing to be said is that Harvey Keitel manages to deliver a good turn. His later Bad Lieutenant would show just how badly good actors can act, but mercifully his performance here is restrained.\": {\"frequency\": 1, \"value\": \"Despite ...\"}, \"Since Siskel's death and Ebert's absence the show has been left in the incapable hands of Richard Roeper. Roeper is not a film critic he just criticizes anything he doesn't like personally i.e. films with country music get panned because \\\"I don't like country music!\\\" and children's movies get a standard \\\"Don't see it now, wait until it comes out on DVD and rent it for your kids!\\\" Roeper may well be an idiot savant, but in some other field. The weekly guests 'sitting-in' for Ebert fare better, but who wants to pick a daisy in the midst of a cow pat? All that said, it IS the only show in town and that alone makes it worth watching. As for Roger Ebert, if Stephen Hawking can talk, so can you! It's your mind and thoughts we long for. Do whatever is necessary to get that usurper off his self-declared throne.\": {\"frequency\": 1, \"value\": \"Since Siskel's ...\"}, \"Tiempo de Valientes fits snugly into the buddy action movie genre, but transcends its roots thanks to excellent casting, tremendous rapport between its leads, and outstanding photography. Diego Peretti stars as Dr. Silverstein, a shrink assigned to ride shotgun with detective Diaz (Luis Luque), who's been assigned to investigate the murder of two minor hoods who seem to have been involved in am arms smuggling conspiracy. Diaz has been suspended from duty, but he's the best man for the job and must have professional psychiatric help in order to be reinstated. Silverstein and Diaz soon find themselves enmeshed in a conspiracy involving Argentina's intelligence community and some uranium, and the film separates them at a crucial point that allows Silverstein to develop some impressive sleuthing skills of his own. Peretti and Luque are excellent together and remind me of screen team Terence Hill and Bud Spencer, though Peretti isn't as classically handsome as Hill. Remarkably, even at almost two hours in length Tiempo de Valientes doesn't wear out its welcome, and indeed writer-director Damian Szifron sets up a potential sequel in the film's charming coda. All in all, a wonderful and very entertaining action comedy that neither panders to the lowest common denominator nor insults your intelligence.\": {\"frequency\": 1, \"value\": \"Tiempo de ...\"}, \"This movie looked good - good cast, evergreen topic and an explosive opening. It went downhill from there. Why was it filmed by hand held camera? It shakes, judders, part captures scenes and simply confuses the viewer. A poor choice indeed. As if this was not enough, the worst edit in memory assumes a drugged viewer - mandatory if you want to get any enjoyment from it at all. And then it commits the worst sin of all. After leading the viewer down all sorts of unlikely and implausible scenarios to the point of exhaustion, they roll credits without revealing the denouement - the ending - the payoff -like what the heck was the motive? How can you expect to succeed by making thrillers without an ending? Doh! This movie had great promise and ending up doing a face plant in the mud. What a waste of effort. Poor effort by writer and director.\": {\"frequency\": 1, \"value\": \"This movie looked ...\"}, \"Man's Castle is set in one of those jerry built settlements on vacant land and parks that during these times were called 'Hoovervilles' named after our unfortunate 31st president who got stuck with The Great Depression occurring in his administration. The proposition of this film is that a man's home is still his castle even when it's just a shack in a Hooverville.

Spencer Tracy has such a shack and truth be told this guy even in good times would not be working all that much. But in a part very typical for Tracy before he was cast as a priest in San Francisco, the start of a slew of classic roles, he's playing a tough good natured mug who takes in Loretta Young.

One of the things about Man's Castle is that it shows the effects of the Depression on women as well as men. Women had some additional strains put on them, if men had trouble finding work, women had it twice as hard. And they were sexually harassed and some resorted to prostitution just for a square meal. Spence takes Loretta Young in who's facing those kind of problems and makes no demands on her in his castle. Pretty soon though they're in love, though Tracy is not the kind to settle down.

The love scenes had some extra zing to them because Tracy and Young were having a torrid affair during the shooting of Man's Castle. And both were Catholic and married and in those days that was an insuperable barrier to marriage. Both Tracy and Young took the Catholic faith quite seriously.

Also in the cast are Walter Connolly as a kind of father figure for the whole camp, Marjorie Rambeau who's been through all the pitfalls Young might encounter and tries to steer her clear and Arthur Hohl, a really loathsome creep who has his eye on Young as well. Hohl brings the plot of Man's Castle to its climax through his scheming.

Man's Castle is grim look at the Great Depression, not the usual movie escapist fare for those trying to avoid that kind of reality in their entertainment.\": {\"frequency\": 1, \"value\": \"Man's Castle is ...\"}, \"An allegation of aggravated sexual assault along with some other unpleasant peccadilloes, including improper use of a broom, are made against half a dozen or so of the most popular high-school jocks in Glen Ridge, New Jersey, by a \\\"mildly retarded\\\" student (Heather Matarazzo). The investigation and building of the case are handed over to the DA's office, where Ally Sheedy and Eric Stoltz are put in charge.

Rumors about the case spread through Glen Ridge, an upper-middle-class suburb where the jocks are adored by everyone in the community. (One of their fathers is a police lieutenant.) Nobody believes Matarazzo. \\\"Our boys would never take a slut like that down to the basement, rape her, and subject her to such sexual humiliation.\\\" The question is whether Sheedy and Stoltz will ever be able to shape a sufficiently cogent case that they can bring the jocks to trial. Matarazzo is not an ideal plaintiff. She's desperate for love and friendship, and that makes it easy for faux friends to mislead her into making false statements. A slimy reporter says, \\\"You can trust me,\\\" but it turns out the reporter can't be trusted at all. Another student, a very popular girl in school, pulls a Linda Tripp on Matarazzo, pretending to be her bosom buddy but all the while asking her leading questions about the incident -- and taping the results! As a consequence, watching this story unfold is like being on a roller coaster. At first it looks like a good case for Sheedy and Stoltz. But then, oops, the community organizes against the law. Then it looks good again. But then the reporter interferes. Then that obstacle is no sooner overcome, than Linda Tripp pokes her big nose into the investigation and makes public the tapes that seem to indicate Matarazzo was lying. (Well, actually, she WAS lying -- but she was lying to her interrogator in order to please her.) Then that's overcome, but Matarazzo objects to taking the stand because she doesn't want to be characterized as \\\"retarded.\\\" Eric Stoltz is fine in the part of the prosecutor. I say that for the simple reason that he and I lived in Pago Pago around the same time. (I hope he wasn't the kid I had that altercation with at the bar of the Seaside Club. If he was, I take back my compliment.) Ally Sheedy is a strange actress and hard to characterize. She did a marvelous self-restrained job in \\\"Fine Art\\\" but I didn't sense any particular effort being put into this role, which was rather formulaic anyway. I mean, neither she nor Stoltz nor anyone else could give a bravura performance in what's essentially a comic book story.

The producers and director had the good sense to choose Heather Matarazzo for the role of victim. The very worst thing they could have done is cast an ethereally lovely, neotenous blond. Instead, Matarazzo, without being at all ugly, looks rather plain and this ordinary quality is complemented by her grooming and make up. Nor have the writers turned her wistful and gentle. She has a temper and is sometimes irritating to listen to, which is all for the good.

Matarazzo's character is the best drawn in the film. The jocks are stereotypes. Pure evil. They think themselves above the law, barge in on some nice girl's party in East Orange, trash the place during a party far worse than \\\"La Dolce Vita's\\\" climactic orgy, and leave without explanation or apology. They deserve to get it in the neck -- and they do.

I referred to this as a comic book story and that's pretty much what it is. It challenges none of our prejudices. It reaffirms out belief that the world can be divided into Good and Evil. And we don't have a moment's doubt about who's who. What I'm waiting for -- not really, that's just rhetorical -- is a movie almost exactly like this one and a dozen others, but in which the victim is LYING in order to get her name and photo in the papers and garner all those sympathy chips from right-thinking folk like the rest of us.

The film is based on a true story, as are so many others we've all seen, and even more fictional features. (Eg., \\\"The Accused\\\".) Some are good, some are strictly routine. Okay. Fair enough. Now when do we get to see a film about the Tawana Brawley case, in which the teen-aged girl disappeared on a whim for a few days, then had her friends strip her, tie her up, and smear her with dirt, so she could claim she'd been abducted and raped by the police? Now THAT would be a challenge in a way this one simply is not.\": {\"frequency\": 1, \"value\": \"An allegation of ...\"}, \"Some of the worst, least natural acting performances I've ever seen. Which is perhaps not surprising given the clunky, lame dialog given to the one note characters. Add to that the cheap production values and you've got a movie that doesn't look like it even belongs on television. One doesn't expect much from a Lifetime movie, especially one this old, but this is nearly unwatchably bad.

Plot-wise, it's a dreadful, clich\\ufffd\\ufffdd romance of a type even Harlequin would consider beneath them. It's possible to guess how the remainder of the movie will go by simply watching the opening couple of scenes. Surprise, the only female character who gets any focus and the mysterious stranger end up falling in love.\": {\"frequency\": 1, \"value\": \"Some of the worst, ...\"}, \"-SPOILES- Lame south of the border adventure movie that has something to do with the blackmail of a big cooperate executive Rosenlski the president of Unasco Inc. by on the lamb beachcomber David Ziegler who's living the life of Reilly, or Ziegler, in his beach house in Cancun Mexico.Having this CD, that he gave to his brother James, that has three years of phone conversations between Rosenlski and the President of the United States involved in criminal deals. This CD has given David an edge over the international mobsters who are after him.

The fact that James get's a little greedy by trying to shake down Rosenlski for 2 million in diamonds not only cost him his life but put David in danger of losing his as well. Ropsenlski want's to negotiate with David for the CD by getting his ex-wife Liz to talk to him about giving it up, Rosnelski made a deal to pay off her debts if she comes through. David is later killed by Rosenliski's Mexican hit-man Tony, with the help of a great white shark, who just doesn't go for all this peaceful dealings on his boss' part.

Tony had taken the CD that Liz left for his boss at a local hotel safe and now want's to murder James, like he did David, and at the same time keep the CD to have something over Rosenlski.

David who had secretly hidden the diamonds that James had on him at the time of his murder is now the target of Tony and his men to shut him up for good. David also wants to take the diamonds and at the same time give his boss Rosenlski the impression that the CD that David had is lost but use it later, without Rosenlski knowing who's behind it,to blackmail him.

The movie \\\"Night of the Sharks\\\" has a number of shark attacks in it with this huge one-eyed white shark who ends up taking out about a half dozen of the cast members including Tony. David who's a firm believer in gun-control uses knives high explosives and Molotov cocktails, as well as his fists, to take out the entire Tony crew. Even the killer shark is finished off by Tony but with a hunting knife, not a gun. When it came to using firearms to save his friend and sidekick Paco a girlfriend Juanita and his priest Father Mattia lives from Tony and his gang guns were a no-no with David; he was more of a knife and spear man then anything else.

The ending of the movie was about as predictable as you can make it with David thought to be killed by the one-eyed shark later pops up out of the crowd,after Rosenlski was convinced that he's dead and leaves the village. David continues his life as a free living and loving beachcomber with no one looking to kill him and about two million dollars richer. to David's credit he had his friend Paco give Rosenski back his CD but under the conditions that if anything happened to him his cousin, who Rosenlski doesn't know who and where he is, will shoot his big mouth off and let the whole world know about his dirty and criminal dealings.\": {\"frequency\": 1, \"value\": \"-SPOILES- Lame ...\"}, \"I am dumbfounded that I actually sat and watched this. I love independent films, horror films, and the whole zombie thing in general. But when you add ninga's, you've crossed a line that should never be crossed. I hope the people in this movie had a great time making it, then at least it wasn't a total waste. You'd never know by watching it though. Script? Are you kidding. Acting? I think even the trees were faking. Cinematography? Well, there must've been a camera there. Period. I don't think there was any actual planning involved in the making of this movie. Such a total waste of time that I won't prolong it by commenting further.\": {\"frequency\": 1, \"value\": \"I am dumbfounded ...\"}, \"This short film that inspired the soon-to-be full length feature - Spatula Madness - is a hilarious piece that contends against similar cartoons yielding multiple writers. The short film stars Edward the Spatula who after being fired from his job, joins in the fight against the evil spoons. This premise allows for some funny content near the beginning, but is barely present for the remainder of the feature. This film's 15-minute running time is absorbed by some odd-ball comedy and a small musical number. Unfortunately not much else lies below it. The plot that is set up doesn't really have time to show. But it's surely follows it plot better than many high-budget Hollywood films. This film is worth watching at least a few times. Take it for what it is, and don't expect a deep story.\": {\"frequency\": 1, \"value\": \"This short film ...\"}, \"They had an opportunity to make one of the best romantic tragedy mafia movies ever because they had the actors,the budget,and the story but the great director John Huston was too preoccupied trying to mellow out this missed classic.Strenuously trying to find black humor as often as possible which diluted the movie very much.And also they were so uncaring with details like sound and detailed action.Maybe it was the age of the director who passed away two years later.\": {\"frequency\": 1, \"value\": \"They had an ...\"}, \"Can such an ambient production have failed its primary goal, which was to correctly adapt Allende's novel? Obviously yes. Bille August managed to make a superficial, shallow film where basic elements of South American mentality are presented simply as side events, resulting in total incoherency. I can't believe there was a whole production team that could not understand the book! There is of course technical quality in this film and I think the actors did their best with what they had in their hands, but something is missing. And this something was the most important part.\": {\"frequency\": 1, \"value\": \"Can such an ...\"}, \"I really liked this movie...it was cute. I enjoyed it, but if you didn't, that is your fault. Emma Roberts played a good Nancy Drew, even though she isn't quite like the books. The old fashion outfits are weird when you see them in modern times, but she looks good on them. To me, the rich girls didn't have outfits that made them look rich. I mean, it looks like they got all the clothes -blindfolded- at a garage sale and just decided to put it on all together. All of the outfits were tacky, especially when they wore the penny loafers with their regular outfits. I do not want to make the movie look bad, because it definitely wasn't! Just go to the theater and watch it!!! You will enjoy it!\": {\"frequency\": 1, \"value\": \"I really liked ...\"}, \"The movie is just plain fun....maybe more fun for those of us who were young and fans of \\\"The Ramones\\\" around the time the film was made. I've watched the film over and over, by myself and with friends, and it is still fresh and funny. At the risk of being too serious, the concept of being a big fan of a certain band is timeless, and high school students boredom with drudgery of some classes is just as timeless.

And, the film has some gem lines/scenes.....references to how our \\\"permanent record\\\" in high school will follow us through life. (Let me assure you I've been out of high school for, uhhh, some years and it's not following me).....the famous \\\"static\\\" line (\\\"I'm getting some static\\\".....\\\"Not as much as you're going to get\\\", as Principal Togar approaches).....the school board member who is so decrepit he's attended by nurses....the Nazi Hall Monitors love for a \\\"body search\\\" ......Principal Togar announcing, \\\"I give you the final solution\\\", and burning the Ramones records (note: records were what came before CD's) ....and of course Joey Ramone noting, \\\"Things sure have changed since we got kicked out of high school\\\", followed by Togar asking \\\"Do your parents know you're Ramones?\\\"

Just one piece of advice.....don't look up where the stars are now.....Joey Ramone sadly died young. Dey Young, who was a major hottie in the film, today reminds us we all age....PJ Soles career never advanced as we might have expected......... Marla Rosenfield, as one the other students, apparently appeared only in this film (one of my male friends dies over her every time we watch the film), though I submit her performance was more than adequate and should have brought her more teen film roles. And, does anyone know what happened to DJ Don Steele?

So, watch and enjoy.....don't think....just have FUN!\": {\"frequency\": 1, \"value\": \"The movie is just ...\"}, \"If I could go back, even as an adult and relive the days of my Summer's spent at camp...I would be there so fast. The Camps I went to weren't even this great. They were in Texas where the mosquitoes actually carry people off but we had horses and fishing. The movie cinematography was astounding, the characters funny and believable especially Perkins, Pollack and Arkin. Sam Raimi's character and sub-antics were priceless. So who ever thought this movie was lame...I have deep pity for because they can't suspend their disbelief long enough to imagine camp life again as an adult or they never went as kids. The whole point was that these people had an opportunity to regress and become juvenile again and so they did at every opportunity. I wish I could. It was funny, intelligent, beautifully scripted, brilliantly cast and the artistry takes me back so I want to watch it over and over just for the scenery even. Sorta like Dances with Wolves and LadyHawk...good movies but the wilderness becomes a character as much as the actors. Rent it, see it, buy it and watch it over and over and over...never gets old. ;0)\": {\"frequency\": 1, \"value\": \"If I could go ...\"}, \"This is almost certainly the worst Western I've ever seen. The story follows a formula that is especially common to Westerns and martial arts films -- hero learns that family/friends have been murdered, so hero sets out to exact revenge, foils the ineffective lawman, rescues the kidnapped loving damsel, and murders the expert arch-nemesis in a brutal duel. This formula has often been successful -- otherwise it wouldn't be a formula -- but Gunfighter is the most sophomoric execution of it you'll ever see. The scripting is atrociously simple-minded and insulting; it sounds like a high schooler wrote the dialogue because it lacks depth, maturity, and realism. The sound is bad; it sometimes looks dubbed. The cinematography is lame, and the sets are sometimes just facades. The acting is pitiful; sure, some of the performers could blame the script, but others cannot use that excuse. I hope I never see Chris Lybbert in a speaking role ever again; every time he says a line that should be angry or mean, he does nothing more than lower the timbre of his voice and he just sounds like a kid trying to act macho. And speaking of Chris Lybbert, who plays Hopalong, check out his duds (if you dare to watch this film): He wears these brand new clothes that make him look more like Roy Rogers than a hard-working, down-and-dirty cowboy. If you enjoy inane cinematic fare that serves merely to worship the imagined grandeur of Hopalong Cassidy, then get this, but if you have more than two neurons, watch something else.\": {\"frequency\": 1, \"value\": \"This is almost ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"Although I have ...\"}, \"Most people, especially young people, may not understand this film. It looks like a story of loss, when it is actually a story about being alone. Some people may never feel loneliness at this level.

Cheadles character Johnson reflected the total opposite of Sandlers character Fineman. Where Johnson felt trapped by his blessings, Fineman was trying to forget his life in the same perspective. Jada is a wonderful additive to the cast and Sandler pulls tears. Cheadle had the comic role and was a great supporter for Sandler.

I see Oscars somewhere here. A very fine film. If you have ever lost and felt alone, this film will assure you that you're not alone.

Jerry\": {\"frequency\": 1, \"value\": \"Most people, ...\"}, \"Carlo Verdone once managed to combine superb comedy with smart and subtle social analysis and criticism.

Then something happened, and he turned into just another dull \\\"holier-than-thou\\\" director.

Il Mio Miglior Nemico can more or less be summarized in one line \\\"working class = kind and warm, while upper-class = snob and devious. But love wins in the end\\\".

Such a trite clich\\ufffd\\ufffd for such a smart director.

There isn't really too much to talk about in the movie. Every character is a walking stereotype: the self-made-man who forgets his roots but who'll become \\\"good\\\" again, the scorned wife, the rebellious rich girl who falls for the honest-but-poor guy... Acting is barely average.

Severely disappointing under every aspect.\": {\"frequency\": 1, \"value\": \"Carlo Verdone once ...\"}, \"Although I didn't like Stanley & Iris tremendously as a film, I did admire the acting. Jane Fonda and Robert De Niro are great in this movie. I haven't always been a fan of Fonda's work but here she is delicate and strong at the same time. De Niro has the ability to make every role he portrays into acting gold. He gives a great performance in this film and there is a great scene where he has to take his father to a home for elderly people because he can't care for him anymore that will break your heart. I wouldn't really recommend this film as a great cinematic entertainment, but I will say you won't see much bette acting anywhere.\": {\"frequency\": 1, \"value\": \"Although I didn't ...\"}, \"Gregory Peck gives a brilliant performance in this film. The last 15 minutes (or thereabouts) are great and Peck is an absolute joy to watch. The same cannot however be said for the rest of the film. It's not awful and I'm sure it was made with good intentions, but the only real reason (if I were to be honest) to see it is Peck. For the rest you are better off just reading the Old Testament.\": {\"frequency\": 1, \"value\": \"Gregory Peck gives ...\"}, \"I saw this film first in the Soviet Union and many erotic scenes were simply edited out by the censorship committee. But then, in Poland in 2000, I watched it in a complete form. And so what? The plot is incredibly unwise - 2 men survive the genetic catastrophe and find themselves on the planet full of feminist strong, straight and fundamentally severe ladies. The men now try to fight it and then the whole bunch of extremely silly clich\\ufffd\\ufffds follow - sex-drive, constant masculine desire for sex, feminists who are shown like complete idiots (you may agree with them or not, but idiots certainly they are not), and so on. The performance even of the stellar Jerzy Stuhr is here wooden and strangely bad - he just pulls unfunny faces and repeats on saying phrases like \\\"I am in the elevator with a nude chick and I haven't done anything to her!\\\". This was intended to be a comedy, instead, it turned out to be a vapid farce, full of predictable jokes and below-the-waist innuendos. Do not waste your time on it - this is just bad.\": {\"frequency\": 1, \"value\": \"I saw this film ...\"}, \"This documentary film is based on incomplete considerations of the evidence, in which Brian Flemming, perhaps purposely, fails to mention important evidence to the contrary. Perhaps his most crucial mistake is one of the earliest: His claims concerning the invalidity of Paul's testimony about Jesus Christ disregard key facts, like: **The existence of some formulated creeds within Paul's letters. These creeds suggest that most of the central claims about Jesus were already formulated into statements of faith possibly within a few years of Christ's death and resurrection. **The testimonies of the early Christians can't just be tossed out as mere fantasy. There were indeed many people claiming to be the Messiah during that period, but only ONE of them has remained: Jesus. Why? Because it would have been preposterous for anyone to have actually believed Christ was the messiah, and go on to die for those beliefs, if they knew that he had not been resurrected. **Even if the Gospels are dated more liberally, we are still talking about accounts of Jesus written within the lifetimes of other eyewitnesses that would have pointed out inaccuracies in these Gospels. And there is evidence that the Gospels were written much earlier.

What I am saying is that Flemming's documentary is an incredibly biased and self-serving piece of work that hodge podges different arguments and evidence to serve his anti-Christian view. Don't be fooled by poor investigation.\": {\"frequency\": 1, \"value\": \"This documentary ...\"}, \"I went to see it 2 times this movie, a friend of mine went to see it at the release party, and he was telling me it was so great, that I was expecting very much about the movie, to mutch, I couldn't enjoy it because I was not watching it in nuteral position. The second time I knew what to expect and I enjoyed it more than the first time. After The second time I felt so in the mood to have a party. I LOVED the music it's just great.

If Tom Barman improves his directing talent he will be a director where everyone will be talking about. If you can delivere this movie as your first you must be talented.

The acting is done by some great belgian stars (Dirk roofthooft) and a bunch of upcomming talents like Titus De Voogdt.

\": {\"frequency\": 1, \"value\": \"I went to see it 2 ...\"}, \"The Brain (or head) that Wouldn't Die is one of the more thoughtful low budget exploitation films of the early 1960s. It is very difficult to imagine how a script this repulsively sexist could have been written without the intention of self-parody. And the themes that are expressed repeatedly by the female lead, Ginny Leith - a detached head kept alive by machines, I-Vs and clamps - seem to confirm that the film was meant to simultaneously exploit and critique gender stereotypes. Shades of the under-rated Boxing Helena.

The genderisms are plentiful, and about as irritating as an army of angry ants. The dialog is hyperbolic, over-dramatic and unbelievable, and the acting is merely OK (but not consistent). Why have I given this film a 4? Because some thought clearly went into it. I am really not sure what point the film was really trying to make, but it seems clear that it strives for an unusually edgy and raw sort of horror (without the blood and guts today's audiences expect).

Another unique and interesting aspect of the Brain is that there really are not any heroes in this film, and none of the characters are particularly likable.

All considered, this is a fairly painful and disturbing look at early 1960s American pop sexuality, from the viewpoint of a woman kept alive despite her missing body after what should have been a fatal car crash. Her lover is threatening to sew a fresh, high quality, body onto her and force her to continue living with him. She is understandably non-plussed by all of this and forced to befriend a creature who is almost as monstrous as her boyfriend. Oh, there are also some vague references to the 1950s/60s clich\\ufffd\\ufffd about the evils of science run amok.

Recommended for B sci fi buffs and graduate students in gender studies. O/w not recommended.\": {\"frequency\": 1, \"value\": \"The Brain (or ...\"}, \"Need a lesson in pure, abject failure?? Look no further than \\\"Wizards of the Lost Kingdom\\\", an abysmal, dirt-poor, disgrace of a flick. As we all know, decent moovies tend to sprout horrible, horrible offspring: \\\"Halloween\\\" begat many, many bad 80's slasher flicks; \\\"Mad Max\\\" begat many, many bad 80's \\\"futuristic wasteland fantasy\\\" flicks; and \\\"Conan the Barbarian\\\" begat a whole slew of terrible, horrible, incredibly bad 80's sword-and-sorcery flicks. \\\"Wizards of the Lost Kingdom\\\" scrapes the bottom of that 80's barrel, in a way that's truly insulting to barrels. A young runt named Simon recaptured his \\\"good kingdom\\\" from an evil sorcerer with the help of a mangy rug, a garden gnome, a topless bimbo mermaid, and a tired-looking, pudgy Bo Svenson. Svenson(\\\"North Dallas Forty\\\", \\\"Inglorious Bastards\\\", \\\"Delta Force\\\"), a long-time b-moovie muscleman, looks barely able to swing his aluminum foil sword. However, he manages to defeat the forces of evil, which consist of the evil sorcerer, \\\"Shurka\\\", and his army of badly costumed monsters, giants, and midgets. At one point, a paper mache bat on a string attacks, but is eaten by a 1/2 hidden sock puppet, pitifully presented as some sort of dragon. The beginning of the film consists of what can only politely be described as bits of scenes scooped up from the cutting-room floor of udder bad moovies, stitched together in the vain hope of setting the scene for the film, and over-earnestly narrated by some guy who never appears again. Words cannot properly convey the jaw-dropping cheapness of this film; the producers probably spent moore moolah feeding Svenson's ever expanding gullet than on the cheesy fx of this flick. And we're talkin' Brie here, folks... :=8P Director Hector Olivera(\\\"Barbarian Queen\\\") presents this mish-mash in a hopelessly confused, confuddled, and cliched manner, destroying any possible hint of clear, linear storytelling. The acting is dreadful, the production levels below shoe-string, and the plot is one tired cliche after another paraded before our weary eyes. That they actually made a sequel(!!!) makes the MooCow's brain whirl. James Horner's(\\\"Braveheart\\\", \\\"Titanic\\\",\\\"The Rock\\\") cheesy moosic from \\\"Battle Beyond the Stars\\\" was lifted, screaming and kicking, and mercilessly grafted onto this turkey - bet this one doesn't pop up on his resume. Folks, you gotta see this to believe it. The MooCow says as a cheapo rent when there is NOTHING else to watch, well, it's moore fun than watching dust bunnies mate. Barely. :=8P\": {\"frequency\": 1, \"value\": \"Need a lesson in ...\"}, \"As a \\\"Jane Eyre\\\" fan I was excited when this movie came out. \\\"At last,\\\" I thought, \\\"someone will make this book into a movie following the story actually written by the author.\\\" Wrong!!! If the casting director was intending to cast a \\\"Jane\\\" who was plain he certainly succeeded. However, surely he could have found one who could also act. Where was the tension between Jane and Rochester? Where was the spooky suspense of the novel when the laughter floated into the night seemingly from nowhere? Where was the sparkle of the child who flirted and danced like her mother? Finally, why was the plot changed at the end? One wonders whether the screenwriters had actually read the book. What a disappointment\": {\"frequency\": 1, \"value\": \"As a \\\"Jane Eyre\\\" ...\"}, \"In what could have been seen as a coup towards the sexual \\\"revolution\\\" (purposefully I use quotations for that word), Jean Eustache wrote and directed The Mother and the Whore as a poetic, damning critique of those who can't seem to get enough love. If there is a message to this film- and I'd hope that the message would come only after the fact of what else this Ben-Hur length feature has to offer- it's that in order to love, honestly, there has to be some level of happiness, of real truth. Is it possible to have two lovers? Some can try, but what is the outcome if no one can really have what they really want, or feel they can even express to say what they want?

What is the truth in the relationships that Alexandre (Jean-Pierre Leaud) has with the women around him? He's a twenty-something pseudo-intellectual, not with any seeming job and he lives off of a woman, Marie (Bernadette Lafont) slightly older than him and is usually, if not always, his lover, his last possible love-of-his-life left him, and then right away he picks up a woman he sees on the street, Veronika (Fran\\ufffd\\ufffdoise Lebrun), who perhaps reminds him of her. Soon what unfolds is the most subtly torrid love triangle ever put on film, where the psychological strings are pulled with the cruelest words and the slightest of gestures. At first we think it might be all about what will happen to Alexandre, but we're mistaken. The women are so essential to this question of love and sex that they have to be around, talking on and on, for something to sink in.

We're told that part of the sexual revolution, in theory if not entirely in practice (perhaps it was, I can't say having not been alive in the period to see it first-hand), was that freedom led to a lack of inhibitions. But Eustache's point, if not entirely message, is that it's practically impossible to have it both ways: you can't have people love you and expect to get the satisfaction of ultimate companionship that arrives with \\\"f***ing\\\", as the characters refer over and over again.

The Mother and the Whore's strengths as far as having the theme is expressing this dread beneath the promiscuity, the lack of monogamy, while also stimulating the intellect in the talkiest talk you've ever seen in a movie. At the same time we see a character like Alexandre, who probably loves to hear himself talk whether it's about some movie he saw or something bad from his past, Eustache makes it so that the film itself isn't pretentious- though it could appear to be- but that it's about pretentiousness, what lies beneath those who are covering up for their internal flaws, what they need to use when they're ultimately alone in the morning.

If you thought films like Before Sunrise/Sunset were talky relationship flicks, you haven't met this. But as Eustache revels in the dialogs these characters have, sometimes trivial, or 'deep', or sexual, or frank, or occasionally extremely (or in a subdued manner) emotional, it's never, ever uninteresting or boring. On the contrary, for those who can't get enough of a *good* talky film, it's exceptional. While his style doesn't call out to the audaciousness that came with his forerunners in the nouvelle vague a dozen years beforehand, Eustache's new-wave touch is with the characters, and then reverberating on them.

This is realism with a spike of attitude, with things at time scathing and sarcastic, crude and without shame in expression. All three of the actors are so glued to their characters that we can't ever perceive them as 'faking' an emotion or going at all into melodrama. It's almost TOO good in naturalistic/realism terms, but for Eustache's material there is no other way around it. Luckily Leaud delivers the crowning chip of his career of the period, and both ladies, particularly Labrun as the \\\"whore\\\" Veronika (a claim she staggeringly refutes in the film's climax of sorts in one unbroken shot). And, as another touch, every so often, the director will dip into a quiet moment of thought, of a character sitting by themselves, listening to a record, and in contemplation or quiet agony. This is probably the biggest influence on Jim Jarmusch, who dedicated his film Broken Flowers to Eustache and has one scene in particular that is lifted completely (and lovingly) in approach from the late Parisian.

Sad to say, before I saw Broken Flowers, I never heard of Eustache or this film, and procuring it has become quite a challenge (not available on US DVD, and on VHS so rare it took many months of tracking at various libraries). Not a minute of that time was wasted; the Mother and the Whore is truly beautiful work, one of the best of French relationship dramas, maybe even just one of the most staggeringly lucid I've seen from the country in general. It's complex, it's sweet, it's cold, it's absorbing, and it's very long, perhaps too long. It's also satisfying on the kind of level that I'd compare to Scenes from a Marriage; true revelations about the human condition continue to arise 35 years after each film's release.\": {\"frequency\": 1, \"value\": \"In what could have ...\"}, \"I like this movie a lot, but it's a fact, that you cannot understand it, unless you're from the ex Yugoslavia. Most of the actors are now dead and those were the best actors in ex Yugoslavia. I appreciate that this movie is now on Divx and I can have it in my collection. Macedonia. Serbia. Montenegro. Bosnia and Herzegowina. Croatia. Slovenia.

All of this was ex Yugoslavia, a melting pot of the Balcan nations. It could be a dream land, if Slobodan Milosevic, Franjo Tudjman and other nationalists wouldn't poison the nation's mind with their sick ideas.\": {\"frequency\": 1, \"value\": \"I like this movie ...\"}, \"Nintendo!!! YOU #%$@ERS!!! How could you do this to me? I can't believe it...this movie is actually worse than the first one. I went to see this at the theatre with my brother because my mother forced me to tag along....oh God...where do I even begin? The plot SUCKED. The voice acting SUCKED. The animation SUCKED. The ending REALLY SUCKED. If you liked this movie, YOU SUCK TOO. And to Futuramafan1987, who said this was the greatest movie ever, you are a TOOL, PLAIN AND SIMPLE. This isn't a movie for anyone but crack-addled ten-year olds with Game Boys who think Pikachu is God. I'm still cry to this day thinking about that horrible turd of a movie....and then there was Pikachu's Adventure...don't even get me started on that horrible mess of a film. It is, in all truth, one of the most boring experiences of my entire life. Don't go watch this at any costs.

Bottom Line: Go out, find every copy of this movie that you can, and burn it. Burn them all, and then proceed to rent a GOOD movie, like Aliens...or Bowling For Columbine...or even Back to the Future!\": {\"frequency\": 1, \"value\": \"Nintendo!!! YOU ...\"}, \"Aim For The Top! Gunbuster is one of those anime series which has classic written all over it. I totally loved this series, and to this day, it remains my favorite anime. And while it was not Gainax's first animated product, it was their first OVA series.

Mainly starting out as a parody of the 1970's sports drama Aim For The Ace (Ace O Nerae!), Gunbuster picks up steam as a serious drama toward the ending of episode 2, when Noriko Takaya is forced to relive the death of her father, who was killed in mankind's initial encounter with the insect race Humanity is at war with. It is because of her father's death that Noriko wants to become a combat pilot. But her lack of confidence proves to get in the way at times and she falters. Her friend, Kazumi Amano, even has doubts about Noriko being chosen as a pilot. However, Noriko's coach, Koichiro Ota, has faith in her. And he has made it his personal mission to see that she succeeds at becoming a pilot, for he was a survivor of the battle in which Noriko's father was killed.

Other characters include Jung-Freud, a Russian combat pilot assigned to serve with the squadron Noriko and Kazumi belong to, Smith Toren, a love interest for Noriko who is killed in their first sortie together, and Kimiko Higuchi, Noriko's childhood friend. Kimiko's involvement is also of interest, as while Noriko is off in space, Kimiko remains behind on Earth to live a normal life. And because of the acts of time dilation, Kimiko ages normally on Earth while Noriko is relatively the same age as when she left school. By the end of the series, Noriko is roughly 18 years old while Kimiko is in her mid-fifties.

All in all, this is an excellent anime series to watch if you are a fan of giant robot mecha and of Gainax animation. If you like Hideaki Anno's other shows, or are a fan of Haruhiko Mikimoto's artwork, then give this show a chance. It will grow on you.\": {\"frequency\": 1, \"value\": \"Aim For The Top! ...\"}, \"Jeanette MacDonald and Nelson Eddy star in this \\\"modern\\\" musical that showcases MacDonald's comic abilities. Surreal 40s musical seem to be making fun of 40s fashions even as they were in current vogue. Eye-popping costumes and sets (yes B&W) add to the surreal, dreamlike quality of the entire film. Several good songs enliven the film, with the \\\"Twinkle in Your Eye\\\" number a total highlight, including a fun jitterbug number between MacDonald and Binnie Barnes. Also in the HUGE cast are Edward Everett Horton, Reginal Owen, Mona Maris, Douglas Dumbrille and Anne Jeffreys. Also to been seen in extended bit parts are Esther Dale, Almira Sessions, Grace Hayle, Gertrude Hoffman, Rafaela Ottiano, Odette Myrtile, Cecil Cunningham and many others.

Great fun and nice to see the wonderful MacDonald in her jitterbug/vamp routines. She could do it all.\": {\"frequency\": 1, \"value\": \"Jeanette MacDonald ...\"}, \"A young woman who is a successful model, and is also engaged to be married, and who has twice attempted suicide in the past, is chosen by a secretive and distant association of Catholic priests to be the next \\\"sentinel\\\" to the gateway to Hell, which apparently goes through a creepy old, but well maintained Brooklyn apartment building. Its tenants take the stairway up and can reincarnate themselves, but apparently can't escape as long as a sentinel is there to block the way. The previous one(John Carradine) is about dead, so she, by fate or whatever, becomes the next one, and the doomed must get her to kill herself in order for them to be free. Lots of interesting details lie under the surface, her relationship with her father, the stories of the doomed, her fianc\\ufffd\\ufffd, so one can pass this off as cheap exploitation horror, but given the sets, the great cast, and overall level of bizarreness, this is definitely worth seeing.\": {\"frequency\": 1, \"value\": \"A young woman who ...\"}, \"While not quite as monstrously preposterous as later works, this slow-moving, repetitive giallo offers some nice touches in the first half, but grows more and more lethargic and silly as it stumbles to its lame denouement.

To be sure, the actors are above average - considering this is an Argento movie - and some moments show the director's visual skills, but whole sequences should've been cut and, basically, it's just the same exploitative trash as ever, wallowing in fake science and abnormal sexual depravity.

3 out of 10 genetic disorders\": {\"frequency\": 1, \"value\": \"While not quite as ...\"}, \"... It even beats the nasty \\\"raw\\\". Almost twenty years old is this show and still I laughed VERY MUCH when I was watching it last night. It shows Eddie Murphy dressed in tight red clothes(Old School)and he jokes with everything from celebertis to his family. He was only 22-years old then and this is a must-see!

8/10\": {\"frequency\": 1, \"value\": \"... It even beats ...\"}, \"Dick Tracy is one of my all time favorite films. I must admit to those that haven't seen it. You will either really love it or really hate it. It came out a year after the success of Batman. So everyone's expectations were so high that many were let down simply because the plot is so simple. But its based on a comic strip...what did you expect? Creatively, this movie is amazing! The sets, make-up, music, costumes, and the impressive acting make this film fantastic. The film has bloodless violence and no bad language - that's something rare these days. Directed, produced, and stars Warren Beatty as the ace crime fighter going up against Al Pacino's evil Big Boy Caprice and his mob of thugs. Madonna steals the show as the seductive Breathless Mahoney. This is one of the best characters Madonna has ever played. She has the best one liners I've heard! Madonna fans would love it! One of the coolest things about the film is that they only used seven colors to make it look like a comic strip. This film is truly a piece of artwork that is sadly overlooked by the public. To sum things up, this film brings out the child in all of us. It's a film that will leave you smiling at the end.\": {\"frequency\": 1, \"value\": \"Dick Tracy is one ...\"}, \"From the filmmakers who brought us The March of the Penguins, I guess that came with plenty of expectations for The Fox and the Child. From the harsh winters of the South Pole to the lush wilderness in France, the narrative now becomes part documentary and part fairy tale, which tells of the friendship between the two titular characters, Renard the fox and its friendship with the child who christened it, played by Bertille Noel-Beuneau.

The story's frankly quite simple, and at times this movie would have looked like the many Japanese movies which children-miscellaneous animals striking a friendship after the development of trust, and how they go about hanging around each other, dealing with respective adversaries and the likes. Here, the child meets the elegant fox near her home up in the mountains, which provide for plenty of beautiful picture-postcard perfect shots that a cinematographer will have to go into overdrive to capture.

But while we indulge in wistful scenery, the characters don't get to establish that level of trust from the onset, and we have to wait a few seasons to past, and 45 minutes into the film, before they find a leveler in food. The child persistently attempts at striking a bond with the objective of taming the creature for her own amusement, but the fox, well, as other notions of course. While I thought the narrative was pretty weak, unlike March of the Penguins which has that human narrative interpretation of what's happening on screen, what excelled here were the documentary elements of the movie, tracing the life and times of the fox as both a predator, and a prey.

Between the two, more tension and drama was given to the latter, especially when dealing with traditional foes like wolves, and granted, those sequences were fairly intense especially when the child got embroiled in it. Otherwise, it was plain sailing and quite a bore as the two of them go about their playing with each other, in shots that you know have undergone some movie magic editing. There were surprisingly dark moments in the movie that weren't really quite suitable for children, as those in the same hall attested to it by bawling their eyes out suddenly, so parents, you might want to take note and not let your toddler disturb the rest of the movie goers.

As a film, I would've preferred this to be a complete documentary ala The March of the Penguins, but I guess the way it was resented, probably had the objective of warning us not to meddle with nature, and that some things are just not meant to be, and should stay as such. Decent movie that leaned on the strength of the chemistry between Bertille Noel- Bruneau, and the multiple foxes that played Renard.\": {\"frequency\": 1, \"value\": \"From the ...\"}, \"This film is a twisted nonsense of a movie, set in Japan about a dysfunctional family who end up with a strange violent guest who just sits back and watches the 4 members of the family at their worst. Nothing is sacred in this movie, with sex drugs and violence stretched to such a limit i'm surprised it got past the censors.

Overall, i think it will appeal only to those whom we shouldn't be encouraging, rather than any supposed underlying message coming out for the rest of us to consider. A film that panders to the worst element in society and is in anyway utter gash... A disappointment from a man who made the sublime Dead or Alive and Audition movies.\": {\"frequency\": 1, \"value\": \"This film is a ...\"}, \"I saw this little magnum opus for the first time very recently, on one of those dollar DVD's that seem to be everywhere nowadays, and was so moved by it that I cannot contain myself. For those who have never seen this mesmerizingly miserable Mexican import, and wish to view it without being prejudiced by anyone else's jaundiced commentary, there are undoubtedly substantial spoilers in what follows. So if you are one of those reckless individuals, stop reading at once and go and watch it for yourself. If you get drunk enough in advance, you might be fortunate enough to pass out before it's over.

Begin with the premise that a man may become a werewolf after being bitten by a yeti. No one in the film ventures an explanation as to how this sort of cross-species implantation could occur, and the rest of the movie is even more hopelessly nonsensical. But pour yourself another glass of wine (or whatever you're drinking), and let us proceed.

Paul Naschy (our werewolf) has the look of a man fighting a toothache, in a town where the only dentist has traded his supply of Novocaine for a case of cheap whiskey, and has been drunk ever since. (Ain't he the lucky one?) Naschy's facial expression never varies, whether in or out of makeup, and apparently no one gave him any coaching on how to act like a werewolf. Occasionally he tries to imitate the Lon Chaney Jr. crouch, but most of the time he simply strolls around in his black mafia shirt, like just another cool dude with a tad too much facial hair. To be fair, the makeup is actually better than the actor inside of it, but the continuity is infinitely worse. Naschy's werewolf is the only one I can think of that changes shirts twice in the middle of a prowl. He goes from black shirt to red shirt, then back to black, then back to red, then back to black, all in a single, frenzied night. Interestingly enough, he always does the Chaney crouch while wearing the red shirt, and the cool dude walk while wearing the black shirt. And it's only while he is wearing the red shirt that we see much of the fury alluded to in the title. Presumably there's something about that red shirt that just brings out the animal in him.

So anyway, after being bitten by the cross-pollinating yeti, the poor schmuck returns home from Tibet to learn that his wife has been sleeping with one of his students. The two illicit lovers try to murder him by adjusting the brakes on his car. He survives the wreck, and makes it home just in time for a full moon. Then, after chewing up his wife and her lover, he wanders off again, and somehow manages to get himself electrocuted. But is that enough? Can they let this tormented wretch rest in peace? Not a chance. He is resurrected by a supposed female scientist with a hardcore S/M fetish, otherwise known as \\\"The Doctor\\\" (and definitely not a new incarnation of Doctor Who). She digs him up and whisks him away to her kinky kastle, takes him down to the dungeon, chains him to the wall, and gives him a damn good flogging. Presumably such a string of indignities ought to be enough to put a little fury into any wolfman.

After his two-shirted rampage, our wolfman spends most of the rest of the film wandering around the castle, trying to find a way out. (And who can blame him?) In the course of his wanderings, he encounters a bewilderingly incoherent assortment of clich\\ufffd\\ufffds, including a man dressed in medieval armor, a curiously inept Phantom of the Opera impersonator (supposedly The Doctor's father), and a hard-partying cadre of bondage slaves.

So what's it all about, one may reasonably ask? One gets the vague impression that it has something to do with mind control, and involves something The Doctor calls \\\"chemotrodes.\\\" (Best guess. I really have no idea how it's spelled, if there even is such a thing.) Mercifully, the experiment ends in failure, and most importantly, it ends...before one has time to gnaw one's own leg off.

Of course, one doesn't really expect any sense from a film like this, but at least it ought to be good for laughs. This one isn't. Forget it, buddy. There is a creeping sort of anarchy about this film, from its patched-together, tequila-drenched ambiance to its atrocious cinematography and agonizing musical score, that defies even the most sozzled attempts to get any MST3K type laughs out of it. If it's not even good for that, what the hell is it good for? If Montezuma's revenge could have somehow been digitally remastered and put on a DVD, it would have looked exactly like this movie.\": {\"frequency\": 1, \"value\": \"I saw this little ...\"}, \"What a waste of time! I've tried to sit through 'Sky Captain..\\\" about 6 times, and every time, within about 3 minutes, I start doing something else - anything else! It's a downright boring movie, the acting is terrible, the writing dull, and obviously a first-time director, because it's stiff. And I wanted to love it. I love sci-fi, the old cliffhangers, and I can appreciate the attempt at nods to Flash Gordon, and Metropolis, but my God, what a waste of money. I used to work for Paramount Pictures, and I had written Sherry Lansing in 1993 about using blue screen for screen tests. She told me they'd never have an interest or need to do it. 10 years later, Paramount releases this piece of crap. Sherry was right in 1993, but must have forgotten her own advice when she greenlighted this dog. Blue screen an effect shot, but not an entire movie. Let's not forget, neither Jude nor Jolie are terrific actors (but easy on the eyes). Paltrow's performance reminds me of a high school effort. Too bad - it could've worked, but only under a skilled director. the funny thing is, Sky Captain's director will keep getting work, even after this dreck. It's commerce, not art!\": {\"frequency\": 1, \"value\": \"What a waste of ...\"}, \"

If you're at all interested in pirates, pirate movies, New Orleans/early 19th century American history, or Yul Brynner, see this film for yourself and make up your own mind about it. Don't be put off by various lacklustre reviews. My reaction to it was that it is entertaining, well acted (for the most part), has some very witty dialogue, and that it does an excellent job of portraying the charm, appeal and legendary fascination of the privateer Jean Lafitte. While not all the events in the film are historically accurate (can you show me any historical film that succeeds in this?), I feel the film is accurate in its treatment of the role Lafitte played in New Orleans' history, and the love-hate relationship between the \\\"respectable\\\" citizens of New Orleans and this outlaw who was one of the city's favorite sons. Don't worry about what the film doesn't do, but watch it for what it does do, i.e., for its study of one of New Orleans', and America's, most intriguing historical figures.\": {\"frequency\": 1, \"value\": \"

If ...\"}, \"- Let me start by saying that I understand that Invasion of the Star Creatures was meant to be a parody of the sci-fi films of the 50s. I understand that none of it is to be taken seriously. The problem I have is that none of it works. A parody should be funny and this one just isn't. Not once during the entire runtime did I so much as crack a smile. In general, I am easily entertained, but I couldn't find a sliver of entertainment anywhere in Invasion of the Star Creatures.

- I knew I was in trouble right from the beginning. The two \\\"stars\\\" make their screen appearance with one of the lamest gags imaginable - a water hose they can't control that gets them both wet. These two come off as Bowery Boys wannabes. Why anyone would want to mime the act and persona of the Bowery Boys is beyond me. After the less than illustrious beginning, the movies goes on to feature comical chase sequences, dancing Indians, vegetable men, decoder rings, and other assorted unfunny bits. It's all just a complete waste of time.

- I bought this on the double feature DVD with Invasion of the Bee Girls. That movie is Academy Award winning stuff in comparison with Invasion of the Star Creatures.\": {\"frequency\": 1, \"value\": \"- Let me start by ...\"}, \"this short film trailer is basically about Superman and Batman working together and forming an uneasy alliance.obviously,the two characters have vastly differing views on how to deal with crime and what constitutes punishment.it's a lot of fun to see these two iconic characters try to get along.i won't go int to the storyline here.but i will get into the acting,which is terrific.everyone is well cast.the two actors playing Superman and Batman are well suited to their characters.the same filmmakers that made Batman: Dead End and Grayson also made this short film.of the three,i probably liked this one the least,but i still thought it was well done.for me,World's finest is a 7/10\": {\"frequency\": 1, \"value\": \"this short film ...\"}, \"This could well be the worst film I've ever seen. Despite what Mikshelt claims, this movie isn't even close to being historically accurate. It starts badly and then it's all downhill from there. We have Hitler's father cursing his own bad luck on the \\\"fact\\\" that he'd married his niece! They were in fact, second cousins. Hitler's mother, Klara, called his father, Alois, \\\"uncle\\\" because Alois had been adopted and raised by Klara's grandfather and brought up as his son, when he was really his nephew. Alois was much older than Klara and so as a child she'd got into the habit of calling Alois, \\\"uncle.\\\"

The scene in the trenches where Hitler is mocked by his fellow soldiers and decides to take it out on his dog is simply a disgrace and an insult to the intelligence of all viewers. We see Hitler chase the dog through the trench, when he catches up with the poor thing he proceeds to thrash it for disobeying him. In the distance we see and hear his fellow soldiers continue to mock and chastise the cowardly little man, but then a shell lands directly on his persecutors, and every last one, we are told, is killed outright. How then, if Hitler was the only person to survive the scene, did this tale of brutality and cowardice come to be told? Did Hitler himself go around \\\"boasting\\\" about it? - I don't think so.

Next up, Hitler bullies and intimidates a poor, stressed out and war weary Jewish officer into giving him an Iron Cross! I can only assume that this Jewish officer had been a pawnbroker before fighting for the Fatherland, and had thoughtfully brought along some pledged medals from his shop, because I'm certain that Iron Crosses were not being handed out as shown in this comic farce.

All the grotesque clich\\ufffd\\ufffds are here, not least the calming and hypnotic effect of Wagner's music upon the little man. If only the producers had kept Ian Kershaw on side. Then they might have discovered that Franz Lehar's \\\"Merry Widow\\\" was more likely to float the Fuhrer's boat than any \\\"Flying Dutchman\\\" from the cannon of Richard Wagner!

Hitler may have been responsible for the deaths of 60 million people but how can he ever be forgiven for his appalling taste in music?

I could go on but I'd be at it for hours.

Give it a miss.\": {\"frequency\": 1, \"value\": \"This could well be ...\"}, \"I read the book in 5th grade and now a few years later I saw the movie. There are a few differences:

1.Billy was oringinally suppose to eat 15 worms in 15 days, not 10 worms in one day by 7:00pm.

2.Billy is suppose to get 30 dollars after he's eaten all the worms. In the movie after Billy eats all the worms, Joe has to go to school with worms in his pants.

3. Joe is suppose to fake some of the worms but in the movie, he doesn't at all.

Even though there are changes,this movie is still one that kids will enjoy.\": {\"frequency\": 1, \"value\": \"I read the book in ...\"}, \"I waited ages before seeing this as all the reviews I read of this said it was horrible! i rented it expecting the worst, and while it is hardly the best sandler film out there, there are much worse! Sandler frequently talks to the camera and the film does not take itself seriously, but that is all part of the fun! A great way to waste an afternoon, and you might even find yourself laughing once a twice! A good film, well worth renting!\": {\"frequency\": 1, \"value\": \"I waited ages ...\"}, \"I only rented this movie because of promises of William Dafoe, and Robert Rodriguez. I assumed that upon seeing RR's name on the cover (as an actor) that this movie would be good. It sounds like a movie that Rodriguez would of made so if He's going to lend his name to it, than it has to be good right? WRONG WRONG WRONG. By far the worst editing since \\\"Manos Hands of fate\\\". The way it was edited made no sense and made the movie impossible to follow and after the first 30 minutes you wont even want to try to follow it anymore. I have no idea how Dafoe and Rodriguez got involved in this film, maybe they owed somebody, but they are way to good for this. Besides they were only in this movie for a couple minutes apiece and Rodriguez didn't even talk. So if you wanna see a movie with Poor editing, poor acting, and confusing storyline than be my guest but don't say you weren't warned.\": {\"frequency\": 1, \"value\": \"I only rented this ...\"}, \"Of the many problems with this film, the worst is continuity; and re-editing it on VHS for a college cable channel many years ago, I tried to figure out what exactly went wrong. What seems to have happened is that they actually constructed a much longer film and then chopped it down for standard theatrical viewing. How much longer? to fill in all the holes in the plot as we have it would require about three more hours of narrative and character development - especially given the fact that the film we do have is just so slow and takes itself just so seriously.

That's staggering; what could the Halperins have possibly been trying to accomplish here? Their previous film, \\\"White Zombie\\\", was a successful low budget attempt to duplicate the early Universal Studios monster films (The Mummy, Dracula, etc.), and as such stuck pretty close to the zombie mythology that those in North America would know from popular magazines.

Revolt of the Zombies, to the contrary, appears to have been intended as some allegory for the politics of modern war. This would not only explain the opening, and the change of Dean Jagger's character into a megalomaniac, but it also explains why the zombies don't actually do much in the film, besides stand around, look frightening, and wait for orders - they're just allegorical soldiers, not the undead cannibals we've all come to love and loathe in zombie films.

I am the equal to any in my dislike for modern war and its politics - but I think a film ought to be entertaining first, and only later, maybe, educational. And definitely - a film about zombies ought to be about zombies.

Truly one of the most bizarre films in Hollywood history, but not one I can recommend, even for historic value.\": {\"frequency\": 1, \"value\": \"Of the many ...\"}, \"Mae Clarke will always be remembered as the girl whose face James Cagney showed a grapefruit into in the same year's THE PUBLIC ENEMY. She will not be remembered for this weird little story about a a hood's girl who finds that her past will always be with her.

In some ways, this looks a bit antique for 1931, almost as if you are looking at 1928's famously inert LIGHTS OF NEW YORK. But don't be fooled. Although Ted Tetzlaff's photography is still in the big scenes, there's lots of movement, indicating distraction to the moviegoers in the set-ups to them. But in competition with the fast-paced stuff that it seems that everyone was doing at Warner's, this attempt to bring the woman's viewpoint into the genre as a tearjerker doesn't work, nor is Mae Clarke the actress to carry the effort.\": {\"frequency\": 1, \"value\": \"Mae Clarke will ...\"}, \"Spoiler!! I love Branagh, love Helena Bonham-Carter, loved them together in \\\"Mary Shelley's Frankenstein\\\" - but THIS -

I can understand an actor's desire to stretch, to avoid the romantic stereotype. Well, they did, but really - the script droned on, Bonham-Carter's clothes were tres chic, and the occasional speeded-up \\\"madcap\\\" sequence could have been an outtake from a Beatles' movie, or the old Rowan and Martin Laugh-In.

I never got the point - other commenters say the Branagh character was a dreamer. I never felt that. He was a loser, and not very bright, and certainly not endearing. The business with the bank robber disguise was merely painful to watch. Certainly not amusing.

Bonham-Carter's realistic (one supposes) attempts as realistic speech were harder to understand than the first 15 minutes of Lancashire accent in \\\"Full Monty.\\\"

The poetic ending, with him high on a hill with her buried under the monstrosity of his airplane was too orchestrated. Was there a choir of angels, or merely a soundtrack?

Go back to the classics or something with a spine and an arc to it. Donate this to PBS.

\": {\"frequency\": 1, \"value\": \"Spoiler!! I love ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"This move reminded ...\"}, \"What can I say, it's a damn good movie. See it if you still haven't. Great camera works and lighting techniques. Awesome, just awesome. Orson Welles is incredible 'The Lady From Shanghai' can certainly take the place of 'Citizen Kane'.\": {\"frequency\": 1, \"value\": \"What can I say, ...\"}, \"I really liked this movie, and went back to see it two times more within a week.

Ms. Detmers nailed the performance - she was like a hungry cat on the prowl, toying with her prey. She lashes out in rage and lust, taking a \\\"too young\\\" lover, and crashing hundreds of her terrorist fianc\\ufffd\\ufffd's mother's pieces of fine china to the floor.

The film was full of beautiful touches. The Maserati, the wonderful wardrobe, the flower boxes along the rooftops. I particularly enjoyed the ancient Greek class and the recitation of 'Antigone'.

It had a feeling of 'Story of O' - that is, where people of means indulge in unrestrained sexual adventure. As she walks around the fantastic apartment in the buff, she is at ease - and why not, what is to restrain a \\\"Devil in the Flesh\\\"?

The whole movie is a real treat!\": {\"frequency\": 1, \"value\": \"I really liked ...\"}, \"i thought this movie was really really great because, in India cinemas nowadays, all you see is skin, music, and bad acting...in this movie, you can see some tradition, ethnicity, and at least some decency...although some parts were a little dramatic, guess what? that is what Indian cinema is all about! after watching this movie, at least you don't get a headache from all the loud overrated music, or any violence, its just the truth, it teaches about love, and of course caring for the person you love throughout life...i think it was an amazing movie...Kids can watch it without a doubt, and adults will enjoy the simplicity that used to be India's sure profoundness...until all these rap hits, miniskirts, and skin showing became a part of it.\": {\"frequency\": 1, \"value\": \"i thought this ...\"}, \"We can start with the wooden acting but this film is a disaster. Having grown up in NY I can tell you that this film is an insult to anyone who is familiar with the community or the people. I'm not even a defender of the culture in any way and found this to be a Hollywoodized piece of trash to fit its own fictional, ridiculous culture presentation and language that anyone who watches Seinfeld knows is inaccurate. This is a colossal waste of time and, even worse, is not exactly interesting since the outcome is obvious and the scenes of confrontation are laughably bad. Who acts this way? Nobody.

The writer's name sounds Israeli or something of that nature but it is clear he doesn't have a clue about the subject he is writing about. Looking at his bio, it is shocking he lived in New York and wonder how much real connection he had with the community. Even mediocre films like \\\"A Stranger Among Us\\\" are better and more closer to the truth than this dreck. Reading this guy's credits it's no wonder he has written scripts on all C grade films that somehow feature stars. shocking. Perhaps he knows someone because this script is even below par for a bad Dolph Lundgren film.\": {\"frequency\": 1, \"value\": \"We can start with ...\"}, \"Tony Goldwyn is a good actor who evidently is trying his hand at directing. \\\"A Walk on the Moon\\\" appears to have borrowed from other, better made films. The present story takes place in the late sixties at a summer resort for working class Jews not far from Woodstock. The screen treatment by Pamela Gray doesn't have much going for it, so it's a puzzle why Mr. Goldwyn decided to tackle this film as his first attempt at direction.

The Kantrowitz family is spending some time at the resort. We see them arrive at the small bungalow that is going to be their temporary home. Marty, the father, comes only for the week-end; he works in what appears to be a family small appliance business repairing television sets, mostly. In a few days the first man will walk in space, so the excitement is evident.

The Kantrowitz women are left behind. Pearl, Marty's wife and her mother-in-law, Lilian, spend idle days in the place until the \\\"blouse salesman\\\" arrives. Pearl goes browsing and she finds much more than a shmatte; she gets the salesman as well. It appears that Pearl and Marty have no sexual life at all. After two children, Pearl, who appears to be sexy and with a high libido is ready for some extra marital fun.

That is the basic premise for the film, which becomes a soap opera when the young daughter, Alison, decides to play hooky and go to the Woodstock festival nearby where, horror of horrors, she witnesses her own mom making out with the blouse salesman! What's a girl to do? Well, stay tuned for the grand finale when all the parties are happily reunited by the little son's bedside when he is stung by wasps and the salesman comes to apply some home remedy, and daddy is called from the city, after knowing about Pearl's betrayal with the younger stud.

Poor Diane Lane, she went to make \\\"Unfaithful\\\" later on, which is the upscale version of this dud. Viggo Mortensen is the salesman who caters to his lonely female customers whispering little somethings in their ears! Liev Schreiber as Marty, the cuckolded husband, doesn't have much to do. Anna Paquin plays the rebellious Alison and Tovah Feldshuh is the unhappy Nana, who would like to have stayed in the city watching her soap operas instead of witnessing first hand one that is playing in her own backyard!

Watch it at your risk, or pop the DVD in the telly when you have a fun crowd at home and you really want to have a laugh, or two dishing the film.\": {\"frequency\": 1, \"value\": \"Tony Goldwyn is a ...\"}, \"Atlantis is probally the best Disney movie that i have seen in years. It has great action scene, magic, an intelligent and weel written script. Atlantis, brings back the magic of the Disney Classics such as \\\"The Lion King\\\" or \\\"Alladin\\\". After Seeing this one i'm sure that this year summer blockbusters season will be great.

I recommend to you all, \\\"Alantis : The Lost Empire is like a breath of inspiration.

9 out of 10\": {\"frequency\": 1, \"value\": \"Atlantis is ...\"}, \"Pathetic. This is what happens when director comes to work just because someone is paying him to.

The intentions were good, great locations and settings for a film of epic proportions. But the performance, damn! I swear, in some shots you can see extras on the background staring in the camera, or looking at the actors because no one told them what they should do when they hear \\\"Action!\\\". The battle scenes are so bad you wonder - are these people for real? They could've done more damage just by hugging each other. In the slow-mo scenes you can see people on battle field walking around or just standing, waving their hands.

Only action in the foreground is somehow emphasized. But for what? The story is so illogical and discontinuous, it seems like random situations in chronological order, sometimes not even that. The dialogs are dumb, the love plot is more embarrassing and ridiculous than in Hong Kong action movies.

With a budget of 40 million, and you can see every dollar invested on the screen, in best case scenario, the final result of all this enormous effort is a shiny round laser disk in the thin cover placed on the shelf in video store.\": {\"frequency\": 1, \"value\": \"Pathetic. This is ...\"}, \"Forget the campy 'religious' movies that have monopolized the television/film market... this movie has a real feel to it. While it may be deemed as a movie that has cheap emotional draws, it also has that message of forgiveness, and overall good morals. However, I did not like the lighting in this movie... for a movie dealing with such subject matter, it was too bright. I felt it took away from the overall appeal of the movie, which is almost an unforgivable sin, but the recognizable cast, and their performances counteract this oversight.

Definitely worth seeing... buy the DVD.\": {\"frequency\": 2, \"value\": \"Forget the campy ...\"}, \"This 1947 film stars and was directed and written by Orson Welles (with a funky Irish accent) and also stars the gorgeous Rita Hayworth with less appealing short blonde hair. So, I've hung out with Orson before in Touch of Evil and Citizen Kane and the Third Man etc. but this was my first Rita Hayworth interaction. Our first meeting went well, she does a superb job playing the frightened/cagey Elsa, married to a crippled millionaire lawyer. Mike (Welles) and Elsa fall for each other. He wants to run away with her, she doesn't know if she can live without the things money can buy. Elsa, her husband, and his partner bicker and bite, just like the sharks Mike describes attacking each other and his foretelling proves just too true. Several twists and turns follow in this murder mystery as we come to the climax in the fun house. (Think the ending shootout in The Man with the Golden Gun, which borrowed heavily from this scene). I wasn't sure who the murderer was until the end.

This movie is like shrimp in garlic and lemon. The dish centers on the sea, it is subtle, sour, and pungent, all to great effect. These might not be the best, fresh shrimp, but good quality frozen shrimp from Costco. The flavorful sauce adds to the naturalness of the pink shrimp as you fill up on a healthy, but filling alternative to more mundane, common fare. 7/10 http://blog.myspace.com/locoformovies\": {\"frequency\": 1, \"value\": \"This 1947 film ...\"}, \"It's a rehash of many recent films only this one has fewer stars, lesser complications and a more fuzzy feel to it. Abhay and Ritika (played by Fardeen Khan & Esha Deol respectively) meet at a friend's wedding where their own marriage (unbeknowst to them) begins its process of being arranged. Within no time the two strangers are married and sent of to a honeymoon camp where they meet other couples going through the motions similar to theirs. As they spend time together, secrets are revealed, hearts broken and/or mended and love blossoms.

If you've seen Honeymoon Private Limited and/or Salaam-e-Ishq, then you've seen this film. The plot twists are the same, there is not a single element of surprise in the entire two and a half hours of the film. Everything is predictable. I only enjoyed it because I had seen 'Darling' (also starring the leads Deol & Khan) earlier in the day and enjoyed their chemistry in that so I said \\\"why not\\\" when my sister suggested we rent 'Just married' as well.

See it: Because Kirron Kher co-stars and is her usual darling self in it.

Skip it: Because you've had enough of all this couple-fest nonsense!

C+\": {\"frequency\": 1, \"value\": \"It's a rehash of ...\"}, \"NOTHING (3+ outta 5 stars) Another weird premise from the director of the movie \\\"Cube\\\". This time around there are two main characters who find themselves and their home transported to a mysterious white void. There is literally NOTHING outside of their small two-story house. Intriguing to be sure, but I thought the comedic tone established for this movie from the get-go was extremely ill-conceived. There needs to be some humour, certainly... and I have no problem with the humour that was eventually derived from the plight of our two heroes (their final \\\"showdown\\\" was definitely a hoot)... but I really think the movie would have been a lot better off if it had stayed more rooted in reality in the beginning. After watching the movie I watched the \\\"Making of\\\" feature on the DVD and a short trailer at the end is almost totally devoid of the \\\"sillier\\\" comedic aspects... making it look like a completely different (and slightly better) movie. The last half hour of the movie is where things really start to come together... similar in a way to the recent movie \\\"Primer.\\\" The actors are fine when they are not overdoing the comedy shtick. They are really quite believable in their more \\\"normal\\\" moments. I was probably ready to write this movie off as a failed experiment at the midway point... but it won me over by the end. (And keep watching past the credits for the final scene... just don't ask me to explain it.)\": {\"frequency\": 1, \"value\": \"NOTHING (3+ outta ...\"}, \"I caught this on the dish last night. I liked the movie. I traveled to Russia 3 different times (adopting our 2 kids). I can't put my finger on exactly why I liked this movie other than seeing \\\"bad\\\" turn \\\"good\\\" and \\\"good\\\" turn \\\"semi-bad\\\". I liked the look Ben Chaplin has through the whole movie. Like \\\"I can't belive this is happening to me\\\" whether it's good or bad it the same look (and it works). Great ending. 7/10. Rent it or catch it on the dish like I did.\": {\"frequency\": 1, \"value\": \"I caught this on ...\"}, \"Have not watched kids films for some years, so I missed \\\"Here Come the Tigers\\\" when it first came out. (Never even saw \\\"Bad News Bears\\\" even though in the '70s I worked for the guys who arranged financing for that movie, \\\"Warriors,\\\" \\\"Man Who Would Be King,\\\" and \\\"Rocky Horror Picture Show,\\\" among others.) Now I like to check out old or small movies and find people who have gone on to great careers despite being in a less than great movie early on. Just minutes into this movie I could take no more and jumped to the end credits to see if there was a young actor in this movie who had gone on to bigger and better things--at least watching for his/her appearance would create some interest as the plot and acting weren't doing the job. Lo and behold, I spied Wes Craven's name in the credits as an electrical gaffer. He'd already made two or three of his early shockers but had not yet created Freddie Krueger or made the \\\"Scream\\\" movies. Maybe he owed a favor and helped out on this pic. More surprising was Fred J. Lincoln in the cast credits as \\\"Aesop,\\\" a wacky character in the movie. F.J. Lincoln, from the '70s to just a few years ago, appeared in and produced adult films. He was associated with the adult spoof \\\"The Ozporns,\\\" and just that title is funnier than all of \\\"Tigers\\\" attempts at humor combined. Let the fact that an adult actor was placed in a kids movie be an indication as to how the people making this movie must have been asleep at the wheel.\": {\"frequency\": 1, \"value\": \"Have not watched ...\"}, \"This is the worst movie I have ever seen in my entire life. The plot and message are horrible. There are too many mistakes in this movie that it's impossible to keep up. I don't even understand how this movie can get any nomination, let alone 2. Here's why: 1) Sam Lee portrays a angry/irrational detective which was caused by the disappointment from his dad. Pros: He's angry alright. Cons: When it comes to the explanation scene, he cannot convey the sadness/disappointment he has in his father. The crying scene was too fake and it seems like he is literally squeezing out tears from the corner of his eyes.

2) To connect the movie to the title, there were barking or dog wimping sounds during the fight scenes and rape scene, which is totally irrelevant and confusing to the viewer. I understand that it's supposed to be a metaphor or what not... but it's just sooo dumb! 3) WHY THE HECK DID THE COPS NOT SHOOT THE KILLER? What the heck is wrong with this movie. When the killer started stabbing an officer, SHOOT him. He's already dead! What the heck? There were lots of opportunity that the killer could be killed, but I do not know why he wasn't! 4) During the scene where the girl had her foot hurt. In the scene, it was very clear that the LEFT foot of the girls was hurt, so how the heck in the next scene that she's lending all her weight on her left foot? And this is the actress nominated as the best new performer? WTF? 5) The sounds in the movie are off sync.

6) I am guessing that this movie is trying to bring awareness of the brutality and violence among children in South East Asia, so why does the bad guy wins and then the cop was joining the fight? 7) This movie is just too violent without a purpose. Cops are beating CI to a pulp and then if they cooperate, they give them marijuana and coke? This is overall the worst movie. I truly feel that the person who wrote this movie is a sadist and sick person. I have never seen a more disgusting movie in my whole entire life. WORST MOVIE EVER!\": {\"frequency\": 1, \"value\": \"This is the worst ...\"}, \"Dudley Moore is fantastic in this largley unknown classic. This film is very witty film that relies hugely on the actors talent. Without Dudley Moore, John Gielgud, Liza Minnelli, and a few others, this film could have been a disaster. It is not always well shot and at times has some very corny music that tries to force a mood (the \\\"psycho\\\"-like music at the wedding fight), but the acting overcomes it. The character Arthur is hilarious, with his drunken comments. But he develops well into a more mature, well rounded character as he learns to live by his own free will. The end is fairly corny, though. I wont give it away, but it could be improved. Worth seeing many times.\": {\"frequency\": 1, \"value\": \"Dudley Moore is ...\"}, \"What do you get if you cross The Matrix with The Truman Show?

I'm sure you've all seen The Matrix by now. The creators of The Matrix say that it is 'anime inspired'. Just from watching the trailer to this classic, you can see where they took the plot from.

The film is sort of set in 1980s Japan, and it really shows. The costumes, music and words(in the recent English Language version by AD Vision) are all like they've been directly lifted from the era. I believe it was made in that time also, but due to certain plot points, this doesn't date the film!

As you probably guessed by my referencing to The Matrix, the world isn't real. It's not really the 1980's. In fact, it's something more like the 2480's. After a nuclear war, the Earth(or \\\"Biosphere Prime\\\")'s ecosystem was destroyed. The survivors we're forced to escape into space, where the conflict continued. Once the planets(or \\\"Biospheres\\\") were all abandoned, people began to live in MegaZones - cities inside of spaceships, where, via hypnotism techniques and Truman Show-esque illusion, they were made to believe they we're back on earth, in the most peaceful time in recent memory... The 1980s. When young Shogo obtains a mysterious advanced looking motorcycle, it leads him to find out more than he's supposed to know... The Garland(a bike which becomes a mech), a weapon from the 2400's, aids Shogo in his escape from the pursuing military. As more and more is discovered about the MegaZone, the war comes closer to home, and due to conflicts between the military and the computer, the war comes to the MegaZone too... I apologise if those points are seen as spoilers, but the plot is outlined basically that way on the synopsis.

Emotions run high in this movie, moreso than The Matrix. You really do believe the war is going on, and Shogo really does become quite scarred by what he's discovering. What starts off as an uber-happy cool 80's flick becomes a tragic tale of war and unreality. These characters are real people, not the cardboard cutouts we saw flipping around in bullet-time in The Matrix. There really is the sense of the suffering people can go through after being caught up in such a conspiracy, and a war. It may just choke you up towards the end... I know it did me.

Animation is pretty impressive for it's day, and the picture quality on the ADVision DVD is unbelievable for it's age. The artwork style is beautiful and reminiscent of traditional anime, very cultural. Be prepared for quite a lot of violence and blood, there's also an erotic sex scene.

The ending can be seen as a 'there can be no ending', similar to the Matrix, or, supposedly can be followed by the sequel, which I haven't yet had the pleasure of watching.

I have to say that this is one of the best animes I've seen, in fact, one of the best movies I've seen, and considered by many to be one of the greatest animes of all time.

I must recommend the ADVision DVD, as their take on the English Language is incredible, and does the movie justice, and can be purchased with an artbox for holding the two sequels when they are released, which will have the same vocal cast.

All in all, MegaZone 23 is an incredible movie, and deserves to be held highly, and should be an essential in any anime fan's collection. Heck, even my mother enjoyed it.\": {\"frequency\": 1, \"value\": \"What do you get if ...\"}, \"A fantastic Arabian adventure. A former king, Ahmad, and his best friend, the thief Abu (played by Sabu of Black Narcissus) search for Ahmad's love interest, who has been stolen by the new king, Jaffar (Conrad Veidt). There's hardly a down moment here. It's always inventing new adventures for the heroes. Personally, I found Ahmad and his princess a little boring (there's no need to ask why John Justin, who plays Ahmad, is listed fourth in the credits). Conrad Veidt, always a fun actor, makes a great villain, and Sabu is a lot of fun as the prince of thieves, who at one point finds a genie in a bottle. I also really loved Miles Malleson as the Sultan of Basra, the father of the princess. He collects amazing toys from around the world. Jaffar bribes him for his daughter's hand with a mechanical flying horse. This probably would count as one of the great children's films of all time, but the special effects are horribly dated nowadays. Kids will certainly deride the superimposed images when Abu and the genie are on screen together. And the scene with the giant spider looks especially awful. Although most of the younger generation probably thinks that King Kong looks bad at this point in time, Willis O'Brien's stop-motion animation is a thousand times better than a puppet on a string that doesn't even look remotely like a spider. 8/10.\": {\"frequency\": 1, \"value\": \"A fantastic ...\"}, \"I had the opportunity to see this film debut at the Appalachian Film Festival, in which it won an award for Best Picture. This film is brilliantly done, with an excellent cast that works well as an ensemble. My favorite performances were from Youssef Kerkour, Justin Lane , and Adam Jones. Also, there are some great effects with dragonflies and cockroaches, that I was surprised to find out that this film was done on a small budget. The writer-director Adam Jones, who I believe also won an award for his writing, does an excellent job with direction. The audience loved this movie. Cross Eyed will keep you laughing throughout the movie. Definitely a must see.\": {\"frequency\": 1, \"value\": \"I had the ...\"}, \"I was very moved by the story and because I am going through something similar with my own parents, I really connected. It is so easy to forget that someone whose body is failing was once vibrant and passionate. And then there's the mistakes they made and have to live with. I loved Ellen Burstyn's performance and who is Christine Horne? She's fantastic! A real find. There is probably the most erotic scene I've ever seen in a film, yet nothing was shown - it was just so beautifully done. Overall the look and feel of the film was stunning, a real emotional journey. Cole Hauser is very very good in this picture, he humanizes a man spiraling downwards. I liked the way the filmmaker approached this woman's life, never sentimental, never too much - just enough to hook us in, but not enough to bog down.\": {\"frequency\": 1, \"value\": \"I was very moved ...\"}, \"I have seen some bad movies (Austin Powers - The Spy Who Shagged Me, Batman Forever), but this film is so awful, so BORING, that I got about half way through and could not bear watching the rest. A pity. Boasting talent such as Kenneth Branagh, Embeth Davitz and Robert Duvall and a story by John Grisham, what went wrong? Branagh is a big-time lawyer who has a one-night fling with Davitz. Her father (Duvall) is a psychopath who hanged her cat, etc, etc, so Branagh has him sent to a nuthouse, and he promptly escapes. Somehow (I couldn't figure out how) Robert Downey jr, Daryl Hannah, Famke Janssen and Tom Berenger are all mixed into the story which moves slower than stationary. I wanted to like this, and, being a huge Grisham fan, have read all about this movie and I (foolishly) expected something interesting. This is honestly the WORST film I've seen to date and I wish I could have my money refunded. * out of *****.\": {\"frequency\": 1, \"value\": \"I have seen some ...\"}, \"How this piece of garbage was put to film is beyond me. The only actor who is at all known to me is Judge Reinhold, an accomplished actor whose presence is merely a justification for putting it into production.

I don't even think it is worth a nomination for a rotten tomato award, this film really does make B movies a cinematic enjoyment. A car travelling along the freeway with police in tow, and no one knows how to stop the car, yeah, right.

The script must have been written on the back of a cigarette carton. Most made for TV movies are awful but this redefines the word. Check out the acting skills of the bridge operator, pure Oscar material.\": {\"frequency\": 1, \"value\": \"How this piece of ...\"}, \"The clich\\ufffd\\ufffd of the shell-shocked soldier home from the war is here given dull treatment. Pity a splendid cast, acting to the limits of their high talents, can't redeem 'The Return of the Soldier' from its stiff-collared inability to move the viewer to emotional involvement. Best moments, as another reviewer noted, come when Glenda Jackson is on screen; but even Jackson's crackling good cinematic power can't pull this film's chestnuts from its cold, never warmed hearth. Ann-Margret, she of sex-kitten repute and too often accused of lacking acting ability, finds her actual and rather profound abilities wasted here - despite her speaking with a nigh-flawless Middlesex accent. The hackneyed score, redolent of many lackluster TV miniseries' slathered-on saccharine emotionalism, is at irritating odds with the emotional remoteness of the script, blocking, and overbaked formalism of the direction; except for its score and corseted script and direction, 'The Return of the Soldier' has all the right bits but it fails to make them work together.\": {\"frequency\": 1, \"value\": \"The clich\\u00e9 of the ...\"}, \"Let me begin by saying I am a big fantasy fan. However, this film is not for me. Many far-fetched arguments are trying to support this film's claim that dragons possibly ever existed. The film mentions connections in different stories from different countries, but fails to investigate them more thoroughly, which could have given the film some credibility. The film uses (nice!) CGI to tell us a narrated fantasy story on a young dragon's life. This is combined with popular-TV-show-CSI-style flash-forwards to make it look like something scientific, which it is definitely not. In many cases the arguments/clues are far-fetched. In some cases, clues used to show dragons possibly existed, or flew, or spit fire are simply invalid. To see this just makes me get cramp in my toes. Even a fantasy film needs some degree of reality in it, but this one just doesn't have it. Bottom line: it's a pretentious fantasy-CSI documentary, not worth watching.\": {\"frequency\": 1, \"value\": \"Let me begin by ...\"}, \"I thought that it was a great film for kids ages 6-12. A little sappy, but the story is uplifting an fresh. It proves that the dreams of an adolescent can truly come true. I think that it's a great story for any kid who is feelings down, or feels as if there trying to juggle too many things among them. Very 'cute' film. Bravo.\": {\"frequency\": 1, \"value\": \"I thought that it ...\"}, \"As many agree, Origin is a beautiful anime artistically. The music, graphics, and the world created are gorgeous and it really stands above most other modern animated works. However, if you are looking for more than this, than I suggest looking else where. The beauty stops short of its appearance, and when it really comes down to plot and characters, there's nothing special. Action is slow and minimal and the people are flat, corny at times, and do not act realistically. Not to mention the plot hole here and the plot hole there... So, in summary, oh my goodness, I've never seen an anime as beautiful as this one; and oh my goodness, it's like... -poke- people don't act like that. It took a GIANT step forward in graphics and music in anime, but it also took a few step backs to times of bad characterization, and unfortunately, there's not even that much action to make up for that...\": {\"frequency\": 1, \"value\": \"As many agree, ...\"}, \"Tears of Kali is an original yet flawed horror film that delves into the doings of a cult group in India comprised of German psychologists who have learned how to control their wills and their bodies to the point that they can cause others to be \\\"healed\\\" through radical techniques (that can trigger nightmarish hallucinations and physical pain and torture) to release the pent-up demons inside them.

The film is shown as a series of vignettes about the Taylor-Eriksson group--the above-mentioned cult group. The first segment is somewhat slower than the rest but serves fine to set up the premise for the rest of the film. The rest of it plays out like a mindf@ck film with some of the key staples thrown in the mix (full-frontal nudity, some gore) to keep you happy.

I say check this out. May not be spectacular, but it's concept is pretty neato and it delivers in the right spots. 8/10.\": {\"frequency\": 1, \"value\": \"Tears of Kali is ...\"}, \"I came to NEW PORT SOUTH expecting a surrogate movie about the Columbine school massacre similar to Gus Van Sant's ELEPHANT and certainly the synopsis in the TV guide stating that a student sociopath rebels against the system did give me that impression but this is a very boring movie where little happens so consider yourself warned

The story is about Maddox , a Chicago high school student who decides to strike back at what he perceives to be an authoritarian regime . The major problem is that the character is underwritten and the actor who plays him Blake Shields is unable to embellish any script deficiencies . You have the gut feeling that Maddox should have the evil charisma of Hitler , Saddam or Bin Laden but he never comes across as anything more than a petulant truculent teenager and it's impossible to believe he could rally any disciples . The subtext of you overthrow one manipulative authoritarian regime only to replace it with another manipulative regime is too obvious which means NEW PORT SOUTH is an entirely unconvincing drama that's not worth going out of your way to see\": {\"frequency\": 1, \"value\": \"I came to NEW PORT ...\"}, \"Henry Sala's \\\"Nightmare Weekend\\\" is a rotten piece of sludge from Troma.This is a juvenile,sloppy and stupid low-budget horror film about some teenage girls spending the weekend at a mansion.The professor's evil assistant lures the girls into a bizarre scheme to perform hideous experiments.Using a brain implant she transforms her victims and their dates into zombies.\\\"Nightmare Weekend\\\" is a completely braindead piece of garbage that features lots of nudity and some cheesy gore,not to mention a laughable musical score.The acting is horrendous and the script is utterly incoherent.Why such piece of crap is widely distributed is beyond me.Avoid it like the plague.1 out of 10.\": {\"frequency\": 1, \"value\": \"Henry Sala's ...\"}, \"***SPOILERS*** ***SPOILERS*** Juggernaut is a British made \\\"thriller\\\" released in the US by First National. Karloff is Dr. Sartorius who has to leave his research because his funds have dried up. Karloff is forced to retreat to France and start up a medical practice. He is propositioned by a conniving woman who wants to get rid of her much older husband. She knows Karloff needs the money.

Karloff agrees to the proposition and soon becomes the personal doctor of the husband. All the while, the wife is prancing about town with the local no good playboy. Karloff finally injects the old geyser with poison and he kicks off. However, his son (from another marriage) arrives a few days before the killing and finds out the will has been changed. When he spills the beans to the wife, she goes berserk and even bites the son's hand.

Meanwhile, Karloff's nurse has misplaced the hypo Karloff used to kill the old man. When Karloff finds out he isn't getting any money, he asks the wife to poison the son. The nurse suspects Karloff and finds the missing hypo. Analysis shows poison, but not quite in time as Karloff kidnaps the nurse.

To make a long story short, the nurse escapes, gets the police, and manages to save the son who is about to be injected by Karloff. Karloff instead injects himself and dies.

This movie does have some good points. Karloff is possessed and plays the type of mad doctor he did in The Devil Commands and the Man Who Lived Again. It is peculiar, however, to see him walk around stiffly and slightly hunched over. We never find out why he is walking this way. I suspect the director thought it made him more sinister.

The actress playing the 2-timing wife overacts something terrible. She has a French accent. Even though she overacts badly, you still manage to hate her (or maybe you hate her because of her acting...).

A little below average for a Karloff vehicle. If you buy the Sinister Cinema VHS copy, the audio is a bit choppy.\": {\"frequency\": 1, \"value\": \"***SPOILERS*** ...\"}, \"Stephen King adaptation (scripted by King himself) in which a young family, newcomers to rural Maine, find out about the pet cemetery close to their home. The father (Dale Midkiff) then finds out about the Micmac burial ground beyond the pet cemetery that has powers of resurrection - only of course anything buried there comes back not quite RIGHT.

Below average \\\"horror\\\" picture starts out clumsy, insulting, and inept, and continues that way for a while, with the absolute worst element being Midkiff's worthless performance. It gets a little better toward the end, with genuinely disturbing finale. In point of fact, the whole movie is really disturbing, which is why I can't completely dismiss it - at least it has SOMETHING to make it memorable. Decent supporting performances by Fred Gwynne, as the wise old aged neighbor, and Brad Greenquist, as the disfigured spirit Victor Pascow are not enough to really redeem film.

King has his usual cameo as the minister.

Followed by a sequel also directed by Mary Lambert (is it any wonder that she's had no mainstream film work since?).

4/10\": {\"frequency\": 1, \"value\": \"Stephen King ...\"}, \"I recently rented the animated version of The Lord of the Rings on video after seeing the FANTASTIC 2001 live action version of the film. The Lord of the Rings live action trilogy directed by Peter Jackson will undoubtably be far better than George Lucas' Star Wars \\\"prequel\\\" trilogy (Episodes 1-3) will ever be as the real fantasy film series of the 21st century!

I remember seeing the animated version as a child, and I didn't quite understand the depth of the film at that time. Now that I have read the books, I understand what the whole storyline is all about. To be sure, some of the characters are quite silly, (Samwise Gangee is particularly annoying, almost as much as Jar Jar Binks in Star Wars Episode One, (AWFUL!)) but, I have to say it follows the book rather closely, and it goes into part of book two, The Two Towers. The good things are that the action is somewhat interesting and some of the animation is quite remarkable for it's time. The bad things are that it ends upruptly halfway through The Two Towers without any result of Frodo's quest to destroy the one ring, and the animation looks quite dated compared to today's standards.

Overall, not AS bad as many say it is. BUT, the 2001 live action version is the new hallmark of The Lord of the Rings! At least Ralph Bakshi took the script seriously! Peter Jackson has said that the animated version inspired him to read the books, which in turn caused him to create one of the greatest fantasy series ever put on film, so we can at least thank Ralph Bakshi for that matter! I'll take the animated version of Lord of the Rings over the live version of Harry Potter anyday!

A 7 out of a scale of 1-10, far LESS violent than the 2001 live action version, but NOWHERE near as good! For diehard fans of the books and film versions of The Lord of the Rings.\": {\"frequency\": 1, \"value\": \"I recently rented ...\"}, \"this movie was a horrible excuse for...a movie. first of all, the casting could have been better; Katelyn the main character looked nothing like her TV mom.

also, the plot was pathedic. it was extremely clich\\ufffd\\ufffd and predictable. the ending was very disappointing and cheesy. (but thats all i'll say about that).

the nail in the bag though, was a scene when Katelyn (jordan hinson) was supposed to be crying, but the girl couldn't cry on command! there were no tears streaming down her face, just a few unbelievable sobs. she is not a dynamic actress at all. she gave the same fake little laugh identical to that of hillary duff on lizzie Maguire (sp?). thats when the movie went from not-so-good, to just plain bad. it really looked like she was acting.

in a nutshell: this movie was really bad! it was kind of a mix of every clich\\ufffd\\ufffd kid movie from the 1990's that everyone's sick of--only worse!

i give it an 'F', because it was just so darn hard to sit through (b/t/w, i was babysitting when i saw it).

however, you may like it if your 9 or under. ;)\": {\"frequency\": 1, \"value\": \"this movie was a ...\"}, \"One star for the \\\"plot\\\". One star for the acting. One star for the dubbing into squeaky-voiced American. Five stars for Monica Broeke and Inge Maria Granzow, with their propensity for taking all their clothes off. And ten out of ten for the divine Emmanuelle B\\ufffd\\ufffdart, two years before she made 'Manon des sources'. B\\ufffd\\ufffdart also undresses a couple of times, but even fully-clothed her presence is enough to make this film eminently watchable. Watch out for the scene where she tells her friend about the three \\\"first times\\\" for a girl. It's corny, but still far more erotic than the rather laughably choreographed \\\"love scenes\\\" featuring Broeke, Granzow and Patrick Bauchau. Incidentally, the cinematography is not great; the stills for the closing credits are a better indication of what David Hamilton is capable of.\": {\"frequency\": 1, \"value\": \"One star for the ...\"}, \"As someone who likes chase scenes and was really intrigued by this fascinating true-life tale, I was optimistic heading into this film but too many obstacles got into the way of the good story it should have been.

THE BAD - I'm a fan of Robert Duvall and many of the characters he has played, but his role here is a dull one as an insurance investigator.

The dialog is insipid and the pretty Kathryn Harrold is real garbage-mouth. From what I read, there were several directors replacing each other on this film, and that's too bad. You can tell things aren't right with the story. I couldn't get \\\"involved\\\" with Treat Williams' portrayal of Cooper, either. He should have been fascinating, but he wasn't in this movie. It's also kind of a sad comment that a guy committing a crime is some sort of \\\"folk hero,\\\" but I admit I wound up rooting for the guy, too.

Not everything was disappointing. I can't complain about the scenery, from the lush, green forests of Oregon to the desert in Arizona.

I'd like to see this movie re-made and done better, because it is a one-of-a-kind story.\": {\"frequency\": 1, \"value\": \"As someone who ...\"}, \"This movie will tell you why Amitabh Bacchan is a one man industry. This movie will also tell you why Indian movie-goers are astute buyers.

Amitabh was at the peak of his domination of Bollywood when his one-time godfather Prakash Mehra decided to use his image yet again. Prakash has the habit of picking themes and building stories out of it, adding liberal doses of Bollywood sensibilities and clich\\ufffd\\ufffds to it. Zanzeer saw the making of Angry Young Man. Lawaris was about being a bastard and Namak Halal was about the master-servant loyalties.

But then, the theme was limited to move the screenplay through the regulation three hours of song, dance and drama. What comprised of the movie is a caricature of a Haryanavi who goes to Mumbai and turns into a regulation hero. Amitabh's vocal skills and diction saw this movie earn its big bucks, thanks to his flawless stock Haryanvi accent. To me, this alone is the biggest pull in the movie. The rest all is typical Bollywood screen writing.

Amitabh, by now, had to have some typical comedy scenes in each of his movies. Thanks to Manmohan Desai. This movie had a good dose of them. The shoe caper in the party, the monologue over Vijay Merchant and Vijay Hazare's considerations, The mosquito challenge in the boardroom and the usual drunkard scene that by now has become a standard Amitabh fare.

Shashi Kapoor added an extra mile to the movie with his moody, finicky character (Remember him asking Ranjeet to \\\"Shaaadaaaap\\\" after the poisoned cake incident\\\"). His was the all important role of the master while Amitabh was his loyal servant. But Prakash Mehra knew the Indian mind...and so Shashi had to carry along his act with the rest of the movie. It was one character that could have been more developed to make a serious movie. But this is a caper, remember? And as long as it stayed that way, the people came and saw Amitabh wearing a new hat and went back home happy. The end is always predictable, and the good guys get the gal and the bad ones go to the gaol, the age-old theme of loyalty is once again emphasized and all is well that ends well.

So what is it that makes this movie a near classic? Amitabh Bacchan as the Haryanvi. Prakash Mehra created yet another icon in the name of a story. Chuck the story, the characters and the plot. My marks are for Amitabh alone.\": {\"frequency\": 1, \"value\": \"This movie will ...\"}, \"While the premise behind The House Where Evil Dwells may be intriguing, the execution is downright pathetic. I'm not even sure where to begin as I've got so many problems with this movie. I suppose I'll just number a few of them:

1. The Acting \\ufffd\\ufffd When you see that Edward Albert, Doug McClure, and Susan George (and her teeth) are the stars of your movie, you know you're in trouble? Not that it matters much to me, but these are hardly A-List names. Susan George may have been in a couple of movies I enjoy, but I've never considered her the greatest actress I've ever seen. And in this movie, her acting is embarrassing. As for the other two, the less said the better.

2. The Ghosts \\ufffd\\ufffd The ghosts or spirits or whatever you want to call them reminded me quite a bit of the ghosts in the haunted mansion ride.at Disney World. And, they are about as frightening. And why did they have to be so obvious? Subtlety is not a characteristic of The House Where Evil Dwells.

3. The Plot \\ufffd\\ufffd How predictable can one movie be? The outcome of this movie is painfully obvious once you meet the three main characters. If you couldn't see where this movie was headed after about 15 minutes, you need to see more movies.

4. The Convenient Priest \\ufffd\\ufffd What are the chances that the haunted house you buy just happens to be across the street from a group of Japanese monks? Not to mention that one of them knows the history of your house and comes over, knocks on the door, and asks if you need help removing evil spirits. Absurd is a word that comes to mind.

5. Everything Else \\ufffd\\ufffd It's very difficult for me to think of any positives to write about. I suppose I'll give it a point for the opening scene and a point for the house's architecture. That's a sure sign of a winner \\ufffd\\ufffd noting the architecture as a highlight of any film doesn't say much about the actual movie.

I'll stop. You should be able to get the idea from what I've already mentioned. And, I haven't even mentioned the annoying little girl or the Invasion of the Crabs or a multitude of other problems. Be warned, this thing is horrible.\": {\"frequency\": 1, \"value\": \"While the premise ...\"}, \"This movie was disaster at Box Office, and the reason behind that is innocence of the movie, sweetness of the story. Music was good, story is very simple and old, but presentation of such story is very good, Director tried his best. Abhay is excellent and impressive and he shines once again in his role, he did his best in comedy or in emotional scene. Soha looks so sweet in the movie. Rest star cast was simply okay. Music and all songs are good, Himesh is impressive as an Singer here. Don't miss this movie, its a wonderful movie and a feel good one for us. Abhay best work till date. I will give 9/10 to Ahista Ahista.\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"This story is told and retold and continues to be retold in every possibly way imagine. The immortal Charles Dicken's story has been recreated in every possible way imagine. I admit I have not seen the classic Alistair Sim version and I'm sure someday I will but I would be blown away if it touched even close to this amazing eighties version. I believe that if Dickens himself had created his story for film this would be it.

The story is well known, I won't go into much detail because everyone has seen it in one form or another. A rich, stingy, mean, old man is visited by the Ghost of his former partner and warned about his mean ways. In order to straighten him out he is visited by three spirits, each which show him a different perspective of his life and the people he is involved with, past, present and future. Finally in seeing all this before him he realizes the error of his ways in a big way and attempts retribution for all the wrong he has done.

George C. Scott is absolutely, undeniably perfect for this role. He takes hold of the Ebeneezer Scrooge role and makes it his own and creates an incredible character. He is not just a mean old man, but someone who has been effected by certain situations in his life that has made him bitter and angry at the world. There is compassion within him but he holds it below everything else and is very self involved. Scott delivers the role of perfection when it comes to Scrooge.

Not only does the leading role make this film but everything else fits into place. This is a grand epic of Victorian England, Dickens England is recreated before our very eyes, the sights and the sounds and you can almost feel the breeze in your face and the smells of the market. Director Clive Donner brilliantly recreates this scene and leaves nothing to the imagination. I could watch this film on mute and be dazzled by the scenery. It's not spectacular scenery per se but it's real. The film takes us from the high class traders market to the very dismal pits of poverty and everything in between.

The rest of the cast fits into their roles and brings their literary counterparts to life. Bob Cratchitt, played by David Warner and his entire family including and especially the young Tiny Tim played by Anthony Walters were wonderful. The Ghosts each had their own distinct personality and added to the dark mood of this story. A Christmas Carol is not a light story. Dickens wrote this story for a dark period in England's life and it's one of the few Christmas tales that is really dark, almost scary, and it has to be scary in order to scare a man who has been a miser for so many years into turning around. The dark feel to the story is captured in this film and is downright frightening and yet the end lifts your spirits and captures Christmas miracles. The score to this film is also something to be mentioned as it is epic and grand and beautiful to listen to whether it's the actual score or the Christmas music, everything fits together. Apparently Christmas movies are my favorite because I insist everyone see this Christmas Carol above all others. 10/10\": {\"frequency\": 1, \"value\": \"This story is told ...\"}, \"Where do you begin with a movie as bad as this?

Do you mention the cast of unlikeable heroes? The over-the-top acting? The dreadful script?

No. You just say that anyone who pays money to see a film as poor as this needs their head looking at. I know I do. I respect those poor guys who saw it with little or no advance word from mags like Empire (usually a bad sign if a preview copy isn't available to the quality movie mags). However, cinemas really should start thinking about giving out refunds if the customer isn't happy with the finished product.

I went three days after it opened with two other mates. The only other person in the cinema was one bloke on his own.

And that was on cheap night.

Either the ad campaign had failed dismally or word had spread through most of the country of just what a stinker this is.

Not since the days of The Avengers (1998) have I felt so short changed since watching a movie. If a mate comes round with this on video in a few months make sure he pays your electricity bill while watching it.

Tara Fitzgerald deserves an award for not cracking up - or walking off the set; Keith Allen retains some dignity amid the cinematic carnage; Barry Foster should have been arrested on the set for his performance, Rhys Ifans does his career no favours after the success of Notting Hill and only Dani Behr is halfway likeable as a busty secretary.

Mind you, considering she used to be in The Word, any viewers' expectations of her acting ability had to be pretty low to begin with.

The production values aren't bad considering the obviously limited budget but that script is atrocious. If you want to hear a bunch of unlikeable characters say \\\"Fak!\\\" for a couple of hours then this should be right up your street.

Otherwise, bargepoles required.

\": {\"frequency\": 1, \"value\": \"Where do you begin ...\"}, \"Charlotte's deadly beauty and lethal kicks make the movie cooler than it'd be otherwise.The story is so poor and Charlotte's character dies in such a foolish way, that you wonder if this's the ending they had thought of for this movie. I wish somebody could tell that an alternative ending exists, but I fear it doesn't. As for the rest of the cst, well I'd say they simply didn't act very well; although the blame should be put on the poor script.This movie reminds me of Rush Hour 2 where Zhang Ziyi dies in absurd way, since she had been the only one who had stolen the show during the whole movie. I could give this movie 2/5\": {\"frequency\": 1, \"value\": \"Charlotte's deadly ...\"}, \"I always feel strange and guilty saying it (because I'm a fairly well-educated non-teenager), but I actually sort of like the Olsen twins, and I respect the movies they make, even though I've never really been their target audience. \\\"When in Rome\\\" was a traditional Mary-Kate and Ashley movie, complete with the foreign travel, accents, motorbikes, adult romance as a \\\"B\\\" storyline, fashion orientation, and even the gag reel over the credits. I enjoyed myself. \\\"When in Rome\\\" and the other Olsen twin movies never pretend to be anything they're not; most of the time, they only premiere on video, and they never claim to be the next \\\"Citizen Kane\\\" or even \\\"An Affair to Remember.\\\" My point is, people who watch this movie and expect it to be anything other than another Olsen twin movie will be disappointed.

That said, those who ARE fans of the Olsen twins will really enjoy themselves. For those of us who've watched them since the first episodes of \\\"Full House,\\\" it's really great to see them growing into more mature roles. This movie provides important historical and geographical information, just like many of their other movies (remember 10 Downing Street from \\\"Winning London\\\" and the visit to the Louvre from \\\"Passport to Paris\\\"?) as well as providing good, clean fun that can be enjoyed by the whole family.

As long as I still feel like I'm on my soapbox, and as long as I can make it relevant to the movie, let me take a moment to challenge those who reject the Olsen twins: in order to be a fan of the Olsen twins, you don't have to be some pre-teen \\\"valley girl\\\" from California. In fact, that's not really the target audience. If it were, the MK&A fashion line of clothes and accessories would be run through Gap or some store like that, not Wal-Mart. \\\"When in Rome,\\\" while it does feature \\\"high fashion\\\" and globe-trotting and two girls from a valley in Cali, isn't really ABOUT that... it's more about inspiring young girls who have initiative to let it take them places. If that means setting the movie in some glamorous foreign city with cute guys on motorbikes, so be it. That's called marketing--you take an idea and sell it by making it appealing. At least they're sending a good message, even if the means seem a little superficial.

Basically, don't knock the film until you've seen it, and then don't knock it until you've tried to understand what the Olsen twins do: they encourage young girls to be creative, intuitive, and driven young women. This movie does that, I think, just like their others. Kids - enjoy. Parents - do the same. If you like the Olsen twins, you won't be disappointed.\": {\"frequency\": 1, \"value\": \"I always feel ...\"}, \"This was the third Muppet movie and the last one Jim Henson was around to take part in the making of before his premature death in 1990. The first three films starring the famous characters were all made and released into theatres before I was born. I originally saw the first and second installments in the original trilogy, \\\"The Muppet Movie\\\" and \\\"The Great Muppet Caper\\\", around the mid-nineties, as a kid, but didn't see this third one, \\\"The Muppets Take Manhattan\\\", until April 2007. This was shortly after I had seen its two predecessors and 1996's \\\"Muppet Treasure Island\\\" for the first time in many years. This third Muppet movie definitely didn't disappoint me the first time I saw it, and my second viewing nearly three years later may not have impressed me as much, but if not, it certainly didn't go too far downhill.

The Muppets' stage musical, \\\"Manhattan Melodies\\\", turns out to be a big hit on their college campus. They are graduating from college, so they will soon be leaving, but decide they will all stay together and go to Manhattan to try and get their show on Broadway. After their arrival, they begin searching for a producer, but after many rejections, they finally decide to part and go find jobs. Most of them leave town, but Kermit stays, and is still determined to find the right producer and reunite the Muppet gang. He gets a job at a New York restaurant owned by a man named Pete. The frog quickly befriends Pete's daughter, Jenny, an aspiring fashion designer who currently works at her father's restaurant as a waitress. As Kermit continues his attempts to reach stardom, now with the help of Jenny, he doesn't know that Miss Piggy has secretly stayed in New York and is now spying on him. She begins to see Kermit and Jenny together, and to her it looks like they're getting close, which leads to jealousy!

When I saw this movie for the second time, it looked disappointing at first. It seemed a little rushed, unfocused, and maybe even forgettable around the beginning. There are some funny bits during this part of the film, such as Animal chasing a woman through the audience on the college campus, but for a little while, the film seemed bland to me compared to its two predecessors. Fortunately, it wasn't long before that changed. The film is entertaining for the most part, with \\\"Saying Goodbye\\\", the poignant song the Muppets sing as they part, and a lot that happens after that. The two funniest parts MIGHT be Miss Piggy's tantrums after she sees Kermit and Jenny hugging, but there were definitely many other times when I laughed, such as poor Fozzie trying to hibernate with other bears. The Muppets still have their charm and comical antics, which obviously also helps carry the movie for the most part, as does the plot, a simple but intriguing one for all ages. There are some weaker moments, such as the Muppet babies sequence, and Juliana Donald's performance as Jenny is lacklustre, but neither of these problems are too significant, and are far from enough to ruin the entire experience.

I would say \\\"The Muppet Movie\\\", the film that started the franchise in 1979, is the best of the original trilogy, and that seems to be the most popular opinion. This third film is probably the weakest of the three, but all of them are good. Unlike \\\"Muppets From Space\\\", the third of the theatrical films in the franchise made after Henson's sad passing, at least \\\"The Muppets Take Manhattan\\\" is still the Muppets! I won't go into details about what I think of the Muppets' 1999 film, released twenty years after their first one, since I've already explained in my review of it why I found it so disappointing, and even though it does have some appeal, I'm clearly not alone. However, every theatrical movie starring the lovable Muppets that was made during Henson's life is good entertainment for the whole family, even if the second and third installment each showed a slight decline in quality after the one that directly preceded it.\": {\"frequency\": 1, \"value\": \"This was the third ...\"}, \"Ruth Gordon is one of the more sympathetic killers that Columbo has ever had to deal with. And, the plot is ingenious all the way around. This is one of the best Columbo episodes ever. Mariette Hartley and G. D. Spradlin are excellent in their supporting roles. And Peter Falk delivers a little something extra in his scenes with Gordon.\": {\"frequency\": 1, \"value\": \"Ruth Gordon is one ...\"}, \"This show has a few clich\\ufffd\\ufffds and a few over the top, Dawson's Creek-like moments (a 16-year-old talking about way back when life made sense?), but overall it seems like a decent show. Most of the characters seem very real, and the story seemed to move along well in the pilot - ending with a good lesson in the end. I just hope every episode doesn't turn out to be life-altering like the first, that would just be too much drama for this vehicle. Jeremy Sumpter does an excellent job as a teenager with a passion for baseball, I believe a lot of us could relate to his awe and sometimes tunnel vision for the team that he always wanted to a part of.\": {\"frequency\": 1, \"value\": \"This show has a ...\"}, \"Over the years, we've seen a lot of preposterous things done by writers when the show just had to go on no matter what, keeping \\\"8 Simple Rules\\\" going after John Ritter died comes to mind, but this is probably the first time I cared. The idea of having \\\"That 70's Show\\\" without Eric or to a lesser extent Kelso is ridiculous. They tried to cover it up with a comeback of Leo and increasingly outrageous story lines, but it always felt like why bother when you don't have a main character anymore. It just didn't really connect, it was a bunch of unrelated stuff happening that most of the time wasn't even funny. The last season felt like the season too much for every single character, simply because Eric used to take a lot of screen time and now we'd be smashed in the face by how stale and repetitive the rest of the characters were. Focusing on the gimmick that is Fez was thoroughly uninteresting and the character would simply stop working, because the whole deal was that he'd say something weird from out of nowhere, and you can't say stuff from out of nowhere when every second line is yours. They also brought in the standard cousin Oliver, only this time it just wasn't a kid. Whenever you heard somebody knock on the door, you started praying it wasn't Randy, please let it not be Randy. The deal with Randy was that he'd do really awful jokes, usually as Red would say, smiling like an ass and totally screwing up delivery and Donna would be in stitches. I think more than half of the last season was Donna pretending to be amused. The problems had started earlier though: what once was a truly great show with an equally great concept that for once wasn't about a dysfunctional family slowly got into the territory of soap opera. Everybody started being in love with everybody, emotional scenes were dragged out at nausea, with just one usually lame joke placed somewhere to divert attention that we were watching \\\"As The World Turns\\\". I'm guessing this was character development, but come on that was written almost as clumsily as the moral lessons from \\\"Family Matters\\\". To be fair, the last episode, also because it had a cameo by Topher Grace (a cameo in his own show), was really good, even if not that funny either.

By the way, yet more criticism on Season 8: what the hell was with the opening theme? Not only did they use the same joke twice (a character not singing), Fez scared the hell out of me. Dude, don't open your eyes that far. But the first five seasons or so,among the best comedy ever broadcast.\": {\"frequency\": 1, \"value\": \"Over the years, ...\"}, \"When it first came out, this work by the Meysels brothers was much criticized and even judged to be exploitation. Luckily, it is now hailed as a masterpiece of documentary cinema, especially now that society has been exposed to real exploitation in what is reality television, and the bad evolution of most direct cinema.

Really, at first, we must say that this isn't really direct cinema, it is more cinema verit\\ufffd\\ufffd. The difference between the two is very slight, but it mainly is the fact that in this documentary, we are made to feel the presence of the Meysels brothers, and they do interact with the characters filmed. This as well makes it clear that it is not exploitation. The Meysels have been allowed in the house, and they are included in what is a very eccentric situation of a very eccentric household. And both Edith and Edie just love the idea of being filmed.

It would have been very disappointing had very been shown only a voice of God narration and shallow interviews. Here, we are given a full portrait of the madness of the house, a madness that does seem to go down well with both Edie and her mother Edith. Their house is a mess, litter and animals everywhere, faded colors and furniture all over the house, and the constant fights that are constant interactions of reality. These two people have lived with each other their whole life, and are not fighting in front of the camera because they want the attention, but rather because they can't help talking to each other this way. They know each other too well to hide their inner feelings, there is no need. In the end, though, even as they blame each other for their lives, they really love each other deeply. Edie says she doesn't want her mother to die, because she loves her very much, and Edith says that she doesn't want Edie to leave her because she doesn't want to be alone.

But the most interesting aspect of the film is that regardless of their old age, the two women can't help be girls. They cannot help being one the singer, the other the dancer. Exhibit all their artistic skills in front of their camera. When Edie asks David Meysels rhetorically \\\"Where have you been all my life?\\\" she is really very happy that she finally gets to show the whole world herself and her wonderful showgirls skills. A beautiful portrait of stylistic importance and a charm that is highly unlikely to be ever seen again, the way only the Meysels and few others could do.\": {\"frequency\": 1, \"value\": \"When it first came ...\"}, \"I completely agree with the other comment someone should do a What's up tiger Lily with this film.

It has to be one of the worst french films I've seen in a long time (actually along with Brotherwood of the Wolves, 2 horrendous films in a much too short period of time).

It's really sad because the cast is really interesting and the original idea kind of fun. Antoine DeCaunes in particular and Jean Rochefort being among my darlings, I was bitterly disappointed to see them compromised in such a poor film.

Lou Doyon is quite bad, as usual which goes to prove that a pretty face and famous parents can get you into the movies but they don't necessarily give you talent.

avoid this film, if you want to laugh watch an Alain Chabat instead or some nice period piece full of fun like LA FILLE DE D'ARTAGNAN.\": {\"frequency\": 1, \"value\": \"I completely agree ...\"}, \"Given the people involved, it is hard to see why this movie should be so messed up and dull. The writer, David Ward, wrote the amazing caper film \\\"The Sting\\\" two years later, Jane Fonda had just won an Academy Award for Klute, and Donald Sutherland had just done excellent work in films like \\\"Klute,\\\" \\\"Start the Revolution Without Me,\\\" and \\\"Kelly's Heroes.\\\" Plotwise, the movie is a caper tale, with a small gang of bumbling misfits planning a big heist. At the same time the movie wants to be hip satire, a series of comedy sketches of the type that the NBC television show \\\"Saturday Night\\\" would do so well two years later. The bad result is that the plot makes the comedy bits seem awkward and forced and the disconnected comedy bits destroy any kind of suspense that the heist might have. It is quite literally a movie that keeps smashing into itself, just as the cars in the cars in the demolition scenes run into each other.

The only real interest for me was watching Jane Fonda. Her \\\"Iris Caine\\\" is supposed to be a light hearted version of her dramatic Bree Daniels prostitute character in \\\"Klute\\\" Yet, one doesn't believe her for a moment. It is always Jane Fonda pretending to be a prostitute that we are watching. It is as terrible a performance as her performance in \\\"Klute\\\" was terrific. It would be a good lesson for acting teachers to run the two films together to show how the same actress in the same type of role can be great or pathetic. It suggests that actors are only as good as their writers and directors.\": {\"frequency\": 1, \"value\": \"Given the people ...\"}, \"When tradition dictates that an artist must pass his great skills and magic on to an heir, the aging and very proud street performer, known to all as \\\"The King of Masks,\\\" becomes desperate for a young man apprentice to adopt and cultivate.

His warmth and humanity, tho, find him paying a few dollars for a little person displaced by China's devastating natural disasters, in this case, massive flooding in the 1930's.

He takes his new, 7 year old companion, onto his straw houseboat, to live with his prized and beautiful monkey, \\\"General,\\\" only to discover that the he-child is a she-child.

His life is instantly transformed, as the love he feels for this little slave girl becomes entwined in the stupifying tradition that requires him to pass his art on only to a young man.

There are many stories inside this one...many people are touched, and the culture of China opens itself for our Western eye to observe. Thousands of years of heritage boil down into a teacup of drama, and few will leave this DVD behind with a dry eye.

The technical transfer itself is not that great, as I found the sound levels all over the meter, and could actually see the video transfer lines in several parts of the movie. Highly recommended :-) 9/10 stars.\": {\"frequency\": 1, \"value\": \"When tradition ...\"}, \"Awful! Awful! Awful! No, I didn't like it. It was obvious what the intent of the film was: to track the wheeling and dealing of the \\\"movers and shakers\\\" who produce a film. In some cases, these are people who represent themselves as other than what they are. I didn't need a film to tell me how shallow some of the people in the film industry are. I suppose I'm at fault really because I expected something like \\\"Roman Holiday\\\".

I'm not a movie-maker nor do I take film classes but it appeared to me that the film consisted of a series of 'two-shots' (in the main) where the actors(!) had been supplied with a loose plot-line and they were to improvise the dialogue. Henry Jaglon makes the claim that he along with Victoria Foyt actually wrote the screenplay but the impression was that the actors, cognisant of the general direction of the film, extemporised the dialogue - and it was not always successful. Such a case in point was when Ron Silver made some remark which really didn't flow along the line of the conversation (and I'm not going back to look for it!) and Greta Scacchi broke into laughter even though they were supposed to be having a serious conversation, because Silver's remark was such a non sequitur. You get the impression too that one actor deliberately tries to 'wrong foot' the other actor and break his/her concentration. Another instance of this is when a producer tells Silver to \\\"bring the &*%#@#^ documents\\\" (3 times). Silver looked literally lost for words. I have seen one other film which looked like a series of drama workshops on improvisation and that was awful too!

The fact that Jaglon was able to attract Greta Scacchi (no stranger to Australia), Ron Silver, Anouk Ami, and Maximilian Schell suggests it was a 'slow news week' for them. Peter Bogdanovich had a 'what-the-hell-am-I-doing-here' look on his face at all times and I expected to hear him say: \\\"Look, I'm a director and screenwriter - not an actor\\\" - which would have been unnecessary to state! Faye Dunaway seemed more interested in promoting her son, Liam. Apart from the jerky delivery of the dialogue, the hand-held camera became irritating even if it was for verisimilitude - as I suspect the \\\"natural\\\" dialogue was - and the interest in the principals became subsumed to the interest in the various youths walking along the strand trying to insinuate themselves into shot. That at least approached Cinema Verite. So that, along with the irritating French singing during which I used the mute button, made for a generally disappointing 90-odd minutes.

I think we should avoid apotheosising films such as this. Trying to see value in the film where it has little credit in order to substantiate a perceived transcendental level to it is misguided. There was really nothing avant-garde about it. It didn't come across as a work of art and yet it wasn't a documentary either. I know, it was a mocumentary but the real test is whether it is entertaining. I was bored out of my skull! It did have one redeeming feature: it pronounced 'Cannes' correctly so I gave it 3/10.\": {\"frequency\": 1, \"value\": \"Awful! Awful! ...\"}, \"Last year we were treated to two movies about Truman Capote writing the book from which this film was made - Capote and Infamous.

I cannot imagine a movie like this being made in 1967. A stark, powerful and chillingly brutal drama; elevated to the status of a film classic by the masterful direction of Richard Brooks (Elmer Gantry, Cat on a Hot Tin Roof, The professional, Blackboard Jungle).

It is interesting that Robert Blake, who starred in this film, has had so many problems of late that may be related to his portrayal of a killer in this film.

This is a film that stays with you after viewing.\": {\"frequency\": 1, \"value\": \"Last year we were ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"This movie ...\"}, \"Bloodsuckers has the potential to be a somewhat decent movie, the concept of military types tracking down and battling vampires in space is one with some potential in the cheesier realm of things. Even the idea of the universe being full of various different breeds of vampire, all with different attributes, many of which the characters have yet to find out about, is kind of cool as well. As to how most of the life in the galaxy outside of earth is vampire, I'm not sure how the makers meant for that to work, given the nature of vampires. Who the hell they are meant to be feeding on if almost everyone is a vampire I don't know. As it is the movie comes across a low budget mix of Firefly/Serenity and vampires movies with a dash of Aliens.

The action parts of the movie are pretty average and derivative (Particularly of Serenity) but passable- they are reasonably well executed and there is enough gore for a vampire flick, including some of the comical blood-spurting variety. There is a lot of character stuff, most of which is tedious, coming from conflicts between characters who mostly seem like whiny, immature arseholes- primarily cowboy dude and Asian woman. There are a few character scenes that actually kind of work and the actors don't play it too badly but it mostly slows things down. A nice try at fleshing the characters out but people don't watch a movie called Bloodsuckers for character development and drama. The acting is actually okay. Michael Ironside hams it up and is as fun to watch as ever and at least of a couple of the women are hot. The space SFX aren't too bad for what is clearly a low budget work. The story is again pretty average and derivative but as I said the world created has a little bit of potential. The way things are set up Bloodsuckers really does seem like the pilot for a TV series- character dynamics introduced, the world introduced but not explored, etc.

The film does have a some highlights and head scratching moments- the kind of stuff that actually makes these dodgy productions watchable. -The scene where our heroes interrogate a talking sock puppet chestburster type creature. Hilarious. - The \\\"sex scene.\\\" WTF indeed. -The credit \\\"And Michael Ironside as Muco.\\\" The most annoying aspect of it all though is the really awful and usually inappropriate pop music they have playing very loud over half the scenes of the movie. It is painful to listen to and only detracts from what is only average at best.

Basically an okay watch is you're up for something cheesy, even if it is just for the \\\"chestburster\\\" scene.\": {\"frequency\": 1, \"value\": \"Bloodsuckers has ...\"}, \"The world is a terrible place. But this movie is farce and it's fun. And if you don't like it... you don't get it... and if you don't get... it doesn't matter. It's up to you if you want to play along. Every actor in this one had fun. It's only a joke. And that's good enough for me. Gabriel Byrne is priceless. Byrne and Paul Anka doing MY WAY is, as \\\"Vic\\\" puts it, \\\"...the best version ever\\\". Okay... it's no masterpiece, but it's not bad. I was warned against seeing it, but I'm sure glad I did...\": {\"frequency\": 1, \"value\": \"The world is a ...\"}, \"Truly this is a 'heart-warming' film. It won the George Peobody Award, winning over \\\"Roots\\\", so that may tell you something of the essence of this film. I am looking on the Internet how to order this movie since my former father-in-law, Eugene Logan, the co-writer of this film has been deceased for a few years now so I no longer have the opportunity to receive information from him. I would love to have his only grand-daughters, my daughters, see this film, as well as to pass this wonderful story on to his great-grandsons. My oldest daughter was seven years old at the time it was aired on television and I since have been looking forward to seeing it again. One of my friends said it was her favorite movie. I won't 'spoil' this movie for you.\": {\"frequency\": 1, \"value\": \"Truly this is a ...\"}, \"I've read a few of the reviews and I'm kinda sad that a lot of the Story seems glossed over. Its easy to do because its not a Book, its a movie and there's only so much that can be done in a movie- US Or Canadian- or anywhere.

Colm Feore does, at least for a recovering \\\"F@g-Hag\\\" like myself, a great job of not only playing the 'friendly neighborhood' gay man- but playing sick. I mean, the man really can't get much more pale! Though, you might never know it from the strip down near the... um, end.

If you need decrepit, there are a few SKing movies you might like.

Being the daughter of a Recovering Alchoholic, the druggie brother {David Cubitt} was the trick for me. I'm going to give him cred, he grew up quick- and believe me that's good. And, as an Aspiring writer, moimeme, I can dig a lot of his insights and overviews. But I'm more prosy than poetic.

I may be easy to please, but I enjoyed it. A nice story pretty well put together- by Canadians, quelle surprise. Just toed the line of the 'Movie of the week,' missing it by not being as drawn out, GREATLY Appreciated. And it was rather cleverly portrayed.\": {\"frequency\": 1, \"value\": \"I've read a few of ...\"}, \"I've read the other reviews and found some to be comparison of movie v real life (eg what it takes to get into music school), Britney Bashing, etc, etc. so let's focus on the movie and the message.

I have rated this movie 7 out of 10 for the age range 8 to 14 years, and for a family movie. For the average adult male.... 2 out of 10.

I like pop/rock music, i'm 45. I know of Britney Spears but never realised she actually sang Stronger until i read the credits and these reviews. I didn't recognise her poster on the wall so I was not worried about any 'self promotion'.

I watch movies to be entertained. i don't care about casting, lighting, producers, directors, etc. What is the movie and does it entertain me.

I watched this movie for the message. The world's greatest epidemic is low self-esteem (which is a whole other story) so watched with the message in mind, as that is an area of interest. The movie is light, bright and breezy, great for kids. I found the Texan twang began to fade throughout the movie and of course there are only so many ways to convey the give up/don't give up message, so yeh, it was a bit predictable. Great message though...should be more of them.

This movie is a great family movie, but for a bloke watching by himself, get Hannibal.\": {\"frequency\": 1, \"value\": \"I've read the ...\"}, \"I can always tell when something is going to be a hit. I see it or hear it, and get a good feeling. I did not get a good feeling watching the preview. I was not at all enthusiastic about this film, and I am not at all surprised that it is rated here as one of the worst 100 films. I was in fact proved right.

The first thing that threw me off was the title. Not that I have a problem with ebonics(I am black by the way), but for a movie they could have used a better title, and for this time use a title that doesn't have bad grammar. I heard the dialog, saw the acting and all I could do was make faces.

I also think that the dance movie theme is being overdone. At least \\\"You Got Served\\\" was better than this in my opinion. Even the soundtrack didn't thrill me.\": {\"frequency\": 1, \"value\": \"I can always tell ...\"}, \"\\\"Sasquatch Hunters\\\" actually wasn't as bad as I thought.

**SPOILERS**

Traveling into the woods, Park Rangers Charles Landon, (Kevin O'Connor) Roger Gordon, (Matt Latimore) Brian Stratton (David Zelina) Spencer Combs, (Rick Holland) and his sister Janet, (Stacey Branscombe) escort Dr. Helen Gilbert, (Amy Shelton-White) her boss Dr. Ethan Edwards, (Gary Sturm) and assistant Louise Keaton, (Juliana Dever) to find the site of some reputed bones found in the area. When they make camp, the team discovers a giant burial ground and more strange bones littering the area. When members of the group start to disappear, they start to wander through the woods to safety. It's discovered that a Sasquatch is behind the killings, and the team band together to survive.

The Good News: This wasn't as bad as I thought it would be. The movie really starts to pick up some steam at around the half-way point, when the creature attacks. That is a masterful series of scenes, as the whole group is subjected to attacks by the creature, and the suspense throughout the entire play-out is extremely high. The wooded area is most appropriately milked during these parts, heightening the tension and wondering when a single person wandering around in the forest will get their comeuppance. Also spread quite liberally through the movie is the effective use of off-screen growls and roars that are truly unworldly. They really do add much to make this part so creepy, as well as the other times the growling shriek is heard. It's quite effective, and works well. It's quite nice that the later part of the film picks up the pace, as it goes out pretty well on a high note of action. One scene especially I feel must point out as being a special scene on first viewing. As a man is running through the forest from the creature, he spots the expedition that has gone on looking for it. Raising his hands to holler to them for help, the second he goes to announce his presence is he attacked from out of nowhere and killed quite hastily. It caught me by surprise and actually gave me a little jump on first viewing.

The Bad News: There was only a couple things to complain about here, and one is a usual complaint. The creature here is mostly rendered by horrible CGI, which made him look totally ridiculous and destroys any credibility it might've had. The air of menace conjured up by the opening of the film is almost shot out the window when the creature appears on screen. It's so distracting that it's a shame a little more work wasn't put into it. I've complained about this one a lot, and is something that really should be done away with, as it doesn't look that realistic and is quite fake. Another big one is the off-screen kills in here. Very often in the film is a person grabbed and then yanked away, and then finding the bloody body afterward. It's quite aggravating when the kills look nice and juicy afterward. Otherwise, I don't really have much of a problem with this one, as everything else that's usually critiqued about this one didn't really bother me, but it is called on for others beyond this stuff.

The Final Verdict: I kinda liked this one, but it's still not the best Sasquatch movie ever. It's not supposed to be taken seriously, and if viewed that way, it's actually quoit enjoyable. Fans of these films should give this one a look, and those that like the Sci-Fi Creature Features might find some nice things in here as well.

Rated R: Graphic Language, Violence and some graphic carcasses\": {\"frequency\": 1, \"value\": \"\\\"Sasquatch ...\"}, \"Story of a good-for-nothing poet and a sidekick singer who puts his words to music. Director Danny Boyle has lost none of his predilection for raking in the gutter of humanity for characters but he has lost, in this film, the edge for creating inspiring and funny films. Strumpet is painful to watch and barely justified by the fact that it was made for TV.\": {\"frequency\": 1, \"value\": \"Story of a good- ...\"}, \"Hey now, yours truly, TheatreX, found this while grubbing through videos at the flea market, in almost new condition, and in reading the back of the box saw that it was somewhat of a \\\"cult hit\\\" so of course it came home with me.

What a strange film. The aunt and cousin of former first lady Jacqueline Bouvier Kennedy Onassis live in this decaying 28 room house out on Long Island (Suffolk Co.) and share the house with raccoons, cats, fleas (eyow!) and who knows what else. Suffolk Co. was all over them at one point for living in filth and old Jackie herself came by to set things right. Anyway, this is one strange pair, Big Edie and Little Edie...Edie (the daughter) always wears something over her head and dances, sings, and gives little asides to the camera that rarely make much sense. Big Edie (the mother, age 79) apparently likes to run around naked, and while we do get hints of what that might look like thankfully this was tastefully (?) done to the point where we're mercifully spared from that. These women talk and talk and talk, mostly about the past, and it doesn't make a whole lot of sense, except to them. They live in absolute filth, cats doing their business wherever (\\\"Look, that cat's going to the bathroom behind my portrait!\\\"), and one bedroom appears to be their center of operations. If I close my eyes and listen to Big Edie's voice it reminds me very much of my own late aunt, who was from that area of the country and had that Lawn Guyland accent. One scene has Little Edie putting on flea repellent, lovely, you can see all the cats scratching all the time so the place must have been infested. The box refers to these two women as \\\"eccentric\\\", and I'd have to say in this case it is just a euphemism for \\\"wacked out of their gourds\\\", but this film is not without its moments where you truly feel something for them. This is equal parts creepy, sad, and disgusting, but I couldn't stop watching once I started. This is not my \\\"normal\\\" type of flick but I found it to be somewhat fascinating. It won't be for everybody though, guaranteed.\": {\"frequency\": 1, \"value\": \"Hey now, yours ...\"}, \"What is most disturbing about this film is not that school killing sprees like the one depicted actually happen, but that the truth is they are carried out by teenagers like Cal and Andre...normal kids with normal families. By using a hand held camera technique a la Blair Witch, Ben Coccio succeeds in bringing us into the lives of two friends who have some issues with high school, although we aren't ever told exactly what is behind those issues. They seem to be typical -a lot of people hate high school, so what? A part of you just doesn't believe they will ever carry out the very well thought out massacre on Zero Day. The surveillance camera scenes in the school during the shooting are made all the more powerful for that reason. You can't believe it's really happening, and that it's really happened. The hand held camera technique also creates the illusion that this is not a scripted movie, a brilliant idea given the subject matter.\": {\"frequency\": 1, \"value\": \"What is most ...\"}, \"Our teacher showed us this movie in first grade. I haven't seen it since. I just watched the trailer though. Does this look like a first grade movie to you? I don't think so. I was so horrified by this movie, I could barely watch it. It was mainly the scene with Shirley McClain cutting that little girl in half, and then there was the boy with ketchup! I was freaked out by this film. Now today, being 20, I probably would not feel that way. I just wanted to share my experience and opinion that maybe small children shouldn't see this movie, even though it's PG. Be aware of the possible outcomes of showing this to kids. I don't even remember what it was about, once was enough!\": {\"frequency\": 1, \"value\": \"Our teacher showed ...\"}, \"Most people who have seen this movie thinks that it is the best movie ever made. I disagree but this movie is very very good. Tony is a bad ass guy and knows that he's intimidating and uses it to get ahead. It's about him and how he goes from washing dishes to having a huge house and a office with cocaine all over the desk. If you want a family movie then this isn't the way to go but if you want mobsters and vengeance and stuff like that then you'll like it.\": {\"frequency\": 1, \"value\": \"Most people who ...\"}, \"Jack Frost is about a serial killer who is sentenced to death. On the Way to his death sentence the prison truck that he rides in collides with a chemical tanker filled with a chemical that turns his molecules with the snow on the ground turning him into a snowman. Being a killer himself that would turn him into a killer snowman. Jack now wants revenge on the sheriff who caught him. Jack now starts his rampage all over again killing people in a small town.

I don't think Jack Frost has a chance of becoming a horror classic but its a entertaining flick. Just put your brain on hold and have fun with it, but just don't take it too seriously.\": {\"frequency\": 1, \"value\": \"Jack Frost is ...\"}, \"In a time when Hollywood is making money by showing our weaknesses, despair, crime, drugs, and war, along comes this film which reminds us the concept of the \\\"Indomitable Spirit\\\". If you are feeling beaten down, this movie will free your mind and set you soaring. We all know how tough life can be, sometime we need to be reminded that persistence and courage will get us through. That's what this film did for me and I hope it will for you.\": {\"frequency\": 1, \"value\": \"In a time when ...\"}, \"This is one of those films that explore the culture clash of Eastern born people in Westernized cultures.

Loving on Tokyo Time is a sad film about the inability of opposites to attract due to major cultural differences. Ken, rock n'roll fanatic, marries Kyoto, a Japanese girl, so that she can stay in the United States when her visa expires. The marriage is only expected to be temporary, that is, until Kyoto gains legal status again. But, Ken, who seems to be lost in every relationship, takes a liking to Kyoto and tries very hard to make things work out. This, despite his friend's urging that dumping Kyoto and getting rid of all commitments to girls is bad for rock n' roll except to inspire some song writing about broken hearts and all of that.

But Kyoto comes from a strict traditional Japanese upbringing, and doesn't expect to be married to Ken all that long. Not only that, she is homesick and wants to return to Japan. It's sad in that this is finally someone Ken thinks he can love and be with and all that, except the one time he thinks he's found someone to feel that way about, the girl isn't expecting to stay that long. It's not that she doesn't like Ken, it's just that she's used to a whole 'nother way of life. She says, \\\"I can't tell him the way I feel in English, and Ken can't tell me the way he feels in Japanese.\\\" It's a rather sad love story with a killer 80s techno-nintendo soundtrack.

I picked up Loving on Tokyo Time because it reminded me of one of my favorite 80s films, Tokyo Pop. And, for those of you who enjoyed Loving on Tokyo Time, check out Tokyo Pop (a New York singer goes to Japan and joins a Japanese American cover band), except it's a movie with a happy ending.

\": {\"frequency\": 1, \"value\": \"This is one of ...\"}, \"Mark Frechette stars as Mark, a college radical leftist. Mark is accused of killing a cop during a campus riot, and he flees all the way to the desert. He does so by stealing a small plane at the local airport, and flies it himself.

Once out flying over the desert, Mark spots a car from the air. A young woman named Daria steps out, and sees Mark circling in the plane. Mark swoops the plane very low several times, causing Daria to duck or get hit. When he lands, he becomes acquainted with Daria, who is strangely charmed by Mark's aerial highjinks.

After engaging in soulful conversation for hours, Mark and Daria get naked, and make love in the sand. But with Mark evading the law, they realize that he needs to keep running. So Mark and Daria's brief tryst is quite poignant, because it doesn't get to develop into a full-blown romance.

Zabriski Point was the Eraserhead of the early 70s. Both films have a rambling, vague quality, along with complicated meanings and characters. Frechette was as reckless in person, as his character was in this film. A few years after making Zabriski Point, Frechette robbed a bank in real life. While serving his prison sentence, Mark died an ignoble death. He was killed by a 150 lb. weight, which fell on him when he was weightlifting.

The best thing about this movie was the splendid cinematography, and special visual effects. The incredible, slow-motion scenes of debris floating in the air after an explosion, were a stroke of genius. Although not as ground-breaking a film as Easy Rider was, Zabriski Point still resonated with the early 70s counterculture. I recommend it, for those who like avant-guard films which showcase the upheaval, of the youth rebellion during the early 70s.\": {\"frequency\": 1, \"value\": \"Mark Frechette ...\"}, \"This movie was excellent. I was not expecting it to live up to all the hype but it did. Like all the Bourne movies the action is fast paced, realistic and intense. If you liked the other two movies in the trilogy you will love this one also. The movie's plot is straightforward and there are no plot twists that are too unrealistic. OK, Julia Stiles character showing up in the Italian safe house was kind of far-fetched especially after what happened in Supremacy but it makes sense that she is the only character in \\\"Treadstone\\\" that Bourne knows, that does not want him dead and he could possibly trust and the only person to lead him in the right direction. The action is driven by characters and their reactions to what is happening all around them. The thing that I always loved about the Bourne movies is that Bourne can kick butt but when matched with people as good as he is the fights are struggles and he takes a lot of damage in them. They never treat the audience like idiots.

All the actors were solid in their performances. I believe that Damon could play Bourne in his sleep and receives excellent support from Joan Allen reprising her role from Supremacy, David Strathairn and Scott Glenn. I recommend this film and the trilogy. I do miss Franka Potente though.\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"This happens to be one of my favorite horror films. It's a rich, classy production boasting an excellent cast of ensemble actors, beautiful on-location cinematography, a haunting musical score, an intelligent and novel plot theme, and an atmosphere of dread and menace. It's reminiscent of such classic films as ROSEMARY'S BABY and THE SHINING, wherein young, vulnerable women find themselves victimized by supernatural forces in old, creepy buildings with a macabre past. Here, CRISTINA RAINES plays a top New York City fashion model named Alison Parker. Her happy, outgoing exterior masks a deeply conflicted and troubled soul. This is evidenced by the revelation that in her past, she attempted suicide twice- once as a teenage girl after walking in on her degenerate father cavorting in bed with two women and having him rip a silver crucifix from her neck and toss it on the floor, and the second time, after her married lawyer-boyfriend's wife supposedly committed suicide over learning of their affair. Telling her beau(played by a suitably slimy CHRIS SARANDON) that she needs to live on her own for a year or so, she answers a newspaper ad for a fully-furnished, spacious one-bedroom apartment in an old Brooklyn Heights brownstone. This building actually exists and is located at 10 Montague Terrace right by the Brooklyn Heights Promenade off Remsen Street. The producers actually filmed inside the building and its apartments, paying the residents for their inconvenience, of course. The real estate agent, a Miss Logan(AVA GARDNER), seems to be very interested in having Alison take the apartment- an interest that cannot be solely explained by the 6% commission she would earn. Especially when she quickly drops the rental price from $500.00 a month to $400.00. Alison agrees and upon leaving the building with Miss Logan, notices an elderly man sitting and apparently staring at her from the top-floor window. Miss Logan identifies the man to her as Father Halliran and tells Alison that he's blind. Alison's response is very logical- \\\"Blind? Then what does he look at?\\\" After moving in, Alison meets some of the other residents in the building, including a lesbian couple played by SYLVIA MILES and BEVERLY D'ANGELO, who provide Alison with an uncomfortable welcome to the building. Alison's mental health and physical well-being soon start to deteriorate and she is plagued by splitting headaches and fainting spells. When she relays her concerns to Miss Logan about her sleep being disturbed on a nightly basis by clanging metal and loud footsteps coming from the apartment directly over her, she is dumbstruck to learn that apart from the blind priest and now herself, no one has lived in that building for the last three years. Summoning the courage one night to confront her nocturnal tormentor, she arms herself with a butcher knife and a flashlight and enters the apartment upstairs. She is confronted by the cancer-riddled specter of her dead father and uses the knife on him in self-defense when he comes after her. The police investigate and find no sign of violence in that apartment- no corpse, no blood, nothing. Yet Alison fled the building and collapsed in the street, covered in blood- her own, as it turns out. But there's nary a mark on her. What Alison doesn't realize until the film's denouement is that her being in that brownstone has a purpose. She was put there for a reason- a reason whose origin dates back to the Biblical story of the Garden of Eden and of the angel Uriel who was posted at its entrance to guard it from the Devil. She is being unknowingly primed and prepped by the Catholic Church to assume a most important role- one that will guarantee that her soul, which is damned for her two suicide attempts, can be saved. At the same time, the \\\"invisible\\\" neighbors, who turn out to be more than just quirky oddballs, have a different agenda in mind for her. This is a competent and intelligently done film and one that surprisingly portrays the Church and its representatives in a mostly sympathetic light.\": {\"frequency\": 1, \"value\": \"This happens to be ...\"}, \"A somewhat typical bit of filmmaking from this era. Obviously, It was first conceived into this world for the stage, but nonetheless a very good film from beginning to end. Peter O'Toole and Susannah York get to do their stage performance act for the silver screen and both do it effectively. There is very little in the way of story and anyone not familiar with this type of off beat character study may be a little put off by it. All in all, though, A good film in which Peter O'Toole and Susannah York get to overact.\": {\"frequency\": 1, \"value\": \"A somewhat typical ...\"}, \"'Presque rien' is a story of two young boys falling in love during summer stay by the seaside. I don't want to tell the plot, because it's not what's most important about this film (but you can be sure that it's interesting and original). The best part of this movie is the cinematography. The visual side of 'Presque rien' is so amazing it deserves highest note. It leaves you charmed with its beauty.

As for the plot, it is shown in uneven, rather complicated way. There is no simple chronology nor there are answers to all the questions the film brings. But this is what makes 'Presque rien' even more interesting. I recommend this movie to all the people for whom the artistic side of films is very important and they will not be disappointed.\": {\"frequency\": 1, \"value\": \"'Presque rien' is ...\"}, \"After Watergate, Vietnam and the dark days of the Nixon and Jimmy Carter eras, what the world needed was a good old-fashioned chapter-play hero taking on venomous serpents and evildoers in the America of 1936 or the jungles of South America in a series of fantastic cliffhanging adventures. Unfortunately what it got in 1975 was Doc Savage, The Man of Bronze. Perhaps the best that can be said of legendary producer George Pal's final film is that his often beautifully designed but sadly flat adaptation of Kenneth Robeson's pulp-paperback novels probably had George Lucas and Phil Kaufman leaving the theatre and saying to each other \\\"We can do better than that,\\\" and adding a bullwhip, a battered Fedora and some much needed character flaws to the mix.

A big part of the problem is that Doc Savage is in many ways even harder to write for than Superman \\ufffd\\ufffd explorer, adventurer, philanthropist, a scientific and intellectual genius in the bronzed bleach-blonde bulletproof muscle-bound body of a Greek God (or rather the form of TV's Tarzan, Ron Ely, a rather dull Charlton Heston clone here), there's simply nothing he can't do and, more damagingly, nothing that can harm him. The man is the virtual incarnation of Hitler's Aryan ubermensch (no surprise that the DVD is only available in Germany!), albeit with all-American values. And just in case there should ever be anything he's overlooked (not that there ever is) he has not one but five sidekicks in his entourage, the (less than) Fabulous Five. A chemist, an electrician and even an archaeologist I can accept, and at a stretch I could possibly even go as far as to see the possible need for a construction engineer, but what kind of hero takes a criminal lawyer with him on his adventures? In reality Doc's brain trust were probably added because with the hero so tiresomely invulnerable and practically perfect in every way \\ufffd\\ufffd even Kryptonite wouldn't put a dent in him - there needed to be someone at risk in the stories, though with the exception of Paul Gleason they're all so horribly badly cast and overplayed (as are most parts in the film) you'd happily kill them all off during the opening titles. The villains fare no better, with Paul Wexler exuding all the menace of a geography teacher as Captain Seas, Scott Walker (no, a different one) delivering one of cinema's worst accents (is it meant to be Scottish, Irish, Welsh, Greek, Pakistani or some nationality no-one has ever heard of?) while Robyn Hilton's Marilyn Monroe-ish dumb blonde moll gives Paris (no relation) a run for her money in the untalented bimbo stakes.

Even with those drawbacks, this should have been much better than it is considering the various ingredients \\ufffd\\ufffd lost tribes, a pool of gold, a dogfight with a biplane and a deadly poison that comes alive, all wrapped up in a quest to discover why Doc's father was murdered. Unfortunately it's a question of tone: in the 60s and 70s pulp superheroes weren't brooding figures prone to state-of-the-art action scenes and special effects but were treated as somewhat comical figures of low-budget camp fun with action scenes quickly knocked off on the cheap almost as an afterthought, the films aimed purely at the matin\\ufffd\\ufffde market: you know, for kids. There have long been rumours that the original cut was more straight-faced \\ufffd\\ufffd and certainly much of the camp value has been added in post-production, be it the Colgate twinkle in Doc's eye, the comical captions identifying various fighting styles in the final dust-up with Captain Seas or Don Black's gung-ho lyrics to John Philip Sousa's patriotic marches \\ufffd\\ufffd but plenty was in the film to begin with. After all, it's hard to see how one of the villain's underlings making phone calls from a giant rocking crib was ever intended as anything other than a joke that falls flat, while Doc's explanation to Pamela Hensley of why he never dates girls could be a scene written for Adam West's Batman. Instead, the funniest moments are usually purely unintentional, such as Doc displaying his sixth sense by, er, bobbing his Adam's apple.

Perhaps an even bigger problem is that, while promising on paper, the action is handled in an almost relentlessly mundane fashion, be it chasing a native assassin on the rooftops of New York skyscrapers or escaping from a yacht full of bad guys. Even the winning notion of animated glowing green snakes swirling through the air as they poison their victims fails to raise any enthusiasm from director Michael Anderson: having demonstrated their own invulnerability a couple of scenes earlier, Doc manages to dispatch them with no more than a chair and an electric fan by simply pulling the curtains on them.

Still, aside from Doc's various vehicles all stamped with his logo and looking more moulded plastic than bronze, the production design is often rather handsome even if it is very obviously L.A. standing in for New York while Fred Koenekamp's cinematography ensures the film often looks good despite the low budget. And it's good to see a superhero movie that doesn't spend most of its running time on an origin story, though one is left with the suspicion that Doc sprang fully formed from the loins of Zeus himself.

It's a film I'd really like to like more, but it just feels like 100 minutes of lost opportunities. No wonder Doc Savage, The Arch Enemy of Evil, the sequel so optimistically promised in the end credits, never happened.\": {\"frequency\": 1, \"value\": \"After Watergate, ...\"}, \"Gadar is a really dumb movie because it tells a fake story.It's too unrealistic and is a typical sunny deol movie that is aimed to bash Pakistan.The movie's aim is to misguide the viewers so they can think that Pakistan and it's government is bad but trying to hide their own flaws won't work.And all the songs and music of the movie are all bad.Most likely the Sikhs will love th movie cause they are being misguided.The movie sucks and sucks with power. I think only Amisha Patel was good in the movie. If i can give 0 out of 10 I would but the lowest is 1.Please save 3 hours of your life and do not watch this stupid boring movie .Disaster.\": {\"frequency\": 1, \"value\": \"Gadar is a really ...\"}, \"First and foremost, speaking as no fan of the genre, \\\"The Bourne Ultimatum\\\" is a breathtaking, virtuoso, superb action movie.

Secondly, it is a silly malarky of cartoonish super-hero stuff.

Thirdly, the film carries a complex, important point, about crime-fighters turning into criminals themselves. No reference is made to Abu Ghraib or the Executive Branch's outrageous domestic assaults on constitutional rights, none is necessary.

So, the latest in the \\\"Bourne\\\" series, in the hands of Paul Greengrass (of the 2004 \\\"Bourne Supremacy\\\" and last year's \\\"United 93\\\"), is a significant achievement, perhaps held back but not actually diminished by the unavoidable excesses of the genre.

\\\"Breathtaking\\\" above is meant both as a complimentary adjective and a description of the physical sensation: for more than an hour from the first frame, the viewer seemingly holds his breath, pushed back against the chair by the force of relentless, globe-trotting, utterly suspenseful action. There is no letup, no variation in the rhythm and pull of the film, and yet it never becomes monotonous and tiresome the way some kindred music videos do after just a couple of minutes.

Oliver Wood's in-your-face cinematography is making the best of Tony Gilroy's screenplay from Robert Ludlum's 1990 novel (which doesn't stack up well against the \\\"Bourne Identity,\\\" written a decade earlier).

Matt Damon is once again the inevitable, irreplaceable Bourne, the deadliest of fantasy CIA agents, this time taking on the entire agency in search of his identity, his past, and the mysterious agency program that has turned him into a killing machine. Nothing like his quietly heroic Edward R. Murrow, the always-marvelous David Strathairn is the nasty top agency official, pitched against Bourne in trying to hide some illegal \\\"take-no-prisoners\\\" policies and brutal procedures.

Joan Allen plays what appears to be the Good Cop against Strathairn's Bad One. And, there is Julia Stiles as the agent once again coming to Bourne's aid; a combination of Greengrass' direction and Stiles acting results in a surprising impact by a mostly silent character, her lack of communication and blank expression more intriguing than miles of dialogue.

So good is \\\"The Bourne Ultimatum\\\" that it gets away with the old one-man-against-the-world bit, this time stretched to ridiculous excesses, as Bourne defies constraints of geography, time, gravity... and physics in general. (Can you fly backwards with a car from the top of a building? Why not - it looks great.)

All this \\\"real-world\\\" magic - leaping from country to country in seconds, to arrive at some unknown location exactly as, when, and how needed - outdoes special-effect and superhero cartoon improbabilities. And yet, only a clueless pedant would allow \\\"facts\\\" interfere with the entertainment-based ecstasy of the Bourne fantasy.\": {\"frequency\": 1, \"value\": \"First and ...\"}, \"I saw this movie at the 18th Haifa film festival, and it is one of the best I've seen this year. Seeing it on a big screen (and I mean BIG, not one of those TV screens most cinemas have) with an excellent sound system always enhance the cinematic experience, as the movie takes over your eyes and ears and sucks you into the story, into the picture.

The movie presents a set of characters, which are loosely inter-connected. Their stories cross at certain points, and the multiplicity of story lines reminded me very much of the great Robert Altman and his exquisite films. But the true hero of the movie is obviously the city of Madrid, which provides the backdrop for the entire movie. It houses the characters, contains the pavements and roads on which they walk, and sets the background atmosphere for all the events, all in beautifully filmed scenes.

The movie returns again and again to certain themes (shoes, for instance), and in essence Salazar makes his metaphores more and more understandable to the viewer as the movie progresses. He combines the views of the city with the shots of the characters, and elegantly matches the feeling of the scene to the background. A set of talented actors helps him portrait a wide variety of characters. One excellent example is the scene in which Juaquin takes Anita across the street for the first time. It might not work on a small screen, but it gave me goose bumps easily on a big screen.

The message of the movie is very positive, and accordingly the movie is light and funny at times. The music along the movie is usually pop, with a few instrumental pieces (I hope to put my hand on the soundtrack one day, although I seriously doubt I will).

All together, I came out of this movie with a sensational feeling, and I'm not easily impressed (you'll have to take my word for it). For this and more I give this movie a solid 8/10.\": {\"frequency\": 1, \"value\": \"I saw this movie ...\"}, \"This is an above average Jackie Chan flick, due to the fantastic finale and great humor, however other then that it's nothing special. All the characters are pretty cool, and the film is entertaining throughout, plus Jackie Chan is simply amazing in this!. Jackie and Wai-Man Chan had fantastic chemistry together, and are both very funny!, and i thought the main opponent looked really menacing!, however the dubbing was simply terrible!. The character development is above average for this sort of thing!, and the main fight is simply fantastic!, plus some of the bumps Jackie takes in this one are harsh!. There is a lot of really silly and goofy humor in this, but it amused me, and the ending is hilarious!, plus all the characters are quite likable. It's pretty cheap looking but generally very well made, and while it does not have the amount of fighting you would expect from a Jackie Chan flick, it does enough to keep you watching, plus one of my favorite moments in this film is when Jackie (Dragon) and Wai-Man Chan(Tiger), are playing around with a rifle and it goes off!. This is an above average Jackie Chan flick, due to the fantastic finale, and great humor, however other then that it's nothing great, still it's well worth the watch!. The Direction is good. Jackie Chan does a good job here with solid camera work, fantastic angles and keeping the film at a fast pace for the most part. The Acting is very good!. Jackie Chan is amazing as always, and is amazing here, he is extremely likable, hilarious, as usual does some crazy stunts, had fantastic chemistry with Wai-Man Chan, kicked that ass, and played this wonderful cocky character, he was amazing!, i just wished they would stop dubbing him!. (Jackie Rules!!!!!). Wai-Man Chan is funny as Jackie's best friend, i really liked him, he is also a very good martial artist. Rest of the cast do OK i guess. Overall well worth the watch!. *** out of 5\": {\"frequency\": 1, \"value\": \"This is an above ...\"}, \"This is the biggest insult to TMNT ever. Fortunantely, officially Venus does not exist in canon TMNT. There will never be a female turtle, this took away from the tragic tale of 4 male unique mutants who will never have a family of their own, once gone no more. The biggest mistake was crossing over Power Rangers to TMNT with a horrible episode; the turtle's voices were WRONG and they all acted out of character. They could have done such a better job, better designs and animatronics and NO VENUS.

don't bother with this people...it's cringe worthy material. the lip flap was slow and unnatural looking. they totally disrespected shredder. the main baddie, some dragonlord dude was corny. the turtles looked corny with things hanging off their bodies, what's with the thing around raph's thigh? the silly looking sculpted plastrons!?

If they looked normal, acted in character and got rid of Venus, got rid of the stupid kiddie cartoon sounds...and better writing it could have been good.\": {\"frequency\": 1, \"value\": \"This is the ...\"}, \"There should be more movies about our Native Americans. I especially think that using actual real Native Americans, would be the the right thing. I know that this Archie Belaney, who was played by Pierce Brosnan he did an excellent job in portraying that character, since he was an Englishman. But my suggestion to Hollywood, is to put more American Indians into the roles, and never use anyone else. The Sioux Nation has been put on the back burner far too long. Their poverty is a disgrace to our country. It is my firm belief that our country should return the Black Hills to the Sioux. We ask Israel to return their lands to the Arabs, but we do not make any effort to do the same, we should be ashamed of ourselves. We must practice what we preach!\": {\"frequency\": 1, \"value\": \"There should be ...\"}, \"\\\"Darkness\\\" was entertaining to some degree, but it never seemed to have a plot, lacking one more so than other films that have been accused of this detriment; i.e. \\\"Bad Taste\\\". It started off really good, with a man running from something. It was very creepy for these first few minutes, but after a time the film just became entertaining on the level of gore, which was hard to make out at some points due to poor lighting and horrible recording quality anyway. The film was hard to believe because of the juvenile acting, which most of the time, seemed like some friends talking to a video camera, making lines up as they went. That, with a lack of any plot whatsoever, made it look like the film was started without, and ended without, a script of any kind. As said before, gore was this film's only drawing point, which much of the time was hard to make out.\": {\"frequency\": 1, \"value\": \"\\\"Darkness\\\" was ...\"}, \"I am a fan of the previous Best of the Best films. But this one was awful. No wonder I had such a hard time finding it. I tried 4 video rental stores, until I found one with a copy of this movie. The acting was terrible, the plot was a joke, and the action was bad as well.

I really miss Alex Grady, Travis Brigley, and the original kickboxing characters and theme that this film had with the first 2 movies.

John\": {\"frequency\": 1, \"value\": \"I am a fan of the ...\"}, \"This program is a lot of fun and the title song is so catchy I can't get it out of my head. I find as I get older I am drawn to the wrinklies who get things done, and these four are excellent in their endeavors. Some of what they do is outrageous but brilliant considering that now days with our PC world we'd never be able to do it in real life. I always learn something from the shows. But if you like mystery, drama, comedy, and a little forensic work you'll love this show. It reminds me of Quincy, ME in one way and Barney Miller in another the way they work and inter-react with each other. They screw up a lot but they get the job done, and that's what counts.\": {\"frequency\": 1, \"value\": \"This program is a ...\"}, \"\\\"A Gentleman's Game\\\" uses the game of golf in a country club setting to illustrate an adolescent's discovery about honesty, prejudice, and other life lessons. Several times I thought I knew where this film was heading, only to be proved wrong. Unfortunately, I'm not so sure that the filmmakers ever knew where it was heading, either. The defining moment in this movie is probably the scene in which Gary Sinise mocks \\\"The Karate Kid\\\" and debunks any notions that he's going to become a mentor to the adolescent golfer. It's refreshing, in a way, that this movie refuses to follow most of the simplistic and over-worked movie formulas. However, too much of it still comes off as contrived. At the drop of a hat people drop all pretenses of civility, or fail to stick up for the things in which they believe, or are exposed for something far less respectable than their place in society assumes. Unfortunately, there is often no resolution to these moments. And except for the fact that the club serves as backdrop for them, there is no real continuity or linking of them. It's a shame that the writers and director could not salvage a better film, especially given some of the talented actors and potential in the setup.\": {\"frequency\": 1, \"value\": \"\\\"A Gentleman's ...\"}, \"It's a bit easy. That's about it.

The graphics are clean and realistic, except for the fact that some of the fences are 2d, but that's forgiveable. The rest of the graphics are cleaner than GoldenEye and many other N64 games. The sounds are magnificant. Everything from the speaking to the SFX are pleasant and realistic.

The camera angle is a bit frustrating at times, but it's the same for every platform game, like Banjo-Kazooie and Donkey Kong 64.

I got this game as a Christmas present in 1997, and since then, I have dutifully gotten 120 stars over 10 times.\": {\"frequency\": 1, \"value\": \"It's a bit easy. ...\"}, \"Distortion is a disturbing, haunting film, about life imitating art and art reflecting life. Haim Bouzaglo, the director of the film, plays the role of Haim Bouzaglo, artistically blocked and sexually impotent playwright, who finds inspiration in his suspicions about the subject of his girl friend's documentary. As an Arab suicide bomber, disguised in skullcap and American t-shirt, wanders through the landscape in search of his target and his nerves, Haim transcribes his girl friend's life as she films her documentary and incorporates himself and his actors' lives during rehearsals. But the bomber has already struck and Haim has left the restaurant just minutes earlier. Despite the manipulation of time and space, the story is crystal clear, comprehensive and absorbing, a brilliant commentary on the \\\"distortion\\\" of everyday Israeli life, where the political is intertwined with the personal, where everyone lives \\\"on the edge,\\\" and people never know whether they are playing leading roles in their own lives or are merely dispensable bit players in someone else's dramatic narrative.

Bouzaglo plays with this notion of everyone being an actor in someone else's production brilliantly. We are always voyeurs, seeing what the fictional director sees illicitly but also what the \\\"real\\\" director chooses to reveal. To remind us that these glimpses are violations of privacy, Bouzaglo takes us into the bathroom and the bedroom (sometimes the bedroom is the street and rooftop), and repeatedly frames his views within TV, video, or security screens. Actors play the role of actors who represent the \\\"real\\\" characters played by actors. Of course, each of the actors is the star of his or her own production, only dimly aware of their diminished roles in their fellow actor's personal films. The detective hired by the playwright becomes a character in the play. The actor hired to play the role of the detective seeks out the detective for \\\"tips\\\" on how to play the role, is caught by the detective on surveillance tapes, and they attend a cast party as their real selves.

Despite this multiplicity of views, there is no mistaking the clear lines of this narrative: the playwright searches for subject matter, the bomber seeks a target, and the detective stalks the filmmaker. Nor is there any difficulty locating Bouzaglo's ultimate target\\ufffd\\ufffdenervated and impotent Israel, fully conscious of the threatening peril but incapable of meaningful action. Israel is Bouzaglo, the impotent fictional playwright cannibalizing his own life for his play. Israel is also the bankrupt soldier-entrepreneur who is the subject of the filmmaker's documentary, the cheating actors and actresses, and the cuckolded husband. They are all Israel because they are all helpless, caught in inaction or aimless action, as the bomber scans the landscape for his best target. All the characters can do as another bombing is reported is have sex and keep \\\"score\\\" of victims.

There is personal triumph, vindication, perhaps revenge at the end of this play within a story within a film, but viewers will be left aching for the state of Israel even as they are filled with admiration for Bouzaglo's memorable rendition of a nation's plight within the telling of an individual's story.\": {\"frequency\": 2, \"value\": \"Distortion is a ...\"}, \"I was looking forward to this ride, and was horribly disappointed.

And I am very easily amused at roller coaster and amusement park rides.

The roller coaster part was just okay - and that was all of about 30 seconds of a 90 second ride.

It was visually dull and poorly executed.

It was trying desperately to be like a mixture of the far superior Indiana Jones and Space Mountain rides and Disneyland, and failed in every aspect.

It was not thrilling or exciting in the least.\": {\"frequency\": 1, \"value\": \"I was looking ...\"}, \"Remember when Harrison Ford was the biggest star in Hollywood because he made great movies? Those days are feeling like a more and more distant memory.

While \\\"Hollywood Homicide\\\" is by no means terrible, it is a routine and surprisingly boring buddy cop movie. It's a comedy that's not particularly funny, and an action movie that's not especially exciting. An overabundance of subplots cannot mask the weakest of the central storyline.

Ford at least appears to be enjoying himself more than is his last few projects, and he is able to carry the film most of the time. Hartnett is adequate, but he and Ford aren't exactly Newman and Redford as far as chemistry is concerned.

All in all, \\\"Hollywood Homicide\\\" is a reasonably amusing diversion, but just barely. Take out Ford, and it's not even that.\": {\"frequency\": 1, \"value\": \"Remember when ...\"}, \"This has been put out on the DVD market by Alpha, and it's for die-hard Boris Karloff fans (like moi) only. It's not a horror flick, but a drama where Boris is a struggling scientist agreeing to kill a wealthy woman's husband in order to gain the fortune needed to continue with his work. But once the dying victim changes his will and leaves his spouse nothing, all hell breaks loose.

It's appeasing enough seeing Karloff as another selfish sinister type, and some of the acting is unintentionally hilarious (especially from the leading lady Mona Goya who is absolutely a laugh riot as the double-crossed wife).

But proceed with much caution.\": {\"frequency\": 1, \"value\": \"This has been put ...\"}, \"The story and the characters were some of the best I've ever seen. the graphics were good for the PS and the cut scenes and voice overs were amazing. I beat the game at least 3 times and loved every second of it. I felt the problems the protagonist faced were believable and realistic and i believe it deserves a sequel. or at least a remake. If they remade it for the ps3 i would buy the system for just that game and maybe mgs4 its amazing also the idea and execution of the dragoon system is enough to warrant a rental and on top of that ad the inventive although sometimes cheating(stupid buster wand) combat addition system and the plot makes this game a definite buy.\": {\"frequency\": 1, \"value\": \"The story and the ...\"}, \"This is the kind of movie that leaves you with one impression.. Story writing IS what movie making is about.

Incredible visual effects.. Very good acting, especially from Shue. Everything is perfect.. Except.. The story is just poor and so, everything fails.

Picture this, if you had the power to be invisible.. What would you do? Well, our mad scientist here (played by Kevin Bacon) could think of no other thing to do but fondle and rape women.. This is all his supposedly \\\"genius\\\" mind could think of. Does he try to gain extra power? No. He doesn't even bother research a way to get back to being visible. The guy is basically a sex crazed maniac.

Add to that, the lab atmosphere, you have all these young guys.. Throwing around jokes like they were in a bar.. If it wasn't for all the white coats and equipment, you would think this is a bad imitation of \\\"Cheers.\\\" Very shallow and poor personalities and very little care is put into making you think these guys are anything but lambs for the Hollow Man's wolf.

Even as a thriller, the movie falls way short because most of the \\\"thrilling\\\" scenes are written out so poorly and are full of illogical behaviors by the actors that are just screaming \\\"this is just a stupid thing I have to do so that the Hollow man can find me alone and kill me.\\\"

If you read the actual book, while the Scientist (Cane) goes after women, there is a lot of mental manipulation and disturbing thought that goes into his character. In the movie, Cane is just the sick guy who goes to a crowded marketplace to rub his body in women and get off on it. Just sad.\": {\"frequency\": 1, \"value\": \"This is the kind ...\"}, \"THE SECRET OF KELLS may be the most exquisite film I have seen since THE TRIPLETS OF BELLEVILLE. Although stylistically very different, KELLS shares with TRIPLETS and (the jaw-dropping opening 2D sequence of) KUNG FU PANDA, incredible art direction, production design, background/layout and a richness in color that is a feast for one's senses. KELLS is so lavish -- almost Gothic in its layout (somewhat reminiscent of Klimt), wonderfully flat in general overall perspective, ornate in its Celtic & illuminated design, yet the characters are so simplistic and appealing -- AND it all works together beautifully. You fall in love with the characters from the moment you meet them. You are so drawn to every detail of the story and to every stroke of the pencil & brush. What Tomm, Nora, Ross, Paul and all at Cartoon Saloon (& their extended crews) have achieved with this small budget/VERY small crewed film, is absolutely astounding. The groundswell of support amongst our animation community is phenomenal. This film is breathtaking and the buzz amongst our colleagues in recommending this film is spreading like wildfire. Congratulations to KELLS on its many accolades, its Annie nomination as well as its current Oscar qualifying run. They are all very well-deserved nods, indeed...\": {\"frequency\": 1, \"value\": \"THE SECRET OF ...\"}, \"Of course the plot, script, and, especially casting are strong in the film. So many fine things to see. One aspect I liked especially is the idea of the antagonist--Luzhini's (Turturro's)--ex-mentor working his evil on the sidelines. His chess opponent--an Italian dandy in three piece and cane--turns out to be a real gent, and a truly fine chess player. To his credit the \\\"opponent\\\" nobly goes along with the plan at the end to complete the final game for the championship posthumously (Luzhin has taken a flyer out a window--sad, but so releasing to him)by way of the unstable genius' widow (Emily Watson.) In death, then, because of the gallantry of an honorable chess master, Luzhin's defence (which he worked out in a late moment of lucidity) is allowed to be played. The Italian gent commends the play and calls it brilliant. Talk about a dramatic \\\"end game!\\\"\": {\"frequency\": 1, \"value\": \"Of course the ...\"}, \"I think that this is possibly the funniest movie I have ever seen. Robert Harling's script is near perfect, just check out the \\\"quotes\\\" section; on second thought, just rent the DVD, since it's the delivery that really makes the lines sing.

Sally Field gives a comic, over-the-top performance like you've never seen from her anywhere else, and Kevin Kline is effortlessly hilarious. Robert Downey, Jr. is typically brilliant, and in a very small role, Kathy Najimy is a riot as the beleaguered costumer. I was never much of a fan of Elisabeth Shue, but she's great here as the one *real* person surrounded by a bevy of cartoon characters on the set of \\\"The Sun Also Sets\\\" -- that rumbling you feel beneath you is Hemingway rolling over in his grave. Either that, or he's laughing really hard.

Five stars. Funny, funny, funny.\": {\"frequency\": 1, \"value\": \"I think that this ...\"}, \"VERY BAD MOVIE........and I mean VERY BAD...THe plot is predictable, and it's EALLY cheesy, the creativeness of the battle and the dance scenes for the time are the only reason I didn't give the movie a one, other than that...this is def a movie one can def afford not to watch.....I feel while watching the movie, the idea behind the movie was an interesting one tho kind of clich\\ufffd\\ufffd....bringing country bumpkins to the city blah blah blah, but I feel it might have been at least a little better if it just wasn't so cheesy, very poorly portrayed from idea to screen, i think. The Plot is somewhat predictable at times, tho the dancing I can say AT TIMES, is pretty good, The break dance battle twist was good.....IF u just pop the movie and watch the dance scenes and make up your own dialog maybe it can be a 5...lol\": {\"frequency\": 1, \"value\": \"VERY BAD ...\"}, \"This movie isn't about football at all. It's about Jesus/GOD!! It's the same kind of sappy sanctimonious religious drivel you get from those arch idiots who wrestle for Jesus, or pump iron for Jesus. Yeah, Jesus was totally buffed, liked contact sports, and definitely owned a full set of dumb bells. DUHHH! This movie should have been entitled \\\"Hiking for Jesus,\\\" or something along those lines just to let the general public know that the real intent of this movie is to convert people to Christianity, and to pander to those whose brains have already been thoroughly washed in the blood of the lamb. That the title is derived from the Bible is made clear when the head coach is reading his Bible and asking Jesus for help. The recent sports movie \\\"Invincible\\\" was 100 times more inspiring than this was, and Jesus wasn't even a factor. It was just the desire and determination of an individual with a dream.

Any broad appeal as an inspirational sports movie is ultimately lost amidst all of the blatant Bible thumping and sanctimonious religious propaganda. One gets the impression that the sole message is the only way you can succeed and make positive gain is if you accept Jesus as your personal savior. But this is simply not true, and is therefore a lie being perpetuated by those who believe that it is true and want everyone else to believe it. The image of the winning athlete thanking Jesus when he wins comes directly to mind. What does he do when he loses? Does he curse Jesus? Of course not! When he loses Jesus isn't responsible. Jesus is only responsible when he wins. And the logic goes round and round and round, and it ends up exactly where the true believer needs it to be, every time!! I had to hit pause when the scene with the coach receiving a brand new truck came on so I could stop rolling on the floor laughing my ass off and catch my breath. Materialism is not what Jesus taught. I find it odd that most so called \\\"Christians\\\" seem to either forget or ignore this message from their \\\"savior,\\\" especially when I see a Jesus fish on the back of a huge gas guzzling SUV that passes me like I'm standing still.

Another message this movie implies is that Jesus apparently cares more about the win loss record of a mediocre high school football team that he does about the millions of starving children in the world. The final scene where the insecure and unsure kicker boots a 51 yard field goal and it is hyped up as an unbelievably incredible miracle puts the final gag me with a spoon religious red flag on this turkey. I only gave it three stars because the guy who played the black coach could actually act.\": {\"frequency\": 1, \"value\": \"This movie isn't ...\"}, \"honestly, i don't know what's funnier, this horrific remake, or the comments on this board. Masterpiece's review had me in tears, that's so funny. Anyway, this movie is the among the worst movies ever, and certainly the bottom of the barrel for sequels. The \\\"Omen\\\" name on the title made me stop and watch it this morning on HBO, but it's a slap in the face to the other three, especially the original. There are so many classically bad moments, but my favorite is the guy catching fire from the juggler at the psychic fair!! good times ! This movie is to the Omen series what \\\"Scary Movie\\\" is to the entire genre. Avoid unless you're looking for a good laugh.\": {\"frequency\": 1, \"value\": \"honestly, i don't ...\"}, \"This is one of the best episode from the second season of MOH, I think Mick Garris has a problem with women... He kill'em all, they are often the victims (Screwfly solution, Pro-life, Valerie on the stairs, I don't remember the Argento's episode in season 1, etc., obviously Imprint). I think he enjoys to watch women been burn, torture, mutilated and I don't know. Never least \\\"Right to die\\\" is one of the best, with good turns and graphic scenes and suspense (specially with the photos from the cell scene, wonderful). The acting is like the entire series, regular I could be worst like \\\"Pro-life\\\" or \\\"We scream for Ice cream\\\". Also I think the plot it could be made for a movie and not just for an episode. The ideology of the series is horrible, killing and terminating women, mutilating animals and on and on... the first season it was better than the second one with episodes like \\\"Cigarrette burns\\\" (The best of all), \\\"Homecoming\\\" (The most funny), \\\"Imprint\\\" (really shocking).\": {\"frequency\": 1, \"value\": \"This is one of the ...\"}, \"**Possible Spoiler*** Adam Sandler is usually typecast in Comedy,but in \\\"Reign\\\",gives a deeply moving performance.While there are people who showed Courage facing post September 11,2001,Sandler plays Fineman,a widower who is lonely and \\\"lost in his own world\\\".Johnson(Cheadle),a practicing dentist,encounters his old College buddy(Sandler)and wants to catch up on \\\"Old times\\\".We see,as in Rain Man(Dustin Hoffman),Fineman also gets emotional and withdrawn in stressful situations.Oldies music,appears to be a comfort and \\\"Psychological\\\" crutch for him to lean on.

Johnson looks for,in Fineman,that certain pleasure and ease missing in his Family.He also feels unhappy and unsatisfied in his Job.In the same instance,He also wants to make sure his friend does not fall through the social \\\"cracks\\\".I came away from this movie,with a different outlook and more sympathetic Compassion for grieving families.\": {\"frequency\": 1, \"value\": \"**Possible ...\"}, \"Don't get me wrong, I'm a huge fan of many of Woody's movies, obviously his late 70's masterpieces (Annie Hall,Interiors, Manhattan)and most of his late 80's/early 90's dramas (Hannah, Crimes and Misdemeaners,Husbands and Wives) in fact I even liked some of his more recent efforts (Melinda, Anything Else, Small Time Crooks) but this was abysmal, I though it couldn't possibly be any worse than last years Match Point but how wrong I was.

It was lazily plotted - basically a cross between Match Point, Manhattan Murder Mystery and Small Time Crooks,with all the jokes taken out - Woody seems to be on the way out as well, slurring most of his lines and delivering 'hilarious' catchphrases 'I mean that with all due respect...' over and over until the blandness of it all becomes to much to bare.

I know that most actors are queuing up to work with him but they should at least read the script first - Scarlett Johansson and Hugh Jackman are so much better than this - and Woody should really take a more behind the camera role in future, if he has any sense about 20 miles behind it.

It wouldn't be so tragic if we didn't have so many great Woody films to compare this to - but it is clear that his best days are behind him and judging by this effort, Woody should call it a day before he becomes an industry joke.

Embarrassingly bad\": {\"frequency\": 1, \"value\": \"Don't get me ...\"}, \"Arguably this is a very good \\\"sequel\\\", better than the first live action film 101 Dalmatians. It has good dogs, good actors, good jokes and all right slapstick!

Cruella DeVil, who has had some rather major therapy, is now a lover of dogs and very kind to them. Many, including Chloe Simon, owner of one of the dogs that Cruella once tried to kill, do not believe this. Others, like Kevin Shepherd (owner of 2nd Chance Dog Shelter) believe that she has changed.

Meanwhile, Dipstick, with his mate, have given birth to three cute dalmatian puppies! Little Dipper, Domino and Oddball...

Starring Eric Idle as Waddlesworth (the hilarious macaw), Glenn Close as Cruella herself and Gerard Depardieu as Le Pelt (another baddie, the name should give a clue), this is a good family film with excitement and lots more!! One downfall of this film is that is has a lot of painful slapstick, but not quite as excessive as the last film. This is also funnier than the last film.

Enjoy \\\"102 Dalmatians\\\"! :-)\": {\"frequency\": 1, \"value\": \"Arguably this is a ...\"}, \"This is a terrible production of Bartleby, though not, as the other reviewer put it because it is \\\"unfilmable,\\\" but rather because this version does not maintain the spirit of the book. It tells the story, almost painfully so. Watching it, I could turn the pages in my book and follow along, which is not as much fun when dealing with an adaptation. Rather, see the 2001 version of Bartleby featuring Crispin Glover. That version, while humorous, brings new details to the film while maintaining the spirit of the novel. What's important is the spirit, not the minutiae of things like setting, character names, and costumes. The difference between these film versions is like night and day, tedious and hilarious. This version is a lesson as to what can go wrong if an adaptation is handled poorly, painful, mind-numbing schlock.\": {\"frequency\": 1, \"value\": \"This is a terrible ...\"}, \"I have not yet decided whether this will replace Anaconda as \\\"The Worst Film I Have Ever Seen\\\".

Even if you ignore the dodgy accents, low production values and appalling camera work this film has absolutely nothing going for it. I only went to see it as I had read the book and wanted to see how they would work the complicated plot into a 2 hour film.

The simple answer is - they didn't. Characters appear with little to no explanation as to who they are and then proceed to play no valuable part in the narrative. Even the main characters act without reason so that by the time the film reaches it's climax you don't care what happens to any of them.

I can accept that books occasionally need to be rewritten to fit into films and that it is perhaps unfair to judge this film against the book it was adapted from. But after my friends and I came out of the cinema I had to spend most of the journey home explaining what was supposed to have happened.

They even change the true meaning of the books title \\\"Rancid Aluminium\\\" by squeezing it into yet another piece of pointless voice over just so they can allow the film to have a cool title.

A real mess of a film from start to finish.\": {\"frequency\": 1, \"value\": \"I have not yet ...\"}, \"Considering its popularity, I found this movie a huge disappointment. Maybe I was expecting too much from this film. After all, it is one of the most well known martial arts films of the 1970s, but I could never figure out why. The story is uninteresting. It is also a very talky movie with sporadic action sequences. My biggest problem with the movie was that the story does not offer a character that I could root for, since the intended hero is an idiot. Director Chang has no sense of style, and he is unable to hide the glaring imperfections found in the narrative. I know this is not supposed to be high art, but I found the movie boring. Definitely not the best example of this much-beloved genre. Its cult status escapes me. I recommend you to skip it.\": {\"frequency\": 1, \"value\": \"Considering its ...\"}, \"So-so thriller starring Brad Pitt and Juliette Lewis, who join David Duchovny and Michelle Forbes on a road trip out west. The latter couple are researching notorious murder sites for an upcoming book; Pitt's a serial killer on the lam (unbeknownst to Dave) and Juliette is his poor, not-all-there companion. This is a good cast and the story moves along, but Pitt isn't belivably scary as a serial killer, although it is one of his better earlier roles. The best thing is here is Michelle Forbes, who always manages to shine, whether in her roles on `Homicide: Life on the Street' or in the brief series `Wonderland.'

Vote: 6\": {\"frequency\": 1, \"value\": \"So-so thriller ...\"}, \"This movie is very very very poor. I have seen better movies.

There was a bit of tension but not much to make you jump out of your chair. It begins slowly with the building of tension. Which is not a success. At least if you ask me. Though at some points or moments I must say it was a bit funny when people got shot and how they went down.

They should had made it something like Scary Movie, then it might be a better movie. Because I watched only pieces of the movie by skipping scenes and it got to boring through out the movie. I must say that i felt sleepy watching this movie so I sure can say it is not worth it.

Don't waste time on even thinking to do something with this movie besides leaving it where it already is. Somewhere very dusty..\": {\"frequency\": 1, \"value\": \"This movie is very ...\"}, \"Other than some neat special effects, this movie has nothing to offer. They threw in some gore and some nudity to try and make it interesting, but with no success. Kevin Bacon's acting was pretty good, but he couldn't salvage the movies lack of plot.\": {\"frequency\": 1, \"value\": \"Other than some ...\"}, \"\\\"Crush\\\" examines female friendship, for the most part avoiding the saccharine quality which spoils so many films with the same theme (e. g., \\\"Steel Magnolias\\\"). At the same time, it reveals the power of a sudden passion to overwhelm and surprise. The events depicted were highly improbable, but the underlying emotional truth seemed very genuine to me. Not a film for the speeding-vehicle-and-explosion crowd, but grown-up women are certain to respond with both laughter and tears.\": {\"frequency\": 1, \"value\": \"\\\"Crush\\\" examines ...\"}, \"I understand the jokes quite well, they just aren't good. The show is horrible. I understand it, and that's another horrible thing about it. The only cool character there EVER was on the show was that one hobo in that one episode, but then I see the other episode including that episode and the show is horrible. It's not funny, NOT funny! I don't want people to say \\\"Only smart people get it\\\" because if they're so smart why do they judge people they don't even know and say that they're not smart or intellectual enough to understand it? It's like saying \\\"The sky is red\\\" but never looking outside. But anyways, this is absolutely the worst show I have ever seen in my life, the jokes are terrible, I mean, you can understand them, they're just horrible, her controversy is very lame, her fart jokes and other jokes on bodily fluids are really dumb and usually consist of really bad acting. I'm not sure what these \\\"smart\\\" people see in this show, but judging others when they don't even know anything about any of us isn't exactly a smart comment.\": {\"frequency\": 1, \"value\": \"I understand the ...\"}, \"After what I thought was a masterful performance of two roles in Man From Snowy River, WHY was Kirk Douglas replaced by Brian Dennehy in the sequel? It just wasn't the same without Spur and Harrison, as portrayed by Douglas. Maybe he recognized how poor the plot was--Jim returns after extended absence, to find Jessica being pursued by another man. He could not expect any girl to wait that long with no contact from him, and not find competition. For a Disney movie, this contains foul language, plus the highly unnecessary part when Jim & Jessica shacked up without being married--very LAME. Quite an insult to viewer intelligence, according to members of my family. I'll stick with the first one, and try to forget I ever saw the sequel!\": {\"frequency\": 1, \"value\": \"After what I ...\"}, \"A Matter of Life and Death, what can you really say that would properly do justice to the genius and beauty of this film. Powell and Pressburger's visual imagination knows no bounds, every frame is filled with fantastically bold compositions. The switches between the bold colours of \\\"the real world\\\" to the stark black and white of heaven is ingenious, showing us visually just how much more vibrant life is. The final court scene is also fantastic, as the judge and jury descend the stairway to heaven to hold court over Peter (David Niven)'s operation.

All of the performances are spot on (Roger Livesey being a standout), and the romantic energy of the film is beautiful, never has there been a more romantic film than this (if there has I haven't seen it). A Matter of Life and Death is all about the power of love and just how important life is. And Jack Cardiff's cinematography is reason enough to watch the film alone, the way he lights Kim Hunter's face makes her all the more beautiful, what a genius, he can make a simple things such as a game of table tennis look exciting. And the sound design is also impeccable; the way the sound mutes at vital points was a decision way ahead of its time

This is a true classic that can restore anyone's faith in cinema, under appreciated on its initial release and by today's audiences, but one of my all time favourites, which is why I give this film a 10/10, in a word - Beautiful.\": {\"frequency\": 1, \"value\": \"A Matter of Life ...\"}, \"Off the blocks let me just say that I am a huge zombie fan so I don't make statements like the above lightly. Secondly let me say that this is an Italian zombie film and Fulci only directed 15 minutes of it before handing over to Bruno (Rats, Night Of Terror) Mattei. This is no Dawn of the Dead folks.

That said this is easily one of the most entertaining zombie films I have ever seen.

The script is wonderfully horrible. Just check out the two scientists trying to find an antidote (\\\"Let's try putting these two molecules together\\\").

The zombies come in all varieties. From moaning shufflers, to machete wielding maniacs, to birds!

The gore is plentiful. Legs are bitten off, arms amputated, stomachs burst open.

The pace is fast, flying from one zombie attack to the next.

Then there's the head in the fridge. Oh the head in the fridge! One of the greatest moments in horror since Ash got his hand possessed in Evil Dead 2.

You should know already whether you're the sort of person who's going to like this sort of film. Get some mates and some beer and you'll be in for a fun night.

Did I mention the head in the fridge?!?!?\": {\"frequency\": 1, \"value\": \"Off the blocks let ...\"}, \"I'm going to go on the record as the second person who has, after years of using the IMDb to look up movies, been motivated by Nacho's film, The Abandoned to create an account and post a comment. This was hands down the worst movie I've ever seen in my entire life. The plot was on the verge of non-existence, and none of the \\\"puzzle-pieces\\\" added up in any way whatsoever. The acting was laughable and the writing was embarrassing. How this film got backed and came to be is completely beyond me. The only saving grace I could find was Anastasia Hille's cunning and repetitive use of the f word. (and brilliant sound design) If I were faced with the option of seeing this film again or being mauled by wild bores I would be up against a difficult decision. I'm disappointed that I am unable to give it 0 stars.\": {\"frequency\": 1, \"value\": \"I'm going to go on ...\"}, \"Near the closing stages of Baby Mama, one of the central characters goes on to describe the basic outline of everything that came before and summarises that it 'was all just a mess'; I really couldn't say it any better than that. And while the feature does have its odd ray of hope every now and again, the vast majority of what is present is too neutered to be considered relevant and too unremarkable to be worth anyone's time. A lacklustre cast, mundane script and vague, caricature characters ensure that Baby Mama certainly isn't taxing on the ol' noggin, but it never makes up for this through its proposed sense of humour. Consisting mainly of very routine, clich\\ufffd\\ufffd jokes based around an odd couple (rich and poor) trying to live with each other as they prepare to bring a baby into the world, the film is far too esoteric to deliver laughs outside its very thin demographic.

As a story on finding love, it's not that bad, but playing this plot line as a side-story of sorts to work alongside the comedy-orientated odd couple tangent, characterisation is notably weak, resulting in a lukewarm romance that never bubbles. As characters themselves, both central figures are mildly amusing when put together in small spaces, but when left alone quickly unravel and bare their emptiness; so while we may eventually come to find the character's interactions with each other amusing at times, the comedy never branches beyond distant chuckles; we don't feel for the characters and don't find them inherently interesting, but rather their dynamic. Unfortunately however, although this dynamic works best, or at least better than the individual personas, as mentioned above, it rarely stems outside of the typical confines of the odd-couple formula.

Kate (Tina Fey) is a successful business woman who has hired working class, dumb-blonde Angie (Amy Poehler) to be her unlikely surrogate, and after Angie decides to leave hopeless husband Carl (Dax Shepard), both eventually have to learn to live together despite their obvious differences. Yes, it's the typical odd-couple premise, and one that we have already seen in this year's What Happens in Vegas, yet what Baby Mama lacks that the aforementioned movie had is both chemistry between performers and semi-layered characters. Kate and Angie both fail to ever show much of a personality outside of their two dimensional outline and as such both performers are neglected to play out roles that demand chemistry to produce out of thin air. In fact, the movie's only real engaging performance and character comes from the underused talents of Romany Malco who gets lumbered with playing a door-man. Of the few times that I laughed during Baby Mama, most of those moments were because of this man, and the remainder usually fell to Shepard.

It's a rare thing of course to find a movie which embodies its script's themes in the way which its world is shot and presented to us through the camera, and yet director Michael McCullers goes from page to screen effectively enough. Yet, for a film about babies, multi-million dollar business and cultural stereotyping, this isn't necessarily a good thing. Baby Mama is grade-A, hammy, plastic tinsel-town with capital bore topped with sugar. So not only did I feel emotionally distant to the characters because of their two-dimensional nature, but I simply didn't care for the world they inhabited. The dialogue, along with sets, costumes, and the script's general themes are painted in pastel blues and pinks so much that all shades of humanity are lost in the director's incessant need to make his movie feel like a neutered fantasy; these aren't characters and that isn't our world in any way\\ufffd\\ufffd so why should I care? At the end of the day however, a romantic comedy's ultimate gauge of success or failure comes down purely to its chemistry between its love interests, and the frequency of its laughs; Baby Mama has little going on in any of these departments. Of course to say that the film is without any value at all would be unfair. I'm sure female audiences in a similar boat as lead character Kate may get a slight kick out of the proceedings, but anyone else will probably just feel numb and probably bored. In this respect Baby Mama avoids being unbearable, but never convinces in being anything remarkable or worthy of a look to anyone outside of its immediate audience; a comedic dud and a romantic mismatch, Baby Mama is too light-headed to be interesting and too shallow to be entertaining.

- A review by Jamie Robert Ward (http://www.invocus.net)\": {\"frequency\": 1, \"value\": \"Near the closing ...\"}, \"Scarecrow is set in the small American town of Emerald Grove where high school student Lester Dwervick (Tim Young) is considered the local nerdy geek by teachers & fellow students alike. The poor kid suffers daily humiliation, bullying, teasing & general esteem destroying abuse at the hands of his peers. Unfortunately he doesn't find much support at home since his mom is a slut & after Lester annoys one of her blokes he chases him into a corn field & strangles the poor kid. However something magical happens (no, the film doesn't suddenly become good), Lester's spirit gets transfered into the corn fields scarecrow which he then uses as a body to gain revenge on those who tormented him & made his life hell...

Co-written, co-produced & directed by Emmanuel Itier who according to the IMDb credit list also has a role in the film as someone called Mr. Duforq although I don't remember any character of this name, I suppose anyone who ends up looking at the IMDb pages for Scarecrow will probably already be aware of it's terrible reputation & I have to say it pretty much well deserved since it's terrible. The script by Itier, Bill Cunningham & Jason White uses the often told story of one of life's losers who gets picked upon & tormented for no good reason getting their revenge by supernatural means in a relatively straight forward teen slasher flick. We've seen it all before, we've seen killer scarecrows before, we've seen faceless teens being killed off one-by-one before, we've seen one of life's losers get his revenge before, we've seen wise cracking villains who make jokes as they kill before & we've seen incompetent small town Sheriff's make matters even worse before. The only real question to answer about Scarecrow is whether it's any fun to watch on a dumb teen slasher type level? The answer is a resounding no to be honest. The film has terrible character's, awful dialogue, an inconsistent & predictable story, it has some cheesy one-liners like when the scarecrow kills someone with a shovel he ask's 'can you dig it?' & the so-called twist ending which is geared towards leaving things open for a sequel is just lame. The film moves along at a reasonable pace but it isn't that exciting & the kills are forgettable. You know I'm still trying to work out how someone can be stabbed & killed with a stick of corn...

Director Itier doesn't do a particularly good job here, the kill scenes are poorly handled with no build up whatsoever which means there's never any tension as within two seconds of a character being introduced they are killed off. Also I'm not happy with the killer scarecrow dude doing all these back-flips & somersaults through the air in scenes which feel like they belong in The Matrix (1999) or some Japanese kung-fu flick! To give it some credit the actual scarecrow mask looks really good & he looks pretty cool but he is given little to do except spout bad one-liners & twirl around a bit. Don't you think that being tied to a wooden stake in the middle of a corn filed all day would have been boring? I know he's a killer scarecrow but I still say he would have been bored just hanging around on a wooden stick all day! There's no nudity & the gore isn't anything to write home about, there's a decapitation, someones face is burnt, someone is killed with a stick of corn, someone gets a shovel stuck in their throat, some sickles are stuck in people's heads, someone has their heart ripped out & someone has a metal thing stuck through the back of their head which comes out of their mouth.

With a supposed budget of about $250,000 this was apparently shot in 8 days, well at least they didn't waste any time on unimportant things like story & character development. Technically this is pretty much point, shoot & hope for the best stuff. If you look at the guy on the floor who has just had his heart ripped out you can clearly see him still breathing... The acting sucks, the guy who played Lester's mum's bloke is wearing the most stupid looking wig & fake moustache ever because he played two roles in the film & the makers needed to disguise him but they just ended up making him look ridiculous & don't get me started on his accent...

Scarecrow has a few fun moments & the actual scarecrow himself is a nice creation with good special make-up effects but as a whole the film is poorly made, badly acted, silly, too predictable & very cheesy. If you want to see a great killer scarecrow flick then check out Scarecrows (1988). Not to be confused with the Gene Hackman & Al Pacino film Scarecrow (1973) or the upcoming horror flick Scarecrow (2008) which is currently in production. Scarecrow proved popular enough on home video to spawn two more straight to video sequels, Scarecrow Slayer (2003) & Scarecrow Gone Wild (2004).\": {\"frequency\": 1, \"value\": \"Scarecrow is set ...\"}, \"This was the funniest piece of film/tape I have ever witnessed, bar none. I laughed myself sick the first three times I watched it. I recommend it to everyone, with the warning that if they can't handle the f-sharps to stay FAR away. At his best when telling stories from a kids point of view.\": {\"frequency\": 1, \"value\": \"This was the ...\"}, \"Madhur Bhandarkar directs this film that is supposed to expose the lifestyle of the rich and famous while also providing a commentary on the integrity of journalism today.

Celebrities party endlessly, they like to be seen at these parties, and to get due exposure in the media. In fact the film would have us believe that this exposure MAKES celebrities out of socialites and the newspapers have a huge hand in this. IMO there is much more synergy between the celebrities and media and it is a \\\"I need you, you need me\\\" kind of relationship. However, the media needs celebrities more and not vice versa. Anyhow, in this milieu of constant partying is thrown the social column (page 3 of the newspaper) reporter Konkana Sen Sharma. She is shown as this celebrity maker, very popular at the social gatherings. She has a good friend in the gay Abhijeet and in the struggling model Rohit (Bikram Saluja). She rooms with an air-hostess \\ufffd\\ufffd the sassy Pearl (Sandhya Mridul), and a struggling actress - Gayatri (Tara Sharma). The editor of the newspaper is Boman Irani and a firebrand crime beat reporter is played by Atul Kulkarni. The movie has almost too many plot diversions and characters but does work at a certain level. The rich are shown to be rotten to the core for the most part, the movie biz shown to be sleazy to the max with casting couch scenarios, exploitation of power, hunger for media exposure. Into all this is layered in homosexuality, a homosexual encounter that seems to not have much to do with the story or plot, rampant drug use, pedophilia, police \\\"encounter\\\" deaths. In light of all this Pearl's desire to have a super rich husband, a socialite daughter indulging in a sexual encounter in a car, the bitching women, all seem benign ills.

The film has absolutely excellent acting by Konkana Sen Sharma, Atul Kulkarni has almost no role \\ufffd\\ufffd a pity in my opinion. But the supporting cast is more than competent (Boman Irani is very good). This is what saves the film for me. Mr. Bhandarkar bites off way more than he can chew or process onto celluloid and turns the film into a free for all bash. I wish he had focused on one or two aspects of societal ills and explored them more effectively. He berates societal exploitation yet himself exploits all the masala ingredients needed for a film to be successful. We have an item number in the framework of a Bollywood theme party, the drugged out kids dance a perfectly choreographed dance to a Western beat. I hope the next one from Madhur Bhandarkar dares to ditch even more of the Hindi film stereotyped ingredients. The film is a brave (albeit flawed) effort, certainly worth a watch.\": {\"frequency\": 1, \"value\": \"Madhur Bhandarkar ...\"}, \"At what point exactly does a good movie go bad? When does a movie go from \\\"watchable\\\" to \\\"where's that &^@_+#!* OFF switch\\\"? Thank goodness for DVDs, like this one, that can be borrowed from the library - for free! Likewise, thank goodness for the \\\"fast forward\\\" switch on the DVD player. I feel sorry for those people who were duped at the box office.

At one point (I've forgotten exactly when because now it's all just a blur), our \\\"hero,\\\" Luke Wilson starts running through traffic; I think he was looking for a cab. It was at that point when I gave up, realizing I couldn't care whether he found his ride or got run over by a garbage truck.

The last time the movie was interesting was when Luke Wilson climbs out of the dumpster, hair dryer in hand, and first meets the \\\"heroine,\\\" Uma Thurman. That scene ended with the purse-snatching criminal dangling helplessly from the fire escape far, far above the departing Luke and Uma. That was the last time the movie was funny, and when was that scene? Ten minutes into the flick?

Every time the movie tried to become \\\"funny,\\\" it couldn't. Every time the movie approached \\\"excitement,\\\" it fizzled out, heading in the opposite direction. When a musical score might have helped squeeze life out of this dullard, the sound track stayed empty and silent.

The sex scenes were not needed and were beyond lame; the damage to sets and props unnecessary and childish. When Uma turns into the crazy ex-girlfriend, I felt like I was watching \\\"The 40 Year Old Virgin Meets Pulp Fiction\\\"; that's when I realized that there was no turning back because I thoroughly disliked \\\"The 40 Year Old Virgin\\\" and \\\"Pulp Fiction.\\\"

Luke Wilson's sidekick, Rainn Wilson (also seen in the dreary \\\"The Last Mimzy\\\") adds nothing but insult to injury in this awful movie. Rainn Wilson, the King of Television Boredom, should stay with that equally awful medium. Hey, Rainn Wilson! Leave full-length motion pictures alone! Every time Uma's rival, Anna Faris, came on screen, I expected Jason or Freddy or some fright flick monster to jump out from behind the scenery; once you see Anna Faris in \\\"Scary Movie,\\\" that's all you ever see, no matter the movie, no matter the medium. The character played by Wanda Sykes was just plain awful and was so out of place in this flick.\": {\"frequency\": 1, \"value\": \"At what point ...\"}, \"This film is more about how children make sense of the world around them, and how they (and we) use myth to make sense of it all. I think it's been misperceived, everyone going in expecting a stalkfest won't enjoy it but if you want a deeper story, it's here.......\": {\"frequency\": 1, \"value\": \"This film is more ...\"}, \"The message of this movie is \\\"personality is more important than beauty\\\". Jeanine Garofalo is supposed to be the \\\"ugly duckling\\\", but the funny thing is that she's not at all ugly (actually she's a lot more attractive than Uma Thurman, the friend who looks like a model).

Now, would this movie work if the \\\"ugly duckling\\\" was really unattractive? When will Hollywood stop with this hypocrisy?

In my opinion, despite the message that it wants to convey, this movie is simply ridiculous.

\": {\"frequency\": 1, \"value\": \"The message of ...\"}, \"EL MAR is a tough, stark, utterly brilliant, brave work of cinematic art. Director Agust\\ufffd\\ufffd Villaronga, with an adaptation by Antoni Aloy and Biel Mesquida of Blai Bonet's novel, has created a film that traces the profound effects of war on the minds of children and how that exposure wrecks havoc on adult lives. And though the focus is on war's heinous tattoo on children, the transference to like effects on soldiers and citizens of adult age is clear. This film becomes one of the finest anti-war documents without resorting to pamphleteering: the end result has far greater impact because of its inherent story following children's march toward adulthood.

A small group of children are shown in the Spanish Civil War of Spain, threatened with blackouts and invasive nighttime slaughtering of citizens. Ramala (Nilo Mur), Tur (David Lozano), Julia (Sergi Moreno), and Francisca (Victoria Verger) witness the terror of the assassination of men, and the revenge that drives one of them to murder and suicide. These wide-eyed children become adults, carrying all of the psychic disease and trauma repressed in their minds.

We then encounter the three who survive into adulthood where they are all confined to a tuberculosis sanitarium. Ramala (Roger Casamajor) has survived as a male prostitute, protected by his 'john' Morell (Juli Mira), and has kept his life style private. Tur (Bruno Bergonzini) has become a frail sexually repressed gay male whose cover is his commitment to Catholicism and the blur of delusional self-mutilation/crucifixion. Francisca (Ant\\ufffd\\ufffdnia Torrens) has become a nun and serves the patients in the sanitarium. The three are re-joined by their environment in the sanitarium and slowly each reveals the scars of their childhood experiences with war. Tur longs for Ramala's love, Ramala longs to be free from his Morell, and Francisca must face her own internal needs covered by her white nun's habit.

The setting of the sanitarium provides a graphic plane where the thin thread between life and death, between lust and love, and between devotion and destruction is played out. To detail more would destroy the impact of the film on the individual viewer, but suffice it to say that graphic sex and full nudity are involved (in some of the most stunningly raw footage yet captured on film) and the viewer should be prepared to witness every form of brutality imaginable. For this viewer these scenes are of utmost importance and Director Villaronga is to be applauded for his perseverance and bravery in making this story so intense. The actors, both as children and as adults, are splendid: Roger Cassamoor, Bruno Bergonzini and Ant\\ufffd\\ufffdnia Torrens are especially fine in inordinately difficult roles. The cinematography by Jaime Peracaula and the haunting musical score by Javier Navarrete serve the director's vision. A tough film, this, but one highly recommended to those who are unafraid to face the horrors of war and its aftermath. In Spanish with English subtitles.

Grady Harp\": {\"frequency\": 1, \"value\": \"EL MAR is a tough, ...\"}, \"Now i have never ever seen a bad movie in all my years but what is with songs in the movie what physiological meaning does it have. WOW some demented Pok\\ufffd\\ufffdmon shows up and they multiply i can get a seizure from this. Animie is pointless the makers of it are pointless its a big marketing scheme look just cut down on songs and they will get a good rating i reckon that this movie would have been fine if they put out a message you must see all the Pok\\ufffd\\ufffdmon episodes to understand whats going on and it is not a film. It is just an animation it should be on video.

Ps: i'll give it a 1 because i just got 5 bucks i could not give it a half because there's no halves.\": {\"frequency\": 1, \"value\": \"Now i have never ...\"}, \"This is what a movie should be when trying to capture the essence of that which is very surreal. It has this hazy overtone that is rarely captured on film, it feels like a dream sequence and really moves you into a dark haunting memory. The Kids were extremely believable and I do expect some things to come of them in the future. Very natural acting for such young ones, I don't know if Bill pulled it out of them or there just that good, but no the less excellent. Bill scored as far as I'm concerned and for the comment by KevNJeff about Mr. Paxtons bad acting, what can one do in that role. He played the part rather well in my opinion. This is coming from someone who said Hamlet was good (The Ethan Hawke Version?) Wow......... Do not listen to his Comments. Great flick to make you feel really uncomfortable, if that's what you want? Cinematography gets an above the average rating also.\": {\"frequency\": 1, \"value\": \"This is what a ...\"}, \"I gather at least a few people watched it on Sept.2 on TCM. If you did you know that Hedy had to change her name to avoid being associated with this movie when she came the U.S. It was a huge scandal and I gather that the original release in the U.S. was so chopped up by censors that it was practically unintelligible. I watched because I had just seen a documentary on \\\"bad women\\\", actresses in the U.S. pre- movie censorship board set up in the early '30s. It looked to me as though they got away with a lot more than Hedy's most \\\"sensational\\\" shots in \\\"Ecstasy\\\". In fact Hedy looked positively innocent in this, by today's standards, and it was nice to see her early unspoiled beauty. It was a nice, lyrical movie to relax to. I loved it for what it was: a simple romance. I watched it after pre- recording it during a sleepless early A.M. I would love to see the first version released in the U.S. for comparison's sake.\": {\"frequency\": 2, \"value\": \"I gather at least ...\"}, \"I'm disappointed at the lack of posts on this surprising and effective little film. Jordi Moll\\ufffd\\ufffd, probably best known for his role as Diego in Ted Demme's \\\"Blow\\\" Writes, directs, and stars.

I won't give away any plot points, as the movie (at least for me) was very exciting having not known anything about it.. If you have a netflix account, or have access to a video store that would carry it...I highly recommend it. It's a crazy, fun, and sometimes very thought provoking creation.

Moll\\ufffd\\ufffd's direction is *quite* impressive and shows a lot of promise.

Unpredictable, with amazing imagery and a great lead performance spoken in beautiful Spanish \\\"No somos nadie\\\" (God is on Air) is an amazing film you can show off to your friends.

SEE IT.\": {\"frequency\": 1, \"value\": \"I'm disappointed ...\"}, \"I couldn't believe how lame & pointless this was. Basically there is nothing to laugh at in the movie, hardly any scenes to get you interested in the rest of the movie. This movie pulled in some huge stars but they were all wasted in my opinion. I think Keanu Reeves must've taken some acting lessons a fews years after this movie before he stared in The Matrix. Uma Thurman looked very simple & humble. Luckily i got this movie for a very low price because its certainly not a movie to remember for any good reasons. I won't write anything about the story of the movie, but as you should know that she is meant to be the most famous hitchhiker across America because of her huge thumb. I would give this movie a 2 / 10. Before I watched this movie I was wondering why this movie has only got a 4.0/10, & now I know why. A very disappointing movie. Don't buy it even if you see it for under $5.\": {\"frequency\": 1, \"value\": \"I couldn't believe ...\"}, \"I went into this film thinking it would be a crappy b-rated movie. I came out surprised and very amused. Eva was good, but Lake Bell stole the show. She had amazing comedic timing. The jokes in this film were surprisingly original and really funny with one or two flat jokes in between. The plot was enough to tie it all together, a woman (Eva) dies on her wedding day and comes back to haunt the woman that is going out with her was-to-be husband, its sounds far-fetched but it actually works quite well.

7/10 - Overall its a worthwhile cinema watch, if not get it on DVD when it comes out.\": {\"frequency\": 1, \"value\": \"I went into this ...\"}, \"This movie is a great mocumentary. It follows the rap group, NWH, made up of Ice Cold, Tasty Taste and Tone Def through their unique path to gangster rap highs, lows and back to highs. Through trouble with women, egos, cops and whitey, this group gets to the top of the gangster rap world, as this movie goes to the top of mocumentaries. I know everybodies favorite mocumentary is This is Spinal Tap, for very good reason, however I think that if in the right mood, this movie is simply better. The laughs never end, even for someone not into the rap culture.

I'm a white guy, that has no interest in rap music, culture or anything else associated with it, however I love this movie. Rusty Cundeif, who wrote the screenplay, songs and starred in it showed great potential and it is a shame that I haven't seen him since Fear of a Black Hat. However, I have seen him one more time than you have, and is that, that I recommend Fear of a Black Hat to you for quick laughs.

Remember, \\\"Don't shoot to you see the whites!....of their eyes? No don't shoot to you see the whites.\\\"

FYM and enjoy the movie.\": {\"frequency\": 1, \"value\": \"This movie is a ...\"}, \"Coming immediately on the heels of Match Point (2005), a fine if somewhat self-repetitive piece of \\\"serious Woody,\\\" Scoop gives new hope to Allen's small but die-hard band of followers (among whom I number myself) that the master has once again found his form. A string of disappointing efforts, culminating in the dreary Melinda and Melinda (2004) and the embarrassing Anything Else (2003) raised serious doubts that another first rate Woody comedy, with or without his own participation as an actor, was in the cards. Happily, the cards turn out to be a Tarot deck that serves as Scoop's clever Maguffin and proffers an optimistic reading for the future of Woody Allen comedy.

Even more encouraging, Woody's self-casting - sadly one of the weakest elements of his films in recent years - is here an inspired bit of self-parody as well as a humble recognition at last that he can no longer play romantic leads with women young enough to be his daughters or granddaughters. In Scoop, Allen astutely assigns himself the role of Sid Waterman, an aging magician with cheap tricks and tired stage-patter who, much like Woody himself, has brought his act to London, where audiences - if not more receptive - are at least more polite. Like Chaplin's Calvero in Limelight (1952), Sid Waterman affords Allen the opportunity to don the slightly distorted mask of an artist whose art has declined and whose audience is no longer large or appreciative. Moreover, because they seem in character, Allen's ticks and prolonged stammers are less distracting here than they have been in some time.

Waterman's character also functions neatly in the plot. His fake magic body-dissolving box becomes the ironically plausible location for visitations from Joe Strombel (Ian McShane), a notorious journalistic muckraker and recent cardiac arrest victim. Introduced on a River Styx ferryboat-to-Hades, Strombel repeatedly jumps ship because he just can't rest in eternity without communicating one last \\\"scoop\\\" about the identity of the notorious \\\"Tarot killer.\\\" Unfortunately, his initial return from the dead leads him to Waterman's magic show and the only conduit for his hot lead turns out to be a journalism undergraduate, Sondra Pransky (Scarlett Johansson), who has been called up from the audience as a comic butt for the magician's climactic trick. Sondra enthusiastically seizes the journalistic opportunity and drags the reluctant Waterman into the investigation to play the role of her millionaire father. As demonstrated in Lost in Translation, Johansson has a talent for comedy, and the querulous by-play between her and Allen is very amusing - and all the more so for never threatening to become a prelude to romance.

Scoop's serial killer plot, involving grisly murders of prostitutes and an aristocratic chief suspect, Peter Lyman (Hugh Jackman), is the no doubt predictable result of Allen's lengthy sabbatical exposure to London's ubiquitous Jack the Ripper landmarks and lore. Yet other facets of Scoop (as of Match Point) also derive from Woody's late life encounter with English culture. Its class structure, manners, idiom, dress, architecture, and, yes, peculiar driving habits give Woody fresh new material for wry observation of human behavior as well as sharp social satire. When, for instance, Sondra is trying to ingratiate herself with Peter Lyman at a ritzy private club, Waterman observes \\\"from his point of view we're scum.\\\" A good deal of humor is also generated by the contretemps of stiffly reserved British social manners encountering Waterman's insistent Borscht-belt Jewish plebeianism. And, then, of course, there is Waterman's hilarious exit in a Smart Car he can't remember to drive on the left side of the road.

As usual, Allen's humor in Scoop includes heavy doses of in-jokes, taking the form of sly allusions to film and literary sources as well as, increasingly, references to his own filmography. In addition to the pervasive Jack the Ripper references, for instance, the film's soundtrack is dominated by an arrangement of Grieg's \\\"The Hall of the Mountain King,\\\" compulsively whistled by Hans Beckert in M, the first masterpiece of the serial killer genre. The post-funeral gathering of journalists who discuss the exploits of newly departed Joe Strombel clearly mimics the opening of Broadway Danny Rose (1984). References to Deconstructing Harry (1997) include the use of Death as a character (along with his peculiar voice and costume), the use of Mandelbaum as a character name, and the mention of Adair University (Harry's \\\"alma mater\\\" and where Sondra is now a student). Moreover, the systematic use of Greek mythology in the underworld river cruise to Hades recalls the use of Greek gods and a Chorus in Mighty Aphrodite (1995).

As to quotable gags, Allen's scripts rely less on one-liners than they did earlier in his career, but Scoop does provides at least a couple of memorable ones. To a question about his religion, Waterman answers: \\\"I was born in the Hebrew persuasion, but later I converted to narcissism.\\\" And Sondra snaps off this put-down of Waterman's wannabe crime-detecting: \\\"If we put our heads together you'll hear a hollow noise.\\\" All in all, Scoop is by far Woody Allen's most satisfying comedy in a decade.\": {\"frequency\": 1, \"value\": \"Coming immediately ...\"}, \"Elegance and class are not always the first words that come to mind when folks (at least folks who might do such a thing) sit around and talk about film noir.

Yet some of the best films of the genre, \\\"Out of the Past,\\\" \\\"The Killers,\\\" \\\"In A Lonely Place,\\\" \\\"Night and the City,\\\" manage a level of sleek sophistication that elevates them beyond a moody catch phrase and its connotations of foreboding shadows, fedoras, and femme-fatales.

\\\"Where the Sidewalk Ends,\\\" a fairly difficult to find film -- the only copy in perhaps the best stocked video store in Manhattan was a rough bootleg from the AMC cable channel -- belongs in a category with these classics.

From the moment the black cloud of opening credits pass, a curtain is drawing around rogue loner detective Marc Dixon's crumbling world, and as the moments pass, it inches ever closer, threatening suffocation.

Sure, he's that familiar \\\"cop with a dark past\\\", but Dana Andrews gives Dixon a bleak stare and troubled intensity that makes you as uncomfortable as he seems. And yeah, he's been smacking around suspects for too long, and the newly promoted chief (Karl Malden, in a typically robust and commanding outing) is warning him \\\"for the last time.\\\"

Yet Dixon hates these thugs too much to stop now. And boy didn't they had have it coming?

\\\"Hoods, dusters, mugs, gutter nickel-rats\\\" he spits when that tough nut of a boss demotes him and rolls out all of the complaints the bureau has been receiving about Dixon's right hook. The advice is for him to cool off for his own good. But instead he takes matters into his own hands.

And what a world of trouble he finds when he relies on his instincts, and falls back on a nature that may or may not have been passed down from a generation before.

Right away he's in deep with the cops, the syndicate, his own partner. Dixon's questionable involvement in a murder \\\"investigation\\\" threatens his job, makes him wonder whether he is simply as base as those he has sworn to bring in. Like Bogart in \\\"Lonely Place,\\\" can he \\\"escape what he is?\\\"

When he has nowhere else to turn, he discovers that he has virtually doomed his unexpected relationship with a seraphic beauty (the marvelous Gene Tierney) who seems as if she can turn his barren bachelor's existence into something worth coming home to.

The pacing of this superb film is taut and gripping. The group of writers that contributed to the production polished the script to a high gloss -- the dialogue is snappy without disintegrating into dated parody fodder, passionate without becoming melodramatic or sappy.

And all of this top-notch direction and acting isn't too slick or buffed to loosen the film's emotional hold. Gene Tierney's angelic, soft-focus beauty is used to great effect. She shows herself to be an actress of considerable range, and her gentle, kind nature is as boundless here as is her psychosis in \\\"Leave Her to Heaven.\\\" The scenes between Tierney and Andrews's Dixon grow more intense and touching the closer he seems to self-destruction.

Near the end of his rope, cut, bruised, and exhausted Dixon summarizes his lot: \\\"Innocent people can get into terrible jams, too,..\\\" he says. \\\"One false move and you're in over your head.\\\"

Perhaps what makes this film so totally compelling is the sense that things could go wildly wrong for almost anyone -- especially for someone who is trying so hard to do right -- with one slight shift in the wind, one wrong decision or punch, or, most frighteningly, due to factors you have no control over. Noir has always reflected the darkest fears, brought them to the surface. \\\"Where the Sidewalk Ends\\\" does so in a realistic fashion.

(One nit-pick of an aside: This otherwise sterling film has a glaringly poor dub of a blonde model that wouldn't seem out of place on Mystery Science Theater. How very odd.)

But Noir fans -- heck, ANY movie fans -- who haven't seen this one are in for a terrific treat.\": {\"frequency\": 1, \"value\": \"Elegance and class ...\"}, \"As an ex-teacher(!) I must confess to cringing through many scenes - 'though I continued to watch to the end. I wonder why?! (Boredom, perhaps?) :-)

The initial opening scenes struck me as incredibly mish-mashed and unfocussed. The plot, too, although there were some good ideas - the plight of a relief teacher, for example - were not concentrated enough in any one direction for 3-D development.

Not one of Mr Nolte's finer moments. As to young Mr Macchio, does he speak that way in *every* movie?

Plot and acting complaints aside, the hair-styles alone were a nostalgic (if nauseating) trip.

\": {\"frequency\": 1, \"value\": \"As an ex- ...\"}, \"Oh dear, Oh dear. I started watching this not knowing what to expect. I couldn't believe what I was seeing. There were times when I thought it was a comedy. I loved how the government's plan to capture the terrorist leader is to air drop in one man, who is unarmed, and expect him to capture him and escape with a rocket pack. If only it were really that easy. I've finally found a movie worse than \\\"Plan 9 From Outer Space\\\".\": {\"frequency\": 1, \"value\": \"Oh dear, Oh dear. ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"The H.G. Wells ...\"}, \"Despite a tight narrative, Johnnie To's Election feels at times like it was once a longer picture, with many characters and plot strands abandoned or ultimately unresolved. Some of these are dealt with in the truly excellent and far superior sequel, Election 2: Harmony is a Virtue, but it's still a dependably enthralling thriller about a contested Triad election that bypasses the usual shootouts and explosions (though not the violence) in favour of constantly shifting alliances that can turn in the time it takes to make a phone call. It's also a film where the most ruthless character isn't always the most threatening one, as the chilling ending makes only too clear: one can imagine a lifetime of psychological counselling being necessary for all the trauma that one inflicts on one unfortunate bystander.

Simon Yam, all too often a variable actor but always at his best under To's direction, has possibly never been better in the lead, not least because Tony Leung's much more extrovert performance makes his stillness more the powerful.\": {\"frequency\": 1, \"value\": \"Despite a tight ...\"}, \"I rented this film to see what might be a bloody, non stop action movie and got this overly sentimental and super cheap low budget action-drama that makes Kickboxer look like Die Hard. Lou and Reb are in Vietnam and as Lou saves Reb from the gooks, he gets shot in the head in what is easily one of the worst effects ever. The Vietnam scenes are shot in someones backyard, I swear! Lou is now brain damaged and Reb and him live together and own a bar. Super homoerotic. Lou is convinced to fight in a cage for money and Reb goes on a killing spree to get him back. There is no good fight scenes at all, the punches are two inches away from a person. Characters personalities change in matter of seconds. One guy is a bad and in the next scene he's good. The acting is horrid and the music is some overly sentimental Frank Stallone sounding song that would make you sick. I hated this film.\": {\"frequency\": 1, \"value\": \"I rented this film ...\"}, \"I dont know why people think this is such a bad movie. Its got a pretty good plot, some good action, and the change of location for Harry does not hurt either. Sure some of its offensive and gratuitous but this is not the only movie like that. Eastwood is in good form as Dirty Harry, and I liked Pat Hingle in this movie as the small town cop. If you liked DIRTY HARRY, then you should see this one, its a lot better than THE DEAD POOL. 4/5\": {\"frequency\": 1, \"value\": \"I dont know why ...\"}, \"This is a great British film. A cleverly observed script with many quotable lines, which captures perfectly what magic mushrooms can do to a man over a weekend. As per usual Phil Daniels is excellent along with that most under rated of British actors Geoff Bell. Peter Bowles with a joint hanging out of his mouth is a casting masterstroke and Gary Stretch with his brooding looks brings something strangely atmospheric to the piece. Although it seems to be billed as a biker movie, i think it will find an audience outside of this, purely on the premise that a lot of people have been there done it and got the t-shirt. also A great original soundtrack with a blinding version of Freebird. This really could be a 21st century heir to the famous Ealing comedies. Like the weed in the Welsh fields: it's a grower!\": {\"frequency\": 1, \"value\": \"This is a great ...\"}, \"James Stewart and Margaret Sullavan play co-workers in a Budapest gift shop who don't really like each other, not knowing they're really sweetheart pen pals who have yet to meet.

A very charming romantic comedy, very engagingly played by it's two likable stars and a very eager-to-please supporting cast. The story is well written and the film has that romantic innocence (don't quite know how to explain it) that films today just don't have. This can obviously be compared to the recent You've Got Mail, and the original wins in every way.

This is mandatory viewing each Christmas, I can't think of a better way to jumpstart a Christmas feel than this little gem.\": {\"frequency\": 1, \"value\": \"James Stewart and ...\"}, \"I think this is almost all I need to say. I feel obliged to explain my actions though. I've basically never seen such an armateur production, and I mean that in all senses of the word. Although the physical camera work, boom MIC operation and other technical aspects of this film are laughable, unfortunately its not the only areas.

Unlike some classic independent films that have been saved by their scripts great characterization and plot, this unfortunately has an awful script, awful acting and worst of all, awful annoying characters.

It's a crime that for the every independent film that gets, distribution like Haiku Tunnel, there's a 101 other indie films that died silent deaths. I don't know who the Kornbluth brothers know at Sony, but that can be my only explanation as to how this amateur family production ever got distribution. I'm quite bemused as to why they picked this up.

The ONLY part of this film that holds out any intrigue is its title. However, the reason for that is even a let down. I hope this review will save a few people that may be intrigued by this films title from going to watch it. I've seen a lot of films in my time, and I'm very forgiving when in the cinema, but this was too much. I'll never forget 'tunnel', for marking an important point in my life experience of cinema. Shame it's such a low point.

\": {\"frequency\": 1, \"value\": \"I think this is ...\"}, \"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\\ufffd\\ufffdd 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\\ufffd\\ufffds 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\": {\"frequency\": 1, \"value\": \"Unfortunately, one ...\"}, \"For the first forty minutes, Empire really shapes itself up: it appears to be a strong, confident, and relatively unknown gangster flick. At the time I didn't know why, I thought it was good- but now I do.

One of the main problems with this film is that it is purely and utterly distasteful. I don't mind films with psychos and things, to prove a point- take Jackie Brown, for example- but they're all so terribly shallow in this, but that is obviously thrown in for entertainment. You literally feel a knot pull in your stomach. Another major problem is the protagonist. He is smug, arrogant, yet- ironically enough- not that bad. He doesn't seem tight enough to be a drug-dealing woman killer. The fact is, at the end of the day, this film is completely pretentious. Not slick, not clever, just dull, and meaningless- this colossal mess should be avoided at all costs.

* out of ***** (1 out of 5)\": {\"frequency\": 1, \"value\": \"For the first ...\"}, \"Was this movie stupid? Yup. Did this movie depth? Nope. Character development? Nope. Plot twists? Nope. This was simply a movie about a highly-fictionalized Springer show. It shows the lengths that some people will go to get their mugs on TV. Molly Hagan did a great job as Jaime Pressly's mom. Jaime is....well...GORGEOUS! This flick wasn't so much made to be a \\\"breakthrough\\\" movie, rather, it was intended to life in a trailer park (I live in a trailer park and ours is nothing like the one in this movie) where everyone sleeps with everyone else, all the girls get pregnant by different guys, and all the guys drive rusted-out '66 Ford pickups (exaggeration, of course, but that's the picture everyone sees when you mention \\\"trailer park\\\"). Some people over-analyze movies (case-in-point: Star Trek freaks). I watch movies purely for the entertainment value; not to point out that the girl is wearing a different shirt in a different scene (read the \\\"Goofs\\\" bit about Connie's shirt. Could it have been better? Sure. But it was funny as hell.\": {\"frequency\": 1, \"value\": \"Was this movie ...\"}, \"As it is generally known,anthology films don't fare very well with American audiences (I guess they prefer one standard plot line). New York,I Love You, is the second phase of a series of anthology films dealing with cities & the people who live & love in them. The first was 'Paris,J'Taime', which I really enjoyed. The film was made up of several segments,each written and/or directed by a different director (most of which were French,but there is a very funny segment directed by Joel & Ethan Coen). Like 'Paris', this one is also an anthology, directed by several different directors (Fatih Akin,Mira Nair,Natalie Portman,Shakher Kapur,etc.),and also like 'Paris'deals with New Yorkers,and why they love the city they live in. It features a top notch cast,featuring the likes of Natalie Portman,Shia LaBeouf,Christina Ricci,Orlando Bloom,Ethan Hawki,and also features such seasoned veterans as James Caan,Cloris Leachman,Eli Wallach and Julie Christie. Some of the stories really fly,and others don't (although I suppose it will depend on individual tastes---I won't ruin it for anybody else by revealing which ones worked for me & which ones didn't). Word is that the next entry in the series will be Shanghai, China (is Rome,Italy,Berlin,Germany or Athens,Greece out of the question?). Spoken mainly in English,but does have bits of Yiddish & Russian with English subtitles. Rated 'R'by the MPAA for strong language & sexual content\": {\"frequency\": 1, \"value\": \"As it is generally ...\"}, \"Simple story... why say more? It nails it's premise. World War 3 kills all or most of the human race and we're viewing 2 of the survivors. The message is that the 2 warring sides should not have been at odds in the first place. Distilled down to representatives from each side, we see they have everything to come together for:

Security... Finding resources... food, shelter, etc... Survival... Love...

At the end they've decided to pool their resources, (she finally does), so they will survive. Simple story, expressed in the limited budget of the early 60s television landscape. We see it in 2009 as somewhat old and maybe predictable. In the early 60s, no one had seen such stuff... I give it a 10...\": {\"frequency\": 1, \"value\": \"Simple story... ...\"}, \"A fragment in the life of one of the first female painters to achieve historical renown, \\\"Artemisia\\\" tells the true story of a young Italian woman's impassioned pursuit of artistic expression and the vicissitudes she encounters. The film features sumptuous costuming and sets and a good cast and acting. However, it is muddled in its attempt to depict the esoterics of the art and the time and is uninspired in its representation of the passion of the artist as painted on canvas and explored through her involvements with men. A good film for those interested in renaissance painting or period films.\": {\"frequency\": 1, \"value\": \"A fragment in the ...\"}, \"I saw this film at its New York's High Falls Film Festival screening as well and I must say that I found it a complete and awful bore. Although it was funny in some places, the only real laughs was that there appeared to be o real plot to talk about and the acting in some places was dreadful and wooden, especially the \\\"Lovely Lady\\\" and the voice of the narrator (whom I have never heard of) had a lot to be desired. J.C.Mac was, I felt, the redeeming feature of this film, true action and grit and (out of the cast) the only real acting. I am sure with another cast and a tighter reign on the directing, this could have been a half decent film. Let us just hope that it is not sent out on general release, or if you really want a copy, look in the bargain bin in Lidl.\": {\"frequency\": 1, \"value\": \"I saw this film at ...\"}, \"Hey HULU.com is playing the Elvira late night horror show on their site and this movie is their under the Name Monsteroid, good fun to watch Elvira comment on this Crappy movie ....Have Fun with bad movies. Anyways this movie really has very little value other than to see how bad the 70's were for horror flicks Bad Effects, Bad Dialog, just bad movie making. Avoid this unless you want to laugh at it. While you are at HULU check out the other movies that are their right now there is 10 episodes and some are pretty decent movies with good plots and production and you can watch a lot of them in 480p as long as you have a decent speed connection.\": {\"frequency\": 1, \"value\": \"Hey HULU.com is ...\"}, \"I saw this director's \\\"Woman On The Beach\\\" and could not understand the good to great reviews. This film is much like that one, two people who are caught in a relationship with very little dynamic and even less interest to anyone else. Like his other films, you have to want to listen to vacuous dialog, wade through very little and become enchanted with underwritten, pretty uninteresting characters. If you feel you can like this film, don't let my review stop you. I do like minimalism in films, but I feel Tsai Ming-Liang's films are far superior. He has a fairly terrific actor in Lee Kang-Sheng in his films. There is nothing here. I wish IU liked it, but I don't. Oh, well.\": {\"frequency\": 1, \"value\": \"I saw this ...\"}, \"This is perhaps the best rockumentary ever- a British, better This Is Spinal Tap. The characters are believable, the plot is great, and you can genuinely empathise with some of the events- such as Ray's problem with fitting in the band.

The soundtrack is excellent. Real period stuff, even if it is in the same key, you'll be humming some of the songs for days. What I liked was the nearly all-British cast, with some of the favourite household names. Ray's wife is priceless...

The film never drags, it just goes at the right pace, and has some genuinely funny sections in it. A generator of some really good catchphrases!

It's a hidden diamond.\": {\"frequency\": 1, \"value\": \"This is perhaps ...\"}, \"what can i say. oh yeah those freaking fingers are so weird. they scare the heck out of me. but it is such a funny film, Jim Carrey works the grinch. if you havent already seen it then what you waiting for an invitation. go, go and get watch it. you dont know what your missing.\": {\"frequency\": 1, \"value\": \"what can i say. oh ...\"}, \"I go to the cinema to be entertained. There is absolutely nothing entertaining about this film. From beginning to end, there is no respite from the gray, grinding reality of this woman's life. It is one-paced, with no change of mood. I remained until the end only because I was convinced that things must get better. They don't, and I don't think I was the only one, as evidenced by the many groans ringing around the cinema as the film drew mercifully to a close. Honestly depicting social depravation is no crime, but boring your audience to groans is not the way to win the sympathy of the public. A dreadful film.\": {\"frequency\": 2, \"value\": \"I go to the cinema ...\"}, \"FLIGHT OF FURY takes the mantle of being the very WORST Steven Seagal flick I've ever seen...Up to now.

It's a dreadful bore with no action scenes of any interest, Seagal isn't really trying in this - he's fat and his voice is dubbed once more.

The Co-stars fare no better, being a rather sorry load of 3rd raters.

The Direction by Keusch is very poor and it comes as no surprise that he's also responsible for another couple of Seagal stinkers (SHADOW MAN & ATTACK FORCE) The screenplay Co-written by Seagal himself is laughably inept.

According to IMDb $12M was spent on this boring load of old tosh - If these figures are correct I sense a big tax fiddle as nowhere near that amount was spent.

FLIGHT OF FURY is actually a shot for shot remake of the Michael Dudikoff flick BLACK THUNDER - which has to be better than this tripe.

This has NO redeeming qualities whatsoever,Give it a MISS! 1/2 * out of *****\": {\"frequency\": 1, \"value\": \"FLIGHT OF FURY ...\"}, \"In one instant when it seemed to be getting interesting, it never got there.

The people are going from one point to another point, with really no point (if there was one it was very dull). There was no action, suspense or any horror and the characters were pretty heartless, so there was no caring what happened to them.

All together the movie was pretty boring.

I give it a 3/10.

I like that it wasn't shaky choppy camera-work and if there was music it didn't annoy me like some really bad movies and the acting was not horrendous.\": {\"frequency\": 1, \"value\": \"In one instant ...\"}, \"Hollywood always had trouble coming to terms with a \\\"religious picture.\\\" Strange Cargo proves to be no exception. Although utilizing the talents of a superb cast, and produced on a top budget, with suitably moody photography by Robert Planck, the movie fails dismally on the credibility score. Perhaps the reason is that the film seems so realistic that the sudden intrusion of fantasy elements upsets the viewer's involvement in the action and with the fate of the characters. I found it difficult to sit still through all the contrived metaphors, parallels and biblical references, and impossible to accept bathed-in-light Ian Hunter's smug know-it-all as a Christ figure. And the censors in Boston, Detroit and Providence at least agreed with me. The movie was banned. Few Boston/Detroit/Providence moviegoers, if any, complained or journeyed to other cities because it was obvious from the trailer that Gable and Crawford had somehow become involved in a \\\"message picture.\\\" It flopped everywhere.

Oddly enough, the movie has enjoyed something of a revival on TV. A home atmosphere appears to make the movie's allegory more receptive to viewers. However, despite its growing reputation as a strange or unusual film, the plot of this Strange Cargo flows along predictable, heavily moralistic lines that will have no-one guessing how the principal characters will eventually come to terms with destiny.\": {\"frequency\": 1, \"value\": \"Hollywood always ...\"}, \"A DAMN GOOD MOVIE! One that is seriously underrated. The songs that the children sing in the movie gave me a sense of their pain, but also their hope for the future. Whoopi Goldberg puts in a good performance here, but the best performance throughout the whole movie is that of the actress who plays the title character. I wish she was in more movies.

This movie should have a higher rating. I give it a 10/10.\": {\"frequency\": 1, \"value\": \"A DAMN GOOD MOVIE! ...\"}, \"Baba - Rajinikanth will never forget this name in his life. This is the movie which caused his downfall. It was released with much hype but crashed badly and laid to severe financial losses for its producers and distributors. Rajinikanth had to personally repay them for the losses incurred. Soon after its release, he tried venturing into politics but failed miserably. Its a very bad movie with horrible acting, bad-quality makeup and pathetic screenplay. Throughout the movie, Rajinikanth looks like a person suffering from some disease. I'm one of the unfortunate souls who saw Baba, first day first show in theatre. The audiences were so bored that most of them left the theatre before the intermission. Sorry, I'll not recommend this one to anyone.\": {\"frequency\": 1, \"value\": \"Baba - Rajinikanth ...\"}, \"The film was written 10 years back and a different director was planning it with SRK and Aamir in lead roles

The film finally was made now with Vipul Shah directing it And Ajay and Salman starring together after a decade HUM DIL DE CHUKE SANAM(1999)

The movie however falls short due to it's 90's handling and worst it's loopholes

The film tries to pack in too many commercial ingredients and we also hav the love triangle

Everything is predictable and filmy and too clich\\ufffd\\ufffdd

There are loopholes like how Ajay runs away from London Airport and makes a place for himself with no one? even the way he starts his band is not convincing The second half gets better with the twist in the tale of Ajay destroying Salman but sadly the climax falls short and the film ends on a bad note

Direction by Vipul Shah is ordinary to below average Music is the worst point, most songs are mediocre

Amongst actors Ajay gives his best shot though he isn't convincing as a Rock singer yet he does superb as the negative role Salman however irritates with his punjabi and talking nonsense he only impresses when he gets drugged and thereon Asin is nothing great just a show piece Ranvijay should stick to MTV Om Puri is okay\": {\"frequency\": 1, \"value\": \"The film was ...\"}, \"If this guy can make a movie, then I sure as hell can make one too.

In fact, if you hire me to make a movie for you, I promise to do the following:

1) I will add more naked women. This movie had none. I think cheesy B-class horror movies are only rented because of their traditional exploitation of the female body. I wouldn't want to let my viewers down.

2) I will refrain from making too many scenes where the hero wakes up to find out it's only a dream. I think HorrorVision had about 4 of these scenes. And, considering the movie was only like an hour long, the dream-to-movie-length ratio was quite high. And, if I do decide to do a dream sequence, I will make sure that the person wakes up without clothes on. I mean, who sleeps in leather pants??

3) I will not rip off any movies like Star Wars or the Matrix because I will know that my budget is small and I will not want to mask my contempt for big-budget Hollywood movies by adding satirical references about them in mine.

4) And finally, I will not mix modern technology with the undead. I mean, a palm pilot can only be so scary ... at least they turned it into an evil rolly-polly monster before the screen blew up or something.

So, if you are looking for the above qualities in your next horror production, count on me: wanna-b-movie director extraordinaire.\": {\"frequency\": 1, \"value\": \"If this guy can ...\"}, \"Annie Potts is the only highlight in this truly dull film. Mark Hamill plays a teenager who is really really really upset that someone stole the Corvette he and his classmates turned into a hotrod (quite possibly the ugliest looking car to be featured in a movie), and heads off to Las Vegas with Annie to track down the evil genius who has stolen his pride and joy.

I would have plucked out my eyes after watching this if it wasn't for the fun of watching Annie Potts in a very early role, and it's too bad for Hamill that he didn't take a few acting lessons from her. Danny Bonaduce also makes a goofy cameo.\": {\"frequency\": 1, \"value\": \"Annie Potts is the ...\"}, \"The full title of this film is 'May you be in heaven a half hour before the devil knows you're dead', a rewording of the old Irish toast 'May you have food and raiment, a soft pillow for your head; may you be 40 years in heaven, before the devil knows you're dead.' First time screenwriter Kelly Masterson (with some modifications by director Sidney Lumet) has concocted a melodrama that explores just how fragmented a family can become when external forces drive the members to unthinkable extremes. In this film the viewer is allowed to witness the gradual but nearly complete implosion of a family by a much used but, here, very sensible manipulation of the flashback/flash forward technique of storytelling. By repeatedly offering the differing vantages of each of the characters about the central incidents that drive this rather harrowing tale, we see all the motivations of the players in this case of a robbery gone very wrong.

Andy Hanson (Philip Seymour Hoffman) is a wealthy executive, married to an emotionally needy Gina (Marisa Tomei), and addicted to an expensive drug habit. His life is beginning to crumble and he needs money. Andy's ne're-do well younger brother Hank (Ethan Hawke) is a life in ruins - he is divorced from his shrewish wife Martha (Amy Ryan), is behind in alimony and child support, and has borrowed all he can from his friends, and he needs money. Andy proposes a low-key robbery of a small Mall mom-and-pop jewelry store that promises safe, quick cash for both. The glitch is that the jewelry story belongs to the men's parents - Charles (Albert Finney) and Nanette (Rosemary Harris). Andy advances Hank some cash and wrangles an agreement that Hank will do the actual robbery, but though Hank agrees to the 'fail-safe' plan, he hires a friend to take on the actual job while Hank plans to be the driver of the getaway car. The robbery is horribly botched when Nanette, filing in for the regular clerk, shoots the robber and is herself shot in the mess. The disaster unveils many secrets about the fragile relationships of the family and when Nanette dies, Charles and Andy and Hank (and their respective partners) are driven to disastrous ends with surprises at every turn.

Each of the actors in this strong but emotionally acrid film gives superb performances, and while we have come to expect that from Hoffman, Hawke, Tomei, Finney, Ryan, and Harris, it is the wise hand of direction from Sidney Lumet that make this film so unforgettably powerful. It is not an easy film to watch, but it is a film that allows some bravura performances that demand our respect, a film that reminds us how fragile many families can be. Grady Harp\": {\"frequency\": 1, \"value\": \"The full title of ...\"}, \"I was going to bed with my gf last night, and while she was brushing her teeth, I flipped channels until I came across this Chinese movie called the King of Masks. At first I thought it was going to be a Kung Fu movie, so I started watching it, and then it immediately captured me in, and I had to finish it.

The little girl in the movie was absolutely adorble. She was such a great actor for being so little. Maybe the fact it was in Chinese, so the English was dubbed made it harder for me to tell...but she really seemed to be in character perfectly. I felt so bad for the girl as she kept trying to please her \\\"boss\\\" but everything just turned out rotten. lol. Even when she brings him another grandson, just so he can pass on his art...it turns out that kid was kidnapped, so he gets arrested and has 5 days to live. lol...whatever she touches in an effort to be nice to her grandpa, just backfires.

In the end, he sees how much love is in her and teaches her the art of masks...which is just so heartwarming after all the mishaps in the movie.

Definitely a gem, and totally original.

Scott\": {\"frequency\": 1, \"value\": \"I was going to bed ...\"}, \"I loved watching ''Sea Hunt '' back in the day , I was in grammar school and would get home do my homework and by 4:30 would be ready to watch ''Sea Hunt '' and Mike Nelson in his underwater adventures .I loved it ! He took to you a place not very accessible at that time , under the great blue sea . Pre ''Thunderball '' or even before Cousteau became common , there was Mike Nelson sparking the imagination of kids .I'd be willing to wager that more than a few kids developed their passion for oceanography or biology or one of the sciences from watching this show .Underwater photography also progressed , the fascination for exploration is easily stimulated thru watching this show . Watch and enjoy !!!\": {\"frequency\": 1, \"value\": \"I loved watching ...\"}, \"Not very impressed. Its difficult to offer any spoilers to this film, because there is almost no development in the plot. Everything becomes clear in the first ten minutes and from there on its like watching paint dry. The acting seems very poor as well, and reminds me of the old black and white Maoist era films shown occasionally on daytime Chinese television. Although this is difficult to tell with the female role, Yuwen, as the story seems to only require her walking round like a wooden mannequin. It reminds me of fading star Gong Li who somehow got a reputation as a good actress in the West for having a scowl on her face all the time.

Tian Zhuangzhuang's film the 'Blue Kite' was a far better film. But don't be fooled by the fact that Springtime in a Small Town was set in the late '40s. Unlike the Blue Kite, the fact that this film is set in a time of upheaval is irrelevant to the plot itself, the ruins of the town seem to be nothing more than a scenic backdrop.

I wonder whether Tian Zhuangzhuang is simply trying to ride on the popularity of Chinese films in the West and appeal to a foreign audience who can't tell the difference between a film that is 'beautiful' 'profound' or 'hypnotic' and one that is simply tedious and insubstantial.

If any film fits the description of 'overrated,' this is it. I see no reason here to stop worrying about the state of the Chinese film industry.\": {\"frequency\": 1, \"value\": \"Not very ...\"}, \"I loved the first two movies, but this movie was just a waste of time and money (for me and the studio). I'm still wondering why they made this horrible movie. The thing with the plastic gun and with the toy car, that can go into another house are ridiculous. Joe Pesci and Daniel Stern in the first two movies were so funny, but the terrorists in this one are so stupid and not funny. Believe me this movie is just a waste of time.\": {\"frequency\": 1, \"value\": \"I loved the first ...\"}, \"Ok, I wrote a scathing review b/c the movie is awful. As I was waiting another review (for Derrida) of mine to pop up, i decided to check out old reviews of this awful movie. Look at all the positive reviews. They ALL, I say ALL, come from contributors have have not rated any other movie other than this one. Crimminy! and wait till you to the \\\"rosebud\\\" [sic] review.

Checkout the other movies rosebud reviewed and had glowing recommendations for. Oh, shoot!, they happen to be for the only other movies by the two writers and director. Holy Window-Wipers Batman.

Joe, Tony, you suck as writers, and tony, you couldn't direct out of a bad script. No jobs for you!

ALWAYS CHECK POSITIVE REVIEWS FOR A LOW RATED MOVIE!\": {\"frequency\": 1, \"value\": \"Ok, I wrote a ...\"}, \"As long as there's been 3d technology, (1950's I think) there's been animation made for it. I remember specifically, a Donald Duck cartoon with Chip and Dale in it. I don't remember the name at the moment, but the plot was that Donald worked at a circus, was feeding an elephant peanuts and Chip and Dale were stealing the peanuts. This was made to watch in 3d probably 1960's. If you happened to watch Meet the Robinsons in 3d in theaters, they showed this cartoon before the movie and explained the details of it's origin. There are probably somewhere around 100 cartoons made specifically to be viewed through 3d glasses. This claim was a bad move because it's not difficult to prove them wrong. On top of that, this just looks like a bad movie.\": {\"frequency\": 1, \"value\": \"As long as there's ...\"}, \"This movie was a brilliant concept. It was original, cleverly written and of high appeal to those of us who aren't really 'conformist' movie pickers. Don't get me wrong - there are some great movies that have wide appeal, but when you move into watching a movie based on \\\"everyone else is watching it\\\" - you know you're either a tween or don't really have an opinion. This had a lovely subtle humor - despite most people probably looking only at the obvious. The actors portrayed their characters with aplomb and I thought there was a lot more \\\"personal\\\" personality in this film. Has appeal for kids, as well as adults. Esp. nice to find a good movie that's not filled with sexual references and drug innuendos! A great film, not to be overlooked based on public consumption. This one is a must buy.\": {\"frequency\": 1, \"value\": \"This movie was a ...\"}, \"An excellent cast makes this movie work; all of the characters are developed exceedingly well and it's clear that the actors enjoyed filming this movie.

It's not quite the comedy I expected, much more a lighthearted look at the attempt to reclaim youthful glory than bawdy humor. For music fans there are quite a few subtle references that in themselves are intelligently funny.

I hate drawing direct comparisons to other movies, but so much of this movie reminded me of Alan Parker films I can't help it: imagine if The Commitments actually did make it big -- and then tried to recapture said glory 25 years later.\": {\"frequency\": 1, \"value\": \"An excellent cast ...\"}, \"Jeremy Brett is simply the best Holmes ever, narrowly edging out the great Basil Rathbone of course, and this is probably the best adaptation of a Conon-Doyle short story.

A length adaptation includes some new plot strands that fit in well to the surrounding drama and heightens the hatred one feels for Milverton.

Excellent performances all round, especially from Robert Hardy, and both Brett and Hardwick fully rounded and comfortable in their roles makes this a superb piece of drama.\": {\"frequency\": 1, \"value\": \"Jeremy Brett is ...\"}, \"I have decided to not believe what famous movie critics say. Even though this movie did not get the best comments, this movie made my day. It got me thinking. What a false world this is.

What do you do when your most loved ones deceive you. It's said that no matter how often you feed milk to a snake, it can never be loyal and will bite when given a chance. Same way some people are such that they are never grateful. This movie is about how selfish people can be and how everyone is ultimately just thinking about oneself and working for oneself.

A brother dies inadvertently at the hands of a gangster. The surviving brother decides to take revenge. Through this process, we learn about the futility of this world. Nothing is real and no one is loyal to anyone.

Amitabh gave the performance of his life. The new actor Aryan gave a good performance. The actress who played the wife of Amitabh stole the show. Her role was small but she portrayed her role so diligently that one is moved by her performance. Chawla had really great face expressions but her role was very limited and was not given a chance to fully express herself.

A great movie by Raj Kumar Santoshi. His movies always give some message to the audience. His movies are like novels of Nanak Singh (a Punjabi novelist who's novels always had a purpose and targeted a social evil) because they have a real message for the audience. They are entertaining as well as lesson-giving.\": {\"frequency\": 1, \"value\": \"I have decided to ...\"}, \"I don't like \\\"grade inflation\\\" but I just had to give this a 10. I can't think of anything I didn't like about it. I saw it last night and woke up today thinking about it. I'm sure that the Hollywood remake that someone told me about, with J Lo and Richard Gear, will be excellent, but this original Japanese version from 1996 was so emotional and thought-provoking for me that I am hard-pressed to think of any way that it could be improved, or its setting changed to a different culture.

A story I found worth watching, and with o fist-fight scenes or guns going off or anything of the sort! Imagine that!

All the characters seemed well-developed, ... even non-primary characters had good character-development and enjoyable acting, and the casting seemed very appropriate.

It's always hard to find a good movie-musical in our day and age, and perhaps this doesn't quite qualify (there is plenty of learning how to dance, but no singing) but I really think that Gene Kelly and others who championed a place for dance in our lives would have thought so very highly of this film and the role of dance in helping to tell a story about a middle aged man, successful with a family in Japan, looking for something... he knows not precisely what.

To the team of people in Japan who contributed to this film, thank you for creating and doing it.\": {\"frequency\": 1, \"value\": \"I don't like ...\"}, \"Like most people I was intrigued when I heard the concept of this film, especially the \\\"film makers were then attacked\\\" aspect that the case seems to emphasize, what with the picture on the cover of the film makers being chased by an angry mob.

Then, to watch the film and discover, oh, what they mean by \\\"the film makers were attacked\\\" was some kids threw rocks at a sign and a number of people complained loudly and said \\\"Someone should beat those two kids up.\\\" The picture on the cover, \\\"the chase\\\" as it were? Total fabrication. Which I guess ties in with the theme of the film, lying and manipulation to satisfy vain, stupid children with more money and time then sense.

I have no idea what great truth the viewer is supposed to take away from this film. It's like Michael Moore's \\\"Roger & Me\\\", but if \\\"Roger & Me\\\" was Moore mocking the people of Flint. It's completely misdirected and totally inane. Wow! Can you believe that people who suffered under the yoke of Communism would be really excited to have markets full of food? What jerks! And it's not so much, \\\"Look at the effects of capitalism and western media blah blah blah\\\", since it wasn't just that their fake market had comparable prices to the competitors, it was that, as many people in the film say, the prices were absurdly low, someone mentions that they should've known it was fake by how much they were charging for duck. That's not proving anything except that people who are poor, will go to a store that has low prices, bravo fellas, way to stick it to the people on the bottom.

Way to play a stupid practical joke on elderly people. You should be very proud. How about for your next movie you make a documentary about Iraq and show how people there will get really excited for a house without bullet holes in the walls and then, say, \\\"HAHA! NO SUCH HOUSE EXISTS! YOUR SO STUPID AND LOVED TO BE LIED TO BY THE MEDIA!\\\".

Morgan \\\"Please Like Me\\\" Spurlock unleashed this wet fart of a film and it's no surprise since Spurlock as One Hit Wonder prince of the documentary world seems to throw his weight behind any silly sounding concept to stay relevant in a world that really has no need of him.

Avoid like the plague.\": {\"frequency\": 1, \"value\": \"Like most people I ...\"}, \"A few weeks ago, I read the classic George Orwell novel, 1984. I was fascinated with it and thought it was one of the best books I've read recently. So when I rented the DVD, I was intrigued to see how this adaptation measured up. Unfortunately, the movie didn't even come close to creating the ambiance or developing the characters that Orwell so masterfully did in his book. The director seems to think that everyone watching the movie has read the book, because he makes no attempt to demonstrate WHY the characters act and feel the way they do. John Hurt, the main actor, is droll the entire way through, and hardly does any acting until the end. We never really find out what he does for a living, or why his love affair is forbidden, or what the political climate is and why the main character desires rebellion. This book cannot be done justice in movie form without proper narration and explanation of the political system oppressing the characters, and the fact that those are missing is the greatest shortcoming of this film. Besides that, John Hurt was a terrible casting choice, looking about 15 years older than the 39 year old Winston he was supposed to be portraying. On a more positive note, however, the rest of the cast was well chosen. It's just too bad they were put in such a horribly adapted film with the wrong lead actor. -Brian O.\": {\"frequency\": 1, \"value\": \"A few weeks ago, I ...\"}, \"Joe Don Baker. He was great in \\\"Walking Tall\\\" and had a good bit-part in \\\"Goldeneye\\\", but here in \\\"Final Justice\\\" all hope is gone...the dark side has won.

As with most of humanity, my main experience with this one was on MST3K, and what an experience it was! Mike and the robots dig their claws deep into Baker's ample flesh and skewer this flick completely. It's obvious they were just beginning with \\\"Mitchell\\\" on their anti-Joe Don kick and here lies their continuation on a theme.

It makes for a funny experience, though: there are plenty of choice riffs. My favorites - \\\"John Rhys-Davies for sale\\\", \\\"It's 'Meatloaf: Texas Ranger'\\\", \\\"none of them are sponge-worthy\\\", \\\"Why was she wearing her prom dress to bed\\\", and my favorite - \\\"'Son of a...'? What? What was he the son of: son of a PREACHER MAN?\\\"

By itself, \\\"Final Justice\\\" is, as Joe Don puts it in the movie, \\\"a big fat nada\\\". But here, it actually has some entertainment value. You get a chance, catch THIS version of \\\"Final Justice\\\".

Two stars for \\\"Final Justice\\\". Ten for the MST3K version ONLY.

Oh, and try not to visit Malta when Joe Don's in town.\": {\"frequency\": 1, \"value\": \"Joe Don Baker. He ...\"}, \"After hearing about George Orwell's prophetic masterpiece for all of my life, I'm now 37, but never having read the book, I am totally confused as to what I've just seen.

I am very familiar with the concepts covered in the novel, as i'm sure most are, but only through hearsay and quotes. Without this limited knowledge this film would have been a complete mystery, and even with it I'm still no more educated about the story of 1984 than I was before I watched it.

On the plus side...

The cinematography is amazing, Hurt & Burton deliver fine performances and the overall feel of the movie is wonderfully grim and desolate. The prostitute scene was a fantastically dark piece of film making.

Now for the down sides, and there are plenty...

There is a war going on, (at least as far as the propaganda is concerned), but why & with who? Nothing is explained. There are a couple of names bandied about (Eurasia etc), but they mean nothing without explanation.

Who is Winston? what does he do? where does he come from? where does he work? why is he changing news reports? why isn't he on the front line? Why doesn't he eat the food in the canteen? What is that drink he's drinking through the entire film? Why is he so weak & ill? Why isn't he brainwashed like the rest of them? What's the deal with his mother & sister? What happened to his father? A little back story would have been nice, no scrub that, essential for those like myself that haven't read the book. Without it, this is just a confusing and hard to follow art-house movie that constantly keeps you guessing at what is actually going on.

The soundtrack was dis-jointed and badly edited and the constant chatter from the Big Brother screens swamps the dialogue in places making it even harder to work out whats going on. I accept that this may have been an artistic choice but it's very annoying all the same.

Also, I know this has been mentioned before, but why all the nudity? It just seemed totally gratuitous and felt like it had been thrown in there to make up for the lack of any plot coverage.

I personally can't abide the way Hollywood feels it has to explain story lines word for word these days. We are not all brainwashed simpletons, but this is a few steps too far the other way. I can only imagine that it totally relies on the fact that you've read the book because if this film really is the 'literal translation' that I've seen many people say, I would find it very hard to understand why 1984 is hailed as the classic it is.

There's no denying that it was light years ahead of it's time and has pretty much predicted every change in our society to date, (maybe this has been a sort of bible to the powers that be?), but many sci-fi novelists have done the same without leaving gaping holes in the storyline.

I guess I have to do what I should have done from the start and buy a copy of the book if i'm to make any sense out of this.

All in all, very disappointed in something I've waited for years to watch.\": {\"frequency\": 1, \"value\": \"After hearing ...\"}, \"Waiting to go inside the theathre with tickets in my hand, I expected an interesting sci-fi fantasy movie which could finally feed my appetite of movies regarding robot-technology, instead I went disappointed by each aspect of it, once more proving that stunning special effects can't help a boring plot, which by my opinion was the worse in this year. Acting in this movie also dissatisfied me, Will Smith didn't show anything new in this movie, yet I never saw his acting to change since \\\"Men In Black\\\" which was his only success by my opinion. He had to retire since than, not spoiling his name with titles like \\\"I,Robot\\\" and \\\"Men In Black 2\\\". 4/10\": {\"frequency\": 1, \"value\": \"Waiting to go ...\"}, \"Lillian Hellman's play, adapted by Dashiell Hammett with help from Hellman, becomes a curious project to come out of gritty Warner Bros. Paul Lukas, reprising his Broadway role and winning the Best Actor Oscar, plays an anti-Nazi German underground leader fighting the Fascists, dragging his American wife and three children all over Europe before finding refuge in the States (via the Mexico border). They settle in Washington with the wife's wealthy mother and brother, though a boarder residing in the manor is immediately suspicious of the newcomers and spends an awful lot of time down at the German Embassy playing poker. It seems to take forever for this drama to find its focus, and when we realize what the heart of the material is (the wise, honest, direct refugees teaching the clueless, head-in-the-sand Americans how the world has suddenly changed), it seems a little patronizing--the viewer is quite literally put in the relatives' place, being lectured to. Lukas has several speeches in the third-act which undoubtedly won him the Academy Award, yet for the much of the picture he seems to do little but enter and exit, enter and exit. As his spouse, Bette Davis enunciates like nobody else and works her wide eyes to good advantage, but the role doesn't allow her much color. Their children (all with divergent accents!) are alternately humorous and annoying, and Geraldine Fitzgerald has a nothing role as a put-upon wife (and the disgruntled texture she brings to the part seems entirely wrong). The intent here was to tastefully, tactfully show us just because a (WWII-era) man may be German, that doesn't make him a Nazi sympathizer. We get that in the first few minutes; the rest of this tasteful, tactful movie is made up of exposition, defensive confrontation and, ultimately, compassion. It should be a heady mix, but instead it's rather dry-eyed and inert. ** from ****\": {\"frequency\": 1, \"value\": \"Lillian Hellman's ...\"}, \"This 1974 Naschy outing is directed by Leon Klimovsky, and a cursory glance at the publicity photos and packaging might lead you to believe that this medieval romp lies somewhere between \\\"Inquisition\\\" and \\\"Sadomania\\\". Sadly not.

This is a strictly PG affair with tame torture sequences, no nudity and little edge at all. Naschy (of whom I am a fan) struts his stuff as Gilles de Lancre, \\\"antiguo Mariscal de la nacion\\\". Sadly he is more pantomime villain than anything else. One gets the feeling with this film that we have seen him (and it) done all before. Strictly therefore for Naschy completest only.\": {\"frequency\": 1, \"value\": \"This 1974 Naschy ...\"}, \"I really wanted to like this movie, but it never gave me a chance. It's basically meant to be Spinal Tap with a hip hop theme, but it fails miserably. It consistently feels like it was written and acted by high-school kids for some school project, and that's also the level the humor seems to be aimed at. There is no subtlety and, more damningly for a mockumentary, it never once feels like a documentary. And while the lines aren't funny in the first place, an attempt at dead-pan delivery would have helped -- certainly, anything would be better than the shrill overacting we are subjected to.

I'd recommend this to people who like \\\"comedies\\\" in the vein of \\\"Big Momma's House\\\" or \\\"Norbit\\\"; people who think that words like \\\"butt\\\" are inherently hysterically funny. Other people should stay away and not waste their time.\": {\"frequency\": 1, \"value\": \"I really wanted to ...\"}, \"The Last of the Blond Bombshells is an entertaining bit of fluff. Judy Dench plays Elizabeth, a newly widowed woman at loose ends. She has spent most of her life being the dutiful wife and mother but has never been truly happy.

Shortly after her husband's funeral, Elizabeth is having her regular lunch date with her stick-in-the-mud children when she spots a street performer. This sparks memories of when she was a member of an all girl swing band in London during World War II. We soon learn that the band was not exactly all girl as the drummer was a man dressing as a woman ala Some Like It Hot.

Elizabeth pulls out her sax (which she has been secretly practicing throughout her marriage) and joins forces with the guitar-playing street musician. Elizabeth is far more talented than the guitarist, and the money begins to flow in. She doesn't take any money as she is wealthy and doesn't need it. Her playing is strictly for artistic fulfillment.

Elizabeth is seen one day by Patrick (Ian Holm) who was the drummer-in-drag of the band. It seems that Patrick was - and still is - quite the ladies' man, and Elizabeth - being only fifteen at the time - was the only band member who did not experience Patrick's \\\"talents\\\" other than drumming.

Elizabeth is inspired by her granddaughter to get the old group together once again to play for the granddaughter's school dance. Thus begins a delightful trip down memory lane combined with aspects of a humorous road trip movie - all topped off with some really good swing and blues.

I guess I'm at the age in which I really enjoy older actresses doing their stuff, and this film is a treasure trove as it not only stars Judi Dench, but she is supported by none less than Olympia Dukakis, Leslie Caron, and a host of seasoned British character actresses. This is all topped off by the extraordinary voice of Cleo Laine.

Yes, it is fluff, but totally delightful and exceedingly entertaining fluff.\": {\"frequency\": 1, \"value\": \"The Last of the ...\"}, \"I read Holes in 5th grade so when I heard they were doing a movie I was ecstatic! Of course, being my busy self, I didn't get chance to see the movie in theaters. Holes was at the drive-in just out of town but, alas, We were just too busy. I was surprised to hear that all my friends had seen it and not one of them had invited me! They all said it was good but I've read great books that have made crappy movies so I was definately worried.

Suddenly the perfect opportunity to see it came. It was out that week and my parents were going on a cruise and I was left to babysit. My sister, who is 9, and I watched it and absolutely loved it! I then took it to the other people I was babysitting's house and their kids, 9 and 4, liked it too. Even my parents loved it and they're deffinately movie critics. Overall, I recommend this movie is for anyone who understands family morale and and loves a hilarious cast! This movie should be on your top 5 \\\"to See\\\" list!!!!\": {\"frequency\": 1, \"value\": \"I read Holes in ...\"}, \"Undoubtedly one of the great John Ford's masterpieces, Young Mr. Lincoln went practically unnoticed at the time of its initial release, no wonder because the year was 1939 when many of the greatest movies of the whole cinema history had been released, including the most mythical Western in the history of the genre, John Ford's milestone Stagecoach and many others, such as Gone with the Wind, The Wizard of Oz, Mr. Smith Goes to Washington which took the Oscar in the only category Young Mr. Lincoln was nominated for, which is Original Screenplay.

It continued to be the most underrated Ford's film for many years ahead destined to gradually fade away in the shadow of other John Ford's masterpieces, but by the end of the 1950s American and European film critics and historians took a hold of a note written by legendary Russian director Sergei Eisenstein about the Young Mr. Lincoln where he praised it and acknowledged that if he would only have had an opportunity to direct any American film ever made till then, it would be definitely John Ford's Young Mr. Lincoln. Impressed by such an undoubted preference from Eisenstein, critics began to see the film again but only with a bit different eyes and film's reputation has been increasing ever since.

It was far not for the first time the life of one of the most legendary American presidents was brought to the screen. Right in the beginning of the 1930s Griffith did it in his Abraham Lincoln and the same year as Ford's film, MGM released John Cromwell's one called Abe Lincoln in Illinois. Curiously enough both of them were based on a very successful Broadway Stage Play released in 1938 and written by Robert Sherwood.

As far as John Ford's films are concerned, we can easily find many references to the life and deeds and even death of mythical Lincoln's figure in several of director's works, such as 1924 The Iron Horse or 1936 The Prisoner of the Shark Island, the second one, just as Young Mr. Lincoln, utilizes as the main musical theme the favourite Lincoln's song - Dixie.

The screenplay based on a previously mentioned Stage Play and Lincoln's biographies was written by Lamar Trotti in collaboration with John Ford himself, which was quite a rare thing for Ford to do but final result was simply superb - a script combining elements of the Play with several historical facts as well as myths and legends about the beginning of Abraham Lincoln's life and law practice culminating in a hilarious but mostly heartbreaking trial scene, which is the film's highest point and main laugh and tears generator, where Lincoln defends the two young brothers accused of a murder and have to devise a manner to help their mother too when she is brought before the court as a witness and where the prosecuting attorney (played by Donald Meek) demands her to indicate which one of her sons actually committed the murder obviously obliging her to the making of an impossible choice of condemning to death one and letting live the other.

Overall it's a very touching, heart-warming and even funny film with simply magnificent performance from Henry Fonda in his supreme characterization of Abraham Lincoln and with overwhelming richness of other characters no matter how little or how big they are incarnated from the wonderful and intelligent screenplay and conducted by the ability of John Ford's genius at one of its best deliveries ever. A definite must see for everyone. 10/10\": {\"frequency\": 1, \"value\": \"Undoubtedly one of ...\"}, \"Hundstage is an intentionally ugly and unnerving study of life in a particularly dreary suburb of Vienna. It comes from former documentary director Ulrich Seidl who adopts a very documentary-like approach to the material. However, the film veers away from normal types and presents us with characters that are best described as \\\"extremes\\\" \\ufffd\\ufffd some are extremely lonely; some extremely violent; some extremely weird; some extremely devious; some extremely frustrated and misunderstood; and so on. The film combines several near plot less episodes which intertwine from time to time, each following the characters over a couple of days during a sweltering Viennese summer. Very few viewers will come away from the film feeling entertained \\ufffd\\ufffd the intention is to point up the many things that are wrong with people, the many ills that plague our society in general. It is a thought-provoking film and its conclusions are pretty damning on the whole.

A fussy old widower fantasises about his elderly cleaning lady and wants her to perform a striptease for him while wearing his deceased wife's clothes. A nightclub dancer contends with the perpetually jealous and violent behaviour of her boy-racer boyfriend. A couple grieving over their dead daughter can no longer communicate with each other and seek solace by having sex with other people. An abusive man mistreats his woman but she forgives him time and again. A security salesman desperately tries to find the culprit behind some vandalism on a work site but ends up picking on an innocent scapegoat. And a mentally ill woman keeps hitching rides with strangers and insulting them until they throw her out of the car! The lives of these disparate characters converge over several days during an intense summer heat wave.

The despair in the film is palpable. Many scenes are characterised by long, awkward silences that are twice as effective as a whole passage of dialogue might be. Then there are other scenes during which the dialogue and on-screen events leave you reeling. In particular, a scene during which the security salesman leaves the female hitch-hiker to the mercy of a vengeful guy - to be beaten, raped and humiliated (thankfully all off-screen) for some vandalism she didn't even do - arouses a sour, almost angry taste. In another scene a man has a lit candle wedged in his rear-end and is forced to sing the national anthem at gunpoint, all as part of his punishment for being nasty to his wife. While we might want to cheer that this thug is receiving his come-uppance, we are simultaneously left appalled and unnerved by the nature of his punishment. Indeed, such stark contrasts could act as a summary of the whole film - every moment of light-heartedness is counter-balanced with a moment of coldness. Every shred of hope is countered with a sense of despair. For every character you could like or feel sympathy for, there is another that encourages nothing but anger and hate. We might want to turn away from Hundstage, to dismiss it as an exercise in misery, but it also points up some uncomfortable truths and for that it should be applauded.\": {\"frequency\": 1, \"value\": \"Hundstage is an ...\"}, \"Very possibly one of the funniest movies in the world. Oscar material. Trey Parker and Matt Stone are hilarious and before you see this I suggest you see \\\"South Park\\\" one of the funniest cartoons created. Buy it, you will laugh every time you see it. Pure stroke of genius. If you don't think its funny then you have no soul or sense of humor. 10 out of 10.\": {\"frequency\": 1, \"value\": \"Very possibly one ...\"}, \"Oh Dear Lord, How on Earth was any part of this film ever approved by anyone? It reeks of cheese from start to finish, but it's not even good cheese. It's the scummiest, moldiest, most tasteless cheese there is, and I cannot believe there is anyone out there who actually, truly enjoyed it. Yes, if you saw it with a load of drunk/stoned buddies then some bits might be funny in a sad kind of way, but for the rest of the audience the only entertaining parts are when said group of buddies are throwing popcorn and abusive insults at each other and the screen. I watched it with an up-for-a-few-laughs guy, having had a few beers in preparation to chuckle away at the film's expected crapness. We got the crapness (plenty of it), but not the chuckles. It doesn't even qualify as a so-bad-it's-good movie. It's just plain bad. Very, very bad. Here's why (look away if you're spoilerphobic): The movie starts out with a guy beating another guy to death. OK, I was a few minutes late in so not sure why this was, but I think I grasped the 'this guy is a bit of a badass who you don't want to mess with' message behind the ingenious scene. Oh, and a guy witnesses it. So, we already have our ultra-evil bad guy, and wussy but cute (apparently) good guy. Cue Hero. Big Sam steps on the scene in the usual fashion, saving good guy in the usual inane way that only poor action films can accomplish, i.e. Hero is immune to bullets, everyone else falls over rather clumsily. Cue first plot hole. How the bloody hell did Sammy know where this guy was, or that he'd watched the murder. Perhaps this, and the answers to all my plot-hole related questions, was explained in the 2 minutes before I got into the cinema, but I doubt it. In fact, I'm going to stop poking holes in the plot right here, lest I turn the movie into something resembling swiss cheese (which we all know is good cheese). So, the 'plot' (a very generous word to use). Good guy must get to LA, evil guy would rather he didn't, Hero Sam stands between the two. Cue scenery for the next vomit-inducing hour - the passenger plane. As I said, no more poking at plot holes, I'll just leave it there. Passenger plane. Next, the vital ingredient up until now missing from this gem of a movie, and what makes it everything it is - Snakes. Yay! Oh, pause. First we have the introduction to all the obligatory characters that a lame movie must have. Hot, horny couple (see if you can guess how they die), dead-before-any-snakes-even-appear British guy (those pesky Brits, eh?), cute kids, and Jo Brand. For all you Americans that's an English comic famous for her size and unattractiveness. Now that we've met the cast, let's watch all of them die (except of course the cute kids). Don't expect anything original, it's just snake bites on various and ever-increasingly hilarious (really not) parts of the body. Use your imagination, since the film-makers obviously didn't use theirs.

So, that's most of the film wrapped up, so now for the best bit, the ending. As expected, everything is just so happy as the plane lands that everyone in sight starts sucking face. Yep, Ice-cool Sammy included. But wait, we're not all off the plane yet! The last guy to get off is good guy, but just as he does he gets bitten by a (you guessed it) snake (of all things). Clearly this one had been hiding in Mr. Jackson's hair the whole time, since it somehow managed to resist the air pressure trick that the good old hero had employed a few minutes earlier, despite the 200ft constrictor (the one that ate that pesky British bugger) being unable to. So, Sam shoots him and the snake in one fell swoop. At this point I prayed that the movie was about to make a much-needed U-turn and reveal that all along the hero was actually a traitor of some sort. But no. In a kind of icing on the cake way (but with stale cheese, remember), it is revealed that the climax of the film was involving a bullet proof vest. How anyone can think that an audience 10 years ago, let alone in 2006 would be impressed by their ingenuity is beyond me, but it did well in summing up the film.

Actually, we're not quite done yet. After everyone has sucked face (Uncle Sam with leading actress, good guy with Tiffany, token Black guy with token White girl, and the hot couple in a heart warming bout of necrophilia), it's time for good guy and hero to get it on....In Bali!!! Nope, it wasn't at all exciting, the exclamation marks were just there to represent my utter joy at seeing the credits roll. Yes, the final shot of the film is a celebratory surfing trip to convey the message that a bit of male bonding has occurred, and a chance for any morons that actually enjoyed the movie to whoop a few times. That's it. This is the first time I've ever posted a movie review, but I felt so strongly that somebody must speak out against this scourge of cinematography. If you like planes, snakes, Samuel L.Jackson, air hostesses, bad guys, surfing, dogs in bags or English people, then please, please don't see this movie. It will pollute your opinion of all of the above so far that you'll never want to come into contact with any of them ever again. Go see United 93 instead. THAT was good.\": {\"frequency\": 1, \"value\": \"Oh Dear Lord, How ...\"}, \"For those of you who've never heard of it (or seen it on A&E), Cracker is a brilliant British TV show about an overweight, chain-smoking, foulmouthed psychologist named Fitz who helps the Manchester police department get into the heads of violent criminals. It's considered to be one of the finest shows ever to come out of England (and that's saying something), and was tremendously successful in England and around the world back in 1993.

Now, the original stars have re-teamed with the original writer to knock out one more 2-hour episode. I've loved this show ever since I'd first seen it, over a decade ago. The DVD box set holds a place of honor in my collection, and I can quote a good deal of Fitz's interrogation scenes practically word for word. The idea of Robbie Coltrane reteaming with Jimmy McGovern for another TV movie about Fitz filled me with absolute glee.

I'll start with the good. One of the many things that impressed me about the original Cracker series was how quickly Fitz was defined as a character. Five minutes into the first episode \\ufffd\\ufffd with his lecture (throwing the books into the air), his drinking, and his cussing of the guy after him on the gambling machine queue \\ufffd\\ufffd and you knew, simply knew, who this character was. You could feel him \\\"clicking\\\" in your mind, the kind of click that only happens when a great actor gets a great role written by a great writer.

Coltrane, of course, remained great throughout the show, but I always felt that some of the later episodes \\ufffd\\ufffd those not written by McGovern \\ufffd\\ufffd mistreated the character.

So the good news is this: Fitz is back. As soon as you see him in this show \\ufffd\\ufffd making incredibly inappropriate comments at his daughter's wedding \\ufffd\\ufffd you'll feel that \\\"click\\\" once again. It's him: petulant one moment and truly sorry the next, always insightful, sincere to the point of tactlessness but brilliantly funny in the process. If you love this character as much as I do, you'll be delighted with how he is portrayed in the movie. And this extends to Judith and Mark: in fact, everything having to do with the Fitzs is handled perfectly.

The problem I do have with this movie revolves around the crime Fitz is trying to solve. In standard Cracker fashion, we know exactly who the criminal is in the first five minutes \\ufffd\\ufffd the suspense lies in seeing Fitz figure it out. In this case, we have a serial killer who is out for American blood. And the reason for this, unfortunately, is not due to any believable psychological trauma \\ufffd\\ufffd rather, it seems that the murders are here simply to allow the writer to display his personal political beliefs.

It's difficult for me to write this, as I truly believe that Jimmy McGovern is one of the greatest writers in the world. Nor do I have a problem with movies that are about current issues, or movies that take a political stand. But in the Cracker universe, we expect to see the characters behaving like human beings, not like caricatures. Instead, the Americans in this movie are all depicted in an entirely stereotypical fashion. They're know-nothing loudmouths who complain about everything, treat the locals like crap and cheat on their wives \\ufffd\\ufffd one of them even manages to do all of the above within less than 5 minutes. I honestly thought I'd mistakenly switched channels or something.

But it doesn't stop there. We get constant reminders of just how badly the war in Iraq is going \\ufffd\\ufffd reminders that have nothing whatsoever to do with the story and appear practically out of nowhere. The killer is so busy ranting about how Bush is worse than Hitler that he almost forgets to get on with the killing; but more to the point, he is such a mouthpiece for the writer's political views that he forgets to act like a believable human being, and thus we \\ufffd\\ufffd as an audience \\ufffd\\ufffd don't buy his sudden transformation from a happy family man to a tortured serial-killing soul.

I can't say that this ruined the show for me \\ufffd\\ufffd it's was still good TV, better than almost everything else in the genre (mainly due to, once again, Coltrane). But its constant politicizing made it impossible for it to be as good as the real Cracker classics like \\\"To Be A Somebody\\\" \\ufffd\\ufffd an episode that was just as \\\"issuey\\\", but one that was handled with far more subtlety and psychological depth.

Two other small points: Panhandle not being around is a disappointment, but what's worse are her replacements. The entire police department \\ufffd\\ufffd which for so long filled with such great characters - is now full of vanilla. Completely interchangeable cops who lack any and all personality (how you could drain Coupling's Richard Coyle of personality is beyond me, but it is indeed missing here).

Also, there are couple of moments where the show lost its believability for me. One such instance revolves around Fitz having to narrow down the entire population of Manchester from 1 million to a hundred based on some very strange criteria (French windows? How does the computer know if I have French windows?) \\ufffd\\ufffd he not only succeeds in doing this, but he succeeds in less than an hour. I don't think so.

So, all in all, I was a little disappointed. It's recommended viewing, but remember to leave at least some of your expectations at the door. Still, if there's new series to come after this, it would all have been for the good: I'm convinced that McGovern can still write great stuff, and maybe now that he's got his politics out of his system he can go back to writing about people.\": {\"frequency\": 1, \"value\": \"For those of you ...\"}, \"In 1967, mine workers find the remnants of an ancient vanished civilization named Abkani that believe there are the worlds of light and darkness. When they opened the gate between these worlds ten thousand years ago, something evil slipped through before the gate was closed. Twenty-two years ago, the Government Paranormal Research Agency Bureau 713 was directed by Professor Lionel Hudgens (Matthew Walker), who performed experiments with orphan children. On the present days, one of these children is the paranormal investigator Edward Carnby (Christian Slater), who has just gotten an Abkani artifact in South America, and is chased by a man with abilities. When an old friend of foster house disappears in the middle of the night, he discloses that demons are coming back to Earth. With the support of the anthropologist Aline Cedrac (Tara Reid) and the leader of the Bureau 713, Cmdr. Richard Burke (Stephen Dorff), and his squad, they battle against the evil creatures.

In spite of having a charismatic good cast, leaded by Christian Slater, Tara Reid and Stephen Dorff, \\\"Alone in the Dark\\\" never works and is a complete mess, without development of characters or plot. The reason may be explained by the \\\"brilliant\\\" interview of director Uwe Boll in the Extras of the DVD, where he says that \\\"videogames are the bestsellers of the younger generations that are not driven by books anymore\\\". Further, his target audience would be people aged between twelve and twenty-five years old. Sorry, but I find both assertions disrespectful with the younger generations. I have a daughter and a son, and I know many of their friends and they are not that type of stupid stereotype the director says. Further, IMDb provides excellent statistics to show that Mr. Uwe Boll is absolutely wrong. My vote is three.

Title (Brazil): \\\"Alone in the Dark \\ufffd\\ufffd O Despertar do Mal\\\" (\\\"Alone in the Dark \\ufffd\\ufffd The Awakening of the Evil\\\")\": {\"frequency\": 1, \"value\": \"In 1967, mine ...\"}, \"I'm among millions who consider themselves Cary Grant fans, but I can't think of a single reason to recommend this movie.I don't understand the casting of Betsy Drake and it appears no one else did,if we're to judge from the small number of films in which she played afterwards.

Most fans will agree that Katharine Hepburn was superb at chasing and catching Cary Grant in Bringing Up Baby.Here the director or writers try to rehash the idea,but it fails miserably.I've read comments about how \\\"creepy\\\" Drake was,but I thought that was far too mild a description. Franchot Tone walked through this one as if he were hungover.A casting disaster is one thing.This film is a total disaster.

This one doesn't deserve 10 lines of comments and I don't know why that's a requirement.Too bad this one was preserved when so many worthwhile films lie rotting in vaults.

Unless you want to torture someone,give this one a wide berth.\": {\"frequency\": 1, \"value\": \"I'm among millions ...\"}, \"The film had many fundamental values of family and love. It expressed human emotion and was an inspiring story. The script was clear( it was very easy to understand making it perfect for children)and was enjoyable and humorous at times. There were a few charged symbols to look for. The cinematography was acceptable. There was no sense of experimentation that a lot of cinematographers have been doing today(which quiet frankly is getting a little warn out). It was plainly filmed but had a nice soft quality to it. Although editing could have been done better I thought it was a nice movie for a family to enjoy. And the organization of information was just thrown at you which was something I didn't like either but in all it was a good movie.\": {\"frequency\": 1, \"value\": \"The film had many ...\"}, \"This film is one of those that has a resounding familiarity to it. It is earthy, grounded and a film that will make you think...and smile. Paul Reiser and Peter Falk take you on a journey that you will not forget. The soundtrack is beautifully varied and fitting; and the film itself is like a breath of fresh air. This surely deserves recognition for both the film and the actors! Finally, a piece of art that departs from the obvious love story and the frequent special affects that are seen today. Never have I walked out from a movie with such deep warmth and feeling of thoughtfulness in my heart; for it felt as if someone had just wrapped it in a fluffy fleece blanket. To see this film is to find a real treasure and delight in it.\": {\"frequency\": 1, \"value\": \"This film is one ...\"}, \"**Possible Spoilers Ahead**

Gerald Mohr, a busy B-movie actor during the Forties and Fifties, leads an expedition to Mars. Before we get to the Red Planet we're entertained by romantic patter between Mohr and scientist Nora Hayden; resident doofus Jack Kruschen; and the sight of Les Tremayne as another scientist sporting a billy-goat beard. The Martian exteriors feature fake backdrops and tints ranging from red to pink\\ufffd\\ufffd-the \\\"Cinemagic\\\" process touted in the ads. Real cool monsters include a giant amoeba, a three-eyed insect creature, an oversized Venus Fly-Trap, and the unforgettable rat/bat/spider. The whole bizarre adventure is recalled by survivor Hayden under the influence of hypnotic drugs. THE ANGRY RED PLANET reportedly has quite a cult following, and it probably picked up most of its adherents during the psychedelic Sixties.\": {\"frequency\": 1, \"value\": \"**Possible ...\"}, \"In all the comments praising or damning Dalton's performance, I thought he was excellent. He does not play Rochester as a spoiled pretty rich boy, but as a roguish, powerful man. I liked this version, although the shot on video aspect was sometimes distracting, and the scenes with Jane and St. John never quite gelled. I give this an 8.\": {\"frequency\": 1, \"value\": \"In all the ...\"}, \"Seeing all of the negative reviews for this movie, I figured that it could be yet another comic masterpiece that wasn't quite meant to be. I watched the first two fight scenes, listening to the generic dialogue delivered awfully by Lungren, and all of the other thrown-in Oriental actors, and I found the movie so awful that it was funny. Then Brandon Lee enters the story and the one-liners start flying, the plot falls apart, the script writers start drinking and the movie wears out it's welcome, as it turns into the worst action movie EVER.

Lungren beats out his previous efforts in \\\"The Punisher\\\" and others, as well as all of Van Damme's movies, Seagal's movies, and Stallone's non-Rocky movies, for this distinct honor. This movie has the absolute worst acting (check out Tia Carrere's face when she is in any scene with Dolph, that's worth a laugh), with the worst dialogue ever (Brandon Lee's comment about little Dolph is the worst line ever in a film), and the worst outfit in a film (Dolph in full Japanese attire). Picture \\\"Tango and Cash\\\" with worse acting, meets \\\"Commando,\\\" meets \\\"Friday the 13th\\\" (because of the senseless nudity and Lungren's performance is very Jason Voorhees-like), in an hour and fifteen minute joke of a movie.

The good (how about not awful) performances go to the bad guy (who still looks constipated through his entire performance) and Carrere (who somehow says her 5 lines without breaking out laughing). Brandon Lee is just there being Lungren's sidekick, and doing a really awful job at that.

An awful, awful movie. Fear it and avoid it. If you do watch it though, ask yourself why the underwater shots are twice as clear as most non-underwater shots. Speaking of the underwater shots, check out the lame water fight scene with the worst fight-scene-ending ever. This movie has every version of a bad fight scene for those with short attention spans and to fill-in between the flashes of nudity.

A BAD BAD MOVIE!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!\": {\"frequency\": 1, \"value\": \"Seeing all of the ...\"}, \"I vaugely recall seeing this when I was 3 years old, then my parents accidentally taped over all but a few seconds of it with some other cartoon. Then I was about 8 or 9 years old when I rediscovered it and since I was then able to comprehend things better, I thought it was a good movie then. Fast forward to Just a few weeks ago (June 2006) when I re-re discovered it thanks to some internet articles/video clips and it's just not the same movie. I'm sure it's still good with the kids, but to us 20-30 somethings it's definitely got \\\"Cult Status\\\" written all over it. It's a shame that the original production went through a painful process; if Fox gave it enough time it would probably be more recognized in the public eye today. Maybe if they were to remake it with a totally different story and an all star voice cast it could be, but that's for Fox to decide. I'm rambling here, I know. I Still think it's a great film, but it could be better than great.\": {\"frequency\": 1, \"value\": \"I vaugely recall ...\"}, \"This is not Bela Lagosi's best movie, but it's got a good old style approach for some 40's horror entertainment.

Brides are dropping dead at the altar like flies. I think I'd postpone the wedding until after the fiend is caught, but it's a horror movie, so I guess people ignore the danger for some reason. Anyway, Lagosi is a mad doctor, who needs young female blood to keep his aging, sickly wife healthy and happy. He always eludes the Keystone Cops by hiding the bodies in a hearse (who would think of looking for a corpse in a hearse?), and the brides just keep on getting zapped.

No movie like this would be complete without a Lois Lane type female reporter who wants to catch the criminal on her own. Good at solving crime, bad at keeping her mouth shut at all the wrong times, guess who Lagosi picks for his next intended victim. I love the \\\"haunted house\\\" bit where Lois Lane gets stranded by a thunderstorm as a guest at Lagosi's sinister mansion. Hidden passageways, a vampire-like wife, an evil dwarf Igor assistant, and so on. Good stuff.

Fairly well done pacing keeps the film moving, and the story resolves itself in a typical but satisfying manner. If you like old horror movies, this one is worth a watch.\": {\"frequency\": 1, \"value\": \"This is not Bela ...\"}, \"Perhaps more than many films, this one is not for everyone. For some folks the idea of slowing down, reflecting and allowing things to happen in their own time is a good description of their personal hell. For others an approach like this speaks to some deep part of themselves they know exists, some part they long for contact with.

I suppose it's a function of where I am in my own life these days, but I count myself in the camp of the latter group. I found the meditative pace of this film almost hypnotic, gently guiding me into some realm almost mythological. This is indeed a journey story, a rich portrayal of the distance many of us must travel if we are to come full circle at the end of our days.

Much as been written of Mr Farnsworth's presentation of Alvin Straight, though I'm not sure there are words to express the exquisite balance of bemused sadness and wise innocence he conjured for us. Knowing now that he was indeed coming to terms with his own mortality as he sat on that tractor seat makes me wish I had had the opportunity to spend time with him before his departure. I hope he had a small glimmer of the satisfaction and truth he had brought to so many people, not just for \\\"acting\\\" but for sharing his absolute humanity with such brutal honesty.

Given the realities of production economics, I'm not sure full credit has been given Mr Lynch for the courage he showed in allowing the story to develop so slowly. An outsider to film production, I nonetheless understand there are few areas of modern life where the expression \\\"time is money\\\" is so accurately descriptive. Going deep into our hearts is not an adventure that can be rushed, and to his credit Mr Lynch seems to have understood that he was not simply telling a story--he was inviting his viewers to spend some time with their own mortality. No simple task, that.

If you'd like to experience the power of film to take introduce you to some precious part of yourself, you could do worse than spending a couple of hours with The Straight Story. And then giving yourself some time for the next little while simply listening to its echoes in the small hours of the night.\": {\"frequency\": 1, \"value\": \"Perhaps more than ...\"}, \"\\\"Antwone Fisher\\\" tells of a young black U.S. Navy enlisted man and product of childhood abuse and neglect (Luke) whose hostility toward others gets him a stint with the base shrink (Washington) leading to introspection, self appraisal, and a return to his roots. Pat, sanitized, and sentimental, \\\"Antwone Fisher\\\" is a solid feel-good flick about the reconciliation of past regrets and closure. Good old Hollywood style entertainment family values entertainment with just a hint of corn. (B)\": {\"frequency\": 1, \"value\": \"\\\"Antwone Fisher\\\" ...\"}, \"Watching this film for the action is rather a waste of time, because the figureheads on the ships act better than the humans. It's a mercy that Anthony Quinn couldn't persuade anyone else to let him direct any other films after this turkey.

But it is filled with amusement value, since Yul Brynner has hair, Lorne Greene displays an unconvincing French accent, and the rest of the big names strut about in comic-book fashion.\": {\"frequency\": 1, \"value\": \"Watching this film ...\"}, \"Elizabeth Ward Gracen, who will probably only be remembered as one of Bill Clinton's \\\"bimbo eruptions\\\" (they have pills for that now!) is probably the weakest element of this show. It really continues the tired formula of the Highlander Series- The hero immortal encounters another immortal with flashbacks about the last time they met, but there is some conflict, and there is a sword fight at the end where you have a cheap special effects sequence.

Then you have the character of Nick Wolf. Basically, your typical unshaven 90's hero, with the typical \\\"Sexual tension\\\" storyline. (Seriously, why do you Hollywood types think sexual tension is more interesting than sex.) This was a joint Canadian/French production, so half the series takes place in Vancouver imitating New York, and the other half is in Paris... Just like Highlander did.\": {\"frequency\": 1, \"value\": \"Elizabeth Ward ...\"}, \"Cillian Murphy and Rachel McAdams star in this action/thriller written and directed by the master of suspense, Wes Craven, himself. The whole movie starts with some trouble at The Lux Atlantic, a hotel in Miami. The problem is all fixed by Lisa Reisert, the manager of the hotel. Then she goes to the airport, and that's where all of the trouble begins. She meets Jackson Rippner, who doesn't like to be called Jack because of the name Jack the Ripper, if you know you him and I mean. Then they board the plane, and crazy enough, Rippner and Reisert sit next to each other. For the next half-hour, Lisa is terrorized, tormented, and terrified by Rippner. I won't give anything away. Then we move on to where Jack is chasing Lisa in the airport. Then Lisa goes to her house to see if her father is okay, and crazily enough, Rippner is already there. There is nearly twelve minutes of violence and strong intensity throughout that entire scene. In total, about 25 minutes of intense action comes at the end.

Not only was the movie intense but it had a great plot to it. Like I said, I will not give anything away because it's so shocking and thrilling and somewhat disturbing/frightening. And the acting from every single character in the movie, even the ones with no lines at all, were all pitch perfect. It was incredible. Everything was awesome in this movie! The acting, the music, the effects, the make-up, the directing, the editing, the writing, everything was wonderful! Wes Craven is definitely The Master of Suspense. Red Eye is definitely a must-see and is definitely worth spending your money on. You could watch this movie over and over and over again and it would never ever get boring.

Red Eye I have to say is better than 10 out of 10 stars.

Original MPAA rating: PG-13: Some Intense Sequences of Violence, and Language

My MPAA rating: PG-13: Some Very Intense Sequences of Violence, and Language

My Canadian Rating: 14A: Violence, Frightening Scenes, Disturbing Content\": {\"frequency\": 1, \"value\": \"Cillian Murphy and ...\"}, \"There's really no way to beat around the bush in saying this, Lady Death: The Motion Picture just plain sucks. Aside from the fact that the main character is a well endowed blonde running around Hell in a leather bikini with occasional spurts of graphic violence, the movie seems to have been made with the mentality of a 1980's cartoon based on a line of action figures. The bad guy himself even talks like a Skeletor wannabe, has the obligatory inept henchman, and lives in a lair that looks to have been patterned after the domain of the villain from the old Saturday morning Blackstar cartoon. Just don't expect any humor other than the sometimes howlingly bad dialogue. At other times it feels like the kind of anime tale better suited to hentai, yet there is no sex, no tentacle rape (Thank goodness!) and very little sex appeal, this despite the physical appearance of the title character. There is simply no adult edge to this material, unless you count the half-naked heroine and bloody deaths. Essentially, what we have here is a feature length episode of She-Ra, Princess of Power, but with skimpier clothes and more gore.\": {\"frequency\": 1, \"value\": \"There's really no ...\"}, \"As far as films go, this is likable enough. Entertaining characters, good dialogue, interesting enough story. I would have really quite liked it had I not been irritated immensely whilst watching at the utter disrespect it shows the city it is set in.

Glasgow. In Scotland. Yet every character is English (save for Sean's girlfriend, who is Dutch). Scottish accents are heard only fleetingly in menial jobs & roles. As a Scottish woman (& as a viewer who likes her \\\"real life\\\" films to be a bit more like real life) I really don't think it would have hurt to use any one of the countless talented Scottish actors...or at least got English ones who could toss together a decent accent! The futile attempt at using the word \\\"wee\\\" a few times did nothing but to further the insult.\": {\"frequency\": 1, \"value\": \"As far as films ...\"}, \"There's been a vogue for the past few years for often-as-not ironic zombie-related films, as well as other media incarnations of the flesh- eating resurrected dead. \\\"Fido\\\" is a film that's either an attempt to cash in on that, simply a manifestation of it, or both -- and it falls squarely into the category of ironic zombies. The joke here is that we get to see the walking dead in the contrasting context of a broadly stereotyped, squeaky-clean, alternate-history (we are in the wake of a great Zombie War, and the creatures are now being domesticated as slaves) version of a 1950s suburb.

It's a moderately funny concept on its own, and enough perhaps for a five-minute comedy sketch, but it can't hold up a feature-film on its own. The joke that rotting corpses for servants are incongruous with this idealized version of a small town is repeated over and over again, and loses all effectiveness. The soundtrack relentlessly plays sunny tunes while zombies cannibalize bystanders. The word \\\"zombie\\\" is constantly inserted into an otherwise familiarly homey line for a cheap attempt at a laugh.

The very broadness and artificiality of the representation of \\\"the nineteen fifties\\\" here can't help but irritate me. It is so stylized, in it evidently \\\"Pleasantville-\\\"inspired way, that it is more apparent in waving markers of its 1950s-ness around than actually bearing any resemblance to anything that might have happened between 1950 and 1959. There is something obnoxiously sneering about it, as if the film is bragging emptily and thoughtlessly about how more open, down-to-Earth, and superior the 2000s are.

Because the characters are such broad representations of pop-culture 1950s \\\"types,\\\" it's difficult to develop much emotional investment in them. Each has a few character traits thrown at him or her -- Helen is obsessed with appearances, and Bill loves golf and his haunted by having had to kill his father -- but they remain quite two-dimensional. Performances within the constraints of this bad writing are fine. The best is Billy Connolly as Fido the zombie, who in the tradition of Boris Karloff in \\\"Frankenstein\\\" actually imparts character and sympathy to a lumbering green monster who cannot speak.

There are little bits of unsubtle allegory thrown around -- to commodity fetishism, racism, classism, war paranoia, et cetera, but none of it really works on a comprehensive level, and the filmmakers don;t really stick with anything.

Unfortunately, this film doesn't really get past sticking with the flimsy joke of \\\"Look! Zombies in 'Leave it to Beaver!'\\\" for a good hour- and-a-half.\": {\"frequency\": 1, \"value\": \"There's been a ...\"}, \"Arthur is middle aged rich 'kid' who drinks like a fish. Arthur does what he feels like and says whatever comes into his mind. He likes to boast about his riches and knows that he is a spoiled brat. He spends money on people he don't know and finds everything funny. Arthur must marry a high class girl to inherit a big fortune but he falls in love with a poor waitress Liza Minnelli (she looks really weird).

This is a damn funny film. I watched this film because a very famous Indian film 'Sharabee' is based on the character of Arthur. Although 'Sharabee' is definitely inspired by 'Arthur' I think they are two different films. 'Arthur' is just fun. Its very corny at times. There are so many fantastic one liners in the film. Its not a laugh riot but it has some fantastic moments. My favorite scene is when Arthur meets his fianc\\ufffd\\ufffd's father and he keeps talking about the 'moose'. Duddley Moore sure has some comic timing. He is very good with words and body language. I loved the scene where he talks standing to a seated couple in the hotel about a 'small' country and he keeps talking to husband and wife in two different directions. John Gielgud got an Oscar for this film. I don't know that actor. I don't think he did a great job but may be if I watched more of his work I may agree in future. Movie has some flat patches but not very long ones. looking forward to watch the sequel.\": {\"frequency\": 1, \"value\": \"Arthur is middle ...\"}, \"I've been impressed with Chavez's stance against globalisation for sometime now, but it wasn't until I saw the film at the Amsterdam documentary international film festival that I realize what he has really achieved. This film tells the story of coup/conspiracy by Venezuela's elite, the oil companies and oil loving corrupt western governments, to remove democratically elected president Chavez, and return Venezuela back to a brutal dictatorship. This film is must for anyone who believes in freedom and justice, and is also a lesson to the rest of world ! I commend the people of Venezuela for taking matter into their own hands, and saving their country from the likes of Halliburton and the Bush regime.\": {\"frequency\": 1, \"value\": \"I've been ...\"}, \"The acting is bad ham, ALL the jokes are superficial and the target audience is clearly very young children, assuming they have below average IQs. I realize that it was meant for kids, but so is Malcom in the Middle, yet they still throw in adult humor and situations.

What should we expect from a show lead by Bob Saget, the only comedian in existence who is less funny than a ball hitting a man's groin, which is probably why he stopped hosting America's Funniest Home Videos.

Parents, do not let your kids watch this show unless you want to save money on college. Expose your kids to stupidity and they will grow up dumberer.\": {\"frequency\": 1, \"value\": \"The acting is bad ...\"}, \"A young cat tries to steal back his brothers soul from death but only gets half of it and then has to go adventuring to get the other half... or maybe not.

Frankly I'm not sure what happens in this film which is full of very strange, very surreal images some of which parents might find disturbing, (ie.the cats slicing off part of a pig who is traveling with them and the frying it like bacon which all three eat).

This is a very strange film that some have likened to Hello Kitty on acid, I think its more like Hello Kitty as done by Dali. (Certainly this is more alive than Destino which was directly based on his work).

If your up for a very off beat film that will challenge your perceptions of things then see this movie. Just be ready for some very strange images that will be burned into your memory forever.

\": {\"frequency\": 1, \"value\": \"A young cat tries ...\"}, \"When I first saw the Romeo Division last spring my first reaction was BRILLIANT! However, on future viewings I was provided with much more than masterful film-making. This picture has a singular voice that will echo throughout the annuls of film history.

The opening montage provides a splendid palette which helmer JP Sarro uses to establish his art on this canvas of entertainment.

Sarro truly uses the camera as his paintbrush while he brings us along on a ride that envelops the audience in a tremendous action movie that goes beyond the traditional format we have become accustomed to and dives deeply into dark themes of betrayal, revenge and the importance of companionship. This movie is any director's dream at its very core.

However, Sarro was not alone in this epic undertaking. The writing, provided by scribe Tim Sheridan, was just as breathtaking.

The dialogue was so precise and direct that it gave the actors such presence and charisma on the screen. Specifically speaking, the final scene (WARNING: SPOILERS!!! SPOILERS!!!) where Vanessa reveals herself to be one of the coalition and a villain all the time, is written in such a dark tone that it is one of the most chilling endings I have ever seen. Sheridan is the next Robert Towne.

In a final note it is obvious that this production was no small feat.

Therefore much praise must be given to producer Scott Shipley who seems to have the creativity and genius to walk next to Jerry Bruckheimer. Never before have I witnessed a production so grand with so much attention directed at every little detail. A producers job is one of the hardest in any movie and Shipley makes it look easy.

All in all this film combines creative writing, stunning production and masterful direction. This is the art of film at its best. When the ending of the film arrives the only thing that is desired is more.

The Romeo Division is groundbreaking, a masterpiece and, most importantly, The Romeo Division is indeed art.\": {\"frequency\": 1, \"value\": \"When I first saw ...\"}, \"I first saw this film as a teenager. It was at a time when heavy metal ruled the world. Trick Or Treat has every element for a movie that rocks. With a cast that features Skippy from Family Ties, Gene Simmons of Kiss and Ozzy Osbourne as a Preacher, how can you go wrong? Backwards evil messages played on vinyl! Yes thats right, they use records in this movie. In one scene Eddie (Skippy) is listening to a message from the evil rockstar on his record player when things begin to get scary. Monsters start to come out of his speakers and his stereo becomes possessed. As a teenager I tried playing my records backwards hoping it would happen to mine. Almost 20 years later Trick Or Treat is still one of my all time favorite movies.\": {\"frequency\": 1, \"value\": \"I first saw this ...\"}, \"I don't think I'll ever understand the hate for Renny Harlin. 'Die Hard 2' was cool, and he gave the world 'Cliffhanger', one of the most awesome action movies ever. That's right, you little punks, 'Cliffhanger' rules, and we all know it.

Sly plays Gabe Walker, a former rescue climber who is 'just visiting' his old town when he is asked to help a former friend, Hal Tucker (Michael Rooker), assist in a rescue on a mountain peak. Walker obviously came back at a convenient time, because the stranded people are actually a sophisticated team of thieves led by Eric Qualen (John Lithgow). Qualen & co. have lost a whole lot of money they stole from the U.S. government somewhere in the Rocky Mountains and they really would like it back...

Essentially, 'Cliffhanger' is another 'Die Hard' clone. Just trade in the confines of Nakatomi Plaza to the open mountain ranges of the Rocky Mountains, complete with scenes created to point out the weaknesses of our hero and keep him mortal. Naturally, that set up is totally ripped to shreds soon enough, as Stallone's character avoids quite a large number of bullets with ease, and slams face-first into several rock faces with no apparent side-effects. After all, isn't that what action movies are all about?

'Cliffhanger' is one of the most exciting action movies around. A showcase of great scenes and stunts. One of the early stunts is one of the best stunts I've ever seen in a movie, and while the rest of the movie does not get any better than it did at the beginning, it maintains its action awesomeness. John Lithgow's lead villain is entertaining, and one bad dude. Quite possibly one of the coolest lead villains ever.

'Cliffhanger' is easily one of Stallone's best efforts, definitely Renny Harlin's best effort, and a very exciting action movie - 9/10\": {\"frequency\": 1, \"value\": \"I don't think I'll ...\"}, \"If one would see a Ren\\ufffd\\ufffd Clair film with the kind of distracted semi-attention which is the rule in TV watching - one might be better off doing something different.

Watching \\\"Le Million\\\" with all attention focused upon what takes place before eyes and ears will reveal a wealth of delightful details which keep this musical comedy going from the beginning to the end with its explosion of joy.

In the Danish newspaper Berlingske Tidende a journalist once wrote: \\\"In my younger days I saw a film which made me feel like dancing all the way home from the cinema. This film is on TV tonight - see it!\\\"\": {\"frequency\": 1, \"value\": \"If one would see a ...\"}, \"Like his earlier film, \\\"In a Glass Cage\\\", Agust\\ufffd\\ufffd Villaronga achieves an intense and highly poetic canvas that is even more refined visually than its predecessor. This is one of the most visually accomplished and haunting pictures one could ever see. The heightened drama, intensity and undertone of violence threatens on the the melodramatic or farcical, yet never steps into it. In that way, it pulls off an almost impossible feat: to be so over-the-top and yet so painfully restrained, to be so charged and yet so understated, and even the explosives finales are virtuosic feasts of the eye. Unabashed, gorgeous, and highly tense... this film is simply superb!\": {\"frequency\": 1, \"value\": \"Like his earlier ...\"}, \"Passport to Pimlico is a real treat for all fans of British cinema. Not only is it an enjoyable and thoroughly entertaining comedy, but it is a cinematic flashback to a bygone age, with attitudes and scenarios sadly now only a memory in British life.

Stanley Holloway plays Pimlico resident Arthur Pemberton, who after the accidental detonation of an unexploded bomb, discovers a wealth of medieval treasure belonging to the 14th Century Duke of Burgundy that has been buried deep underneath their little suburban street these last 600 years.

Accompanying the treasure is an ancient legal decree signed by King Edward IV of England (which has never been officially rescinded) to state that that particular London street had been declared Burgandian soil, which means that in the eyes of international law, Pemberton and the other local residents are no longer British subjects but natives of Burgundy and their tiny street an independent country in it's own right and a law unto itself.

This sets the war-battered and impoverished residents up in good stead as they believe themselves to be outside of English law and jurisdiction, so in an act of drunken defiance they burn their ration books, destroy and ignore their clothing coupons, flagrantly disregard British licencing laws etc, declaring themselves fully independent from Britain.

However, what then happens is ever spiv, black marketeer and dishonest crook follows suit and crosses the 'border' into Burgundy as a refuge from the law and post-war restrictions to sell their dodgy goods, and half of London's consumers follow them in order to dodge the ration, making their quiet happy little haven, a den of thieves and a rather crowded one at that.

Appealing to Whitehall for assistance, they are told that due to developments this is \\\"now a matter of foreign policy, which His Majesty's Government is reluctant to become involved\\\" which leaves the residents high and dry. They do however declare the area a legal frontier and as such set up a fully equipped customs office at the end of the road, mainly to monitor smuggling than to ensure any safety for the residents of Pimlico.

Eventually the border is closed altogether starting a major siege, with the Bugundian residents slowly running out of water and food, but never the less fighting on in true British style. As one Bugundian resident quotes, \\\"we're English and we always were English, and it's just because we are English, we are fighting so hard to be Bugundians\\\"

A sentiment that is soon echoed throughout the capital as when the rest of London learn of the poor Bugundians plight they all feel compelled to chip in and help them, by throwing food and supplies over the barbed wire blockades.

Will Whitehall, who has fought off so may invaders throughout the centuries finally be brought to it's knees by this new batch of foreigners, especially as these ones are English!!!!

Great tale, and great fun throughout. Not to be missed.\": {\"frequency\": 1, \"value\": \"Passport to ...\"}, \"I watched the whole movie, waiting and waiting for something to actually happen. Maybe it's my fault for expecting evil and horror instead of psychology? Is it a weird re-telling of the Oedipal myth: I want to kill my father and mother and marry my uncle and compose musical theater with him? I didn't understand why certain plot elements were even present: why was the construction upstairs, why was there that big stairwell with a perfect spot for someone to fall to their doom if no one was actually going to do so, why have the scenes at all with the father at work, why have such a nice kitchen if you're only going to eat takeout, why would the boy want to be baptized and the parents be the ones to resist instead of the other way around. I see lots of good reviews for this movie...has my taste been corrupted by going up with 70s b-movies and old sci fi flicks?\": {\"frequency\": 1, \"value\": \"I watched the ...\"}, \".... may seem far fetched.... but there really was a real life story.. of a man who had an affair with a woman, who found out where he and his new wife were staying,, and she killed the wife,, making it look like a murder rape.......

in her delusion she had told everyone that the man had asked her to marry him.. so she quit her job in Wisconsin... and moved to Minnesota..........

last I heard she was in a mental institution, Security Prison....

she was still wearing the \\\"engagement ring.\\\" that she has purchased for herself... and had told everyone that he had bought it for her.

The events took place in a small town in Wisconsin,,,,,,, and the murder happened in Minnesota......

There even was a feature story in \\\"People\\\" magazine... Spring of 1988, I want to say on Page 39. I remember this as I was in college at the time,, and a colleague of mine had met the individual in the Security Hospital....\": {\"frequency\": 1, \"value\": \".... may seem far ...\"}, \"Gotta start with Ed Furlong on this one. You gotta. God bless this kid. $5 bucks says the character he plays in this film is what he's really like in real life. He has a one-liner or two that made me almost blow snot because of the subtle humor in the script. You know all the trials this guy has gone through in recent years and it doesn't even seem like Furlong is even acting. Maybe that's why his performance was good. Same with Madsen. You keep thinking, \\\"I bet this guy is really like this in real life.\\\" Does Madsen even have to act? Just natural. Vosloo has obviously moved on from the type-casted Mummy guy. I think the biggest surprise to this film was Jordana Spiro's performance. Her reactions are spot-on in this film. I battled if she was hot or not, but realized I would just like to see more of her.

Not a big fan of shoot 'em out/hostage type films. But what I am a fan of are films with lots of twists and turns to try and keep you guessing. It's not just your standard robbers take over a bank, they kill hostages, and the good guys win in the end type of film. The twists keep on coming...and coming.

The caf\\ufffd\\ufffd scenes work best with the hand-held cams to show what it's really like in there. Not glossed over a bit. Think like Bourne Ultimatum \\\"lite\\\" style on some scenes in the caf\\ufffd\\ufffd.

And for those Bo Bice fanatics out there - actor Curtis Wayne (who plays Karl) will make you do a double take. These guys are twins.

As I watched I wondered why some of the actors had foreign accents and what were they doing in this small town. Made sense in the end that these people smuggled stuff to other countries/states so they might have these accents. But more is revealed in the bonus features of how some of the producers wanted to make this film for International audiences with some of their stars we might not have heard of. And some of them are smoking hot. Moncia Dean? Need I say more.\": {\"frequency\": 1, \"value\": \"Gotta start with ...\"}, \"...Heads, Hands, and Feet - a band from the past, just like Strange Fruit. A triple whammy there. Those who have professed not to like this film are either heartless or under 40, and have had no experience of the real thing. Sad for them. This is an achingly well-observed little picture that is an excellent way of passing an hour or two, and will probably not even fade much on the second showing. Stephen Rae, Timothy Spall as the fat drummer (in many ways quite the most delightful figure of all), and Bill Nighy - a new name for me - as the neurotic vocalist and front man all turn in super performances, and Juliet Aubrey has lovely doe eyes to go with some sharp acting as Karen, who tries to hold the band together as they spectacularly self-destruct.

The Syd Barrett/Brian Wilson echoes are loud and clear, Mott the Hoople rear up before one in all their inflated ridiculousness, and the script is never mawkish for more than a minute. Don't compare this with Spinal Tap or The Rutles or The Full Monty - it's unfair on all of them. The nearest comparison is The Commitments, and that's no bad thing. And any film that can conjure up memories of Blodwyn Pig - a band I do not remember ever seeing, but the name lives on - well, it shows somebody in the team knew what they were on about.

A small delight, and thanks for the memory.

Oh... and I've got ANOTHER one - Stiff Little Fingers; a-a-and what about SteelEYE Span... Spooky TOOTH... Ten Inch NAILS anyone? (You have to see the movie or have been on the road)\": {\"frequency\": 1, \"value\": \"...Heads, Hands, ...\"}, \"I was 15 years old when this movie premiered on the television. Being raised in Texas, I understood the boredom & monotony of teenage life there. This movie touched my impressionable teenage heart & I remembered it fondly through the past 12 years. I recently got to see it for the 2nd, 3rd & 4th times thanks the the LOVE channel. I still cry because the movie reaches in & touches my inner confused teenager.\": {\"frequency\": 2, \"value\": \"I was 15 years old ...\"}, \"

According to reviewers, the year is 1955 and the players are 20 year-old college kids about to enter grad school. Jolly joke!

1955? The synthesizer keyboard was not invented yet, but there it is on the bandstand. The Ford Pony Car was not invented yet, but there it is playing oldies music. The synthesizer appeared to be a model from the mid 1970's. The Pony Car at best is from the mid 1960's.

20 year-old college kids? Josh Brolin had seen 32 birthdays when this made-for-TV movie was produced.

The plot is so predictable that viewers have plenty of spare time to think of all the errors appearing upon their TV's.\": {\"frequency\": 1, \"value\": \"


If somebody makes it to the normal exit, the person would be asked some questions, like \\\"do you believe in god?\\\", its not really creative or original and especially in my opinion it doesn't fit into the mystery of the cube with it traps. Really there is nothing much else to say about it.\": {\"frequency\": 1, \"value\": \"The plot doesn't ...\"}, \"An extra is called upon to play a general in a movie about the Russian Revolution. However, he is not any ordinary extra. He is Serguis Alexander, former commanding general of the Russia armies who is now being forced to relive the same scene, which he suffered professional and personal tragedy in, to satisfy the director who was once a revolutionist in Russia and was humiliated by Alexander. It can now be the time for this broken man to finally \\\"win\\\" his penultimate battle. This is one powerful movie with meticulous direction by Von Sternberg, providing the greatest irony in Alexander's character in every way he can. Jannings deserved his Oscar for the role with a very moving performance playing the general at his peak and at his deepest valley. Powell lends a sinister support as the revenge minded director and Brent is perfect in her role with her face and movements showing so much expression as Jannings' love. All around brilliance. Rating, 10.\": {\"frequency\": 1, \"value\": \"An extra is called ...\"}, \"Not even the most ardent stooge fan could possibly like the movie, (I one of them) the stooges just aren't given any material to work with. It is really a shame too because this is the only feature length movie the stooges did with Curly, and this one effort by them is painfully unfunny, when it could have had great potential. Awful musical numbers don't help any either. The short they did with the same title has more laughs.\": {\"frequency\": 1, \"value\": \"Not even the most ...\"}, \"Bill Maher's Religulous is not an attack on organized religion. It's an attack on Christianity and Islam. Apart from ridiculing a bunch of Rabbis inventing warped machines to get around Sabbath regulations, he really doesn't attack Judaism and seems enraged when a Rabbi actually challenges the existence of the State of Israel. If Bill Maher followed his hypothesis to its logical conclusion, he would realize that the very creation of Israel in the Palestinian Territories is based on the so called 'holy books' of organized religion. This is evidence of his complete and utter lack of objectivity or focus in the creation of this film.

I find it really hard to believe that the man is atheist or even all that intelligent. Anyone can go up to a religious person and laugh at them and call them stupid for their beliefs but what do you have to offer them in return? Nowhere does he actually tell them why he thinks they're stupid. What makes him the \\\"rational\\\" person in the room? In a way it reflects how he really isn't and in the process ends up looking just as stupid as those people.

If you want to watch a good movie/documentary about the actual evils of religion and how religion can actually be detrimental to the human civilization, watch Richard Dawkins' 'Root of All Evil?'. It is a brilliantly researched documentary, clearly outlining what it hopes to achieve and how.

Bill Maher's Religulous is not funny, poses no interesting questions nor does it provide any insight on so controversial a topic. It seems to be the rantings and ravings of an old man disgruntled with his Catholic upbringing. I almost feel sorry for him.\": {\"frequency\": 1, \"value\": \"Bill Maher's ...\"}, \"This story is about the romantic triangle between a nth. African male prostitute, a French transsexual prostitute (Stephanie) and a Russian waiter who speaks no French and never seems to shave.

As a film it is dull, dreary and depressing, shot either on foggy, overcast winter days or in badly lit interiors, where everyone is bathed in a weird blue luminescence. And yes, I know, it's because the white balance was out. Everyone is pale and downcast and looks haggard, shabby and dirty. Bodies are bony and shot in such closeup that they look quite ugly and unappealing. Moles, greasy hair. Yuk. Bad news in a film where people spend a lot of time either naked or having sex.

And the story? Well, Stephanie's mother is dying. All three characters go back to Stephanie's home village where, through a bunch of flashbacks to desolate countryside and predictably dingy interiors, we see a bit of Stephanie's childhood as a boy called Pierre. The mother dies. Well... and that's about it, really. Character development is kept to a minimum, as is the denouement of the story.

I suppose the storyline is not linear (it would explain a lot of non sequiteurs) but really, after paying my seven euros I don't feel like having to construct the film myself: that's what the director takes my money for. To expect me to join the story telling process and get my hands dirty, so to speak, is asking way too much.

This film is a heap of pretentious rubbish made, above all, from a desire to epater les bourgeois (ie shock the straights). I can see how it was a shoo-in for the Berlin Film Festival, and I can see why it got nowhere.\": {\"frequency\": 1, \"value\": \"This story is ...\"}, \"Seriously, I absolutely love these old movies and their simplicity but I just watched this for the first time last night and it easily slotted itself into my bottom five of all time. Was this supposed to be about the love story or the zombies??? This movie was so bad that after it mercifully ended all I could do is laugh at how ridiculously bad it really was. Thankfully I'm too anal to turn a movie off without seeing the entire thing or I wouldn't be able to brag about watching this all the way through in one sitting! I like to think something positive can be said about anything in life so in keeping with that theory I will acknowledge this film's most positive asset, it was very short for a full length film.\": {\"frequency\": 1, \"value\": \"Seriously, I ...\"}, \"Channel surfing and caught this on LOGO. It was one of those \\\"I have to watch this because it's so horribly bad\\\" moments, like Roadhouse without the joy. The writing is atrocious; completely inane and the acting is throw-up-in-your-mouth bad.

There's low budget and then there is the abyss which is where this epic should be tossed and never seen from again. I mean, the main characters go to a ski retreat in some rented house and the house is, well, ordinary which is no big deal, but they choose to show all the houseguests pouring over it like it was the Sistine Chapel. I'm sorry but watching 6 guys stare into every 10'x10' boring room with a futon in it and gushing is lame. I guess they didn't learn anything from the Bad News Bears in Breaking Training (see hotel room check scene)...wow a toilet !!! yaayyyyy !!!! I don't buy the its all over the top so anything goes routine. If it smells like...and it looks like...well, you know the rest.

Avoid like the plague.

edit: Apparently other more close minded reviewers believe that since I disliked this movie, I am an \\\"obvious hater\\\" which I can only assume means I am phobic, which of course is not true. I decided to do this wacky, crazy thing and judge the movie based on the actual content of the film and not by its mere presence (i.e. its refreshing to see...)

Sure, it may be refreshing to see but that doesn't equate into a great movie, just give them some better material to work with and tighter direction. In fact, I applaud the effort. Frankly, I'd rather go listen to my Kitchens of Distinction catalogue than watch this again.\": {\"frequency\": 1, \"value\": \"Channel surfing ...\"}, \"This movie proves that good acting comes from good direction and this does not happen in Ask the Dust. Colin Farrell is usually a fine actor but in this he is juvenile. Donald Sutherland comes across as an amateur. Why? Because the script is awful, the adaptation is awful and the actors seem bored and half hearted. The atmosphere of the movie is bad - I could only think when it would finish and I turned it off half way. The director has done a very poor job and even though I have not read the novel it is certainly a missed chance. The atmosphere this film is trying to evoke and the message and storyline never reaches the audience. In one word, it is a TERRIBLE film.\": {\"frequency\": 1, \"value\": \"This movie proves ...\"}, \"An American woman, her European husband and children return to her mother's home in \\\"Watch on the Rhine,\\\" a 1943 film based on the play by Lillian Hellman, and starring Paul Lukas (whom I believe is repeating his stage role here), Bette Davis, Lucile Watson, George Coulouris, Geraldine Fitzgerald, and Donald Woods. An anti-Fascist, a worker in the underground movement, many times injured, and wanted by the Nazis, Kurt Muller (Lukas) is in need of a long vacation on the estate of his wealthy mother-in-law. But he finds out that there is truly no escape as one of the houseguests (Coulouris) is suspicious as to his true identity and more than willing to sell him out.

Great performances abound in this film, written very much to put forth Lillian Hellman's liberal point of view. It was certainly a powerful propaganda vehicle at the time it was released, as the evils of war and what was happening to people in other countries reach into safe American homes. The movie's big controversy today is that Paul Lukas won an Oscar over Humphrey Bogart in \\\"Casablanca.\\\" Humphrey Bogart was a wonderful screen presence and a fabulous Rick, but Lukas is transcendent as Kurt. The monologue he has about the need to kill is gut-wrenching, just to mention one scene.

Though this isn't what one thinks of as a Bette Davis movie, she gives a masterful performance here as Kurt's loyal and loving wife, Sara. Her acting tugs at the heart, and the love scenes between Kurt and Sara are beautiful and tender.

The last half hour of the film had me in tears with the honesty of the emotions. Lillian Hellman is not everyone's cup of tea, but unlike \\\"The Little Foxes,\\\" she has written some truly sympathetic, wonderful characters and a fine story given A casting and production values by Warner Brothers. Highly recommended.\": {\"frequency\": 1, \"value\": \"An American woman, ...\"}, \"The film's design seems to be the alpha and omega of some of the major issues in this country (U.S.). We see relationships all over at the university setting for the film. Befittingly, the obvious of student v.s. teacher is present. But what the film adds to its value is its other relationships: male v.s. female, white v.s. black, and the individual v.s. society. But most important of all and in direct relation to all of the other relationships is the individual v.s. himself.

I was amazed at how bilateral a point of view the director gave to showing the race relations on campus. Most films typically show the injustices of one side while showing the suffering of the other. This film showed the injustices and suffering of both sides. It did not attempt to show how either was right, although I would say the skin heads were shown a much crueler and vindictive (quite obvious towards the end). The film also discusses sex and rape. It is ironically this injustice that in some ways brings the two races together, for a time. Lawrence Fishburne does an over-the-top performance as the sagacious Profesor Phipps. He crumbles the idea of race favortism and instead shows the parallelism of the lazy and down-trodden with the industrious and positive. Other stars that make this film are Omar Epps, Ice Cube, and Jennifer Connelly. Michael Rapaport gives an excellent portrayal of a confused youth with misplaced anger who is looking for acceptance. Tyra Banks make her film debut and proves supermodels can act.

Higher Learning gets its name in showing college as more than going to class and getting a piece of paper. In fact, I would say the film is almost a satire in showing students interactions with each other, rather than some dry book, as the real education at a university. It is a life-learning process, not a textual one. I think you'll find \\\"Higher Learning\\\" is apropos to the important issues at many universities and even life in general. 8/10\": {\"frequency\": 1, \"value\": \"The film's design ...\"}, \"Robert Duvall is a direct descendent of Confederate General Robert E. Lee, according the IMDb.com movie database. After seeing this film, you may think Duvall's appearance is reincarnation at it's best. One of my most favorite films. I wish the composer, Peter Rodgers Melnick had a CD or there was a soundtrack available. Wonderful scenery and music and \\\"all too-true-to-life,\\\" especially for those of us that live in, or have moved to, the South. This is a \\\"real moment in time.\\\" Life moves on, slowly, but \\\"strangers we do not remain.\\\"\": {\"frequency\": 1, \"value\": \"Robert Duvall is a ...\"}, \"This is a very memorable spaghetti western. It has a great storyline, interesting characters, and some very good acting, especially from Rosalba Neri. Her role as the evil villainess in this film is truly classic. She steals every scene she is in, and expresses so much with her face and eyes, even when she's not speaking. Her performance is very believable. She manages to be quite mesmerizing without being over the top (not that there's anything wrong with being over the top). Mark Damon is surprisingly good in this movie too.

The music score is excellent, and the theme song is the kind that will be playing in your head constantly for days after seeing the movie, whether you want it to or not. There are a couple of parts that are very amusing. I especially like the part where Rosalba Neri undresses in front of the parrot. There's also lots of slick gun-play that's very well done.

I would probably have given this movie 8 or 9 stars if it wasn't for two things. The first being a silly bar room brawl that occurs about 25 minutes into the film. This is one of the most ridiculous looking fights I have ever seen in a movie. It is very poorly choreographed, and looks more like a dance number from a bad musical than any kind of a real fight. One might be able to overlook this if it were a Terence Hill/Bud Spencer comedy, but this is a more serious western, and the brawl really needed to be more realistic. The other thing that annoyed me about this movie was Yuma's cowardly Mexican sidekick. I guess he was supposed to be comic relief or something, but the character was just plain stupid and unnecessary in a movie like this, and he wasn't at all funny. All I can say is where is Tuco when you need him?

All that having been said, let me assure everyone reading this that Johnny Yuma is a classic spaghetti western despite the faults I have mentioned, and all fans of the genre need to see this movie.\": {\"frequency\": 1, \"value\": \"This is a very ...\"}, \"This was awful. Andie Macdowell is a terrible actress. So wooden she makes a rocking horse look like it could do a better job. But then remember that turn in Four Weddings, equally as excruciating. Another film that portrays England as full of Chocolate box cottages, and village greens. I mean that school, how many schools apart from maybe Hogwarts look like that? The twee police station looked like the set from Heartbeat ( a nauseating British series set in the 60s).This film just couldn't make its mind up what it wanted to be- a comedy or a serious examination of the undercurrents in women's friendships. If it had stuck to the former then the graveyard sex scenes and the highly stupid storming of the wedding might just have worked( i say just). But those scenes just didn't work with the tragedy in the second half. I also find it implausible that Kate would ever speak to Molly again after her terrible behaviour. A final note- what is a decent actress like Staunton doing in this pile of poo? Not to mention Anna Chancellor. Macdowell should stick to advertising wrinkle cream.\": {\"frequency\": 1, \"value\": \"This was awful. ...\"}, \"This movie promised bat people. It didn't deliver. There was a guy who got bit by a bat, but what was with the seizures? And the stupid transformation? Where was the plot? Where was the acting? Who came up with the idea to make this? Why was it allowed to be made? Why? Why? I guess we'll never know.\": {\"frequency\": 1, \"value\": \"This movie ...\"}, \"The author of \\\"Nekromantik\\\", J\\ufffd\\ufffdrg Buttgereit's second feature film, \\\"Der Todesking\\\" is a powerful masterpiece. Centered around a chain letter originating from a group called \\\"The Brotherhood of the 7th Day\\\", the movie shows 7 episodes, each consisting of one day during one week, where suicide is approached using different characters and situations all the while the letter is making it's rounds. Do not touch this one if you like Hollywood movies or musicals, enjoy happy or even remotely \\\"normal\\\" movies or expect a movie to be good only, if it is focused on stage acting.

The nihilistic, avant-garde approach of Der Todesking well explains, why Buttgereit's movies in general were banned in Germany, their native country of origin, during the 80's and most of the 90's. Der Todesking is not really focused on the characters appearing on-screen, but the meaningless apathy or depression most people's lives consist of in general. Buttgereit does not find reasons to go on living, only reasons to stop, and in choosing how and when you die, you can also be the king of death, Der Todesking.

Buttgereit's movies are generally difficult to categorize and Der Todesking is no exception. Featuring the same crew and almost the same cast as all other of his movies, \\\"art film\\\" would probably be the closest description every time. Der Todesking features an original method to shoot, create the mood and handle the central object in almost every scene. During one scene, the camera slowly, continuously pans in 360 degree circle, while a person lives in a small one-room apartment for a day. During another, Buttgereit uses sound and film corruption to depict the collapsing mental state of a man, while he dwells in his desperation. During a third, seemingly pleasant scene names, ages and occupations of actual people to have committed suicide are shown on-screen, supposedly warranting the ban in Germany for this particular movie.

Episode movies (and especially this one, as the scenes are only vaguely connected) generally suffer from incoherence, and Der Todesking is no exception. While all episodes have the same focus of inflicted death and it's consequences or subsequences in all it's variations, there are very powerful episodes, yet an episode or two might even seem like filler material, partly draining the overall power of the movie - still, the the jaw-dropping, immensely powerful intermissions depicting a decomposing body manage to keep the movie together and cleanse it from it's more vague moments back to the status of greatness. The general atmosphere is baffling, awe-inspiring, highly depressing and sometimes even disgusting - so much so that dozens of people left in the middle of the movie during a theater showing in a film festival I took part of.

This is one movie that does leave a lasting impression and I strongly recommend it for anyone looking for a special experience and something they will definitely remember in years to come. Not recommended for the faint of heart or show time fans, this is a small, different movie that truly raises feelings in the audience. Whether it be confusion, amazement or even hate, you aren't likely to be left cold by this, in my opinion the best, achievement of this small indie crew.

The main theme of the movie, \\\"Die Fahrt ins Reich der Menschentr\\ufffd\\ufffdmmer part I-III\\\" was released in a limited 666-piece 8\\\" vinyl edition, which is now much sought after. You still can get the classical masterpiece by getting \\\"The Nekromantik\\\" soundtrack CD, which I highly recommend. The Lo-Fi synthesizer music in the movie is dark and quirky, almost illbient-like, makes an essential part of the movie's atmosphere, and is something you would very, very rarely hear otherwise. Much recommended!\": {\"frequency\": 1, \"value\": \"The author of ...\"}, \"Taking over roles that Jack Albertson and Sam Levene played on Broadway, Walter Matthau and George Burns play a couple of old time vaudeville comics, a team in the tradition of Joe Smith and Charles Dale who seem to have a differing outlook on life.

Walter Matthau can't stop working, the man has never learned to relax, take some time and smell the roses. He's a crotchety old cuss whose best days are behind him and his nephew and agent Richard Benjamin is finding less and less work for him.

What hurt him badly was that some 15 years earlier his partner George Burns decided to retire and spend some time with his family. A workaholic like Matthau can't comprehend it and take Burns's decision personally.

Benjamin hits on a brain storm, reunite the guys and do it on a national television special. What happens here is pretty hilarious.

The Sunshine Boys is also a sad, bittersweet story as well about old age. Matthau is on screen for most of the film, but it's Burns who got the kudos in the form of an Oscar at the ripe old age of 79.

Burns brought a bit of the personal into this film as well. As we all know he was the straight man of the wonderful comedy team of Burns&Allen who the Monty Python troop borrowed a lot from. In 1958 due to health reasons, Gracie Allen retired and George kept going right up to the age of 100. Or at least pretty close to as an active performer.

The Sunshine Boys is based on the team of Smith&Dale however and if you like The Sunshine Boys I strongly recommend you see Two Tickets to Broadway for a look at a pair of guys who were entertaining the American public at the turn of the last century. The doctor sketch that Matthau and Burns do is directly from their material.

And I do think you will like The Sunshine Boys.\": {\"frequency\": 1, \"value\": \"Taking over roles ...\"}, \"A very good movie. A classic sci-fi film with humor, action and everything. This movie offers a greater number of aliens. We see the Rebel Alliance leaders and much of the Imperial forces. The Emperor is somewhat an original character. I liked the Ewoks representing somehow the indigenous savages and the Vietnamese. (Excellent references) I loved the duel between Vader and Luke which is the best of the saga. In Return of the Jedi the epilogue of the first trilogy is over and the Empire finally falls. I also appreciated the victory celebration where it fulfills Vader's redemption and returns hi into Anakin Skywalker spirit along with Yoda and Obi-Wan. It gives a sadness and a tear. The greatest scenes in Star Wars are among this movie: When Vader turns on the Emperor. Luke watches and finds comfort in seeing Obi-Wan, Yoda and...his father (1997 version not Hayden Christenssen). The next best scene is when Luke rushes to strike back Darth Vader to protect Leia. There is a deep dark side of this film despite there is a good ending. I felt there was much more than meets the eye. And as always the John William's music will bring the classicism into Star Wars universe.\": {\"frequency\": 1, \"value\": \"A very good movie. ...\"}, \"This film has been on my wish list for ten years and I only recently found it on DVD when my partner's grandson was given it. He watched it at and was thrilled to learn that it was about my generation - born in 1930 and evacuated in 1939 and he wanted to know more about it - and me. Luckily I borrowed it from him and watched it on my own and I cried all through it. Not only did it capture the emotions, the class distinction, the hardship and the warmth of human relationships of those years (as well as the cruelties (spoken and unspoken); but it was accurate! I am also a bit of an anorak when it comes to ARP uniforms, ambulances (LCC) in the right colour (white) and all the impedimenta of the management of bomb sites and the work of the Heavy Rescue Brigades. I couldn't fault any of this from my memories, and the sandbagged Anderson shelter and the WVS canteens brought it all back. The difference between the relatively unspoiled life in the village and war-torn London was also sharply presented I re-lived 1939/40 and my own evacuation from London with this production! I know Jack Gold's work, of course, and one would expect no more from him than this meticulous detail; but it went far beyond the accurate representation of the facts and touched deep chords about human responses and the only half-uttered value judgements of those years. It was certainly one of the great high spots in John Thaw's acting career and of Gold's direction and deserves to be better known. It is a magnificent film and I have already ordered a couple of copies to send to friends.\": {\"frequency\": 1, \"value\": \"This film has been ...\"}, \"I have to admit, this movie moved me to the extent that I burst in tears. However, I always think about things twice, and instead of writing a eulogy that would define the film as flawless and impeccable, I prefer taking the risk of a closer look.

First what's first: The movie has an undeniable impact on the viewer simply because it starts out and continues as a slow-paced movie that doesn't try to blow you away with the actual scenes from 9/11. Thumbs up for this stroke of genius, because, unlike Stone's WORLD TRADE CENTER this film fortunately doesn't focus on the attack itself but on the fallout which, similar to the fallout of a nuclear explosion, is hardly visible but nonetheless dangerous and devastating. The psychological impact, the sheer devastation that 9/11 caused and the havoc it wreaked on the American people is almost palpable in this movie. I think Binder managed an astute observation of the American post 9/11 society and Sandler in my opinion sky rocketed from an average comedy actor to a real talent who delivers a performance worthy of an Oscar.

However: In the film BLOOD DIAMOND, the Di Caprio character says and I quote: \\\"Ah, these Americans. Always want to take about their feelings\\\". Now, I don't want to belittle their suffer\\ufffd\\ufffdngs, but I sure would like to make a comparison. Ever since 9/11 the entire world is confronted with mementos, memorials and commemorations of 9/11. The Hollywood industry and writers such as Safran Foer more than allude to 9/11 in their works. Now, this huge amount of cultural products, dealing with 9/11, turn the death of 3000 people into the biggest tragedy of this young century. The number of books written on the subject and the number of films directed on this subject, and I say this with all due respect, blow the importance of this atrocious crime somewhat out of proportion.

Fact is: People die every day due to unjust actions and horrible crimes committed by bad or simply lost people. We have a war in Iraq, in Afghanistan, in Birma and lots of other countries. On a daily basis, we forget about the poverty the African people suffer from and we tend do empathize with them to a lesser degree than with the American victims of 9/11 simply because they are black and because their lives don't have much in common with our Western lives. Africa neither has the money nor the potential to commemorate their national tragedies in a way America can. So, what I am saying is this: The reason why we feel more for the 3000 victims of 9/11 and their families is because we are constantly reminded of 9/11. Not a day goes by without a newspaper article, a film or a book that discusses 9/11.

In conclusion: I commiserated with Charlie Fineman, but I wasn't sure whether I had the right to feel for him more than for a Hutu who lost his entire family in the Rwandan civil war.

You catch my thrift?\": {\"frequency\": 1, \"value\": \"I have to admit, ...\"}, \"This is a very entertaining flick, considering the budget and its length. The storyline is hardly ever touched on in the movie world so it also brought a sense of novelty. The acting was great (P'z to Dom) and the cinematography was also very well done. I recommend this movie for anyone who's into thrillers, it will not disappoint you!\": {\"frequency\": 1, \"value\": \"This is a very ...\"}, \"The movie had a good concept, but the execution just didn't live up to it.

What is this concept? Well, story-wise, it's \\\"Dirty Harry\\\" meets \\\"M\\\". A child killer has begun terrorizing a city. The lead detectives (Dennis Hopper and Frederic Forest) have never dealt with a serial killer before. The Mayor and the Police Chief, in desperation, secretly hire the local mob to speed things up...to go places and do things that the police wouldn't be able to in order to bring an end to this mess as soon as possible.

To be fair, this film DOES genuinely have some good things to offer.

Besides the concept, I liked the look of the killer's hideout. Norman Bates has his basement. This guy has an eerie sewer. In some of the shots, the light bounces off the water and creates rippling reflections on the walls; often giving these scenes a creepy, dreamlike quality.

The acting was good too. Dennis Hopper is one of those actors who gets better with age.

Once you get past that, however, it more-or-less goes downhill.

The film is paced way too fast. The actual investigation process from both teams feels very rushed as opposed to feeling intricate and fascinating. This could have been fixed in two ways: either make the film longer or cut out some of the many subplots. Either of these would have allowed the crew to devote more time to the actual mystery.

For an example of how bad this is, one of the crucial clues that helps them zero in on just the right suspect is this: at one point in his life, the suspect went to a pet shop...That's right...I'm being totally serious here. It's like they went from point A (the first clue) to point Z (the suspect) and skipped over all the \\\"in-between\\\" steps.

Then there's the characters. The only ones I actually liked were two pick-pockets you meet about half-way through the movie. Considering that they're minor characters, I'd call that a bad sign.

Finally, there's the mob angle. This is the one that gets me the most because THIS is why I coughed up the $3 to buy the DVD in the first place. I mean, what a hook! There's been an absolute glut of serial killer flicks in the last 10-15 years. The mob angle was a gimmick that COULD have helped it rise above the rest..., but it didn't.

I figured the gangsters's methods would be brutal, but fun and thrilling at the same time; kind of like a vigilante movie or something...maybe they'd even throw in some heist movie elements too. We ARE talking about criminals, after all. Instead, we're given some of the most repulsive protagonists committed to celluloid. The detectives question witnesses. What does the mob do? They interrogate and kill them. It's not even like these witnesses are really even that bad either. I actually found the criminals less likable than the killer they're hunting.

Unless the good points I mentioned are enough to get your interest, I'd say give this one a miss. Maybe some day, they'll reuse the same story idea and do it RIGHT. I hope so. I hate to see such a good concept go to waste.\": {\"frequency\": 1, \"value\": \"The movie had a ...\"}, \"So, finally I know it exists. Along with the other Uk contributors on here I saw this on what MUST HAVE BEEN it's only UK screening in the 70's. I remembered the title, but got nowhere when I mentioned it to people. It scarred me (that's 2 'r's) but when you go to bed with doom whizzing about your brain and listening all around for impending terror, then isn't that what a TRULY CLASSIC horror movie is all about?? I can barely remember the intricacies of the movie, but what I do recollect is my shivering flesh and heightened senses. Can anyone confirm my suspicions that this is black and white? Again, if anyone has any info on how to obtain a copy of this, please get in touch...\": {\"frequency\": 1, \"value\": \"So, finally I know ...\"}, \"The two things are are good about this film are it's two unknown celebrities.

First, Daphne Zuniga, in her first appearance in a film, young and supple, with looks that still encompass her body today, steals the very beginning, which is all she is in, and that is that. She is obviously just starting out because her acting improved with her next projects.

Second, the score by then known composer Christopher(Chris) Young is what keeps this stinker from getting a one star...yeah, I know one star more is not much, but in this movie's case, it is a lot.

The rest is just stupid senseless horror of a couple a college students who try to clean out a dorm that is due for being torn down, getting offed one by one by an unsuspecting killer, blah, blah, blah...we all know where this is going.

Watch the first eighteen minutes with Daphne Zuniga, then turn it off.\": {\"frequency\": 1, \"value\": \"The two things are ...\"}, \"I am a 11th grader at my high school. In my Current World Affairs class a kid in my class had this video and suggested we watch. So we did. I am firm believer that we went to the moon, being that my father works for NASA. Even though I think this movie is the biggest piece of crap I have ever watched, the guy who created it has some serious balls. First of all did he have to show JFK getting shot? And how dare he use all those biblical quotes. The only good thing about this movie is it sparks debates, which is good b/c in my class we have weekly debates. This movie did nothing to change my mind. I think he and Michael Moore should be working together and make another movie. Michael Moore next movie could be called \\\"A Funny Thing Happened on Spetember 11th\\\" or \\\"A Funny thing happened on the way to the white house\\\".\": {\"frequency\": 1, \"value\": \"I am a 11th grader ...\"}, \"I picked this one up on a whim from the library, and was very pleasantly surprised. Lots of tight, expressionistic camera work, an equally tight script, and two superb actors all meld together to make one very fine piece of film. Not for the reptilian multiplex brain, but rather the true aficionado of cinema. If Hollywood ever does get its grimy hands on it, I'm sure it will ruin it. A choice treat all the way around. Other posters here have more than amply sung its praises, so I needn't bother duplicating their paeans; just take their advice, and mine, and don't miss this gem. Call it what you like; I call it two hours of entertainment well-spent. Read my lips: don't miss it.\": {\"frequency\": 1, \"value\": \"I picked this one ...\"}, \"I can't believe that those praising this movie herein aren't thinking of some other film. I was prepared for the possibility that this would be awful, but the script (or lack thereof) makes for a film that's also pointless. On the plus side, the general level of craft on the part of the actors and technical crew is quite competent, but when you've got a sow's ear to work with you can't make a silk purse. Ben G fans should stick with just about any other movie he's been in. Dorothy S fans should stick to Galaxina. Peter B fans should stick to Last Picture Show and Target. Fans of cheap laughs at the expense of those who seem to be asking for it should stick to Peter B's amazingly awful book, Killing of the Unicorn.\": {\"frequency\": 1, \"value\": \"I can't believe ...\"}, \"The first time I watched Cold Case was after it had run for about a year on Danish television. At the time it came to the TV it nearly drowned in 4 or 5 other American crime shows aired roughly the same time.

I saw it and I was bored to death. The substandard actors with the self righteous faces and morals were a pain in the behind. The entire premise that so much money was given a team of investigators to solve murders dating back 10-20-30 or even 60 years seems so unlikely.

The time is also a factor as they only have 50-60 min to tell the story which means that they get a break through just in the nick of time to solve the case and bring justice to surviving family members, if they are still alive. This combined with the \\\"personal\\\" problems and relations of the investigators which there HAS to be time for leaves the show a complete lackluster.

I give it a 2-star rating because of the music i the end which is really the only reason for watching it....which you then of course won't do as that is TOO lame a reason for watching this crap.\": {\"frequency\": 1, \"value\": \"The first time I ...\"}, \"I grew up on this movie and I can remember when my brother and I used to play in the backyard and pretend we were in Care-a-lot. Now, after so many years have passed, I get to watch the movie with my daughter and watch her enjoy it. If you are parent and you have not watched this movie with your children, then you should, just so you hold them in your arms and watch them get thrilled over the care bears and care-a-lot! The songs, especially \\\"Forever Young\\\" are very sweet and memorable. Parents, I highly recommend this movie for all kids so they can learn how enjoyable caring for others can be! When it comes down to all the trash that is on TV, you can raise your children to have the right frame of mind about life with movies like these.\": {\"frequency\": 1, \"value\": \"I grew up on this ...\"}, \"The trailers for this film were better than the movie. What waste of talent and money. Wish I would've waited for this movie to come on DVD because at least I wouldn't be out $9. The movie totally misses the mark. What could have been a GREAT movie for all actors, turned out to be a B-movie at best. Movie moved VERY slow and just when I thought it was going somewhere, it almost did but then it didn't. In this day and age, we need unpredictable plot twists and closures in film, and this film offered neither. The whole thing about how everyone is a suspect is good, however, not sure if it was the way it was directed, the lighting, the delivery of lines, the writing or what, but nothing came from it. Lot of hype for nothing. I was VERY disappointed in this film, and I'm telling everyone NOT to see it. The cheesy saxophone music throughout made the film worse as well. And the ending had NOTHING to do with the rest of the film. What a disappointment.\": {\"frequency\": 1, \"value\": \"The trailers for ...\"}, \"When a small glob of space age silly putty lands on earth it soon begins consuming earthlings and putting on weight. The only part of this senseless drivel that I enjoyed was all the cool classic cars. This dog had so many holes it could be sliced and sold for swiss cheese. This thing actually made 20 million bucks? And McQueen's salary was 3K? All were vastly overpaid. The 'monster' looked a lot like a large beanbag and the 'teens' looked as though they could have children approaching their teen-age years. And those blasts from the shotgun; sounded like a pellet rifle with a sound suppressor. The ending was pitifully trite; obviously the producers were leaving the door open for a sequel....and there were many. Thumbs down.\": {\"frequency\": 1, \"value\": \"When a small glob ...\"}, \"After having seen Deliverance, movies like Pulp Fiction don't seem so extreme. Maybe by today's blood and bullets standards it doesn't seem so edgy, but if you think that this was 1972 and that the movie has a truly sinister core then it makes you think differently.

When I started watching this movie nothing really seemed unusual until I got to the \\\"Dueling Banjos\\\" scene. In that scene the brutality and edge of this film is truly visible. As I watched Drew(Ronny Cox,Robocop)go head to head with a seemingly retarted young boy it really shows how edgy this movies can get. When you think that the kid has a small banjo, which he could of probably made by hand, compared to Drew's nice expensive guitar, you really figure out just how out of their territory the four men are.

As the plot goes it's very believable and never stretches past its limits. But what really distinguishes this film, about four business men who get more than they bargained for on a canoe trip, is that director John Boorman(Excalibur) breaks all the characters away from plain caricatures or stereotypes. So as the movie goes into full horror and suspense I really cared about all four men and what would happen to them.

The acting is universally excellent. With Jon Voight(Midnight Cowboy, Enemy of the State) and Burt Reynolds(Boogie Nights, Striptease) leading the great cast. Jon Voight does probably the hardest thing of all in this film and that is making his transformation from family man to warrior very believable. Unlike Reynolds whose character is a warrior from the start, Voight's character transforms over the course of the movie. Ned Beatty(Life) is also good in an extremely hard role, come on getting raped by a hillbilly, while Ronny Cox turns in a believable performance.

One thing that really made this movies powerful for me is that the villains were as terrifying as any I had ever seen. Bill Mckinney and Herbert \\\"Cowboy\\\" Coward were excellent and extremely frightening as the hillbilly's.

Overall Deliverance was excellent and I suggest it to anyone, except for people with weak stomachs and kids. 10/10. See this movie.\": {\"frequency\": 1, \"value\": \"After having seen ...\"}, \"Laid up and drugged out, as a kidney stone wended its merry way through my scarred urinary tract, with absolutely nothing better to do than let the painkillers swoon me into semi-oblivion, I happened to catch this movie on cable. I wouldn't want anyone to think that I paid to view it in a cinema, or rented it, or \\ufffd\\ufffd heaven forfend! \\ufffd\\ufffd that I watched it STRAIGHT.

Having played this sensationally gruesome video game and avidly trod the doomed rooms and dread passageways of The House, battling Chariot (Type 27), The Hanged Man (Type 041), and other impossible sentinels, my curiosity was piqued as to how the game would transfer to the movie screen.

It doesn't.

The banal plot revolves around a group of \\\"crazy kids\\\" \\ufffd\\ufffd a la Scooby Doo \\ufffd\\ufffd attending a remote island for a world-shaking \\\"rave\\\" \\ufffd\\ufffd whatever that is. (You kids today with your hula-hoops and your mini-skirts and your Pat Boone\\ufffd\\ufffd) After bribing a boat captain thousands in cash to ferry them there (a stupidity which begs its own network of rhetoric), they find the \\\"rave\\\" deserted.

Passing mention is made of a \\\"house\\\" \\ufffd\\ufffd presumably the titular House Of The Dead \\ufffd\\ufffd but most of the action takes place on fake outdoor sets and other locales divorced from any semblance of haunted residence.

A fallen video camera acts as flashback filler, showing the island in the throes of a \\ufffd\\ufffd party?! Is that it? Oh, so this \\\"rave\\\" thingy is just a \\\"party\\\"? In the grand tradition of re-euphemizing \\\"used cars\\\" as \\\"pre-owned\\\", or \\\"shell shock\\\" as \\\"post-traumatic stress disorder\\\", the word \\\"party\\\" is now too square for you drug-addled, silicone-implanted, metrosexual jagoffs?

It is learned that the party was broken up by rampaging zombies. Intelligent thought stops here\\ufffd\\ufffd

I don't think the pinheads who call themselves screenwriters and directors understand the mythos behind zombie re-animation. Zombies can't die \\ufffd\\ufffd they're already UN-DEAD. They do not bleed, they know no pain. Unless their bodies are completely annihilated, they will continue being animated. At least, that's what my Jamaican witch priestess tells me.

Which means that a .45 shot into their \\\"hearts\\\" is not going to stop them, nor will a machete to the torso. And a shotgun blast to the chest will certainly NOT bring forth gouts of blood. At least in the video game's logic, the shooter pumps so many rounds into each monster that it is completely decimated, leaving a fetid mush that cannot re-animate itself.

Yet each actor-slash-model gets their Matrix-circular-camera moment, slaying zombies on all fronts with single bullets and karate chops to the sternum. Seriously, these zombies are more ineffective than the Stormtroopers from \\\"Return Of The Jedi\\\", who get knocked out when Ewoks trip them.

I suppose the film's writer, Mark Altman, having penned the not-too-shabby \\\"Free Enterprise\\\", felt compelled to insert a Captain Kirk reference, in the character of Jurgen Prochnow, who must have needed milk money desperately to have succumbed to appearing in this aromatic dung-swill. There is also a reference to Prochnow's primo role in the magnificent \\\"Das Boot\\\", when one of the untrained B-actors mentions that he \\\"looks like a U-Boat Captain\\\". \\\". I wonder how many of this movie's target audience of square-eyed swine picked up on ANY of the snide references to other films, as when Prochnow declares, \\\"Say hello to my little friend\\\", presaging his machine gun moment.

Aimed at a demographic who have not the wherewithal to comprehend the Sisyphean futility of the video-game concept (i.e. the game ends when you die \\ufffd\\ufffd you cannot win), this is merely a slasher film for the mindless and mindless at heart. Accordingly, everyone dies in due course, except for a heterosexual pair of Attractive White People.

A better use for this film's scant yet misused budget might have been to send the cast through Acting School, although Ona Grauer's left breast did a good job, as did her right breast \\ufffd\\ufffd and those slomo running scenes: priceless! I especially liked the final scene with Ona trying to act like she's been stabbed, but looking like she's just eaten ice cream too fast.

Attempting to do something more constructive with my time, I pulled out my Digitally-Restored, 35th Anniversary, Special Edition, Widescreen Anamorphic DVD of \\\"Manos: The Hands Of Fate.\\\" Ah, yes! \\ufffd\\ufffd the drugs were suitably brain-numbing - now HERE was some quality film-making\\ufffd\\ufffd

(Movie Maniacs, visit: www.poffysmoviemania.com)\": {\"frequency\": 1, \"value\": \"Laid up and ...\"}, \"This is the funniest stand up I have ever seen and I think it is the funniest I will ever see. If you don't choke with laughter at the absolute hilarity, then this is just not your cup of tea. But I honestly don't know anyone who has seen this that hasn't liked it. It is now 17 years later and my friends and I still quote everything from Goonie Goo Goo to the fart game, Aunt Bunnie to the ice cream man, Ralph and Ed to GET OUT!! There are just so many individual and collective skits of hilarity in here that if you honestly haven't seen this film then you are missing out on one of the best stand-ups ever. Take any of Robin Williams, Damon Wayans, The Dice, George Carlin or even the greats like Richard Pryor or Red Foxx and this will surpass it. I don't know how or where Murphy got some of his material but it works. That is what it comes down to. It is funny as hell.

Could you imagine how this show must have shocked people that were used to Eddie doing Buckwheat and Mr. Rogers and such on SNL? If you listen to the audience when he cracks his first joke or when he says the F-word for the first time, they are in complete shock.

His first time he says the F-word is when he does the skit about Mr. T being a homosexual.

\\\" Hey boy, hey boy. You look mighty cute in them jeans. Now come on over here, and f@** me up the ass!\\\"

The crowd erupts in gales of laughter. No one was expecting the filthy mouth that he unleashed on them. But the results were just awesome. I have never been barraged with relentless comedy the way I was in this stand-up. In fact, the next time my stomach hurt so much from laughing wasn't until 1999 when I saw SOUTH PARK: BIGGER LONGER AND UNCUT . That comedy was raw and unapologetic and it went for the jugular, as did DELIRIOUS. I don't think it is possible to watch this piece of comic history and not laugh. It is almost twenty years later and it is still the funniest damn thing on video.

\\\" I took your kids fishing last week. And I put the worm on the hook and the kids put the fishing pole back in the boat and slammed their heads in the water for two minutes Gus. Normal kids don't do shit like that Gus. Then they started movin their heads around like this and the m****f***** come up with fish. Then they looked at each other and said Goonie Goo Goo! I said can you believe this f****n shit?!\\\"

See it again and be prepared to laugh your freakin ass off!

10 out of 10\": {\"frequency\": 1, \"value\": \"This is the ...\"}, \"Outlandish premise that rates low on plausibility and unfortunately also struggles feebly to raise laughs or interest. Only Hawn's well-known charm allows it to skate by on very thin ice. Goldie's gotta be a contender for an actress who's done so much in her career with very little quality material at her disposal...

\": {\"frequency\": 1, \"value\": \"Outlandish premise ...\"}, \"There is no doubt that during the decade of the 30s, the names of Boris Karloff and Bela Lugosi became a sure guarantee of excellent performances in high quality horror films. After being Universal's \\\"first monster\\\" in the seminal classic, \\\"Dracula\\\", Bela Lugosi became the quintessential horror villain thanks to his elegant style and his foreign accent (sadly, this last factor would also led him to be type-casted during the 40s). In the same way, Boris Karloff's performance in James Whale's \\\"Frankenstein\\\" transformed him into the man to look for when one wanted a good monster. Of course, it was only natural for these icons to end up sharing the screen, and the movie that united them was 1934's \\\"The Black Cat\\\". This formula would be repeated in several films through the decade, and director Lambert Hillyer's mix of horror and science fiction, \\\"The Invisible Ray\\\", is another of those minor classics they did in those years.

In \\\"The Invisible Ray\\\", Dr. Janos Rukh (Boris Karloff) is a brilliant scientist who has invented a device able to show scenes of our planet's past captured in rays of light coming from the galaxy of Andromeda. While showing his invention to his colleagues, Dr. Felix Benet (Bela Lugosi) and Sir Francis Stevens (Walter Kingsford), they discover that thousands of years ago, a meteor hit in what is now Nigeria. After this marvelous discovery, Dr. Rukh decides to join his colleagues in an expedition to Africa, looking for the landing place of the mysterious meteor. This expedition won't be any beneficial for Rukh, as during the expedition his wife Diane (Frances Drake) will fall in love with Ronald Drake (Frank Lawton), an expert hunter brought by the Stevens to aid them in their expedition. However, Rukh will lose more than his wife in that trip, as he'll be forever changed after being exposed to the invisible ray of the meteor.

Written by John Colton (who previously did the script for \\\"Werewolf of London\\\"), \\\"The Invisible Ray\\\" had its roots on an original sci-fi story by Howard Higgin and Douglas Hodges. Given that this was a movie with Karloff and Lugosi, Colton puts a lot of emphasis on the horror side of his story, playing in a very effective way with the mad scientist archetype and adding a good dose of melodrama to spice things up. One element that makes \\\"The Invisible Ray\\\" to stand out among other horror films of that era, is the way that Colton plays with morality through the story. That is, there aren't exactly heroes and villains in the classic style, but people who make decisions and later face the consequences of those choices. In many ways, \\\"The Invisible Ray\\\" is a modern tragedy about obsessions, guilt and revenge.

A seasoned director of low-budget B-movies, filmmaker Lambert Hillyer got the chance to make 3 films for Universal Pictures when the legendary studio was facing serious financial troubles. Thanks to his experience working with limited resources, Hillyer's films were always very good looking despite the budgetary constrains, and \\\"The Invisible Ray\\\" was not an exception. While nowhere near the stylish Gothic atmosphere of previous Universal horror films, Hillyer's movie effectively captures the essence of Colton's script, as he gives this movie a dark and morbid mood more in tone with pulp novels than with straightforward sci-fi. Finally, a word must be said about Hillyer's use of special effects: for an extremely low-budget film, they look a lot better than the ones in several A-movies of the era.

As usual in a movie with Lugosi and Karloff, the performances by this legends are of an extraordinary quality. As the film's protagonist, Boris Karloff is simply perfect in his portrayal of a man so blinded by the devotion to his work that fails to see the evil he unleashes. As his colleague, Dr. Benet, Bela Luogis is simply a joy to watch, stealing every scene he is in and showing what an underrated actor he was. As Rukh's wife, Frances Drake is extremely effective, truly helping her character to become more than a damsel in distress. Still, two of the movie highlights are the performances of Kemble Cooper as Mother Rukh, and Beulah Bondi as Lady Arabella, as the two actresses make the most of their limited screen time, making unforgettable their supporting roles. Frank Lawton is also good in his role, but nothing surprising when compared to the rest of the cast.

If one judges this movie under today's standards, it's very easy to dismiss it as another cheap science fiction film with bad special effects and carelessly jumbled pseudoscience. However, that would be a mistake, as despite its low-budget, it is remarkably well done for its time. On the top of that, considering that the movie was made when the nuclear era was about to begin and radioactivity was still a relatively new concept, it's ideas about the dangers of radioactivity are frighteningly accurate. One final thing worthy to point out is the interesting way the script handles the relationships between characters, specially the friendship and rivalry that exists between the obsessive Dr. Rukh and the cold Dr. Benet, as this allows great scenes between the two iconic actors.

While nowhere near the Gothic expressionism of the \\\"Frankenstein\\\" movies, nor the elegant suspense of \\\"The Black Cat\\\", Lambert Hillyer's \\\"The Invisible Ray\\\" is definitely a minor classic amongst Universal Pictures' catalog of horror films. With one of the most interesting screenplays of 30s horror, this mixture of suspense, horror and science fiction is one severely underrated gem that even now delivers a good dose of entertainment courtesy of two of the most amazing actors the horror genre ever had: Boris Karloff and Bela Lugosi. 8/10\": {\"frequency\": 1, \"value\": \"There is no doubt ...\"}, \"That Certain Thing is the story of a gold digger (Viola Dana) from a tenement house. Her mother uses her to take care of her two brothers, but they are a loving family. Although Dana's character has the opportunity to marry a streetcar conductor, she refuses and holds out for a millionaire. Everyone makes fun of her for her fantasy, but are surprised when one day she really does meet a millionaire, son of the owner of the popular ABC restaurant chain. The two marry hastily, but the girl's dreams of wealth are shattered when the rich father disowns his son for marrying a gold digger. However, she truly loves her new husband and the two are unexpectedly successful at making it on their own.

A rare glimpse of movie star Viola Dana, this film is a lot of fun. Dana's role is accessible, natural, and entertaining. She displays a knack for comedy as well as an ability to do drama.

The mechanics of the film are a lot of fun too. The camera displays sophisticated late silent techniques like mobility. The title cards are also incredibly clever.

If you like films like My Best Girl, It, or The Patsy, you will enjoy this film.\": {\"frequency\": 1, \"value\": \"That Certain Thing ...\"}, \"Few movies can be viewed almost 60 years later, yet remain as engrossing as this one. Technological advances have not dated this classic love story. Special effects used are remarkable for a 1946 movie. The acting is superb. David Niven, Kim Hunter and especially Roger Livesey do an outstanding job. The use of Black and White / Color adds to the creative nature of the movie. It hasn't been seen on television for 20 years so few people are even aware of its existence. It is my favorite movie of all time. Waiting and hoping for the DVD release of this movie for so many years is, in itself, \\\"A Matter of Life and Death\\\".\": {\"frequency\": 1, \"value\": \"Few movies can be ...\"}, \"On the surface the idea of Omen 4 was good. It's nice to see that the devil child could be a girl. In fact, sometimes, as in the Exorcist, when girls are possessed or are devilry it's very effective. But in Omen 4, it stunk.

Delia does not make me think that she could be a devil child, rather she is a child with issues. Issues that maybe only a therapist, rather then a priest could help. She does not look scary or devilish. Rather, she looks sulky and moody.

This film had potential and if it was made by the same people who had made the previous three films it could of worked. But it's rather insulting really to make a sequel to one of the most favoured horror trilogies, as a made for TV movie special.

On so many levels it lets down. It's cheap looking, the acting is hammish and the effects are typical of a TV drama. The characters do not bring any sympathy, and you do not route for them. I recently re-watched it after someone brought it for me for Christmas, and it has dated appalling.

If your thinking of watching this, then I would suggest that you don't. Watch one of the others, or watch the Exorcist, or watch The Good Son. Just don't waste your time on this drivel!\": {\"frequency\": 1, \"value\": \"On the surface the ...\"}, \"This is probably one of the worst films i have ever seen. The events in it are completely random and make little or no sense. The fact that there is a sequel is so sickening i may come down with a case of cabin fever (I'M SO SORRY). I describe it as bug being smooshed to a newspaper because it seems to be different parts of things mixed together. e.g Kevin the pancake loving karate kid is just freakishly weird on its own, then there's the cop who is slightly weird and perverted, then the drug addict, then there's the fact that they attack some random guy who clearly needs help. then all of a sudden the main character is having sex with his friends girlfriend just because she says something stupid about a plane going down. then at the end some good old family racism followed by a rabbit operating on Kevin the karate kid. Its actually pretty despicable that they can use racism as a joke in this film. There is no reason for anyone to enjoy this film unless you love Eli Roth, even that did not make me like this film. Hate is a strong word but seeing as it is the only word i am permitted to use it will have to do. BOYCOTT CABIN FEVER 2!!!!!\": {\"frequency\": 1, \"value\": \"This is probably ...\"}, \"I love playing football and I thought this movie was great because it contained a lot of football in it. This was a good Hollywood/bollywood film and I am glad it won 17 awards. Parminder Nagra and Kiera Knightley were good and so was Archie Punjabi. Jonathon Rheyes Meyers was great at playing the coach. Jazz (Parminder Nagra) loves playing football but her parents want her to learn how to cook an want her to get married. When Jazz starts playing for a football team secretly she meets Juliet (Kiera Knightlety) and Joe (Jonathon Rhyes Meyers) who is her coach. When her parents find out trouble strikes but her dad lets her play the big match on her sisters Pinky (Archie Punjabi's) wedding. At the end her parents realise how much she loves football and let her go abroad to play.\": {\"frequency\": 1, \"value\": \"I love playing ...\"}, \"Nowhere near the original. It's quite accurate copy bringing nothing new to the story. But the directing is very poor. Basinger is weak - without good directing. Baldwin is simply just a second league compared to McQueen. I watched it just out of curiosity, being a huge fan of Peckinpah's masterpiece, and I got what I thought. Almost a B movie with second rate acting and directing. I wasn't even disappointed, I just don't know what they were trying to do. This remake doesn't try to play with the original material, it's not a tribute and indeed it lacks some really good actor of its era.

It reminds me of a bad xerox copy of wonderful photograph.

This is a complete waste of your time. Save yourself 2 hours or watch the original (again:)))\": {\"frequency\": 1, \"value\": \"Nowhere near the ...\"}, \"Far by my most second favourite cartoon Spielberg did, after Animaniacs. Even if the ratings were low, so what, I still enjoyed it and loved it, was so funny and I adored the cast, wow Jess Harnell and Tress Macneille were in there and were just fantastic, the whole cast were brilliant, especially the legendary Frank Welker.

I'd love to see this cartoon again, was so awesome and the jokes were brilliant. Also I can remember the hilarious moment where Brain cameos in it, you hear his voice and it played the PATB theme instrumental, that was just fantastic, I love it in those cartoons when cameos pop in. I wish this cartoon and Animaniacs came back, i loved them\": {\"frequency\": 1, \"value\": \"Far by my most ...\"}, \"\\\"Soylent Green\\\" is one of the best and most disturbing science fiction movies of the 70's and still very persuasive even by today's standards. Although flawed and a little dated, the apocalyptic touch and the environmental premise (typical for that time) still feel very unsettling and thought-provoking. This film's quality-level surpasses the majority of contemporary SF flicks because of its strong cast and some intense sequences that I personally consider classic. The New York of 2022 is a depressing place to be alive, with over-population, unemployment, an unhealthy climate and the total scarcity of every vital food product. The only form of food available is synthetic and distributed by the Soylent company. Charlton Heston (in a great shape) plays a cop investigating the murder of one of Soylent's most eminent executives and he stumbles upon scandals and dark secrets... The script is a little over-sentimental at times and the climax doesn't really come as a big surprise, still the atmosphere is very tense and uncanny. The riot-sequence is truly grueling and easily one of the most macabre moments in 70's cinema. Edward G. Robinson is ultimately impressive in his last role and there's a great (but too modest) supportive role for Joseph Cotton (\\\"Baron Blood\\\", \\\"The Abominable Dr. Phibes\\\"). THIS is Science-Fiction in my book: a nightmarish and inevitable fade for humanity! No fancy space-ships with hairy monsters attacking our planet.\": {\"frequency\": 1, \"value\": \"\\\"Soylent Green\\\" is ...\"}, \"This film never received the attention it deserved, although this is one of the finest pieces of ensemble acting, and one of the most realistic stories I have seen on screen. Clearly filmed on a small budget in a real V.A. Hospital, the center of the story is Joel, very well-played by Eric Stoltz. Joel has been paralyzed in a motorcycle accident, and comes to the hospital to a ward with other men who have spinal injuries. Joel is in love with Anna, his married lover, played by Helen Hunt, who shows early signs of her later Academy-Award winning work.

Although the Joel-Anna relationship is the basic focus, there are many other well-developed characters in the ward. Wesley Snipes does a tremendous job as the angry Raymond. Even more impressive is William Forsythe as the bitter and racist Bloss. I think Forsythe's two best scenes are when he becomes frustrated and angry at the square dancers, and, later, when he feels empathy for a young Korean man who has been shot in a liquor store hold up. My favorite scene with Snipes is the in the roundtable discussion of post-injury sexual options.

The chemistry between Stoltz and Hunt is very strong, and they have two very intimate, but not gratuitous, sex scenes. The orgasm in the ward is both sexy and amusing. There is also another memorable scene where Joel and Bloss and the Korean boy take the specially-equipped van to the strip bar. It's truly a comedy of errors as they make their feeble attempts to get the van going to see the \\\"naked ladies.\\\"

The story is made even more poignant by the fact that the director, Neal Jimenez, is paralyzed in real life. This is basically his story. This film is real, not glossy or flashy. To have the amount of talent in a film of such a small budget is amazing. I recommend this film to everyone I see, because it is one of those films that even improves on a second look. It's a shame that such a great piece of work gets overlooked, but through video, perhaps it can get the attention it so richly deserves.\": {\"frequency\": 1, \"value\": \"This film never ...\"}, \"This is one great movie! I have played all the Nancy Drew games and have read the books, and I never expected the movie to be so exciting and funny! If you never heard of Nancy Drew, read the first book (Secret of the Old Clock) so you can kinda' get used to Nancy, then you can watch the movie, because in the movie, they don't really introduce the characters' names fast. ;) My whole family enjoyed it and the plot was extremely interesting. This is an ultimate come-back from the previous Nancy Drew movies, which the Nancy Drew actor didn't seem to match. This movie is much like Alex Rider: Stormbreaker. It's so cool! Nancy Drew lovers, you must watch this!\": {\"frequency\": 1, \"value\": \"This is one great ...\"}, \"In a word...amazing.

I initially was not too keen to watch Pinjar since I thought this would be another movie lamenting over the partition and would show biases towards India and Pakistan. I was so totally wrong. Pinjar is a heart-wrenching, emotional and intelligent movie without any visible flaws. I was haunted by it after watching it. It lingered on my mind for so long; the themes, the pain, the loss, the emotion- all was so real.

This is truly a masterpiece that one rarely gets to see in Bollywood nowadays. It has no biases or prejudices and has given the partition a human story. Here, no one country is depicted as good or bad. There are evil Indians, evil Pakistanis and good Indians and Pakistanis. The cinematography is excellent and the music is melodious, meaningful (thanks to Gulzar sahib) and haunting. Everything about the movie was amazing...and the acting just took my breath away. All were perfectly cast.

If you are interested in watching an intellectual and genuinely wonderful movie...look no further. This movie gives it all. I recommend it with all my heart. AMAZING cannot describe how excellent it is.\": {\"frequency\": 1, \"value\": \"In a ...\"}, \"The central theme in this movie seems to be confusion, as the relationships, setting, acting and social context all lead to the same place: confusion. Even Harvey Keitel appears to be out of his element, and lacks his usual impeccable clarity, direction and intensity. To make matters worse, his character's name is 'Che', and we are only told (directly, by the narrator) well into the film that he is not 'that' Che, just a guy named Che. The family relationships remain unclear until the end of the film, and once defined, the family is divided - the younger generation off to America. So clich\\ufffd\\ufffd. Other reviews discuss how the movie depicts the impact of the revolution on a boy's family; however the political stance of the director is murky at best, and we are never quite sure who is responsible for what bloodshed. So they lost their property (acquired by gambling profits) - so what? Refusing to take a political stand, when making a movie about the Cuban revolution, is an odd and cowardly choice. Not to mention the movie was in English! Why are all these Cubans speaking English? No wonder they did not get permission to film in Cuba. And if family life is most important to look at here, it would be great if we could figure out who is who - we are 'introduced' to them all in the beginning - a cheap way out of making the relationships clear throughout the film! The acting was mostly shallow, wooden, and unbelievable, timing was off all around. The 'special' visual effects were confusing and distracting. References to American films - and the black character as Greek chorus - strictly gratuitous, intellectually ostentatious, and consistently out of place. I only watched the whole movie because I was waiting for clarity, or some point to it all. It never happened.\": {\"frequency\": 1, \"value\": \"The central theme ...\"}, \"The American Humane Association, which is the source of the familiar disclaimer \\\"No animals were harmed...\\\" (the registered trademark of the AHA), began to monitor the use of animals in film production more than 60 years ago, after a blindfolded horse was forced to leap to its death from the top of a cliff for a shot in the film Jesse James (1939). Needless to say, the atrocious act kills the whole entertainment aspect of this film for me. I suppose one could say that at least the horse didn't die in vain, since it was the beginning of the public waking up to the callous and horrendous pain caused animals for the glory of movie making, but I can't help but feel that if the poor animal had a choice, this sure wouldn't have been the path he would have taken!\": {\"frequency\": 1, \"value\": \"The American ...\"}, \"Maybe television will be as brutal one day. Maybe \\ufffd\\ufffdBig Brother` was only the first step in the direction Stephen \\ufffd\\ufffdRichard Bachmann` King described the end point of. But enough about that. If I spend too much words talking about the serious background topic of this movie I do exactly what the producers hoped by choosing this material. It's the same with \\ufffd\\ufffdThe 6th Day`. No matter, how primitive the film is, it provokes a discussion about its topic, which serves the producers as publicity. Let's NOT be taken in by that. The social criticism that is suggested by that plot summary is only an alibi to make it possible to produce a speculative, violent movie, more for video sale than for cinema.

I didn't read the book. I don't dare criticising Stephen King without having read him, but when I saw the film I thought they couldn't make such a terrible film out of a good book: In a typical 1980s set with 1980s music and some minor actors Arnold Schwarzenegger finds himself as a policeman running away from killers within a cruel TV show. The audience is cheering.

Together with \\ufffd\\ufffdPredator`, this is definitely Schwarzenegger's most stupid movie. 2 stars out of 10.\": {\"frequency\": 1, \"value\": \"Maybe television ...\"}, \"A wonderful movie! Anyone growing up in an Italian family will definitely see themselves in these characters. A good family movie with sadness, humor, and very good acting from all. You will enjoy this movie!! We need more like it.\": {\"frequency\": 1, \"value\": \"A wonderful movie! ...\"}, \"I saw this movie while it was under limited release, mainly for the novelty of seeing Pierce Brosnan with a moustache, but it turned out to be one of the funniest movies I have seen all year. It starts out almost as a thriller, but steadily progresses into a hilarious piece of work full of one-liners and great comedic energy between Pierce Brosnan and Greg Kinnear. Also, while I say this movie is a comedy, it doesn't forget it has a heart at times and can be very touching when it needs to be. When I went into the theater I didn't know what to expect much more than a moustache, but what I got was one of the best movies I have seen in a long time. Leaving the theater I felt very fulfilled from the film and plan to see it again in wide release. I recommend it to anyone who appreciates a good comedy with a well-written script and a big moustache.\": {\"frequency\": 1, \"value\": \"I saw this movie ...\"}, \"This is simply a classic film where the human voices coming from the animals are really what they're thoughts are. I don't know whether my video copy has a scene missing but it never shows how the dogs got out of the pit. It also shows an animals survival instinct and tracking abilities.Put humans in the same position ant the helicopters would be out. For once an original film is improved by a remake as the voice-over for the first has been removed. Only the use of animals can work in a film of this kind because using people would have had to spice out the story by turning it into murder,proving that,after all,animals are more interesting than people\": {\"frequency\": 1, \"value\": \"This is simply a ...\"}, \"This police procedural is no worse than many others of its era and better than quite a few. Obviously it is following in the steps of \\\"Dragnet\\\" and \\\"Naked City\\\" but emerges as an enjoyable programmer. The best thing about it is the unadorned look it provides into a world now long gone...the lower class New York of the late 40's/early 50's. Here it is in all its seedy glory, from the old-school tattoo parlors to the cheap hotels to the greasy spoons. These old police films are like travelogues to a bygone era and very bittersweet to anybody who dislikes the sanitized, soulless cityscape of today.

Also intriguing is the emphasis on the nuts-and-bolts scientific aspect of solving the crime...in this case, the murder of a tattooed woman found in an abandoned car. Our main heroes, Detectives Tobin and Corrigan, do the footwork, but without the tedious and painstaking efforts of the \\\"lab boys\\\", they'd get nowhere. Although the technology is not in the same league, the cops here use the dogged persistence of a C.S.I. investigator to track down their man.

The way some reviewers have written about this movie, you think it would have been directed by Ed Wood and acted by extras from his movies. What bosh! I enjoyed John Miles as the gangly ex-Marine turned cop Tobin...he had a happy-go-lucky, easy-going approach to the role that's a welcome change from the usual stone-faced histrionics of most movie cops of the period. Patricia Barry is cute and delightful as his perky girlfriend who helps solve the crime. Walter Kinsella is stuffy and droll as the older detective Corrigan. I rather liked the chemistry of these two and it made for something a bit different than the sort of robotic \\\"Dragnet\\\" approach.

The mystery itself is not too deep and the final chase and shoot-out certainly won't rank amongst the classics of crime cinema, but during it's brief running time, \\\"The Tattooed Stranger\\\" more than held my interest.\": {\"frequency\": 1, \"value\": \"This police ...\"}, \"Well, What can I say, other than these people are Super in every way. I quite like Sharon Mcreedy, I enjoy this pure Nostalgic Series And I have the boxed set of 9 discs 30 episodes, I did not realise that they had made so many, I also think that it is a great shame, that they have not made any more. I wish that I got given these powers, Imagine me, being knocked off my cycle, somewhere and being knocked out cold, then waking up in a special hospital. Later on, I discover that my body has been enhanced. Just like Richard Barrat. These stories are 50 Minutes of pure action and suspense all the way, You cannot fight these 3 people, as they would defeat you in all forms of weaponry. The music is well written, and to me, puts a wonderful picture of 3 super beings in my mind, The sort of powers that the champions have are the same as our domestic dog or cats, Improved sight, Improved hearing and touch. and the strength of 10 men for Richard and Craig and the strength of 3 women for Sharon. Who I thought was beautiful and intelligent. When I was a boy, I had a huge crush on her!!!! Now I can see why, on my DVD set. The box is very nice and it comes with a free booklet all about the series. I also thought that Trymane was a good boss, firm but he got things done!\": {\"frequency\": 1, \"value\": \"Well, What can I ...\"}, \"A Give this Movie a 10/10 because it deserves a 10/10. Two of the best actors of their time-Walter Matthau & George Burns collaborate with Neil Simon and all of the other actors that are in this film + director Herbert Ross, and all of that makes this stage adaption come true. The Sunshine Boys is one of the best films of the 70's. I love the type of humor in this film, it just makes me laugh so hard.

I got this movie on VHS 3 days ago (yes, VHS because it was cheaper-only $3). I watched it as soon as I got home, but I had to watch it again because I kept missing a few parts the first time. The second time I watched it, it felt a lot better, and I laughed a lot harder. I'm definitely going to re-get this on DVD because I HAVE to see the special features.

It's very funny how that happens. Two people work together as entertainers/actors/performers. They get along well on stage, but really argue off stage, they can't survive another minute with each other, then some 15 years later, you want to reunite them for a TV special. You can find that in this film. Matthau & Burns were terrific in this film. It's a damn shame they died. George Burns deserved that Oscar. He gave a strong comic performance. He was also 78 when this movie was filmed. So far, he's the oldest actor to receive an academy award at an old age. Jessica Tandy breaks the record as the oldest actress. Richard Benjamin was also fantastic in this. He won a Golden Globe for best supporting actor. He deserved that Golden Globe. Although many people might disagree with what I am about to say, everybody in this film gave a strong performance. This Comedy is an instant classic. I highly recommend it. One more thing: Whoever hates this film is a \\\"Putz\\\"\": {\"frequency\": 1, \"value\": \"A Give this Movie ...\"}, \"The snobs and pseudo experts consider it \\\"a far cry from De Sica's best\\\" The ones suffering from a serious lack of innocence will find a problem connecting to this masterpiece. De Sica spoke in a very direct way. His Italianness doesn't have the convoluted self examination of modern Italian filmmakers, or the bitter self parody of Pietro Germi, the pungent bittersweetness of Mario Monicelli, the solemnity of Visconti or the cold observation of Antonioni. De Sica told us the stories like a father sitting at the edge of his children's bed before they went to sleep. There is no attempt to intellectualize. Miracolo A Milano and in a lesser degree Il Giudizio Universale are realistic fairy tales, or what today we call magic realism. The film is a gem from beginning to end and Toto is the sort of character that you accept with an open heart but that, naturally, requires for you to have a heart. Cinema in its purest form. Magnificent.\": {\"frequency\": 1, \"value\": \"The snobs and ...\"}, \"I have given this film an elevated rating of 2 stars as I personally appear in minutes 42 and 43 of the film....the road side bar scene in Russia. In this scene the director of the movie offered me the immortal line - \\\"50 Dollars..you Drink and Talk\\\", but I felt that my Polish counterpart could speak in a more convincing Russian accent than I could, so I declined to take this speaking part on. I was slightly starstruck as this was my first Film experience....and who knows... these lines could have ended up there with lines such as \\\"I'll be Back\\\" and \\\"Quite Frankly My Dear, I Don't Give a Damn\\\". Had I spoken that one line then my name would appear in the credits of Rancid Aluminium as 'Heavy 1' instead of the name of Ryszard Janikowski.

As time goes on, I am counting myself lucky that my name is in no way connected to this film.

Even though I spent a whole day on the set, in South Wales hot-spot Barry Island, no one could tell me what the actual storyline was. The caterers and the wardrobe lady all concurred that it appeared to have a lot of swearing and nudity in it..... things could certainly have been worse if I'd ended up naked in this most dreadful of films....

Still.....On the positive side....I got chatting to Rhys Ifans during one break. I had no idea who he was, as \\\"Notting Hill\\\" was yet to be released, and not an inkling that he might be Welsh. Made various inappropriate comments about what an awful pit Barry Island had become since my childhood visits there in the 70s and 80s. It was only when Keith Allen showed up that I realised I was in a quality production........\": {\"frequency\": 1, \"value\": \"I have given this ...\"}, \"As Peckinpah did with STRAW DOGS, and Kubrick with A CLOCKWORK ORANGE, director John Boorman delivers an effective film about Man's violent side in DELIVERANCE, arguably a definitive horror film of the 1970s. Burt Reynolds, Jon Voight, Ned Beatty, and Ronny Cox portray four Atlanta businessmen who decide to take a canoe trip down the wild Cahulawassee River in northern Georgia before it is dammed up into what Reynolds calls \\\"one big, dead lake.\\\"

But the local mountain folk take a painfully obvious dim view of these \\\"city boys\\\" carousing through their woods. And the following day, continuing on down the river, Beatty and Voight are accosted and sexually assaulted (the film's infamous \\\"SQUEAL!\\\" sequence) by two vicious mountain men (Bill McKinney, Herbert \\\"Cowboy\\\" Coward). Thus, what started out as nothing more than a lark through the Appalachians has now turned into a nightmare in which our four protagonists come to see the thin line that exists between what we think of as civilization and what we think of as barbarism.

James Dickey adapted the screenplay from his own best-selling book, and the result is an often gripping and disturbing shocker. Often known for its \\\"SQUEAL!\\\" and \\\"Dueling Banjos\\\" sequences, DELIVERANCE is also quite a pulse-pounding ordeal, with the four leading men superb in their roles, and McKinney and Coward making for two of the most frightening villains of all times. A must-see film for those willing to take a chance.\": {\"frequency\": 1, \"value\": \"As Peckinpah did ...\"}, \"If there's one genre that I've never been a fan of, it's the biopic. Always misleading, filled with false information, over-dramatized scenes, and trickery all around, biopics are almost never done right. Even in the hands of the truly talented directors like Martin Scorsese (The Aviator) and Ron Howard (A Beautiful Mind), they often do a great disservice to the people they are trying to capture on screen. Skeptiscism takes the place of hype with the majority of biopics that make their way to the big screen and the Notorious Bettie Page was no different. Some critics and moviegoers objected to Gretchen Mol given the role of Bettie Page, saying she was no longer a celebrity and didn't have the chops for the part. I never doubted Mol could handle the part since, but I never expected to as blown as away by her performance as I was upon just viewing the film hours ago. Mol delivers a knockout Oscar worthy performance as the iconic 1950's pin-up girl, who, after an early life of abuse (depicted subtlety and tastefully done, something few directors would probably do) inadvertently becomes one of the most talked about models of all time. The picture covers a lot of ground in its 90 minute running time yet despite no less than three subplots, there is still a feeling that there may be a small portion missing from the story. Director/co-writer Marry Harron and Guinevere Turner's fantastic script is only marred by a too abrupt and not as clear as it should be ending. Still, credit must be given to the two ladies for creating a nearly flawless biopic that manages to pay tribute to both its subject and the decade it emulates masterfully. Come Oscar time, Mol, Turner, and Harron should be receiving nominations. Doubt it will happen, though there certainly are no three women more deserving of them. 9/10\": {\"frequency\": 1, \"value\": \"If there's one ...\"}, \"Definitely the product of young minds, this piece may very well appeal to the 20s crowd, who is still trying to find their place in the world, while obsessing over every neurosis. However, I can't imagine that the heavy amount of narcissistic navel-gazing, trite humor, or banal subject matter would be particularly engaging to anyone over 30. Another problem is that the peripheral characters, whom the filmmakers obviously have nothing but contempt for, are hyped up to such absurd caricatures for comic effect, that they fail to be relatable in any real way.

However, one has to give some style points to the filmmakers, who obviously grew up in the video generation, and use every conceivable editing trick in the book in order to spruce up an otherwise non-existent plot. There are 2 points to remember here. First, beware of festival darlings. Second, even though we live in the age of youtube, not everyone's account of their mundane lives deserves big- screen treatment. But these young filmmakers have every right to make their film, and if others 20-somethings can find something in it to identify with, then all the better. Yet I could not help but think at the end of this film how this latest generation, just now coming of age, will fare in the real world that presents so many challenges and complications. In the age when every child is constantly reassured of how special they are, and that they all deserve their 15 minutes of exposure, resiliency and the ability to deal with adversity does not exactly appear to be this generation's strong point.\": {\"frequency\": 1, \"value\": \"Definitely the ...\"}, \"A mess of genres but it's mainly based on Stephen Chow's genre mash-ups for it's inspiration. There's magic kung-fu, college romance, sports, gangster action and some weepy melodrama for a topping. The production is excellent and the pacing is fast so it's easy to get past the many flaws in this film.

A baby is abandoned next to a basketball court. A homeless man brings him to a Shaolin monastery that's in the middle of a city along with a special kung fu manual that the homeless man somehow has but can't read. The old monk teaches the boy but expires when he tries to master the special technique in the manual. The school is taken over by a phony kung fu master who is assisted by four wacky monks. The new master gets mad at the now 20+ year old boy for not pretending to be hurt by the master's weak punches and throws him out for the night. The boy is found throwing garbage into a basket from an incredible distance by a man who bring him to a gangster's club to play darts. This leads to a big fight, the boy's expulsion from the monastery and the man's decision to turn the boy into a college basketball sensation.

Al this happens in the first 20 minutes with most of it happening in the first 10 minutes. Aside from the extreme shorthand storytelling the first problem is how little we get to know the main character until way into the movie. The man who uses the boy is more sharply defined by the time the first third is over. The plot follows no new ground except for the insane action climax of the film. I'm sure you can easily imagine how the wacky monks will show up towards the end. The effects, photography and stunt work are all top- notch and make up for the uninspired plot.

Stephen Chow has a much better command of plot and comedy writing and this film will live in his shadow but that's not a good reason to ignore it. It's quite entertaining even with a scatter-shot ending. Recommended.\": {\"frequency\": 1, \"value\": \"A mess of genres ...\"}, \"I missed the entire season of the show and started watching it on ABC website during the summer of 2007. I am absolutely crazy about the show. I think the entire cast is excellent. It's one of my favorite show ever. I just checked the ABC program lineup for this Fall and did not see it on the schedule. That is really sad. I hope they will bring it back ... maybe they are waiting until Bridget Moynahan has her baby? Or is it only my wishful thinking?

I read some of the comments posted about the show and see so many glowing remarks, similar to mine. I certainly hope that ABC will reconsider its decision or hopefully another station will pick it up.\": {\"frequency\": 1, \"value\": \"I missed the ...\"}, \"What do I say about such an absolutely beautiful film? I saw this at the Atlanta, Georgia Dragoncon considering that this is my main town. I am very much a sci-fi aficionado and enjoy action type films. I happened to be up all night and was about ready to call it a day when I noticed this film playing in the morning. This is not a sci-fi nor action film of any sort. Let me just start out by saying that I am not a fan of Witchblade nor of Eric Etebari, having watched a few episodes(his performance in that seemed stale and robotic). But he managed to really win me over in this performance. I mean really win me over. Having seen Cellular, I did not think there was much in the way of acting for this guy. But his performance as Kasadya was simply amazing. He was exceedingly convincing as the evil demon. But there was so much in depth detail to this character it absolutely amazed me. I later looked it up online and found that Eric won the Best Actor award which is well deserved considering its the best of his career and gained my respect. Now I keep reading about the fx of this and production of this project and let me just say that I did not pay attention to them (sorry Brian). They were very nicely done but I was even more impressed with the story - which I think was even more his goal(Seeing films like Godzilla with huge effects just really turned me off). I could not sleep after this film thinking it over and over again in my head. The situation of an abusive family is never an easy one. I showed the trailer to my friend online and she almost cried because it affected her so having lived with abuse. This is one film that I think about constantly and would highly recommend.\": {\"frequency\": 1, \"value\": \"What do I say ...\"}, \"I'm not a Steve Carell fan however I like this movie about Dan, an advice columnist, who goes to his parents house for a stay with his kids and ends up falling in love with his brother's girlfriend. Its a story thats been told before, but not like this. There are simply too many little bits that make the film better than it should be. The cast is wonderful, and even if Carell is not my cup of tea, he is quite good as the widower who's suppose to know everything but finds that knowing is different than feeling and that sometimes life surprises you. At times witty and wise in the way that an annoying Hallmark card can be, the film still some how manages to grow on you and be something more than a run of the mill film. Worth a look see\": {\"frequency\": 1, \"value\": \"I'm not a Steve ...\"}, \"Too bad a couple of comments before me don't know the facts of this case. It is based on actual events, a highly publicized disappearance and murder case taking place in the Wilmington, DE/Philadelphia PA region from '96 through 2000. I have to admit I was highly skeptical of how Hollywood would dramatize the actual history and events and was actually quite impressed on how close they stayed to what was constantly reported on local newscasts and Philadelphia Inquirer news stories throughout the time period. Of course I immediately pointed out that the actress (who I really like in Cold Case) who played Fahey looked nothing like her (Anne Marie was actually prettier). I have to admit though that Mark Harmon really nailed the type of personality that was revealed as Capano's and the behavior that Capano exhibited throughout this period. Details of the case were right on...no deviations of dramatic effect...even down to the carpet, gun, furniture, and cooler. In conclusion, I also wanted to add that I have met Tom Carper many times at various functions (a good man, despite being a politician) and I am so glad that he pulled the strings in the Federal realm necessary to solve this heinous crime. Guys like Capano are real and it was great to see him finally put behind bars.\": {\"frequency\": 1, \"value\": \"Too bad a couple ...\"}, \"**** = A masterpiece to be recorded in the books and never forgotten

***1/2 = A classic in time; simply a must see

*** = A solid, worth-while, very entertaining piece

**1/2 = A good movie, but there are some uneven elements or noticeable flaws

** = May still be considered good in areas, but this work has either serious issues or is restrained by inevitable elements deemed inescapable (e.g., genre)

*1/2 = Mostly a heap of nothing sparked by mildly worthwhile moments

BOMB = Not of a viewable quality

- Kalifornia = ***

- Unrated (for strong violent material, considerable sexuality, and language)

I rented this film expecting an in-your-face summer-Blockbuster-quality celebration of Brad Pitt's face, but was happily surprised and disappointed. This really is more of a drama, and very grim at that... I remember some emotionally intense Duchovny voice-overs.

Pitt plays out his possibly un-sexiest film ever with startling talent. Who started out as a hopeless yet harmless \\\"white trash\\\" husband became realized as a violent, disturbing alcoholic with a messed mind. During some of the latter stages in the film, I found it hard to keep watching him - he was unpredictable and scary. This proves very good writing and acting.

The whole movie is filled with bizarre, sensational scenes that made me hold my breath not fewer than once, and I don't mean action scenes. I mean dialogue scenes so brilliantly crafted I actually winced and gasped at what I was seeing. It was like watching a rhino and a lion put in a cage and watching as they gnawed each other to death. Again, I am very impressed with the screenwriter(s); whoever they are did the impossible: mixed oil and water.

I also very much enjoyed Juliette Lewis's performance. It is so rare for this talented young actress to make an appearance these days that when she does it is such a joy. Some of her moments in this film brought me to tears. I mean that. The emotions this girl can arouse in your head are incredible, and I clearly remember getting blurry-eyed on a few occasions.

I almost feel like I'm cheating the quality craftsmanship the film makers have displayed by only giving \\\"KALIFORNIA\\\" a *** rating. But the dark feelings that it stirs are too potent and depressing to raise it. I do believe that everyone should see this movie though. I truly do.\": {\"frequency\": 1, \"value\": \"**** = A ...\"}, \"The Return is one of those movies for that niche group of people who like movies that bore and confuse them at the same time. Sarah Michelle Gellar plays a lame buisnesswoman who does not kill vampires or get naked at all throughout the movie. I was willing to put up with this, however I was not willing to put up with the worst editing ever combined with pointless flashbacks. At the end it turns out she crashes her car into herself when she was young. Or maybe I'm wrong and that was just a flashback. With this movie it's impossible to tell. Can you believe the same dude who made Army of Darkness produced this crap? A much better idea is to stay at home and watch Army of Darkness on Sci Fi channel. That movie had it all: sluts, zombies and a dude with a chainsaw for an arm. The Forgotten didn't even have one of these things.\": {\"frequency\": 1, \"value\": \"The Return is one ...\"}, \"I took my 19 year old daughter with me to see this interesting exercise in movie making. I always find it intriguing to get views and opinions from a different generation on movies, especially as I'm such a cynic myself. It's good to get an unjaded opinion from someone who hasn't yet reached the \\\"been there, done that\\\" approach to every movie she sees. I'm pleased to say that we both really enjoyed it and regarded it as a successful mother / daughter evening out. Far, far better than going to see some brain dead \\\"chick flick\\\", which I gather is what we are supposed to enjoy, according to the demographics?

Eighteen directors were asked to produce a short piece about each of the arrondissements of Paris, a city I haven't visited in 20 years. But I wish I had. They are loosely linked by joining shots, and represent different approaches to love in the city regarded in popular culture as the quintessential romantic capital of the world. Some of the films work better than others but, as other reviewers have said, it never descends too far into kitsch. Some are funny, some are sad, some intriguing and some just plain puzzling (I'm still trying to discern some deep inner truth to the \\\"Flying Tiger, Hidden Dragon\\\" hairdressing salon.) Some are just fun and perhaps shouldn't be assigned too much meaning (the vampire and the tourist for example.) Possibly my only criticism of the whole film, is that it makes Paris look too good. It can also be cold, wet, foggy, indifferent and miserable, or, in summer, baking hot and packed with so many tourists that you feel like a sardine in a can queuing up for hours to see every attraction. But I'm nit picking.

My personal favourite by far was the Coen brothers film shot on the Tuileries Metro station, and starring a perfectly cast Steve Buscemi as a confused tourist who inadvertently finds himself caught up in a lovers' tiff. Absolutely perfect, and very, very funny, without Buscemi having to say a word. I also perversely enjoyed the piece about the two mime artists, which was probably the closest the movie got to being cutesy - that certainly teetered on the edge of kitsch, but it just stayed on the right side. Rufus Sewell and Emily Mortimer gaining insight from an encounter with Oscar Wilde's tomb left me pretty indifferent, and Juliette Binoche trying to cope with the death of her small son made me very, very uncomfortable. I thought both the Bob Hoskins / Fanny Ardent piece, and Ben Gazzara / Gena Rowlands fell a bit flat, but Maggie Gyllenhaal was good (has she cornered the market in junkies? I watched Sherry Baby last week.)

But I felt the two \\\"social justice\\\" pieces (for want of a better way of putting it), worked very well. By that, I mean first of all the film about the young mother leaving her own child in a day care to go and look after someone else's baby across town. And then the film about the African migrant, struggling to exist on the margins of an indifferent society, who is stabbed and dies in the street in front of a young, new paramedic. Yet another murder statistic, in a world which sees thousands of migrants dying in the struggle to reach what they see as a better life, every year. I thought both pieces very well observed.

The final film, 14th Arrondissement, in which Margo Martindale plays a postal worker from Colorado recounting the story of her first trip to Paris \\ufffd\\ufffd in very badly accented French \\ufffd\\ufffd to her night school French class, moved me. A perfect ending, to a good, intriguing if not quite great, movie.

Paris je t'aime was an ambitious idea, but it works pretty well.\": {\"frequency\": 1, \"value\": \"I took my 19 year ...\"}, \"This was Keaton's first feature and is in actuality three shorts, set in different periods (Stone Age, Roman Age, Modern Age) on the eternal triangle of romance. The stories parallel each other as in Griffith's INTOLERANCE, which this was intended to satirize. The strengths of the jokes and gags almost all rely on anachronisms, bringing modern day business into ancient settings.

**** WARNING - SPOILERS FOLLOW TO ELABORATE BEST POINTS ******

Here are the classic moments:

Using a turtle as a wee-gee board (Stone Age); A wrist watch containing a sun dial (Roman Age); A chariot with a spare wheel (Roman Age); Using a helmet as a tire lock (Roman Age); Early golf with clubs and rocks(Stone Age); Dictating a will being carved into a rock (Stone Age); The changing weather forecaster (Roman Age); The chariot race in snow -Buster using skis and huskies with a spare dog in the chariot's boot(Roman Age).

The above are all throw-away gags that keep us chuckling. There are however unforgettable moments as well:

Buster taking out shaving equipment to match girl putting on make-up; The fantastic double take when an inebriated Buster gazes at his plate to discover a crab staring up at him (within one second he has leaped to stand on his chair from a sitting position and leaped again into the arms of the waiter - one of the funniest moments I've ever seen). And that lion - the manicure -just brilliant.

There's also an off-color bit of racism when four African-American litter bearers abandon their mistress for a Roman crap game.

Kino's print is a bit fuzzy and contains numerous sequences of both nitrate deterioration and film damage- most probably at ends of reels. The Metro feature is scored with piano and flute and borrows heavily from Grieg.

Lots of fun and full of laughs.\": {\"frequency\": 2, \"value\": \"This was Keaton's ...\"}, \"I read the comment of Chris_m_grant from United States.

He wrote : \\\" A Fantastic documentary of 1924. This early 20th century geography of today's Iraq was powerful.\\\"

I would like to thank Chris and people who are interested in Bakhtiari Nomads of Iran, the Zagros mountains and landscapes and have watched the movie Grass, A Nation's battle for life. These traditions you saw in the movie have endured for centuries and will go on as long as life endures. I am from this region of Iran myself. I am a Bakhtiari.

Chris, I am sorry to bother you but Bakhtiari region of Zardkuh is in Iran not in Irak as you mentioned in your comment. Iran and Irak are two different and distinct countries. Taking an Iranian for an Irankian is almost like taking an American for an Mexican. Thanks,

Ziba\": {\"frequency\": 1, \"value\": \"I read the comment ...\"}, \"I was excited to see a sitcom that would hopefully represent Indian Candians but i found this show to be not funny at all. The producers and cast are probably happy to get both bad and good feed back because as far as they are concerned it's getting talked about! I was ready for some stereotyping and have no problem with it because stereotypes exist for a reason, they are usually true. But there really wasn't anything funny about these stereotypical characters. The \\\"fresh of the boat\\\" dad, who doesn't understand his daughter. The radical feminist Muslim daughter (who by the way is a terrible actress), and the young modern Indian man trying to run his mosque as politically correct as he can (he's a pretty good actor, i only see him getting better).

it is very contrived and the dialog doesn't flow that well. there was so much potential for something like this but sadly i think it failed, and don't really care to watch another episode.

I did however enjoy watching a great Canadian actress Sheila McCarthy again, she's always a treat and a natural at everything she does, too bad her daughter in the show doesn't have the same acting abilities!\": {\"frequency\": 1, \"value\": \"I was excited to ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"This 1986 Italian- ...\"}, \"This movie surprised me. Some things were \\\"clicheish\\\" and some technological elements reminded me of the movie \\\"Enemy of the State\\\" starring Will Smith. But for the most part very entertaining- good mix with Jamie Foxx and comedian Mike Epps and the 2 wannabe thugs Julio and Ramundo (providing some comic relief). This is a movie you can watch over again-say... some Wednesday night when nothing else is on. I gave it a 9 for entertainment value.\": {\"frequency\": 3, \"value\": \"This movie ...\"}, \"\\\"Fear of a Black Hat\\\" is a superbly crafted film. I was laughing almost continuously from start to finish. If you have the means, I highly recommend viewing this movie It is, by far, the funniest movie I have had the pleasure to experience. Grab your stuff!\": {\"frequency\": 1, \"value\": \"\\\"Fear of a Black ...\"}, \"I come to Pinjar from a completely different background than most of the other reviewers who have posted here. I'm relatively new to Bollywood films and was born and raised in the US. So I don't have a broad basis for comparing Pinjar to other Indian films. Luckily, no comparison is needed.

Pinjar stands on its own as nothing less than a masterpiece.

In one line I can tell you that Pinjar is one of the most important films to come out of any studio anywhere at any time. On a mass-appeal scale, it *could* have been the Indian equivalent of \\\"Crouching Tiger, Hidden Dragon\\\" had it been adequately promoted in the US. This could very well have been the film that put Bollywood on the American map. The American movie-going public has a long-standing love affair with \\\"Gone With the Wind\\\", and while Pinjar doesn't borrow from that plot there are some passing similarities. Not the least of which is the whopping (by US standards) 183-minute run time.

Set against the gritty backdrop of the India-Pakistan partition in 1947-48 is a compelling human drama of a young woman imprisoned by circumstances and thrust into troubles she had no hand in creating. Put into an untenable position, she somehow manages to not only survive, but to grow -- and even flourish.

If the story is lacking in any way, it's in the exposition. Puro's (the protagonist) growth as a person would be better illustrated -- at least for western audiences unfamiliar with Indian culture -- if her character's \\\"back story\\\" were more fully developed in the early part of the film. But that would have stretched a 3-hour movie to 3 1/2 hours or perhaps even more. Because not one minute of the film is wasted, and none of what made it out of editing could really be cut for the sake of time. Better that the audience has to fill in some of what came before than to leave out any of what remains.

I could use many words to describe Pinjar: \\\"poignant\\\", \\\"disturbing\\\", \\\"compelling\\\", \\\"heart-wrenching\\\" come to mind immediately. But \\\"uplifting\\\" is perhaps as apropos as any of those. Any story that points up the indomitability of the human spirit against the worst of odds has to be considered such. And Puro's triumph -- while possibly not immediately evident to those around her -- is no less than inspirational. For strength of story alone I cannot recommend this film highly enough.

Equally inspiring is Urmila Matondkar's portrayal of Puro. All too often overlooked amid the bevy of younger, newer actresses, Urmila has the unique capability to deliver a completely credible character in any role she plays. She doesn't merely act Puro's part, she breathes life into the character. Manoj Bajpai's selection as Rashid was inspired. He manages something far too few Indian film heroes can: subtlety. His command of expression and nuance is essential to the role. He brings more menace to the early part of the film with his piercing stare than all of the sword-wielding rioters combined.

If you only see one Bollywood film in your life, make it Pinjar.\": {\"frequency\": 2, \"value\": \"I come to Pinjar ...\"}, \"Having read some good reviews about this film I thought it was about time I go and see it. Well I don't know why I bothered. Basically this family is entrusted with a clue that leads to a whole big stash of ancient treasure, hidden by the Knights Templar during the War of Independence. Apparently it had to be kept out of the hands of the British at all costs. Firstly, why did said Knights move the treasure from Europe to America? How did Nic Cages character figure out that 'Charlotte' was in fact a ship? How do they figure out all the clues and riddles in about a minute? And how could two people suddenly become master thieves and steal what is probably the best guarded bit of paper in the world? These are just some of the plot holes in this inane bit of Hollywood action gone wrong. Cage has been in some great action movies - 'Face-Off' and 'The Rock' - so why has he lowered himself to this? Is he getting too old?! His character is pretty annoying really - Somehow this 'ordinary' guy steals the Declaration of Independancd, outruns thieves with guns, escapes from the FBI and generally seems invincible. The whole film doesn't really make any sense and all in all it was quite a disappointment.\": {\"frequency\": 1, \"value\": \"Having read some ...\"}, \"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\": {\"frequency\": 1, \"value\": \"The fact that this ...\"}, \"This film was the recipient of the 1990 Academy award for Best Animated Short Film. Over the last few weeks, I have seen dozens of the nominees and recipients of this award from the last 30 years and I really think that this film might just be the worst of them all--yet it wasn't just a nominee but it won!! I assume that 1989 must have just been a horrible year for the genre.

The film shows a group of characters that look a bit like super-skinny Uncle Festers. The appear to be simple articulated figures who are moved using stop motion animation. All are identical--with the same faces, bodies and clothes. The only difference is that each has a different number drawn on their backs. They are all standing on a large platform that is suspended, as if by magic, in space. Each has a pole and their is also a box on the platform. The platform begins tilting slightly and in response the men move about in an effort to balance the platform. This goes on and on and on and on for the longest time. The only relief from this tedium is when one of them acts rather nasty towards the end, but it just isn't enough to make this fun to watch in the least. Aside from passable stop motion animation, this short offers nothing of interest to me....NOTHING.

By the way, the great short KNICK KNACK also came out in 1989 and I have no idea why it was not among the nominees. It was a GREAT short and was far better than any of the nominees that year or the year before. Perhaps Pixar's success in previous years resulted in a bias against them, but KNICK KNACK is so clever and so funny it seems almost criminal to have ignored it. Could Pixar have not entered it? This seems unlikely.\": {\"frequency\": 1, \"value\": \"This film was the ...\"}, \"Horror spoofs are not just a thing of the 21st century. Way before the 'Scary Movie' series there were a few examples of this genre, mostly in the 80s. But like said franchise most of these films are hit or miss. Some like 'Elvira, Mistress of the Dark' mostly rise above that, but other like 'Saturday the 14th' and it's sequel fail to deliver the laughs. But out of all these types of films there is one particularly big offender and that's 'Transylvania 6-5000,' a major waste of time for many reasons.

Pros: A great cast that does it's best. Some of the dopey humor is amusing. A corny, but catch theme song. Some good Transylvanian locations.

Cons: Threadbare plot. Mostly tedious pacing. Most of the humor just doesn't cut it. The monsters are given little to do and little screen time. I thought this was supposed to be a spoof of monster movies? Lame ending that will likely make viewers angry.

Final thoughts: This is a comedy? If it is then why are the really funny bits so few and far in between? Comedies are supposed to make us roll on the floor, not roll our eyes and yawn, aching for it to be over. I can't believe Anchor Bay released this tired junk. I'll admit it's not one of the worst films ever made, but it's not worth anyone's time or money even if you're a fan of any of the actors. See 'Transylvania Twist' instead.

My rating: 2/5\": {\"frequency\": 1, \"value\": \"Horror spoofs are ...\"}, \"Running Man viciously lampoons the modern-day American media complex, and hits its target dead-center. It may be an easy target, but they pull it off none the less. RM effortless takes on pro-wrestling (featuring some pro wrestlers as the Hunters), network television, the Nielsen ratings, the American government (suggesting it's entertainment-oriented anyway), crime & punishment, and a half-dozen other things along the way. It's a far cry from the original Stephen King novella, and Arnold is not the Ben Richards of the novella either. But who cares? It's basically a Arnie flick, with all the well-choreographed action sequences and one-liners such an undertaking requires.\": {\"frequency\": 1, \"value\": \"Running Man ...\"}, \"WOW, this movie was so horrible. I'm so glad i didn't have to pay money to see this horrible movie. it was like a history nut went on a coke binge! the previews of it made it look decent but it was REALLY bad. i will say the idea sounded decent but come on. it was really really bad. If u sat down and thought about it you would also realize it was UNREALISTIC. come on back in the day u think they had all that stuff to work with. It wasn't like ben franklin sat down one day and made a damn riddle. it was completely ridiculous, and it you want to see a bad movie then by all means go see this one. All and ALL HORRIBLE movie it might actually be on my top 10 WORST films I've ever seen.\": {\"frequency\": 1, \"value\": \"WOW, this movie ...\"}, \"I can't remember many details about the show, but i remember how passionate i was about it and how i was determined not to miss any episodes. Unfortunately at the time we had no VCR, so i haven't ever seen the series again. However i can remember strongly how i felt while watching it and how thrilled i was every time it came on. Sam Waterstone was my favorite actor these days (i think i was almost in love) and he remains one of my favorite actors to the day, mostly due to his appearance in the series. I would gladly buy/steal/download this series, i think i would go to great lengths in order to see it again and revisit a childhood long gone... Any ideas? Does anybody knows of a site devoted to the series or has the episodes on tape from their first airing?\": {\"frequency\": 1, \"value\": \"I can't remember ...\"}, \"To quote Flik, that was my reaction exactly: Wow...you're perfect! This is the best movie! I think I can even say it's become my favorite movie ever, even. Wow. I tell you what, wow.\": {\"frequency\": 1, \"value\": \"To quote Flik, ...\"}, \"This movie offers NOTHING to anyone. It doesn't succeed on ANY level. The acting is horrible, dull long-winded dribble. They obviously by the length of the end sex scene were trying to be shocking but just ended up being pretty much a parody of what the film was aiming for. Complete garbage, I can't believe what a laughable movie this was.

And I'm very sure Rosario Dawson ended up in this film cause she though this would be her jarring break away indi hit, a wowing NC-17 movie. The problem is no adult is going to stick with this film as the film plays out like a uninteresting episode of the OC or something aimed at teens. Pathetic.\": {\"frequency\": 1, \"value\": \"This movie offers ...\"}, \"As a biographical film, \\\"The Lady With Red Hair\\\" (the story of how director /producer/playwright David Belasco transformed notorious society divorcee Mrs. Leslie Carter into an international stage star) is certainly not in a league with that other Warner's biopic of similar vintage, \\\"Yankee Doodle Dandy\\\" (what is?), but \\\"Lady\\\" is an enjoyable film in its own right--AND shares quite a few traits in common with the Cagney classic.

Like \\\"Yankee Doodle Dandy,\\\" \\\"The Lady With Red Hair\\\" brims over with old -time show-business flavor. (Among other things, both films feature delicious theatrical boarding-house sequences as well as the inevitable scenes set backstage and in theatrical managers' offices.) Also, in \\\"Lady\\\" as in the Cohan biopic, the supporting cast is made up of familiar and beloved character actors of the period, all doing the sort of top-notch work we remember them for.

Need I add that, again like \\\"Yankee Doodle Dandy,\\\" \\\"The Lady With Red Hair\\\" doesn't let the truth get in the way of telling a good story? But, also like \\\"Dandy,\\\" \\\"Lady\\\" does manage--gloriously!--to convey the esssence of its show-business-giant hero's larger-than-life personality. Everyone knows that Cagney limned Cohan for all time in his brilliant and affectionate portrayal in \\\"Yankee Doodle Dandy\\\"--but few moviegoers realize that Claude Rains did a similar service for David Belasco in \\\"The Lady With Red Hair\\\"- -and did it with a panache that almost equals Cagney's.

Rains-as-Belasco perfectly captures that legendary showman's galvanic personality in all its outsized glory. Rains gives a tremendously enjoyable , superbly observed, and remarkably true-to-life performance as the man all Broadway once called \\\"The Wizard.\\\" To watch Claude Rains in action (looking in every shot as if he's having a helluva good time!) in \\\"The Lady With Red Hair\\\" is to see David Belasco leap to life on film as if he can't wait to shake things up on the Main Stem once again.

\": {\"frequency\": 1, \"value\": \"As a biographical ...\"}, \"I borrowed this movie because not only because its gay theme but the thought of role playing really intrigued me. I was pleasantly surprised that it was shot in San Francisco since I live near SF. And of course it was nice to see shots of the Castro district (although the castro to me really caters more to gay male than female). But other than that I can't really recommend this movie. The characters aren't really developed for me to care and when they finally started to get to the \\\"role playing\\\" I was already bored out of my mind. And the role playing scenes that I did see were a bit embarrassing to watch. The acting leaves something to be desired. Needless to say I didn't finish the movie. I'd skip this one.\": {\"frequency\": 1, \"value\": \"I borrowed this ...\"}, \"This is a movie that is bad in every imaginable way. Sure we like to know what happened 12 years from the last movie, and it works on some level. But the new characters are just not interesting. Baby Melody is hideously horrible! Alas, while the logic that humans can't stay underwater forever is maintained, other basic physical logic are ignored. It's chilly if you don't have cold weather garments if you're in the Arctic. I don't know why most comments here Return of Jafar rates worse, I thought this one is more horrible.\": {\"frequency\": 1, \"value\": \"This is a movie ...\"}, \"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\\ufffd\\ufffdhm is a head higher than Adolf and looks so damned good, G\\ufffd\\ufffdring looks like 40 when he just is 23 and the \\\"F\\ufffd\\ufffdhrer\\\" 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\\\"\": {\"frequency\": 1, \"value\": \"This 1919 to 1933 ...\"}, \"Shame really - very rarely do I watch a film and am left feeling disappointed at the end. I've seen quite a few of Ira Levin's adaptations - 'Rosemary's Baby' and 'The Stepford Wives' - and liked both them, but this just didn't appeal to me.

When I read the plot outline - an award winning playwright (Michael Caine) decides to murder one of his former pupils (Christopher Reeve) and steel his script for his own success - I was excited. I like thrillers, Michael Caine's a good actor, Sidney Lumet's a good director and Ira Levin's work is generally good.

I won't spoil it for anyone who hasn't seen it yet, but all I'd say is there are LOADS of twists and turns. So many its kind of hard to explain the film's plot line in detail, without giving it away. I enjoyed the first ... 45 minutes, before the twists and turns began to occur and at that point my interest and enjoyment began to fade out. Though I have to give Lumet credit for the very amusing ending which did make me laugh out loud.

The main cast - Michael Caine, Christopher Reeve, Dyan Cannon and Irene Worth - were all brilliant in their roles. Though Worth's obvious fake Russian accent got on my nerves slightly (nothing personal Irene, I think any actor's fake accent would irritate me). Not sure if Cannon's character was meant to be annoyingly funny but Dyan managed to annoy and amuse - at the same time.

Anyone reading this - I don't want you to be put-off watching this because of my views - give it a chance, you may like it, you may not. It's all about opinion.\": {\"frequency\": 1, \"value\": \"Shame really - ...\"}, \"Collusion Course is even worse than the typical \\\"evil white male corporate capitalist\\\" movie of the week. This movie is less pleasant than a toothache. Jay Leno can act. He's good in his underrated debut movie, The Silverbears, in which he gives a performance consist with the demands of his character. This movie is so bad Leno's character, a sanctimonious buffoon, is less annoying than Morita's character, a sanctimonious fool.\": {\"frequency\": 1, \"value\": \"Collusion Course ...\"}, \"This isn't the comedic Robin Williams, nor is it the quirky/insane Robin Williams of recent thriller fame. This is a hybrid of the classic drama without over-dramatization, mixed with Robin's new love of the thriller. But this isn't a thriller, per se. This is more a mystery/suspense vehicle through which Williams attempts to locate a sick boy and his keeper.

Also starring Sandra Oh and Rory Culkin, this Suspense Drama plays pretty much like a news report, until William's character gets close to achieving his goal.

I must say that I was highly entertained, though this movie fails to teach, guide, inspect, or amuse. It felt more like I was watching a guy (Williams), as he was actually performing the actions, from a third person perspective. In other words, it felt real, and I was able to subscribe to the premise of the story.

All in all, it's worth a watch, though it's definitely not Friday/Saturday night fare.

It rates a 7.7/10 from...

the Fiend :.\": {\"frequency\": 1, \"value\": \"This isn't the ...\"}, \"It's wonderful to see that Shane Meadows is already exerting international influence - LES CONVOYEURS ATTENDANT shares many themes with A ROOM FOR ROMEO BRASS: the vague class identity above working but well below middle, the unhinged father, the abandoned urban milieu, the sense of adult failure, the barely concealed fascism underpinning modern urban life.

But if Meadows is an expert formalist, Mariage trades in images, and his coolly composed, exquisitely Surreal, monochrome frames, serve to distance the grimy and rather bleak subject matter, which, Meadows-like, veers from high farce to tragedy within seconds.

There are longueurs and cliches, but Poelvoorde is compellingly mad, an ordinary man with ordinary ambitions, whose attempts to realise them are hatstand dangerous; while individual set-pieces - the popcorn/pidgeon explosions; the best marriage sequence since THE DEAD AND THE DEADLY - manage to snatch epiphany from despair.\": {\"frequency\": 1, \"value\": \"It's wonderful to ...\"}, \"The story behind this movie is very interesting, and in general the plot is not so bad... but the details: writing, directing, continuity, pacing, action sequences, stunts, and use of CG all cheapen and spoil the film.

First off, action sequences. They are all quite unexciting. Most consist of someone standing up and getting shot, making no attempt to run, fight, dodge, or whatever, even though they have all the time in the world. The sequences just seem bland for something made in 2004.

The CG features very nicely rendered and animated effects, but they come off looking cheap because of how they are used.

Pacing: everything happens too quickly. For example, \\\"Elle\\\" is trained to fight in a couple of hours, and from the start can do back-flips, etc. Why is she so acrobatic? None of this is explained in the movie. As Lilith, she wouldn't have needed to be able to do back flips - maybe she couldn't, since she had wings.

Also, we have sequences like a woman getting run over by a car, and getting up and just wandering off into a deserted room with a sink and mirror, and then stabbing herself in the throat, all for no apparent reason, and without any of the spectators really caring that she just got hit by a car (and then felt the secondary effects of another, exploding car)... \\\"Are you okay?\\\" asks the driver \\\"yes, I'm fine\\\" she says, bloodied and disheveled.

I watched it all, though, because the introduction promised me that it would be interesting... but in the end, the poor execution made me wish for anything else: Blade, Vampire Hunter D, even that movie with vampires where Jackie Chan was comic relief, because they managed to suspend my disbelief, but this just made me want to shake the director awake, and give the writer a good talking to.\": {\"frequency\": 1, \"value\": \"The story behind ...\"}, \"After watching the trailer I was surprised this movie never made it into theaters, so I ordered the BluRay. I had a great time watching it and have to say that this movie is better than some major animation movies out there. Of course, it has its flaws but I can still really recommend it. The animation is well done, very entertaining and unique and the story kept me watching it all the way to the end. Some of the backdrops are just drop-dead gorgeous and you can see the French talent behind it. I thought that Forest Whitaker's performance feels a bit lifeless but that is how the character Lian-Chu is depicted in this movie. So overall, thumbs up, I liked it a lot and I hope it is successful enough for all the studios involved to continue making great movies like this. I would recommend to give it a chance and be surprised how great a movie can be with such a small budget. Hektor alone is worth watching the movie since some of his moments are Stitch-like hilarious.\": {\"frequency\": 1, \"value\": \"After watching the ...\"}, \"The only thing I remember about this movie are two things: first, as a twelve year old, even I thought it stunk. Second, it was so bad that when Mad magazine did a parody of it, they quit after the first page, and wrote a disclaimer at the bottom of the page saying that they had completely disavowed it.

If you want to see great sophomoric comedies of this period, try Animal House. It's so stupid and vulgar it lowers itself to high art. Another good selection would be Caddyshack, the classic with the late Rodney Dangerfield and Bill Murray before he became annoyingly charming, with great lines like greens keeper Carl Spackler's \\\"Correct me if I'm wrong Sandy, but if I kill all the golfers they'll lock me up and throw away the key.\\\"\": {\"frequency\": 1, \"value\": \"The only thing I ...\"}, \"\\\"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\\ufffd\\ufffd Epsom salts\\ufffd\\ufffd it's a laxative!

**** The Vampire Bat (1933) Frank Strayer ~ Dwight Frye, Melvyn Douglas, Maude Eburne\": {\"frequency\": 1, \"value\": \"\\\"When a small ...\"}, \"Pickup on South Street (1953), directed by movie maverick Samuel Fuller, contains a stunning opening that establishes a double complication. Subway rider Candy (Susan Peters) collides with pickpocket Skip McCoy (Richard Widmark dipped in shades of Sinatra cool). She's unaware that she carries valuable microfilm; McCoy is unaware of grifting it. Both are unaware of being observed by two federal agents. Thus the grift sets in motion a degree of knowledges. Candy is doubly watched (Skip and the police) and therefore doubly naive; Skip, the overconfident petty thief, is singularly unaware, trailed by federal agents; the feds, all knowing, are ultimately helpless. They can't stop the \\\"passing\\\" of government secrets or the spread of communism.\": {\"frequency\": 1, \"value\": \"Pickup on South ...\"}, \"I cannot believe the same guy directed this crap and Dracula 2000. Dracula 2000 was innovative, fresh, and well written, if poorly acted.

This pile can't even claim that. It starts with the defeat of Dracula at the end of Dracula 2000. Then ignores the narrative afterwards describing what happened after that. Following the narrative properly could have made this a good sequel somehow, but Craven chose to go in the style of his older films, having no good tie but the main villain's name.

Even the actor playing Dracula was different (going from dark hair in Dracula 2000 to a blonde here).

Avoid this movie if you have any respect for your taste in movies.\": {\"frequency\": 1, \"value\": \"I cannot believe ...\"}, \"Well, I like to be honest with all the audiences that I bought it because of Kira's sex scenes, but unfortunately I did not see much of them. All sex scenes were short and done in haphazard manner along with all the weird and corny background music just like all other B movies - it just doesn't look much like two people having sex. There is a tiny bit of plot toward the end - Kira's new lover is a killer. Whoa!!! how shocking!!! Why don't we nominate this movie for Oscar Award? I can't imagine how bad the movie would look like if it were R-rated (Mine is imported from UK, rated 18). Conclusion? Put it down and walk away, so yon won't end up with being a moron like me.

Score: 2/10\": {\"frequency\": 1, \"value\": \"Well, I like to be ...\"}, \"I rented End Game, having never heard of it, but I'm fond of political thrillers so I thought I'd give it a shot. After doing some research on the movie, I found that it had initially been intended for theatrical release, but instead had gone strait to DVD. After seeing it, I'm thinking, \\\"no wonder.\\\" The movie is shocking in its unoriginality. The plot and the characters are perfunctory. I figured out whodunnit by the half way mark but the ending was a curve ball. I have to say, I didn't expect it to end quite the way it did, but that's not a point in its favor. The more predictable ending would have been preferable to one that is so bad. Perhaps the film makers saw how predictable the film was and so they decided to throw in a twist--even one that made the movie even worse.

Stay away. I want the $5.98 and my 107 minutes back.\": {\"frequency\": 1, \"value\": \"I rented End Game, ...\"}, \"This is a short, crudely animated series by David Lynch (as it says in the beginning), and it follows the misadventures of a backwoods, overall-wearing large man, with a wife who has a stress disorder and an annoying son. Both of those elements are harped upon repeatedly in the short episodes, and there's no real plot to be seen. It's easier if you think of this as an exceptionally odd, slightly macabre Looney Tunes- with far more gore, profanity, bloody violence, and occasional moments of hilarity.

I bought the DVD along with Eraserhead, having previously seen Eraserhead. Don't look to this series if you want an artistic masterpiece- this is anything but. In fact, it seems to almost be a statement against such things, as its rough style spits in the face of any sort of animation convention you may see. As Lynch says, \\\"If this is funny, it is only funny because we see the absurdity of it all.\\\"\": {\"frequency\": 1, \"value\": \"This is a short, ...\"}, \"I wish kids movies were still made this way; dark and deep. There was (get this) character development (and Charlie is the epitome of the dynamic character), plot development, superb animation, emotional involvement, and a rational, relatable, and consistent theme. If not for the handful of song-and-dance routines, you would never have thought this was a kids movie, and this is why I give it such a high rating. This movie is an excellent film, let alone for a kids' movie. Which brings me to my second point: this has got to be the darkest \\\"kids'\\\" movie I've seen in quite some time, this coming from a 22-year-old. I'd be shocked to see any child under the age of 8 not completely terrified throughout a great deal of the latter half and some of the first half of the movie, and it all ends with one of the saddest endings you could ever come across (ala \\\"Jurassic Bark\\\", for those of you who are 'Futurama' fans), and this is what makes this movie so good. Just because the movie universally evokes emotions we don't normally like to feel and assume are bad does not make the movie itself bad; in fact, it means it succeeded. Good funny movies are supposed to make us laugh; good horror movies are supposed to make us scared; good sad movies are supposed to make us sad. My point is, good movies are supposed to MOVE you, not simply entertain; this movie moved me.

Also, this movie is incredibly violent by today's standards for a kids' movie and contains subject matter that, by today's standards, may not be suitable for some children. Parents, I'd say watch it first. I'm not usually one to say anything about this kind of thing, but I just saw this yesterday and it came as a surprise even to me.\": {\"frequency\": 1, \"value\": \"I wish kids movies ...\"}, \"First of all, yes, animals have emotions. If you didn't know that already, then I believe you are a moron. But let's assume that none of us are morons. We all know that animals have emotions, and we now want to see how these emotions are manifest in nature, correct?

What we get instead is a tedious and ridiculously simplistic documentary that attempts to show how animals are \\\"human\\\". The filmmakers search high & low for footage of animals engaged in human-like behaviour, and when it happens they say, \\\"That monkey is almost human!\\\" (that's actually a direct quote).

Everything is in human terms. They waste time theorizing about what makes dogs \\\"smile\\\", but not once do they mention what a wagging tail means. The arrogance of these researchers is disgusting. They even go so far as to show chimpanzees dressed in human clothing and wearing a cowboy hat.

I had been expecting an insightful documentary of animals on their own terms. I wanted to learn how animals emote in their OWN languages. But instead, researchers keep falling back on pedantic, anthropomorphic observations and assumptions. Add a cheezy soundtrack and images of chimps \\\"celebrating Christmas\\\", and this was enough to turn my stomach.

But it doesn't end there. Half of this documentary is filmed not in the wild but in laboratories and experimental facilities. All the camera shots of chimps are through steel bars, and we see how these monkeys are crowded together in their sterile concrete cages. One particularly sobering moment happens near the beginning (though you have to be quick to notice it) where a captive monkey says in sign language, \\\"Want out. Hurry go.\\\"

Obscure references are made to \\\"stress tests\\\" and psychological experiments which I shudder to imagine. Baby monkeys are separated from their mothers at birth and are given wireframe dolls in order to prove that baby monkeys crave a \\\"mother figure\\\". And after 40 years of experiments, the smug researchers pat themselves on the back for reaching their brilliant conclusion: monkeys have emotions.

One chimp named \\\"Washoe\\\" has been in a concrete cage since 1966 for that purpose, and to this day she remains thus. We get a brief glimpse (again through bars) of her leaning against a concrete wall with a rather lackluster expression. Personally, I don't need to see any further experimental data. Washoe, I apologize for our entire species.\": {\"frequency\": 1, \"value\": \"First of all, yes, ...\"}, \"Historical drama and coming of age story involving free people of color in pre civil war New Orleans. Starts off slow but picks up steam once you have learned about the main characters and the real action can begin. This is not just a story about the exploitation of black women, because these were free people. They may not have had all the rights of whites but they certainly had more control over their destinies than their slave ancestors. The young men and women in this story must each make their own choice about how to live their lives, whether to give into the depravity of the system or live with optimism and contribute to their community. I enjoyed all of the characters but my favorites were Christophe, Anna Bella, and Marcel.\": {\"frequency\": 1, \"value\": \"Historical drama ...\"}, \"I have a 5 minute rule (sometimes I'll leave leway for 10). If a movie is not good in the first 5 or 10 minutes it's probably not going to ever get better. I have yet to experience any movie that has proved to contest this theory. Dan in Real Life is definitely no exception. I was watching this turkey and thought; wow, this is not funny, not touching, not sad, and I don't like any of the characters at all.

The story of an advice columnist/widower raising three young daughters, who falls in love with his brothers girlfriend. I suppose the tagline would be \\\"advice columnist who could USE advice\\\"? I don't know. Dans character in no way struck me as someone qualified to give advice. I guess THAT'S the irony? I don't know. He goes to see his parents, brothers, sisters and their kids at some sort of anual family retreat, which seems very sweet, and potential fodder for good comedy, story lines...none which ever emerge. The central story is basically how he loves this woman, but can't have her. Anyone with a pulse will realise that eventually he WILL get her, but you have to suffer through painfully unfunny, trite, lifetime movie network dialogue \\\"murderer of love\\\" to get to the inevitable happy ending.

This is truly one of the worst movies I've ever seen.\": {\"frequency\": 1, \"value\": \"I have a 5 minute ...\"}, \"\\\"The Groove Tube\\\" was one of only two Ken Shapiro movies, the other one being the equally zany \\\"Modern Problems\\\". This one is just a full-scale parody of TV. Aside from Shapiro - who apparently didn't do anything after \\\"Modern Problems\\\" - the movie also stars Chevy Chase and Henry Winkler's cousin Richard Belzer. The three cast members (plus some other people in smaller roles) appear in various skits. One of the funniest ones features Chase in a Geritol-spoofing commercial, in which he's describing the medicine as his wife strips, and it ends with her humping him. There's also a pornographic news program, an irritating cooking show, and the epic tale of some drug dealers.

Anyway, the whole thing's just a real hoot. In my opinion, the three best TV-spoofing movies are this one, plus \\\"Tunnelvision\\\" and \\\"Kentucky Fried Movie\\\" (although I might also include \\\"The Truman Show\\\"). Really funny.

I wonder what ever did become of Ken Shapiro.\": {\"frequency\": 1, \"value\": \"\\\"The Groove Tube\\\" ...\"}, \"I usually don't comment anything (i read the others opinions)... but this, this one I _have_ to comment... I was convinced do watch this movie by worlds like action, F-117 and other hi-tech stuff, but by only few first minutes and I changed my mind... Lousy acting, lousy script and a big science fiction.

It's one of the worst movies I have ever seen...

Simply... don't bother...

And one more thing, before any movie I usually check user comments and rating on this site... 3.7 points and I give this movie a try, now I'm wondering WHO rate this movie by giving it more than 2 points ??????????\": {\"frequency\": 1, \"value\": \"I usually don't ...\"}, \"haha! you have to just smile and smile if you actually made it all the way through this movie. it like says something about myself i guess. the movie itself was created i think as some sort of psychological test, or like some sort of drug, to take you to a place you have never been before. When Wittgenstein wrote his famous first philosophical piece the tractacus (sp?) he said it was meaningless and useless, but if you read it, after you were done, it would take you to a new level, like a ladder, and then you could throw away the work and see things with clarity and true understanding. this movie is the same i think.

As a movie it is without a doubt, the worst movie i have seen in a long long time in such a unique way. first of all, this is snipes. i loved watching this guy kick ass in various movies. and i have suffered through a few weak ones. however, although you know the movie might suck, you would never suspect that it could be as bad as it actually was. which is the fun of it. i mean this is snipes. you know it might be good, but it will be alright, right? smile.

so this thing on every level is pure boredom, pure unoriginality. the reference to the professional is both dead on and obvious, yet so poorly done as to be comical. there is not one character in this movie that is interesting, in the least. and to make the whole thing more surreal, they have a soundtrack that sort of sounds like parts to various Bourne identity type movies, only isn't quite right. in fact, although it seems close to action movie background music, it just so happens it is done in a manner that will grate on you fantastically.

then all the scenes in the total pitch black, where honestly since the characters are so flat, you don't really care whats going to happen, but regardless, after it happens and someone is killed, you just say to yourself, was i supposed to see that? what else? how about scenes with blinding, obnoxious flashing at a strobe lights pace, for a period of time that is too long to bear. sure let's throw that in. how bout this though. when you are straining and your eyes cant handle it any longer, do some more of these in the dark kills where you really don't see what happened. and on top of that, lets face it you don't care. you were past bored way from the beginning.

so i drifted in and out a couple times, but i caught almost all of this movie. and it becomes something you can watch, without something that engages your mind on any level, therefore, it becomes something you can effectively zone out with, and begin to think about your life, where its going, where its been, what we are as people.

and that... that is the true magic of this film.\": {\"frequency\": 1, \"value\": \"haha! you have to ...\"}, \"EXTREMITIES

Aspect ratio: 1.85:1

Sound format: Mono

A woman turns the tables on a would-be rapist when he mounts an assault in her home, and is forced to decide whether to kill him or inform the police, in which case he could be released and attack her again.

Exploitation fans who might be expecting another rough 'n' ready rape fantasy in the style of DAY OF THE WOMAN (1978) will almost certainly be disappointed by EXTREMITIES. True, Farrah Fawcett's character is subjected to two uncomfortably prolonged assaults before gaining the upper hand on her attacker (a suitably slimy James Russo), but scriptwriter William Mastrosimone and director Robert M. Young take these unpleasant scenes only so far before unveiling the dilemma which informs the moral core of this production. Would their final solution hold up in a court of law? Maybe...

Based on a stage play which reportedly left its actors battered and bruised after every performance, the film makes no attempt to open up the narrative and relies instead on a confined setting for the main action. Acing and technical credits are fine, though Fawcett's overly subdued performance won't play effectively to viewers who might be relying on her to provide an outlet for their outraged indignation.\": {\"frequency\": 1, \"value\": \"EXTREMITIES
What I really like about this film is its creators' imaginative understanding of some of the greatest art work to survive in the West from 1200 years ago. The characters are stylized in flat abstract shapes defined by line just as in the original Book of Kells. (Particularly noteworthy is monk Aidan's pet cat, defined in few lines, yet purely--- and even magically metamorphically feline.) The range of emotion which Brendan and the other animated characters convey given their economy of abstract design is a tribute to the excellent artistry of the director and his animators. The decorative borders on the edge of the picture change to complement the dramatic impact of a given scene, and this characteristic of illuminations from the dark ages is brought to wondrous animated life in THE SECRET OF KELLS. Of course, historical dramas usually tell us more about our own times than the times which these dramas endeavor to depict. However, by introducing archetypal elements into this story, the writers and director of THE SECRET OF KELLS convey a numinous sense of lived-life from that far-off time in Ireland which feels psychologically true, however much the script might stray from pedantic historical fact. (The United Nations' band of illuminators who appear as a rogues' club of artists in The SECRET OF KELLS aren't historically probable, but they're all well-designed, individuated characters who do much to convey the universal appeal of this quintessentially Irish story.) Animation has always seemed the best vehicle to me to better help us understand the visual art of different times and cultures. The magnificent art direction of this movie clearly derives from its historical visual source, but has also been cleverly adapted to the demands of animated storytelling; if animation had existed in the Dark Ages, the SECRET OF KELLS is what it would look like! Finally, Brendan's hero's quest in this film is the artist's perennial quest to convey the spirit of beauty, life and inspiration. (Without being preachy or even particularly Christian, this movie affirms Jesus' dictum that \\\"Man does not live by bread alone.\\\" ) In my estimation the most inspired movie about the creative process of visual artists is Andrei Tarkovsky's ANDREI RUBLEV, a film about the great Russian icon painter of the 15th century. The SECRET OF KELLS expresses much the same sense of mystery and exhilaration about the artist's visual quest and creative process. It's certainly not as profound as ANDREI RUBLEV, but--- heck--- its a cartoon! (And one which will appeal to young and old alike.) I think this movie will hold up well to repeated viewing: in its own modest life-affirming way, this stylized SECRET OF KELLS is a classic.\": {\"frequency\": 1, \"value\": \"THE SECRET OF ...\"}, \"Carlito Way, the original is a brilliant story about an ex-drug dealer who hopes to leave his criminal past and so he invests in a club and the deals with the trouble that comes with it.

This film was....

I saw the trailer and knew instantly it was going to be bad..But after dismissing films in the past and finding out they were great( Lucky Number Slevin, Tokyo Drift)...I gave this a shot and it failed within the first five minutes...

The script is something a teenager would come up with if given five minutes to prepare...It was weak, with weaker dialogue. It seems there is an instant need for romance in a gangster movie. So Brigante decides to beat a guy up for the girl....and she say's 'Yes!' And if you need to act bad just throw racism around...As we learn from the 'Italian mobsters'...

The acting was terrible to say the least...I found 'Hollywood Nicky', hilarious.

I absolutely hate all these musicians turning to movies. Lets face it the only reason P Diddy did this movie was so he could play a gangsters...The actress who plays Leticia was weak but beautiful. The sex scene was weak but we got to see her..which was okay...

But overall I expected it shed light on how Carito ended up in prison and the love of his life...And the assassin towards the end completely added to the horrendous movie that is...

Carlito's Way: Rise to Power..\": {\"frequency\": 1, \"value\": \"Carlito Way, the ...\"}, \"A very good story for a film which if done properly would be quite interesting, but where the hell is the ending to this film?

In fact, what is the point of it?

The scenes zip through so quick that you felt you were not part of the film emotionally, and the feeling of being detached from understanding the storyline.

The performances of the cast are questionable, if not believable.

Did I miss the conclusion somewhere in the film? I guess we have to wait for the sequel.

\": {\"frequency\": 1, \"value\": \"A very good story ...\"}, \"The goal of any James Bond game is to make the player feel like he is fulfilling an ultimate fantasy: step into the shoes of Agent 007. \\\"FRWL\\\" comes closer to this goal than any other game, because this time you control the real James Bond. No offense to Pierce Brosnan, who made a fantastic Bond and loaned his voice and likeness to \\\"EON\\\", but Sean Connery was the original James Bond, and there will never be anyone who comes close to his level of cool.

I must say at this point, like many others who have reviewed this game, that Sean 70 year old voice doesn't fit his 30 year old image on screen, and this takes some getting used to, but it's certainly worth it. He makes lines like \\\"Bond\\ufffd\\ufffd James Bond\\\" and \\\"Shaken, not stirred\\\" into a big deal again. But controlling Sir Sean as he takes on the evil organization known as OCTOPUS is, as Bond said in \\\"Octopussy\\\", \\\"only the tip of the tentacle.\\\" The awesomeness of the game begins with the opening gun barrel. It's the original gun barrel from the movies. Then you take on first mission, rescuing the Prime Minister's hottie blonde daughter from terrorists at Parliament, and everything from the cars to the clothes is perfectly retro. The world of the game is truly the world of the original James Bond, right down to the classic rock-n-roll rendition of the James Bond theme that finally plays during a key moment late in the game, as Bond infiltrates a secret factory.

After the game's opening, the plot faithfully follows the plot of the movie \\\"FRWL.\\\" James Bond is sent to Turkey to retrieve a Lektor device from a Russian cipher clerk who claims she has a crush on him. In Turkey, Bond teams up with lovable sidekick Kerim Bey. Bond must retrieve the device, protect the damsel in distress, and get both safely back to London. Bond screenwriter Bruce Feirstein worked on the script, and he's done a good job of making the game the same but different to the movie. The characters from the movie are all recreated well, but some are better than others. The impersonators voicing villains Rosa Klebb and Red Grant are uncanny. And there's a moment early on in the game where you interact with a Miss Moneypenny, M, and Q who all look and behave as they did in the original Sean Connery 007 movies.

What puts this game miles ahead of the other Bond games, besides Sir Sean's voice and likeness, is two notable features in the game play. One is Bond focus. While you can dispatch villains simply by locking onto them with one button and killing them with the other, an additional button push will allow you to zoom in closer on a target and choose between spots Bond would shoot at, such as a grenade attached to a belt that will dispatch an enemy and a few of his friend or a rappel cord that will cause a suspended enemy to plunge to his death. The other notable feature is the stealth and m\\ufffd\\ufffdl\\ufffd\\ufffde kills. When you're in close enough range, just hit a button to beat down an enemy with the raw brutality that only Sean Connery's James Bond displayed.

Sean Connery's Bond relied mostly on his raw wit and talent, so you only have a few gadgets, but they're good ones. The Q-copter is a remote control helicopter that can self-destruct and explore areas Bond can't reach, like the Q-spider in \\\"EON\\\", only better. The classic laser watch is useful, not just for getting into sealed rooms, but dispatching enemies when you have no other weapon available. Sonic cuff links and a serum gun are the most fun to play around with, but you must experience them for yourself. Besides the gadgets, you can go dress Bond up in a number of retro costumes found during the game, including the gray suit from the movie, the standard black tuxedo, a retro stealth suit, and that classic white tuxedo, all which look exactly like they did when Sir Sean wore them in the movies. When you drive in the game, you drive the Aston Martin DB5 straight out of \\\"Goldfinger.\\\" It can't turn invisible, but it has a gadget for popping tires like in the movie. And when you're not flying down the streets of Istanbul in the \\\"Goldinger\\\" car, you can fly through the air in the \\\"Thunderball\\\" jet pack.

Then there's the multi-player. Of course, it has to be compared to the standard of the \\\"GoldenEye\\\" game, and it fails. Also, you can only play Bond villains rather than Bond himself or the other heroes of the game. But the multi-player is amusing, and a decent bonus since the awesomeness of the single player campaign alone makes the game worth playing. The basic game does have other flaws. Some of the movie's most exciting moments, particularly the gypsy camp shootout, Bond's brawl with Red Grant on the Orient Express, and a confrontation between Bond and Rosa Klebb's bladed shoe, aren't done justice in game form. And the game is a fast play, even on the hardest difficulty. But overall, this game is the best James Bond experience so far.\": {\"frequency\": 1, \"value\": \"The goal of any ...\"}, \"\\\"Zu:The warriors from magic mountain\\\" was and is an impressive classic! You never would have guessed it was made in 1983. Tsui Hark's use of special effects was very creative and inventive. (He continued doing this in the Chinese Ghost Story trilogy and later productions.) Even now it can measure up to other movies in this genre. \\\"Legend of Zu\\\" is connected to \\\"Zu\\\"warriors from magic mountain\\\"! It is not necessary to have seen this movie to understand the plot of this one. The plot is a bit hard to follow. But to be honest it doesn't matter. It is all about the action and adventure! I always was wondering what Tsui Hark would do if he got his hands on CGI. Now we know,he made this movie. Maybe it sometimes is too much but the overall result is so beautiful that I am not going to be critical about that. There is so much happening on the screen,you simply won't believe! I think it is a big shame that this movie wasn't shown in theaters here in Holland. Because this movie is screaming for screen time in cinemas! This movie easily can beat big budget Hollywood productions like \\\"Superman Returns\\\" or Xmen 3. The only thing I do have to mention is the lack of humor! In most of Tsui Harks's movies he combines drama,fantasy,martial arts and humor. Somehow it is missing in this movie. Again I am not going to be picky about these small matters. \\\"Legend of Zu\\\" delivers on the action front with the most beautiful special effects you will see. A true classic!\": {\"frequency\": 1, \"value\": \"\\\"Zu:The warriors ...\"}, \"Debut? Wow--Cross-Eyed is easily one of the most enjoyable indie films that I've watched in the past year, making it hard to believe that Cross Eyed is the writer's debut film. I mean--I logged onto IMDb to find more films by this writer...because Cross Eyed has that unique signature --you want to see what else this writer might have to say. These days, its rare to see a movie that is well-written, well-directed, well-edited and well-acted. For me--Cross Eyed encapsulates what movie making should be about--combining the best of all film elements to create a clever, artistic and poignant tale. More, please.\": {\"frequency\": 1, \"value\": \"Debut? Wow--Cross- ...\"}, \"I had a lot of hopes for this movie and so watched it with a lot of expectations; basically because of Kamal Hassan. He is an amazing actor who has marked his foot steps in the sands of time forever. But this movie proved to be one of the worst movies i have ever seen. After watching this the movie the brutality and violence in tenebra and clockwork orange looks far better.

The Protagonist, Raghavan, is a very daring police officer. Who is assigned to a investigate brutal serial murders. Raghavan efficiently finds the connecting thread in this case and is close to solve the murders and put the psycho killers, two psychologically disturbed but brilliant medical students, behind bars but they escape and again get into a killing spree. Finally Raghavan kills them both after sparing many innocent lives.

THese two psycho-killers are the ones who are going to keep the audiences from going to the theaters. The murders and sexual harassments and rapes are shown very explicitly, which the movie could have survived without.

To even imagine that teenagers and kids are going to be watching this movie in the theater and kind of picture it is bound to paint in their minds are certainly not pretty. The director, Gautham, should realize that he also has some obligation to the society and his audience.Certainly i am never going to the movies looking like Gautham's name on the production list.\": {\"frequency\": 1, \"value\": \"I had a lot of ...\"}, \"Yep.. this is definatly up there with some of the worst of the MSTifyed movies, but I have definately seen worse. Think Gremlins rated R. Well anyway, I met Rick Sloane at some sci-fi convention, that amazingly, he was lecturing at! It was one of those really low budget conventions, where everything goes, an everyone brought in something (if you want to see crap, you should have of seen what some friends and I brought in).

He seemed like a very nice guy, he was very cool about my questions and comments on Hobgoblins, and he even told me not to take it seriously, and said he loved the MST3K version!

All in all, Rick Sloane knew what he was doing. And I think was meant to bad like Mars Attacks. So I guess I'm standing up for this movie and giving it a 5, and betraying all my fellow MSTies. Sorry guys.\": {\"frequency\": 1, \"value\": \"Yep.. this is ...\"}, \"A small pleasure in life is walking down the old movies aisle at the rental store, and picking stuff just because I haven't seen it. A large pleasure is occasionally taking that movie home and finding a small treasure like this playing on my screen.

Long before Elia Kazan turned himself into a brand cranking out only notable movies (not good ones), he made this better than average drama. Watching it you begin to notice how many decent, good or nicely observed scenes have accumulated. Contrast that with his later films where the drama is writ large... preferably large, and unsubtle, and scandalous. Kazan was eventually more of a calculating promoter than a director. (um. No thanks)

His future excesses are hinted at here only in the plot. The plague is coming! But here's an atypical Richard Widmark playing a family man in 1951 and avoiding most of the excesses of that trope; here's an almost watchable Barabra bel Geddes, with her bathos turned way down (well, for her); they're a couple and they share some nicely-written scenes about big crises and smaller ones. Here's an expertly directed comic interrogation with a chatty ships-crew; here's a beautiful moment as a chase begins at an angular warehouse and a flock of birds shoots overhead punctuating the moment. These are the small-scale successes a movie can offer in which a viewer can actually recognize life; something Hollywood, in its greed, now studiously avoids. These are the moments that make me go to the movies and enjoy them. It's a personable, human-scaled film, not the grotesque, overscaled production that he and others (David Lean) will later popularize, whose legacy is still felt in crap as varied as Pirates of the Caribean and Moulin Rouge.

I just watched it twice and I'll be damned if I could tell you what Jack Palance is seeking in the final scenes, but it doesn't seem that important to me as a viewer. This reminds me of both No Way Out a Poitier noir with Widmark as the villain, and Naked City, which you should really get your hands on.\": {\"frequency\": 1, \"value\": \"A small pleasure ...\"}, \"I'm not a stage purist. A movie could have been made of this play, and it would almost necessarily require changes... comme ci, comme ca. But the modest conceits of this material are lost or misunderstood by the movie's creators who are in full-on \\\"shallow blockbuster\\\" mode. It would be hard to imagine a worse director. Perhaps only Josh Logan & Jack Warner could have ruined this in the same way Attenborough did.

Onstage A Chorus line was a triumph of workshopping as a production method. Dancers answering a casting call found themselves sitting around shooting the crap about their stage-career experiences (very 70s!). Then Bennett and Hamlisch took some time, handed them a song and cast them as themselves. ...astonishing! Unbelievably modern. The 'story'of ACL is (in turn) about answering a casting call for a play we never have a complete view of, because the play doesn't matter. It was meta before the idea was invented, 25 years before Adaptation noodled with a similar idea. ACL was also another in a reductivist trend that is still alive, & which is a hallmark of modern creativity: that technique itself is compelling... that there's more drama in an average person's life than you could ever synthesize with invented characters. What a gracious idea. The stage play had one performance area (an empty stage) and three different ways to alter the backdrop, to alleviate visual tedium, not to keep viewers distracted. The space recedes and the actors stories are spotlighted. It worked just fine. That was the point. All these ideas are trampled or bastardized. Set-wise, there wasn't one, and no costumes either until the the dancers came out for their final bows, in which the exhilarating \\\"One\\\" is finally, powerfully, performed in full (gold) top hats and tails, with moves we recognize because we've watched them in practice sessions. The pent-up anxiety of the play is released --- and audiences went nuts.

After Grampa manhandles this, it's like a mushed, strangled bird. He clearly has the earlier, respected All that Jazz (and Fosse's stage piece Dancin') in mind as he makes his choices. Hamlisch's score was edgy & interesting for it's time, but time has not been kind to it. It's as schmaltzy as \\\"jazz hands.\\\" And that's before Attenborough ever touches it. He's remarkable at finding whatever good was left, and mangling it.

A simple question might have helped Attenborough while filming this, \\\"Could I bear spending even a few minutes with people like these?\\\" A major issue for any adaptation of the play is how the 4th wall of theater (pivotal by it's absence in theater) would be addressed in the film format. There's never been a more \\\"frontal\\\" play. The answer they came up with was, \\\"I'm sorry.. what was the question?\\\" The cast has been augmented from a manageable number of unique narratives, to a crowd suffocating each other and the audience, and blending their grating selves together. I was well past my annoyance threshold when that annoying little runt swings across the stage on a rope, clowning at the (absent) audience. The play made you understand theater people. This movie just makes you want to choke them.

Perhaps Broadways annoying trend of characters walking directly to stage center and singing their stories at the audience (Les Miz, Miss Saigon) instead of relating to other characters started here. But the worst imaginable revival of the play will make you feel more alive than this movie.

A Chorus Line is pure schlock.\": {\"frequency\": 1, \"value\": \"I'm not a stage ...\"}, \"The opening sequence alone is worth the cost of admission, as Cheech and Chong drag that big ol garbage can across the parking lot, filled with gas. \\\"Don't Spill it Man !\\\", hilarious stuff. And then, as 'the plot' ensues, you're in for one heck of a ride. I watched this film recently and it holds up, being just as funny upon each viewing. check it out.\": {\"frequency\": 1, \"value\": \"The opening ...\"}, \"(First of all, excuse my bad English) Of course only a movie starring Jessica Simpson can include serious goofs like this.. I'm a norwegian and I felt offended and shocked the makers of this movie did not take the time to do their research upon making this American/\\\"Norwegian\\\" movie. Even Wikipedia is more accurate when it comes to facts about this country.

So I'm posting my corrections out of my frustration: -The Country is named Norway, not Norwegia. -\\\"Da\\\" is Russian, not norwegian. -Norwegian priests never use those black capes with that white paper by the neck as the protestant church is the dominant by far -It's true we have a native traditional folk-outfit (that we only use like twice a year) but the outfit in this movie is more like a German outfit. -I could NOT understand the so called \\\"norwegian\\\" in this movie.. Jessica was not making any sense.. neighter did the \\\"norwegian priests\\\"

The only thing I recognise is the norwegian flag (and the viking hats, but that's so stereotypic what people think about norway - vikings!:O gosh)

Well.. I guess the people who made this film will never read this comment. but at least I cleared some things up and got rid of some of that frustration..!

I'm proud of my country and I'd love if people in the US were less stereotypic and more accurate when they talk about this country.

That was all.. Lenge leve Norge ! ;p\": {\"frequency\": 1, \"value\": \"(First of all, ...\"}, \"I don't know what would be so great about this movie. Even worse, why should anyone bother seeing this one ? First of all there is no story. One could say that even without a story a movie could be worth watching because it invokes some sort of strong feeling (laughter, cry, fear, ...), but in my opinion this movie does not do that either.

You are just watching images for +/- 2 hrs. There are more useful things to do.

I guess you could say the movie is an experiment and it is daring because it lacks all the above. But is this worth 2 hrs of your valuable time and 7 EUR of your money ? For me the answer is: no.\": {\"frequency\": 1, \"value\": \"I don't know what ...\"}, \"What a shame that Alan Clarke has to be associated with this tripe. That doesn't rule it out however; get a group of lads and some Stellas together and have a whale of a time running this one again and again and rolling around on the floor in tears of laughter. Great wasted night stuff. Al Hunter homes in on a well publicised theme of the late 80s- that hooligans were well organised and not really interested in the football itself- often with respectable jobs (estate agent???). But how Clarke can convince us that any of the two-bit actors straying from other TV productions of low quality (Grange Hill) or soon to go on to poor quality drama (Eastenders) can for a nanosecond make us believe that they are tough football thugs is laughable. Are we really to believe that the ICF (on whom of course the drama is based) would EVER go to another town to fight with just SIX blokes?

The ICF would crowd out tube stations and the like with HUNDREDS. Andy Nicholls' Scally needs to be read before even contemplating a story of this nature. The acting is appalling and provides most of the laughs- Oldman is so camp it is unbelievable. Most of them look as though they should be in a bubble of bath of Mr Matey. A true inspiration to anyone with a digital video camera who thinks they can make a flick- go for it.\": {\"frequency\": 1, \"value\": \"What a shame that ...\"}, \"What a muddled mess. I saw this with a friend a while ago and we both consider ourselves open-minded to the many wonders of cinema, but this sure isn't one of them.

While there very well could be some good ideas/concepts and there are certainly some good performances (under the circumstances), it is all buried under random nonsense. Sir Anthony draws way too heavily from the same gene pool as Natural Born Killers, U Turn and similar films as far as the editing is concerned, or maybe he watched himself in Nixon for inspiration. Say what you want about David Lynch, but at least he more often than not has a method to the madness.

His quote of stating that he made the film as a joke says it all. It's not worth your money, bandwidth or time.\": {\"frequency\": 1, \"value\": \"What a muddled ...\"}, \"I always have a bit of distrust before watching the British period films because I usually find on them insipid and boring screenplays (such as the ones of, for example, Vanity Fair or The Other Boleyn Girl), but with a magnificent production design, European landscapes and those thick British accents which make the movies to suggest artistic value which they do not really have.Fortunately, the excellent film The Young Victoria does not fall on that situation, and it deserves an enthusiastic recommendation because of its fascinating story, the excellent performances from Emily Blunt, Paul Bettany and Jim Broadbent, and the costumes and locations which unexpectedly make the movie pretty rich to the view.And I say \\\"unexpectedly\\\" because I usually do not pay too much attention to those details.

\\\"Victorian era\\\" was (in my humble opinion) one of the key points in contemporary civilization, and not only on the social aspect, but also in the scientific, artistic and cultural ones.But I honestly did not know about the origins from that era very much, and maybe because of that I enjoyed this simplification of the political and economic events which prepared the landing of modern era so much.I also liked the way in which Queen Victoria is portrayed, which is as a young and intelligent monarch whose decisions were not always good, but they were at least inspired by good intentions.I also found the depiction of the romance between Victoria and Prince Albert very interesting because it is equally interested in the combination of intellects as well as in the emotions it evokes.The only fail I found on this movie is that screenwriter Julian Fellowes used some clich\\ufffd\\ufffds of the romantic cinema on the love story, something which feels a bit out of place on his screenplay.

I liked The Young Victoria very much, and I really took a very nice surprise with it.I hope more period films follow the example of this movie: the costumes and the landscapes should work as the support of an interesting story, and not as the replacement of it.\": {\"frequency\": 1, \"value\": \"I always have a ...\"}, \"Sometime in 1998, Saban had acquired the rights to produce a brand-new Ninja Turtles live-action series. Naturally, being a fan of the TMNT back in the day, this obviously peaked my interest. So when I started watching the show... to say I was disappointed by the end result is an understatement. Some time later (more like recently), I got a chance to revisit the series.

First off, let's talk about some of the positives. They managed to re-create the Turtles' lair as it was last seen in the movies fairly well given the limited budget they threw in with this. There tends to be this darker atmosphere overall in terms of the sets and whatnot. And the Turtle suits, while not the greatest piece of puppetry and whatnot, were functional and seemed pretty sturdy for most of the action stuff that would follow in the series.

People tend to complain about getting rid of Shredder quickly and replacing him with these original villains who could have easily been used in a Power Rangers show. But you can only have Shredder get beat so many times before it gets boring and undermines his worth as a villain... and besides, most fans don't realize or don't remember or just plain ignore the fact that in the original comic, the Shredder was offed in the very first issue! Never mind the countless resurrections that would follow. So on a personal standpoint, I was sort of glad they got rid of Shredder because then the anticipation would build to the point where they would eventually bring him back in a later episode. I find that Shredder in small quantities work best because then his encounters with the Turtles are all the more memorable.

Unfortunately, they end up replacing him with these original villains who, as stated, seemed more fit for a Power Rangers show than a Ninja Turtles show. And with these new magic-wielding generics comes a new female magic-wielding turtle, the infamous Venus De Milo. I'll be honest; I never got comfortable with her. I'm not against the idea of a female turtle; I'm just against the idea of one who uses magic and thus sticks out like a sore sight among a clan of ninja turtles who seem somewhat out of their domain. I almost get the impression that this could have easily been the Venus De Milo show dealing with her make-believe enemies and the TMNT are just there to provide the star power (or whatever was left considering the timeframe this was released). Fortunately, they all share the spotlight together.

Next Mutation was canned after a season on the air and the creators were more than happy to ignore it. Given time and maybe another season, I really believe this live iteration of the TMNT could have been something and might have gotten a chance at greatness. But while the idea was sound, the execution was flawed (although there are a couple good episodes in this series). As it stands, Next Mutation is one of those oddities in Turtledom that is best left buried and forgotten.\": {\"frequency\": 1, \"value\": \"Sometime in 1998, ...\"}, \"This movie was God-awful, from conception to execution. The US needs to set up a \\\"Star Wars\\\" site in this remote country? This is their premise? The way to gain access, the US concludes, is to win an obstacle course like cross-country race, where the winner can ask anything of the leader. And who better to win this race known as the \\\"Game\\\" than a gymnast? Of course! A gymnast would be the perfect choice for this mission. And don't forget that his father was an operative. Lucky for our hero, there happen to be gymnastic equipment in fortunate spots, like the stone pommel horse in the middle of a square (for no reason) amidst crazy town. Perfect.

But above and beyond the horrible, HORIBBLE premise, is the awkward fumblings of the romantic scenes, the obviously highly depressed ninjas whose only job seems to be holding a flag to point out the race path, and the worst climax ever. After winning the race, our hero puts forth the wishes of the US government. And lo and behold, all the effort was worth it, because the US gets its \\\"Star Wars\\\" site! Huzzah! THIS IS YOUR TRIUMPHANT ENDING?! Wow.

But still, being such a bad movie, it can be great fun to watch. The cover alone, depicting ninjas with machine guns, was enough to get me to rent this film.

But if I were ever to meet Kurt Thomas (the gymnast-star) in real life, I would probably kick him in the face after a double somersault with 2 1/2 twists in the layout position.\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"Ming The Merciless does a little Bardwork and a movie most foul!\": {\"frequency\": 1, \"value\": \"Ming The Merciless ...\"}, \"Hardly the stuff dreams are made of is this pursuit of the brass ring by a naive hustler (JON VOIGT) and his lame con-man sidekick (DUSTIN Hoffman), soon to forge a friendship based on basic survival skills.

A daring film for its time, and a foremost example of the kind of gritty landscape being explored in the more graphic films of the '60s. Symbolic of the \\\"end of innocence\\\" in American films, since it was the only X-rated film to win a Best Picture Oscar.

JON VOIGT is the male hustler who comes to the big city expecting to find women an easy way to make money when they fight over his body, but soon finds the city is a cold place with no welcome mat for his ilk. Befriended by a lame con-man (DUSTIN Hoffman), he goes through a series of serio-comic adventures that leave him disillusioned and bitter, ready to leave the confines of a cold water flat for the sunshine promised in Florida, a land his friend \\\"Ratzo\\\" dreams of living in.

But even in this final quest, the two are losers. John Schlesinger has directed with finesse from a brilliant script by Waldo Salt, and John Barry's haunting \\\"Midnight Cowboy\\\" theme adds to the poignant moments of search and desperation.

Summing up: A true American classic honestly facing a tough subject and daring to show the underbelly of certain aspects of city life.\": {\"frequency\": 1, \"value\": \"Hardly the stuff ...\"}, \"Writer/Director/Co-Star Adam Jones is headed for great things. That is the thought I had after seeing his feature film \\\"Cross Eyed\\\". Rarely does an independent film leave me feeling as good as his did. Cleverly written and masterfully directed, \\\"Cross Eyed\\\" keeps you involved from beginning to end. Adam Jones may not be a well known name yet, but he will be. If this movie had one or two \\\"Named Actors\\\" it would be a Box Office sensation. I think it still has a chance to get seen by a main stream audience if just one film distributor takes the time to work this movie. Regardless of where it ends up, if you get a chance to see it you won't be disappointed.\": {\"frequency\": 2, \"value\": \"Writer/Director ...\"}, \"Shakespeare Behind Bars was the most surprising and delightful film I've seen all year. It's about a prison program, somewhere in California if I recall correctly, where the inmates have rehearsed and performed a different Shakespeare play every year for the past 14 years. The film follows their production of \\\"The Tempest\\\" from casting through performance, and in the process we learn some pretty amazing things about these men, who are all in for the most serious of crimes. Truth is indeed stranger than fiction -- if anyone tried to adapt this story into a fiction film, the audience would never buy it, but knowing that it's real makes it breathtaking to watch -- literally; I gasped out loud when I learned of one particularly gifted felon's crime. It's like some loopy episode of Oz, and all the more entertaining because the characters and their bizarre stories are real.\": {\"frequency\": 1, \"value\": \"Shakespeare Behind ...\"}, \"Just watched this after my mother brought it back from America for me, was dreading watching this after all the negative comments on here but I have to say, yes the acting is cheesy, some of the effects are laughable.

But you have to remember this was meant to be 1898 not 2005, and for such a low budget I thought it was quite good. I enjoyed this version much more then the Spielberg version I saw last week.

I have read the book so many times, and found myself going \\\"ahh yes that's in the book\\\" almost all the time, with the other version hardly anything of the book existed.

So well done for at least trying to make a true version.\": {\"frequency\": 1, \"value\": \"Just watched this ...\"}, \"I love Jane Austen's stories. I've only read two of them (P&P and S&S), but after having seen this adaption, I'm reaching for \\\"Persuasion\\\" from my bookcase just to make sense out of the story, and also, because I refusing to believe Jane Austen could have written such nonsense. For me, I thought that if you base a film on a Jane Austen novel, you can't really go wrong. It will turn out great pretty much by default. I was wrong.

First of all, where are the characters that you sympathise with and like? You have to have at least one likable character to get the audience to invest their emotions in them, and this did not deliver. Sure, I wanted Anne and Wentworth to get together, but only because that's what you know the purpose of the story is, them getting together. Instead, I had to resist urges to throw my teacup at the TV and to continue watching it to the end.

Anne was utterly annoying throughout, and in the end, I really have no idea why Wentworth was so smitten by her, as there seemed to be nothing there for him to be attracted to. She was meek, bland, dull, socially inadequate and came across like a sheep following everyone else's instructions rather than having a mind of her own. This can still work for a lead character, if you do it well. This wasn't done well.

The other characters were just displaying various degrees of narcissism, of which Mary was the worst, with a full-blown narcissistic personality disorder. Where Mrs. Bennet in P&P had similar flaws, she was still endearing, whereas Mary was more of a freak-show. More loathsome than funny.

Wentworth was very handsome and seemed like a decent kind of guy. For the most part of the story, I was just wondering what kind of person he was and why he's in love with Anne, as surely, he's the kind of guy who would want a person who is a little bit more... alive? Acting-wise, not too much to say, as I reacted more to the characters being portrayed rather than how good/bad the people acting were. Anthony Head was excellent, but as soon as I saw he was in it, I expected no less.

Also found the story very confusing. It wasn't until the end of the movie where it seemed as if Elizabeth was not Anne's stepmother, but in fact a sister (I'm still not 100% on that). The whole Anne/Wentworth back story was also a bit fuzzy. They had been together but then broke up and they're both bitter about it? How come? I was wondering this for quite some time, and the explanation seemed to be she dumped him because she was persuaded to do so by someone? But it was said in a kind of \\\"by the by\\\" way that it was almost missed, as if it was somehow unimportant. How can it be unimportant when it's the very core of the story?? There was also a lot of name-dropping, but no real feel for who the characters were. This Louisa person for instance, who was she? A friend? Family? What? It wasn't made very clear who the different characters are and their relationship with one another. Lady Russell was there a lot, but why? Mrs. Croft and Wentworth were brother and sister, which felt very unrealistic as Mrs. Croft looked old enough to be his mother.

The final kiss, yes it was a bit strange them kissing in the street, but I didn't really think about it, because I was too busy yelling \\\"GET ON WITH IT ALREADY!!\\\" at the TV, because Anne's lips trembled and trembled and trembled for what felt like ages before they actually met Wentworth's. Have SOME hesitation there, but only for a couple of seconds or so, not half a minute.

Then there's the issue of camera work. As a regular movie watcher, you don't pay attention to angles and such unless you decide to look out for it. I didn't decide to do so here, but I still noticed them. To me, that means the filmmakers are not doing a good job. A lot of conversations were with extreme facial closeups, something that should only be used when there's a really important point to be made. In this adaption, it was over-used and therefore lacked meaning. The hand-held feeling on occasion also didn't really work in a period drama. The camera work in the running scene in the end also felt too contemporary. (Not to mention the running itself.) This was the only Austen adaption I caught in ITV's Austen season. Makes me wonder if it's worth watching \\\"Northanger Abbey\\\" and \\\"Mansfield Park\\\" or if I should just read the books and leave it at that. I'm sad to say, this is a Jane Austen adaption I did not enjoy. Maybe I'll watch the 1995 version instead. The BBC are renowned for having done beautiful Austen adaptations before, after all.\": {\"frequency\": 1, \"value\": \"I love Jane ...\"}, \"Okay, first of all I got this movie as a Christmas present so it was FREE! FIRST - This movie was meant to be in stereoscopic 3D. It is for the most part, but whenever the main character is in her car the movie falls flat to 2D! What!!?!?! It's not that hard to film in a car!!! SECOND - The story isn't very good. There are a lot of things wrong with it.

THIRD - Why are they showing all of the deaths in the beginning of the film! It made the movie suck whenever some was going to get killed!!! Watch it for a good laugh , but don't waste your time buying it. Just download it or something for cheap.\": {\"frequency\": 1, \"value\": \"Okay, first of all ...\"}, \"Stephane Rideau was already a star for his tour de force in \\\"Wild Reeds,\\\" and he is one of France's biggest indie stars. In this film, he plays Cedric, a local boy who meets vacationing Mathieu (newcomer Jamie Elkaim, in a stunning, nuanced, ethereal performance) at the beach. Mathieu has a complex relationship with his ill mother, demanding aunt and sister (with whom he has a competitive relationship). Soon, the two are falling in love.

The film's fractured narrative -- which is comprised of lengthy flash-backs, bits and pieces of the present, and real-time forward-movement into the future -- is a little daunting. Director Sebastien Lifshitz doesn't signal which time-period we are in, and the story line can be difficult to follow. But stick it out: The film's final 45 minutes are so engrossing that you won't be able to take your eyes off the screen. By turns heart-breaking and uplifting, this film ranks with \\\"Beautiful Thing\\\" as must-see cinema.\": {\"frequency\": 2, \"value\": \"Stephane Rideau ...\"}, \"S.I.C.K. really stands for So Incredibly Crappy i Killed myself. There was absolutely no acting to speak of. The best part of the whole production was the art work on the cover of the box.The budgeting of this movie was sufficient. The filming was sub sesame street. The production looks like that of the underground filming for mob hits. The props used in this movie were stolen from a clothing store. The ending was so predictable you should fast forward to the last 5 minutes and laugh. If there is a book out there for this movie I'm sure it's better. I would avoid this at all costs. I did enjoy the intimate scenes they made the whole movie worth it. just kidding.\": {\"frequency\": 1, \"value\": \"S.I.C.K. really ...\"}, \"WARNING! Don't even consider watching this film in any form. It's not even worth downloading from the internet. Every bit of porn has more substance than this wasted piece of celluloid. The so-called filmmakers apparently have absolutely no idea how to make a film. They couldn't tell a good joke to save their lives. It's an insult to any human being. If you're looking for a fun-filled movie - go look somewhere else.

Let's hope this Mr. Unterwaldt (the \\\"Jr.\\\" being a good indication for his obvious inexperience and intellectual infancy) dies a slow/painful death and NEVER makes a film again.

In fact, it's even a waste of time to WRITE ANYTHING about this crap, that's why I'll stop right now and rather watch a good film.\": {\"frequency\": 1, \"value\": \"WARNING! Don't ...\"}, \"I watched this video at a friend's house. I'm glad I did not waste money buying this one. The video cover has a scene from the 1975 movie Capricorn One. The movie starts out with several clips of rocket blow-ups, most not related to manned flight. Sibrel's smoking gun is a short video clip of the astronauts preparing a video broadcast. He edits in his own voice-over instead of letting us listen to what the crew had to say. The video curiously ends with a showing of the Zapruder film. His claims about radiation, shielding, star photography, and others lead me to believe is he extremely ignorant or has some sort of ax to grind against NASA, the astronauts, or American in general. His science is bad, and so is this video.\": {\"frequency\": 1, \"value\": \"I watched this ...\"}, \"I'm so confused. I've been a huge Seagal fan for 25 years. I've seen all of his films, and many of those dozens of times. I can only describe this film as \\\"bizarre.\\\" Steven Seagal shares screenplay writing and producing credits on this film, but I have a really tough time believing he would choose to dub over his own voice for so many of his lines, with a thin, whiny imposter's voice no less. What I also don't get is, if they had to dub SOME of his lines, why does his own voice appear on the rest of them? I expect Seagal to age like the rest of us. But the Seagal in this movie barely exudes a fraction of the same swagger, confidence, bravado, charm, and sex-appeal he so easily showed us in ALL of his previous movies. What I found myself missing most of all was his cocky, self-assured attitude and his bad-ass sneer that so easily shifts into that adorable grin. Where is that in-your-face attitude and charm that made him such a huge star??? I hope that this film is not an indication of what Seagal has left to offer us - if so, his lifelong fans will have to concede that the Seagal we all knew and loved is gone.\": {\"frequency\": 1, \"value\": \"I'm so confused. ...\"}, \"I'm not going to criticize the movie. There isn't that much to talk about. It has good animal actions scenes which were probably pretty astonishing at the time. Clyde Beatty isn't exactly a matin\\ufffd\\ufffde idol. He's a little slight and not particularly good looking. But that's OK. He's the man in that lion cage. We know that when he can't take the time away from his lions to tend to his girlfriend, he will end up on an island with her and have to save the day. Someone said earlier that it is a history lesson. The scenes at the circus are of another day, especially the kids who hang around. I didn't realize that even back in the thirties, they sailed on three masted schooners. It looked like something out of 1860. I guess that's the stock footage they had. No wonder the thing got wrecked. They're always talking about fixing her up. There's even a dirigible. It tells us a little about male female relationships at the time, a kind of giggly silliness. But if you don't take it too seriously, you can have fun watching it.\": {\"frequency\": 1, \"value\": \"I'm not going to ...\"}, \"I watched this on the tube last night. The actor's involved first caught my attention. The first scenes were attention getters. Some funny some sad. Good character development. I felt that the latter third of the film diverged. If it was not for the early part of the movie I would have stopped watching. I kept watching wanting to how how it tied together.

Unfortunately I feel that it never happened. I especially did not like the extend period that several of the character were talking yiddish (?). Was that the other shoe?

Would I recommend? No, I think not. As other reviewers mention much of the slang is dated (60's jive) but it was not too distracting. The ending totally turned me off.\": {\"frequency\": 1, \"value\": \"I watched this on ...\"}, \"Beating the bad guys... Again is the tag line for this movie, it exposes so much truth about it.

Home Alone one and two, film classics. Home Alone three and four, a good film if you're three! Like Sharkboy and Lavagirl, as hard as it tries to be funny, it's not. Culkin is replaced by Alex D'Linz or something else. He's a very bland actor with bland performances, but it's not entirely his fault, the writing called for bland vocabulary and bland expressions. The pranks are just copied from the first two with different crooks, and you'd have to be blind to think those chicken pox are real. A good choice if you are a preschool teacher in which is showing this film on a rainy day. And to make things worst, a totally different cast, go see if you don't believe me, but you'll regret it.\": {\"frequency\": 1, \"value\": \"Beating the bad ...\"}, \"This movie didn't really surprise me, as such, it just got better and better. I thought: \\\"Paul Rieser wrote this, huh? Well...we'll see how he does...\\\" Then I saw Peter Falk was in it. I appreciate Colombo. Even though I was never a big fan of the show, I've always liked watching Peter Falk.

The performances of Peter and Paul were so natural that I felt like a fly on the wall. They played off of each other so well that I practically felt giddy with enjoyment! ...And I hadn't even been drinking!

This movie was so well done that I wanted to get right on the phone to Paul and let him know how much I enjoyed it! but I couldn't find his number. Must be unlisted or something.

This was one of those movies that I had no idea what it was going to be about or who was in it or anything. It just came on and I thought:\\\"Eh, why not? Let's see. If I don't like it - I don't have to watch it...\\\" ...and I ended up just loving it!\": {\"frequency\": 1, \"value\": \"This movie didn't ...\"}, \"This movie was like any Jimmy Stewart film,witty,charming and very enjoyable.Kim Novak's performance as Gillian,the beautiful witch who longs to be human,is splendid,her subtle facial expressions,her every move and gesture all create Gillian's unique and somewhat haunting character,she left us hanging on her every word.I should not fail to mention Ernie Kovacs' and Elsa Lanchester's highly commendable performances as the scotch loving writer obsessed with the world of magic(Kovacs) and the latter as the lovable aunt who can't seem to stop using magic even when forbidden to.The romantic scenes between Stewart and Novak are beautifully done and the chemistry between them is great,but then again when is the chemistry between Jimmy Stewart and any leading lady bad!\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"I watched this movie once and might watch it again, but although Jamie Foxx is good in the movie, I feel they could have used a 'less funny' character as Alvin Sanders. Foxx's scenes for instance in the jail when he is confronted by Edgar Clenteen (David Morse) are too funny. David Morse again is a wonderful portrayer of a cop. His tough yet mostly quiet features are perfect for his role. Once again Morse meets Doug Hutchinson (Bristol) in the theater. Morse ends up coming down hard on Hutchinson. They are both perfect for this scenario in each film. I personally love that quality in a film, where actors end up in the same situation as a previous film, as these two did in The Green Mile. Overall it was a pretty good movie.\": {\"frequency\": 1, \"value\": \"I watched this ...\"}, \"Truly one of the most dire films I've ever sat through. I've never actually taken the time to write one of these but felt compelled to after witnessing this affront to film-making and feel somewhat aggrieved to be wasting my time on such a piece of turd to be honest. There were so many parts that infuriated me with their complete randomness and lack of sense (e.g. when would the police force ever shoot people with infectious diseases? When would hospitals ever through out such people for lack of a cure? Why was the guy who spotted him spying on his wife wandering around outside in his dressing gown whilst carrying a gun as she rolled around on the bed?). Also, the characterisation - as we've almost come to expect in such films - was awful (e.g. the way the blonde guy - I don't remember his frickin name and don't give a toss anyway - completely turned against his girlfriend and ran off to leave her) and I ended up wanting them all to meet grisly ends! The production was horribly disjointed and the cinematography nothing to write home about.\": {\"frequency\": 1, \"value\": \"Truly one of the ...\"}, \"I just watched this movie on Starz. Let me go through a few things i thought could have been improved; the acting, writing, directing, special effects, camera crew, sound, and lighting. It also seemed as though the writers had no idea anything that had to do with the movie. Apparently back in 2007, when the dollar was stronger you could buy a super advanced stealth bomber that could go completely invisible for $75 million. Now-a-days those things cost about $3 billion and they cant go invisible. Apparently you can fly from the US to the middle east in an hour. There was a completely random lesbian scene, which I didn't mind, but it seemed like a lame attempt to get more guys to see it. The camera would randomly zoom in on actors and skip to random scenes. Oh yeah, since its a Steven Segal movie, its predictable as hell. All in all I rank it right up there with Snakes on a Plane.\": {\"frequency\": 1, \"value\": \"I just watched ...\"}, \"First of all I need to say that I'm Portuguese and it's not usual to me spend my time watching Portuguese movies, probably one each year or even none...

...And the reason is the almost generalized idea between the Portuguese people that the national pictures are awful, really close to the worst ever made! However, in the last decade, it starts to surprises me when we get back the funny of the 40s when \\\"Le\\ufffd\\ufffdo da Estrela\\\" e \\\"Costa do Castelo\\\" were among the worlds best of their time, with movies like \\\"Pulsa\\ufffd\\ufffd\\ufffd\\ufffdo Zero\\\" or \\\"Sorte Nula\\\", both from director Fernando Fragata and also with some actors and music in common.

This one is also good, not of the same kind because it isn't a true comedy; in fact it's officially a drama, a woman's drama the has some unexpected funny parts, cause of humorous characters or hilarious things that happen to them, like the hypothetical travel to the Caribbean just to get laid.

The plot works and can surprise us a few times; the actors are fine, the locations regular as the score; but the truth is that it all make sense, then we can count it as a nice effort for the national cinema, that seems to be starting from the ashes as the phoenix.

If you want to watch a Portuguese movie, surely you can take better option, but it stills one to be measured.\": {\"frequency\": 1, \"value\": \"First of all I ...\"}, \"Basing a television series on a popular author's works is no guarantee of success. Yorkshire Television learnt this the hard way when in 1979 they bought the rights to the books credited to Dick Francis, three of which were broadcast under the collective title 'The Racing Game'. Mike Gwilym was Sid Halley, a former jockey turned private eye following an accident in which he lost his right hand, only to have it replaced by an artificial one. Gwilym suffered from an acute lack of charisma ( and looked like one of the bad guys ) while Mick Ford ( who played the irritating Chico Barnes ) made me think of a horse's arse whenever he was on screen. For six weeks, this less-than dynamic duo charged about the countryside, foiling nefarious plots to fix races, usually by the same methods - blackmail, kidnapping riders or doping horses. Yorkshire Television threw money at the show, but to no avail. Violent, sexist, far-fetched and repetitious, it was quickly carted off to the knackers yard.\": {\"frequency\": 1, \"value\": \"Basing a ...\"}, \"This is not the stuff of soap-operas but the sort of conundrums that real people face in real life. A testament to the ensemble and director for the powerful story-telling of fallible characters trying to cope but not quite succeeding.\": {\"frequency\": 1, \"value\": \"This is not the ...\"}, \"60 minutes in the beautiful Christina Galbo tries to escape the isolated boarding school she's brought to at the beginning of the movie. Is she running from some kind of fate too horrible to contemplate, a monster, black-gloved killer, or supernatural evil? No, she's running from a bunch of bullies. For the OTHER 40 minutes that follow, various figures walk around the school in the dark holding candelabras and looking alarmed or distraught, which doesn't say much in itself perhaps because great movies have been made about just that but if you're going to have characters walking around corridors and staircases you better be Alain Resnais or you better know how to light that staircase in bright apple reds and purples like Mario Bava. We know a killer stalks the perimeters of the school but his body count is pitiful and sparse and in the absence of the visceral horrors one expects to find in the giallo, we get no sense of sinister mysteries/unspeakable secrets festering behind a facade of order and piety and rightness which is the kind of movie La Residencia wants to be but doesn't quite know how to do it. We know something is off because girls are reported missing but we never get the foreboding mysterious atmosphere that says \\\"something is seriously f-cking wrong here, man\\\". When Serrador tries to comment on the sexual repression of the female students, he does so with quick-cutting hysterics and detail closeups of eyes and parted lips while high pitched \\\"this-is-shocking\\\" music blares in the background. None of the aetherial beauty and longing of PICNIC AT HANGING ROCK to be found here. It's all a bit clumsy and aimless, with no real sense of urgency or direction. A number of people are presented as suspects but there's little reason to care for the identity of a killer that goes unnoticed by the characters inside the movie. I like the first kill, the image of a knife hitting target superimposed over the anguished face of the victim as a lullaby chimes in the background, but the rest is too inconsequential for my taste. I have to say Serrador did much better with the killing children and paranoia du soleil of WHO CAN KILL A CHILD?\": {\"frequency\": 1, \"value\": \"60 minutes in the ...\"}, \"My wife and I like to rent really stupid horror/sci-fi movies and watch them with our friends for a laugh. We saw this one on fullmoondirect.com and decided to add it to our netflix list. Now, when I say this movie is awful, I mean it in a good way. Everything about it, the acting, camera-work, story, costumes, is just so cheezy and low budget but thats what makes it so good. I think in one scene the actors looked like they were actually walking in place. I really hope that whoever made this film wasn't serious when they made it because if they were, then that would just be sad. If you like to watch really stupid horror movies just to make fun of them then I recommend this one.\": {\"frequency\": 1, \"value\": \"My wife and I like ...\"}, \"This is a rip-roaring British comedy movie and one that i could watch over and over again without growing tired. Peter Ustinov has never performed in a bad role and this is no exception, particularly with his dry wit but very clever master plan. Karl Malden has always been an admirer of mine since he starred in 'Streets of San Francisco'. I believe that Maggie Smith is the real star of this film though, appearing to be so inept at everything she tries to do but in truth is so switched on, particularly at the end when she informs everyone that she has invested so much money that she has discovered whilst laundering his clothes. One thing does concern me though, could someone please tell me why i cannot purchase this on either DVD or VHS format in the UK, could someone please assist?\": {\"frequency\": 1, \"value\": \"This is a rip- ...\"}, \"I usually don't walk out of a movie, but halfway thru I did. This movie promised something different, but I kept thinking haven't I seen that before? Spoiler Alert! Back in 1, the spaceship crashes and lands on earth, well, all these years later, with a super adult on board no less, this thing still manages to burn up and crash! What, this advanced civilization can't seem to develop landing gear? For an industry that's so liberal, we get to see another Woody Allen movie, no blacks please! Superman runs around saving people, making sure he sticks to Europe and the US, don't go into darkie areas please. Maybe I could stomach this about 30 years ago, but now now.\": {\"frequency\": 1, \"value\": \"I usually don't ...\"}, \"What an unusual movie.

Absolutely no concessions are made to \\\"Hollywood special effects\\\" or entertainment. There is no background music, not special effects or enhanced sound.

Facial expressions are usually covered by thick beards and the Spanish language is a strange monotonic lilt that sounds the same whether in the midst of a battle or talking around a campfire.

I sort of viewed these movies (parts 1 and 2) as an educational experience, not really something to go and get entertained by. Its quite long and in places dull.

But I suspect that given the lack of any plot development, I don't think its very educational either.

Its also difficult to perceive any story from the movie dialogue - it would be a good idea to read up a little on the history so that you can understand the context of what is happening, since for some reason the director didn't see fit to inform the audience why Che's band was moving around the way they did - as a result there seem to be groups skulking around the woodland for no particular reason and getting shot at.

I would have loved to give this movie more stars for somehow generating more empathy with me and developing depth of character, but somehow all of the characters were still strangers to me at the end. The stars it gets are for realism and showing the hardships of guerrilla warfare.\": {\"frequency\": 2, \"value\": \"What an unusual ...\"}, \"I cannot believe that this movie was ever created. I think at points the director is trying to make it an artistic piece but this just makes it worse. The zombies look like they applied too much eye makeup. The zombies are only in the movie for a few minutes. Finally, there are maybe five or six zombies total, definitely not a nation. The best part of the movie, if there is one is definitely the credits because the painful experience was finally finished. Again to reiterate other user comments, the voodoo priestesses are strange and do not make much sense in the whole movie. Also, there is a scene with a snake and a romanian girl that just does not make sense at all. It is never explained.\": {\"frequency\": 1, \"value\": \"I cannot believe ...\"}, \"'Presque Rien' ('Come Undone') is an earlier work by the inordinately gifted writer/ director S\\ufffd\\ufffdbastien Lifshitz (with the collaboration of writer St\\ufffd\\ufffdphane Bouquet - the team that gave us the later 'Wild Side'). As we come to understand Lifshitz's manner of storytelling each of his works becomes more treasureable. By allowing his tender and sensitive love stories to unfold in the same random fashion found in the minds of confused and insecure youths - time now, time passed, time reflective, time imagined, time alone - Lifshitz makes his tales more personal, involving the viewer with every aspect of the characters' responses. It takes a bit of work to key into his method, but going with his technique draws us deeply into the film.

Mathieu (handsome and gifted J\\ufffd\\ufffdr\\ufffd\\ufffdmie Elka\\ufffd\\ufffdm) is visiting the seaside for a holiday, a time to allow his mother (Dominique Reymond) to struggle with her undefined illness, cared for by the worldly and wise Annick (Marie Matheron) and accompanied by his sister Sarah (Laetitia Legrix): their distant father has remained at home for business reasons. Weaving in and out of the first moments of the film are images of Mathieu alone, looking depressed, riding trains, speaking to someone in a little recorder. We are left to wonder whether the unfolding action is all memory or contemporary action.

While sunning at the beach Mathieu notices a handsome youth his age starring at him, and we can feel Mathieu's emotions quivering with confusion. The youth C\\ufffd\\ufffddric (St\\ufffd\\ufffdphane Rideau) follows Mathieu and his sister home, continuing the mystery of attraction. Soon C\\ufffd\\ufffddric approaches Mathieu and a gentle introduction leads to a kiss that begins a passionate love obsession. Mathieu is terrified of the direction he is taking, rebuffs C\\ufffd\\ufffddric's public approaches, but continues to seek him out for consignations. The two young men are fully in the throes of being in love and the enactment of the physical aspect of this relationship, so very necessary to understanding this story, is shared with the audience in some very erotic and sensual scenes. Yet as the summer wears on Mathieu, a committed student, realizes that C\\ufffd\\ufffddric is a drifter working in a condiment stand at a carnival. It becomes apparent that C\\ufffd\\ufffddric is the Dionysian partner while Mathieu is the Apollonian one: in a telling time in architectural ruin Mathieu is excited by the beauty of the history and space while C\\ufffd\\ufffddric is only interested in the place as a new hideaway for lovemaking.

Mathieu is a complex person, coping with his familial ties strained by critical illness and a non-present father, a fear of his burgeoning sexuality, and his nascent passion for C\\ufffd\\ufffddric. Their moments of joy are disrupted by C\\ufffd\\ufffddric's admission of infidelity and Mathieu's inability to cope with that issue and eventually they part ways. Time passes, family changes are made, and Mathieu drifts into depression including a suicide attempt. The manner in which Mathieu copes with all of these challenges and finds solace, strangely enough, in one of C\\ufffd\\ufffddric's past lovers Pierre (Nils Ohlund) brings the film to an ambiguous yet wholly successful climax.

After viewing the film the feeling of identification with these characters is so strong that the desire to start the film from the beginning now with the knowledge of the complete story is powerful. Lifshitz has given us a film of meditation with passion, conflicts with passion's powers found in love, and a quiet film of silences and reveries that are incomparably beautiful. The entire cast is superb and the direction is gentle and provocative. Lifshitz is most assuredly one of the bright lights of film-making. In French with English subtitles. Highly Recommended. Grady Harp\": {\"frequency\": 1, \"value\": \"'Presque Rien' ...\"}, \"Bad movie. It\\ufffd\\ufffds too complicated for young children and too childish for grown-ups. I just saw it because I\\ufffd\\ufffdm a Robin Williams fan and I was very disappointed.(\": {\"frequency\": 1, \"value\": \"Bad movie. It\\u00b4s ...\"}, \"By my \\\"Kool-Aid drinkers\\\" remark, I mean that these are such devoted fans of the man Pavarotti that they make no attempt to objectively rate this film. Giving this a 10 is akin to giving Wally Cox the award for Mr. Universe or putting a velvet Elvis painting in the Louvre!!! When this film debuted, I remember the savage reviews with headlines such as \\\"No, Giorgio\\\" and some said it was among the worst films ever made. This is definitely overstating it as well. While bad and far from a great work of art, there was a lot to like about the film and the movie's biggest deficit was not the acting of Pavarotti nor his girth.

Believe it or not, the brunt of the blame rests solely on the shoulders of the writers (who, I believe, were chimps). It is rare to see a movie with such clich\\ufffd\\ufffdd dialog or goofy scenes like the food fight, but even they aren't the heart of the problem. The problem is that the writers intend for the audience to care about a \\\"romance\\\" that consists of a horny married middle-aged man and a seemingly desperate lady. Perhaps European audiences might be more forgiving of this, but in the United States in 1982 or today, such a romance seems sleazy and selfish--especially when Pavarotti tells Harrold that he loves his wife and \\\"this is just fun\\\". Wow, talk about romantic dialog!! Sadly, if they had just changed the script a little bit and made Pavarotti a widower or perhaps had his wife be like the wife from a couple classic Hollywood films, such as from ALL THIS AND HEAVEN, TOO or THE SUSPECT (where the wife was so vile and unlikable you could forgive the husband having an affair or even killing her). Instead, she's the loving mother of two kids who waits patiently at home while her egotistical hubby beds tarts right and left--as Pavarotti admits to having had many affairs before meeting Harrold.

Sadly, even the gorgeous music of Pavarotti couldn't save this film. Towards the end of the film, there are some amazing scenes in New York where the set is just incredible and Pavarotti's singing transcendent. For that reason, I think the movie at least deserves a 3. I really wanted to like the film more, but it was a truly bad film--though not quite as rotten as you might have heard.

Sadly, from what I have read, this film might be a case of art imitating life, as Pavarotti's own life later had some parallels to this film, though this isn't exactly the forum to discuss this in detail.\": {\"frequency\": 1, \"value\": \"By my \\\"Kool-Aid ...\"}, \"The problem with the 1985 version of this movie is simple; Indiana Jones was so closely modeled after Alan Quartermain (or at least is an Alan Quartermain TYPE of character), that the '85 director made the mistake of plundering the IJ movies for dialog and story far too deeply. What you got as a finished product was a jumbled mess of the name Alan Quartermain, in an uneven hodge podge of a cheaply imitated IJ saga (with a touch of Austin Powers-esquire cheese here and there).

It was labeled by many critics to have been a \\\"great parody,\\\" or \\\"unintentional comedy.\\\" Unintentional is the word. This movie was never intended to be humorous; witty, yes, but not humorous. Unfortunately, it's witless rather than witty.

With this new M4TV mini-series, you get much more story, character development of your lead, solid portrayals, and a fine, even, entertaining blend. This story is a bit long; much longer than its predecessors, but deservedly so as this version carries a real storyline and not just action and Eye Candy. While it features both action and Eye Candy, it also corrects the mistake made in the 1985 version by forgetting IJ all together and going back to the source materials for AQ, making for a fine, well - thought - out plot, and some nice complementing sub-plots.

Now this attempt is not the all out action-extravaganza that is Indiana Jones. Nor is it a poor attempt to be so. This vehicle is plot and character driven and is a beautiful rendition of the AQ/KSM saga. Filmed on location in South Africa, the audience is granted beautiful (if desolate) vistas, SA aboriginal cultures, and some nice wildlife footage to blend smoothly with the performances and storyline here.

Steve Boyum totally surprised me with this one, as I have never been one to subscribe to his vision. In fact, I have disliked most of his work as a director, until this attempt. I hope this is more a new vein of talent and less the fluke that it seems to be.

This version rates a 9.8/10 on the \\\"TV\\\" scale from...

the Fiend :.\": {\"frequency\": 1, \"value\": \"The problem with ...\"}, \"Exactly what you would expect from a B-Movie. Deritive, gratuitous nudity, boring in parts, ridiculous gore and cheesy special-effects. Of course it could have been better, better acted (defintly) better written, directed, etc. But then I guess it wouldn't have been a B movie. The actors pretty much sucked, in fact this pretty much seemed like an episode of buffy the vampire slayer or something except with a lot of blood, profanity and nudity.

Tiffany Shepis must be singled out. She absolutely is the scream queen of the new millennium. Not that acting really matters in these movies, but she was better than any of the other actors. She's also smokin hot, in that plastic jump suit thing she wore for the whole movie - wow! Her posterior is absolutely stunning in that outfit, I mean it every single time she turns around you can help but check her out. And near then end of the film the viewer is rewarded with seeing her completely nekked.

So if your a looser b-movie horror buff (like myself), check this out. If not, you should probably avoid at all costs.\": {\"frequency\": 1, \"value\": \"Exactly what you ...\"}, \"As Alan Rudolph's \\\"Breakfast of Champions\\\" slides into theaters with little fanfare and much derision it makes me think back to 1996 when Keith Gordon's \\\"Mother Night\\\" came out. Now for all the talk of Kurt Vonnegut being \\\"unfilmable\\\" it's surprising that he has gotten two superb cinematic treatments (the other being \\\"Slaughter-house Five\\\"). \\\"Mother Night\\\" is certainly one of the most underappreciated films of the decade and I cannot understand why. It's brilliant! It stays almost entirely faithful to Vonnegut's book (without being stilted or overly literary) and adds to it a poetry that is purely cinematic. How many film adaptations of any author's work can claim that? Vonnegut himself even puts in a cameo appearance towards the end of the film, and can you ask for a better endorsement than that? Not only is it a beautiful film, it is a beautifully acted, written and directed film and it is among my picks for the top five or so American films of the 1990s. It's a mournful, inspired, surreal masterpiece that does not deserve to be neglected. I would sincerely encourage anyone to see \\\"Mother Night\\\" - it doesn't even take a familiarity with Vonnegut's work to fully appreciate it (as \\\"Slaughter-house Five\\\" sometimes does). It is a powerful, affecting piece of cinema.\": {\"frequency\": 1, \"value\": \"As Alan Rudolph's ...\"}, \"I find it very intriguing that Lee Radziwill, Jackie Kennedy's sister and the cousin of these women, would encourage the Maysles' to make \\\"Big Edie\\\" and \\\"Little Edie\\\" the subject of a film. They certainly could be considered the \\\"skeletons\\\" in the family closet. The extra features on the DVD include several contemporary fashion designers crediting some of their ideas to these oddball women. I'd say that anyone interested in fashion would find the discussion by these designers fascinating. (i.e. \\\"Are they nuts? Or am I missing something?\\\"). This movie is hard to come by. Netflix does not have it. Facets does, though.\": {\"frequency\": 1, \"value\": \"I find it very ...\"}, \"The teasers for Tree of Palme try to pass it off as a sort of allegory for a fairy tale with actual meaning, then immediately start raving about the animation. I should have known what that meant.

The main character, Palme, is a good example of the whole movie's problem. One minute, Palme is a humble hero in search of himself, the next a violent psycho with an unhealthy fixation on a girl he once took care of.

Like all of the characters in the movie, Palme is poorly defined. You do not bond with the characters at all, although Shatta has acquired a couple of fan girls. It seems that the writer was more interested in cramming all the drama and complexity he could into this movie than actually exploring his characters' motivations and personalities.

New, useless story lines were being introduced in the last fifteen minutes of the movie. The writer seriously needed to streamline his story. Perhaps he was trying to be epic, but it was simply too much information for a two-hour movie. However I can't help but wonder if a plot with so many dimensions and characters would have been better suited for a TV series or graphic novel.

In the last five minutes of the movie, I simply could not endure the sheer lack of quality any longer and began laughing at how contrived the characters, the relationships, and the whole plot was. I touched my companion and he started cracking up too, as did a young man seated behind us. We tried so hard to control ourselves, but we simply could not take the terrible quality of this movie.

On the bright side, the animation is incredible and viewers will find themselves admiring the lush backgrounds and charming character designs. The animation almost guides you; when you don't care about the characters, it tells you how to feel.\": {\"frequency\": 1, \"value\": \"The teasers for ...\"}, \"Pinjar is truly a masterpiece... . It's a thought provoking Film that makes you think and makes you question our culture. It is without a doubt the best Hindi movie I have seen to date. This film should have been shown at movie festivals around the world and I believe would have been a serious contender at Cannes. All the characters were perfectly cast and Urmila Matkondar and Manoj Bhajpai were haunting in their roles.

The story the movie tells about partition is a very very important story and one that should never be forgotten.

It has no biases or prejudices and has given the partition a human story. Here, no one country is depicted as good or bad. There are evil Indians, evil Pakistanis and good Indians and Pakistanis. The cinematography is excellent and the music is melodious, meaningful and haunting. Everything about the movie was amazing...and the acting just took my breath away. All were perfectly cast.\": {\"frequency\": 1, \"value\": \"Pinjar is truly a ...\"}, \"This quasi J-horror film followed a young woman as she returns to her childhood village on the island of Shikoku to sell the family house and meet up with old friends. She finds that one, the daughter of the village priestess, drowned several years earlier. She and Fumiko (another childhood friend) then learn that Sayori's mother is trying to bring her back to life with black magic. Already the bonds between the dead and living are getting weak and the friends and villagers are seeing ghosts. Nothing was exceptional or even very good about this movie. Unlike stellar J-horror films, the suspense doesn't really build, the result doesn't seem overly threatening and the ending borders on the absurd.

This movie is like plain white rice cooked a little too long so that it is bordering on mushy. Sometimes you get this at poor Asian restaurants or cook your own white rice a little too long. You end up eating it, because you need it with the meal, because what is Chinese or Japanese food without rice, but it almost ruins the meal because of the gluey, gooey tastelessness of it all. 3/10 http://blog.myspace.com/locoformovies\": {\"frequency\": 1, \"value\": \"This quasi ...\"}, \"The original title means \\\"The Birth of the Octopuses\\\". I must confess that I do not quite understand this title. The English title is \\\"Water Lilies\\\". But after having written this, I read the comment by another user: \\\"The title in French is also suggestive: \\\"prieuve\\\", or octopus, suggest an individual having to juggle many pressures simultaneously.\\\" Thanks for your explanation.

The basic theme is the first sexual emotions of girls, when it is not clear if they are directed toward the same or the other sex. It is no different for boys. I think that both Floriane and Marie will eventually have heterosexual feelings without any admixtures.

Much of the movie is water ballet. Sometimes the girls will have their heads downwards, and nothing above the water except their feet and lowers legs, with which they will wave and kick in the air. To people like me who had never seen such things before, it was fascinating. - Floriane is the leader of one team of \\\"water lilies\\\".

Marie tells her that she would like to see when Floriane is training. This seems to be their first contact that is not just ordinary. Soon they will walk together. Floriane takes Marie to a garage where a boy is waiting for her, and then goes away with him for an hour, while Marie is waiting for her to return. I took for granted that the couple slept with each other. But we will later learn from the movie that they do less than that.

I can supply some information which few users will find elsewhere. There is a scene in which Marie secretly steals Floriane's garbage bag. In it she finds an apple, mostly eaten. And Marie proceeds to eat the rest. \\ufffd\\ufffd There is a parallel scene in another movie, \\\"Kazetachi no gogo\\\" (Afternoon Breezes) by Hitoshi Yazaki (Japan, 1980). This is about adult young females, and a clearly Lesbian woman is vainly in love with a heterosexual woman. She also steals a garbage bag of the beloved, and also finds a more or less eaten apple and eats the rest.

Later Floriane tells Marie that she would like to have her first orgasm from her. Marie says she cannot do this.

But still later Marie says that she is indeed willing to do it. And she masturbates on Floriane. There is no nudity in this scene.

Probably only a female director could have made such a fine psychological show or study of \\ufffd\\ufffd I would like to quote Baudelaire, \\\"Les amours enfantines\\\".

Floriane is played by Ad\\ufffd\\ufffdle Haenel, who made the excellent performance as the autistic girl in \\\"The Little Devils\\\" by Christophe Ruggia (2002) \\ufffd\\ufffd a very underrated movie.\": {\"frequency\": 1, \"value\": \"The original title ...\"}, \"This was, so far, the worst movie I have seen in my entire life, and I have seen some REALLY bad movies. I saw this movie at my local video store, and the cover looked like it could be a decent horror movie. Little did I know that the cover would be the best part of the movie. Where to start? The filming of the movie was scattered and boring. At one point, there is a one-minute scene of no one talking, just a car driving to a ranch on a normal sunny day. Nothing happened, they just drove in silence. The whole movie is boring, with annoying, unbelievable dialogue and basically no plot to speak of. If you rent this movie, watch it with some friends and it might make a good comedy. Otherwise, when you see this movie, run.\": {\"frequency\": 1, \"value\": \"This was, so far, ...\"}, \"No, there is another !

Because every Star Wars fan had to have an opinion about I, II & III and because that opinion was biased since we missed so much the atmosphere and the characters of the original trilogy, I will state the good points of \\\"The Return of the Jedi\\\" and a few corresponding bad points of the prequel. Of course, I loved the music, the special effects, the two droids, but this has been overly debated elsewhere.

What we get in the original trilogy and in this particular movie : - A strong ecological concern - Anti-militarist positions - Fascinating insights about the Jedi Order and the Force - Cute creatures - Harrison Ford's smile - A killer scene : Near the ending, when Vader looks alternatively at his son and at the Emperor. The lightning of the lethal bolts reflected on his Black helmet. And when he grabs and betrays his Master to save Luke, thereby risking his own life ! Oh, boy !

What is wrong in the prequel INMHO : - the whole \\\"human factor\\\" element that the original cast was able to push forward is somehow missing - The Force seems to be more about superpowers and somersaults, than about wisdom - Too many Jedis at once and too many Light Sabers on the screen - The lack of experience of a few actors too often threatens the coherence of the plot

By the way, if you enjoy the theory of the Force as explained by Obi Web (Obi Wen, I mean) and Yoda, then you should read a few books about Buddhism and the forms it took in Ancient Japan.

The magic of Star Wars, IMHO lies mainly in the continuing spiritual heritage from a master to his apprentice, from a father to his son, albeit the difficulties. \\\"De mon \\ufffd\\ufffdme \\ufffd\\ufffd ton \\ufffd\\ufffdme\\\", (from my soul to yours), as would write Bejard to the late Zen master T. Deshimaru.\": {\"frequency\": 1, \"value\": \"No, there is ...\"}, \"In 1454, in France, the sorcerer Alaric de Marnac (Paul Naschy) is decapitated and his mistress Mabille De Lancr\\ufffd\\ufffd (Helga Lin\\ufffd\\ufffd) is tortured to death accused of witchcraft, vampirism and lycanthropy. Before they die, they curse the next generations of their executioners. In the present days (in the 70's), Hugo de Marnac (Paul Naschy) and Sylvia (Betsab\\ufffd\\ufffd Ruiz) and their friends Maurice Roland (Vic Winner) and his beloved Paula (Cristina Suriani) go to a s\\ufffd\\ufffdance session, where they evoke the spirit of Alaric de Marnac. They decide to travel to the Villas de Sade, a real estate of Hugo's family in the countryside, to seek a monastery with a hidden treasure. They find Alaric's head and the fiend possesses them, bringing Mabille back to life and executing the locals in gore sacrifices. After the death of her father, Elvira (Emma Cohen) recalls that he has the Thor's Hammer amulet hidden in a well; together with Maurice, they try to defeat the demoniac Alaric de Marnac and Mabille.

Last weekend I bought a box of horror genre with five DVDs of Paul Naschy per US$ 9.98; despite of having no references, I decided to take the chance. The first DVD with the uncut and restored version \\\"Horror Rises from the Tomb\\\" is a trash B (or C) movie that immediately made me recall Ed Wood. The ridiculous story is disclosed through awful screenplay, direction, performances, cinematography, decoration, special effects and edition and with lots of naked women. The result is simply hilarious and I can guarantee that Ed Wood's style is back. My vote is three.

Title (Brazil): Not Available\": {\"frequency\": 1, \"value\": \"In 1454, in ...\"}, \"GREAT movie and the family will love it!! If kids are bored one day just pop the tape in and you'll be so glad you did!!!

~~~Rube

i luv raven-s!\": {\"frequency\": 1, \"value\": \"GREAT movie and ...\"}, \"I didn't expect much from this, but I have to admit I was rolling on the ground laughing a few times during this film. If you are not grossly offended in the first ten minutes, this might be a film for you. Ditto if you are the type that would enjoy watching Amanda Peet shuffling cards for an hour and a half. It's certainly not a momentous work of comedy, but given the low-budget indy genesis this is masterful. To level the playing field for comparison, imagine all of the studio films with their budgets slashed by a factor of 100 or so and see what you get! Kudos to Peter Cohen and his network for seeing this through. I look forward to his next effort.\": {\"frequency\": 2, \"value\": \"I didn't expect ...\"}, \"One of the cornerstones of low-budget cinema is taking a well-known, classic storyline and making a complete bastardization out of it. Phantom of the Mall is no exception to this rule. The screenwriter takes the enduring Phantom of the Opera storyline and moves it into a late '80s shopping mall. However, the \\\"Phantom's\\\" goal now is simply to get revenge upon those responsible for disfiguring his face and murdering his family. The special effects do provide a good chuckle, especially when body parts begin appearing in dishes from the yogurt stand. Pauly Shore has a small role which does not allow him to be as fully obnoxious as one would expect, mostly due to the fact that his fifteen minutes of MTV fame had not yet arrived. If you're looking for a few good laughs at the expense of the actors and special effects crew, check this flick out. Otherwise, keep on looking for something else.\": {\"frequency\": 1, \"value\": \"One of the ...\"}, \"I watched \\\"Elephant Walk\\\" for the first time in about 30 years and was struck by how similar the story line is to the greatly superior \\\"Rebecca.\\\" As others have said, you have the sweet young thing swept off her feet by the alternately charming and brooding lord of the manor, only to find her marriage threatened by the inescapable memory of a larger-than-life yet deeply flawed relative. You have the stern and disapproving servant, a crisis that will either bind the couple together or tear them irreparably apart, climaxed by the fiery destruction of the lavish homestead.

Meanwhile, \\\"Elephant Walk\\\" also owes some of its creepy jungle atmosphere to \\\"The Letter,\\\" the Bette Davis love triangle set on a Singapore rubber plantation rather than a Sri Lankan tea plantation.

Maltin gives \\\"Elephant Walk\\\" just two stars, and IMDb readers aren't much kinder, but I enjoyed it despite its predictability. Elizabeth Taylor never looked lovelier, and Peter Finch does a credible job as the basically good man unable to shake off the influence of his overbearing father. Dana Andrews -- a favorite in \\\"Laura\\\" and \\\"The Best Year of Our Lives\\\" -- is wasted as Elizabeth's frustrated admirer. The real star is the bungalow, one of the most beautiful interior sets in movie history.\": {\"frequency\": 1, \"value\": \"I watched ...\"}, \"NOTHING in this movie is funny. I thought the premise, giving a human the libido of a randy ram, was interesting and should provide for some laughs. WRONG! There is simply nothing funny about the movie. For example, the main character making a pass at a goat in heat in the middle of a farmer's yard is not funny, it borders on obscenity. They are toying around with bestiality in this film on one level, and it just aint funny.

We all know that dogs will eat anything, anywhere, anytime. The main character doing this with everything, everywhere, everytime is also not funny. It becomes a cliche.

Rob Schneider is, I guess, acceptable in the role. By this, I mean that he's not a bad actor, but with rotten material it's difficult to comment on quality. However, Coleen Haskell, the other half of the HUMAN-romantic leads (does one count the number of animals that the main character has interest in as romantic leads too?), seems embarrassed by the whole thing, as well she should be. She seems to be acting in some kind of vacuum, detached from all the other actors in the movie.

See this film only if you wish to be bored by tasteless, dull, repetitive material.\": {\"frequency\": 1, \"value\": \"NOTHING in this ...\"}, \"I saw the film tonight at a free preview screening, and despite the fact that I didn't pay a dime to see this film I still felt ripped off. Ladies and gentlemen, time is money and if you see this film you are leaving a Benjamin on your seat. The acting is torpid at best; Kiefer Sutherland phones in his worst impersonation of Jack Bauer, and Michael Douglas looks like he realizes he made a bad choice leaving Catherine Zeta-Jones for the duration it took to shoot this turkey. Eva Longoria is a non-entity; she looks like she's reading her lines off a teleprompter. And if you can't spot the \\\"mole\\\" within the first 20 minutes, then you just landed on this planet from a world without TV and recycled story lines. If you truly want to see a good secret service thriller, rent In the Line of Fire. If you see and buy into this one, you'll start to fear for the president's safety because the Secret Service looks and acts like the grown-up versions of the kinds from 90210. No matter what your feelings about W, let's hope this \\\"art\\\" does not imitate life.\": {\"frequency\": 1, \"value\": \"I saw the film ...\"}, \"I'm probably not giving this movie a fair shake, as I was unable to watch all of it. Perhaps if I'd seen it in a theater, in its original presentation, I might have appreciated it, but it's far too slow-moving for me.

I read the book some 25 years ago and the details of the plot have faded from memory. This did not help the film, as it's something less than vivid and clear in its presentation of events.

This is really four linked films, or a film in four parts, and was, I believe, intended to be seen over four nights in a theatrical presentation. I found Part I to be enjoyable enough, but it was all I could do to sit through Part II, which drags interminably. Reading Tolstoy's philosophizing is one thing. If you get a good translation or can read it in the original, his brilliant writing far outweighs any issues one might have with the pace of the story. On film, however, it's hard to reproduce without being ponderous.

I have other issues with the parts of the film that I saw. It's very splashy, with a lot of hey-ma-look-at-this camera work that calls attention to itself, instead of serving to advance the story.

Clearly, I'm missing something, but I just couldn't summon the enthusiasm to crank up parts III and IV.\": {\"frequency\": 1, \"value\": \"I'm probably not ...\"}, \"Saw this film yesterday for the first time and thoroughly enjoyed it. I'm a student of screen writing and I loved the way the minor characters intervened just when something pivotal/climatic happened in a scene.

I thought the dialogue was very sharp and the premise of story is rather shocking - at one particular point Barbara Stanwyck is openly flirting with her daughter's boyfriend; AND rekindling some passion in her husband whom she hasn't seen in ten years; AND with the gunshot signal 'two shots and then one' she hooks up with her old shag mate Dutch (the reason she left town in the first place!) ALL AT THE SAME TIME! The moral majority must have been totally incensed when they saw this flick back in the 50's.

Love the costumes and cinematography and the straight from the hip dialogue - just to watch Barbara Stanwyck and Co doing the 'Bunny Hug' is good enough reason to rent this film on DVD.

One of the best films from that period I've seen in a long time.\": {\"frequency\": 1, \"value\": \"Saw this film ...\"}, \"The cover art (which features a man holding a scary pellet gun) would make it seem as if it's a martial arts film. (Hardly.)

I find it interesting that the film's real title is Trojan Warrior. (Trojan is a brand of condoms in the US) This movie is loaded with homoeroticism. If you like that stuff, then this film isn't that bad really. However, consider these points:

There are numerous close-ups of actors' groins & butts, (One scene even features every actor with an erection bulging in his pants.) the film is also bathed in gaudy colors like lime, peach, and red. From a cinematographer's standpoint, this movie's a drag queen! Several scenes feature characters standing EXTREMELY close to one another, occasionally touching as they converse. Also, the cousin of the hero likes women, and every other guy in the movie is trying to kill him. Is there a message here the filmmakers want to convey?

Shall I go into the fight scenes? (Yes, someone's private parts get grabbed in one fight.) The martial arts scenes are brief and unimaginative. No fancy stuff here, just your standard moves you'd see in an old Chuck Norris flick. There's also a car chase scene which may be the first ever LOW-speed chase put on film.\": {\"frequency\": 1, \"value\": \"The cover art ...\"}, \"I give this five out of 10. All five marks are for Hendrix who delivers a very decent set of his latter day material. Unfortunately the quality of the camera work and editing is verging on the appalling! We have countless full-face shots of Hendrix where he could almost be doing anything, taking a pee perhaps? We don't see his hands on the guitar thats the point! Also we're given plenty shots of Hendrix from behind? There appears to be three cameras on Hendrix, but amateur fools operate all of them. The guy in front of Hendrix seems to be keen to wander his focus lazily about the stage as if Hendrix on the guitar is a mere distraction. While the guy behind is keener on zeroing in on a few chicks in the stalls than actually documenting the incredible guitar work thats bleeding out the amps (the sound recording is good thanks to Wally Heider) Interspersed on the tracks are clips of student losers protesting against Vietnam etc on tracks like Machine Gun, complete waste of film! If Hendrix had lived even another two years Berkeley is one of those things that would never have seen the light of day as far as a complete official release goes. The one gem it does contain is the incredible Johnny B Good but all in a pretty poor visual document of the great man and inferior to both Woodstock and Isle of Wight\": {\"frequency\": 1, \"value\": \"I give this five ...\"}, \"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\": {\"frequency\": 1, \"value\": \"Don't let my ...\"}, \"There is no reason to see this movie. A good plot idea is handled very badly. In the middle of the movie everything changes and from there on nothing makes much sense. The reason for the killings are not made clear. The acting is awful. Nick Stahl obviously needs a better director. He was excellent in In the Bedroom, but here he is terrible. Amber Benson from Buffy, has to change her character someday. Even those of you who enjoy gratuitous sex and violence will be disappointed. Even though the movie was 80 minutes, which is too short for a good movie (but too long for this one),there are no deleted scenes in the DVD which means they never bothered to fill in the missing parts to the characters.

Don't spend the time on this one.\": {\"frequency\": 2, \"value\": \"There is no reason ...\"}, \"The plot of this terrible film is so convoluted I've put the spoiler warning up because I'm unsure if I'm giving anything away. The audience first sees some man in Jack the Ripper garb murder an old man in an alley a hundred years ago. Then we're up to modern day and a young Australian couple is looking for a house. We're given an unbelievably long tour of this house and the husband sees a figure in an old mirror. Some 105 year old woman lived there. There are also large iron panels covering a wall in the den. An old fashioned straight-razor falls out when they're renovating and the husband keeps it. I guess he becomes possessed by the razor because he starts having weird dreams. Oh yeah, the couple is unable to have a baby because the husband is firing blanks.

Some mold seems to be climbing up the wall after the couple removes the iron panels and the mold has the shape of a person. Late in the story there is a plot about a large cache of money & the husband murders the body guard & a co-worker and steals the money. His wife is suddenly pregnant.

What the hell is going on?? Who knows?? NOTHING is explained. Was the 105 year old woman the child of the serial killer? The baby sister? WHY were iron panels put on the wall? How would that keep the serial killer contained in the cellar? Was he locked down there by his family & starved to death or just concealed? WHO is Mr. Hobbs and why is he so desperate to get the iron panels?? He's never seen again. WHY was the serial killer killing people? We only see the one old man murdered. Was there a pattern or motive or something?? WHY does the wife suddenly become pregnant? Is it the demon spawn of the serial killer? Has he managed to infiltrate the husband's semen? And why, if the husband was able to subdue and murder a huge, burly security guard, is he unable to overpower his wife? And just how powerful is the voltage system in Australia that it would knock him across the room simply cutting a light wire? And why does the wife stay in the house? Is she now possessed by the serial killer? Is the baby going to be the killer reincarnated?

This movie was such a frustrating experience I wanted to call my PBS station and ask for my money back! The ONLY enjoyable aspect of this story was seeing the husband running around in just his boxer shorts for a lot of the time, but even that couldn't redeem this muddled, incoherent mess.\": {\"frequency\": 1, \"value\": \"The plot of this ...\"}, \"Ghost Town starts as Kate Barrett (Catherine Hickland) drives along an isolated desert road, her car suddenly breaks down & she hears horses hoofs approaching... Deputy Sheriff Langley (Frank Luz) of Riverton County is called in to investigate Kate's disappearance after her father reports her missing. He finds her broken down car & drives off looking for her, unfortunately his car breaks down too & he has to walk. Langley ends up at at a deserted rundown ghost town, much to his shock Langley soon discovers that it is quite literally a ghost town as it's populated by the ghosts of it's former residents & is run by the evil Devlin (Jimmie F. Skaggs) who has kidnapped Kate for reasons never explained & it's up to Langley to rescue her & end the towns curse...

The one & only directorial effort of Richard Governor this odd film didn't really do much for me & I didn't like it all that much. The script by Duke Sandefur tries to mix the horror & western genres which it doesn't do to any great effect. Have you ever wondered why there aren't more horror western hybrid films out there? Well, neither have I but if I were to ask myself such a question I would find all the answers in Ghost Town because it's not very good. The two genres just don't mix that well. There are plenty of clich\\ufffd\\ufffds, on the western side of things there's the innocent townsfolk who are to scared to stand up to a gang of thugs who are terrorising them, the shoot-outs in the main street, saloon bars with swing doors & prostitutes upstairs & horror wise there's plenty of cobwebs, some ghosts, an ancient curse, talking corpses & a few violent kills. I was just very underwhelmed by it, I suppose there's nothing terribly wrong with it other than it's just dull & the two genres don't sit together that well. There are a few holes in the plot too, why did Devlin kidnap Kate? I know she resembled his previous girlfriend but how did he know that & what was he going to do with her anyway? We never know why this ghost town is full of ghosts either, I mean what's keeping them there & what caused them to come back as ghosts? Then there's the bit at the end where Devlin after being shot says he can't be killed only for Langley to kill him a few seconds later, I mean why didn't the bullets work in the first place?

Director Governor does alright, there's a nice horror film atmosphere with some well lit cobweb strewn sets & the standard Hollywood western town is represented here with a central street with wooden buildings lining either side of it. I wouldn't say it's scary because it isn't, there's not much tension either & the film drags in places despite being only just over 80 odd minutes in length. Forget about any gore, there a few bloody gunshot wounds, an after the fact shot of two people with their throats slit & someone is impaled with a metal pole & that's it.

I'd have imagined the budget was pretty small here, it's reasonably well made & is competent if nothing else. Credit where credit's due the period costumes & sets are pretty good actually. The acting is alright but no-ones going to win any awards.

Ghost Town is a strange film, I'm not really sure who it's meant to appeal to & it certainly didn't appeal to me. Anyone looking for a western will be annoyed with the dumb horror elements while anyone looking for a horror film will be bored by the western elements. It's something a bit different but that doesn't mean it's any good, worth a watch if your desperate but don't bust a gut to see it.\": {\"frequency\": 1, \"value\": \"Ghost Town starts ...\"}, \"Greetings again from the darkness. 18 directors of 18 seemingly unrelated vignettes about love in the city of lights. A very unusual format that takes a couple of segments to adjust to as a viewer. We are so accustomed to character development over a 2 hour movie, it is a bit disarming for that to occur in an 8 minute segment.

The idea is 18 love/relationship stories in 18 different neighborhoods of this magnificent city. Of course, some stand up better than others and some go for comedy, while others focus on dramatic emotion. Some very known directors are involved, including: The Coen Brothers, Wes Craven, Alfonso Cuaron, Alexander Payne, Gus Van Sant and Gurinda Chadha. Many familiar faces make appearances as well: Steve Buscemi, Barbet Schroeder, Catalina Sandino Moreno, Ben Gazzara, Gena Rowlands, Gerard Depardieu, Juliette Binoche, Willem Dafoe, Nick Nolte, Maggie Gyllenhaal and Bob Hoskins.

One of the best segments involves a mime, and then another mime and the nerdy, yet happy young son of the two mimes. Also playing key roles are a red trench coat, cancer, divorce, sexual fantasy, the death of a child and many other topics. Don't miss Alexander Payne (director of \\\"Sideways\\\") as Oscar Wilde.

The diversity of the segments make this interesting to watch, but as a film, it cannot be termed great. Still it is very watchable and a nice change of pace for the frequent movie goer.\": {\"frequency\": 2, \"value\": \"Greetings again ...\"}, \"I'm not a regular viewer of Springer's, but I do watch his show in glimpses and I think the show is a fine guilty pleasure and a good way to kill some time. So naturally, I'm going to watch this movie expecting to see \\\"Jerry Springer Uncensored.\\\" First of all, Jerry appears in approximately twenty minutes of the film's running time. The other hour and twenty minutes is spent building up this pseudo-farce about trailer-trash, jealousy, incest and deception. Jaime Pressley (who looks hot as HELLLL) is a trailer-trash slut who sleeps with her stepfather (a very unusual-looking, chain-smoking, drunken Michael Dudikoff who finally strays from his action hero persona). The mom finds out about the affair, they get into a fight, they want to take it to the \\\"Jerry\\\" show (that's right, no Springer). And then we have a parallel story with an African-American couple. They take it to the \\\"Jerry\\\" show. The characters collide. Blah, blah, freakin' blah! Trash has rarely been this BORRRINGG!!!! I was wondering why the hell Springer has millions of fans, yet none of them checked out his movie. Well, now it's TOTALLY obvious!! Whether you love him or hate him, you will hate this movie! How can I explain? It's a total mess of a motion picture (if that's what you call it). It's so badly edited, with scenes that just don't connect, and after a period of time the plot virtually disappears and it's simply all over the map! Just imagine a predictable soap opera transformed into a comic farce. With seldom laughs.

My only positive note is a hot girl-girl scene. That's as risque as it gets. Don't get me wrong, the scene's pretty risque, but if you look at the overall film comparing it to the material on Springer's program--this disastrous farce seems extremely sanitized.

My score: 3 (out of 10)\": {\"frequency\": 1, \"value\": \"I'm not a regular ...\"}, \"John Boorman's 1998 The General was hailed as a major comeback, though it's hard to see why on the evidence of the film itself. One of three films made that year about famed Northern Irish criminal Martin Cahill (alongside Ordinary Decent Criminal and Vicious Circles), it has an abundance of incident and style (the film was shot in colour but released in b&w Scope in some territories) but makes absolutely no impact and just goes on forever. With a main character who threatens witnesses, car bombs doctors, causes a hundred people to lose their jobs, tries to buy off the sexually abused daughter of one of his gang to keep out of jail and nails one of his own to a snooker table yet still remains a popular local legend an attractive enough personality for his wife to not only approve but actually suggest a m\\ufffd\\ufffdnage a trios with her sister, it needs a charismatic central performance to sell the character and the film. It doesn't get it. Instead, it's lumbered with what may well be Brendan Gleeson's worst and most disinterested performance: he delivers his lines and stands in the right place but there's nothing to suggest either a local hero or the inner workings of a complex character. On the plus side, this helps not to overglamorize a character who is nothing more than an egotistical thug, but it's at odds with a script that seems to be expecting us to love him and his antics.

There's a minor section that picks up interest when the IRA whips up a local hate campaign against the 'General' and his men, painting them as 'anti-social' drug dealers purely because Cahill won't share his loot from a robbery with them, but its temporary resolution is so vaguely shot - something to do with Cahill donning a balaclava and joining the protesters which we're expected to find lovably cheeky - that it's just thrown away. Things are more successful in the last third as the pressure mounts and his army falls apart, but by then it's too late to really care. Adrian Dunbar, Maria Doyle Kennedy and the gorgeous Angeline Ball do good work in adoring supporting roles, but Jon Voight's hammy Garda beat cop seems to be there more for American sales than moral balance, overcompensating for Gleeson's comatose non-involvement in what feels like a total misfire. Come back Zardoz, all is forgiven.\": {\"frequency\": 1, \"value\": \"John Boorman's ...\"}, \"The author of numerous novels, plays, and short stories, W. Somerset Maugham (1874-1965) was considered among the world's great authors during his lifetime, and although his reputation has faded over the years his work continues to command critical respect and a large reading public. Published in 1944, THE RAZOR'S EDGE is the tale of a World War I veteran whose search for spiritual enlightenment flies in the face of shallow western values. It was Maugham's last major novel--and it was immensely popular. Given that the novel's conflicts are internalized spiritual and philosophical issues, it was also an extremely odd choice for a film version--but Darryl F. Zannuck of 20th Century Fox fell in love with the book and snapped up the screen rights shortly after publication.

According to film lore, THE RAZOR'S EDGE was to be directed by the legendary George Cukor from a screenplay by Maugham himself--and it does seem that Maugham wrote an adaptation. When the film went into production, however, Cukor was replaced by Edmund Goulding, a director less known for artistic touch than a workman-like manner, and the Maugham script was replaced with one by Lamar Trotti, the author of such memorable screenplays as THE OXBOW INCIDENT. Tyrone Power, recently returned from military service during World War II, was cast as the spiritually conflicted Larry Darrell; Gene Tierney, one of the great beauties of her era, was cast as socialite Isabell Bradley. The supporting cast was particularly notable, including Herbert Marshall, Anne Baxter, Clifton Webb, Lucille Watson, and Elsa Lanchester. Both budget and shooting schedule were lavish, and when the film debuted in 1946 it was greatly admired by public and critics alike.

But time has a way of putting things into perspective. Seen today, THE RAZOR'S EDGE is indeed a beautifully produced film--but that aside the absolute best one can say for it is that it achieves a fairly consistent mediocrity. As in most cases, the major problem is the script. Although it is reasonably close to Maugham's novel in terms of plot, it is noticeably off the mark in terms of character and it completely fails to capture the fundamental issues that drive the story. We are told that Larry is in search of enlightenment; we are told that he receives it; we are told he acts on it--but in spite of the occasional and largely superficial comment we are never really told anything about the spiritual, artistic, philosophical, and intellectual processes behind any of it. We are most particularly never told anything significant about the nature of the enlightenment itself. It has the effect of cutting off the story at its knees.

We are left with the shell of Maugham's plot, which centers on the relationship between Larry and Isabell, a woman Larry loves but leaves due to the growing ideological riff that opens up between them. Tyrone Power and Gene Tierney were more noted for physical beauty than talent, but both could turn in good performances when they received solid directorial and script support. Unfortunately, that does not happen here; they are extremely one-note and Power is greatly miscast to boot. Fortunately, the supporting cast is quite good, with Herbert Marshall, Clifton Webb, and Lucille Watson particularly so; the then-famous performance by Anne Baxter, however, has not worn as well as one would hope.

With a running time of just under two and a half hours, the film also feels unnecessarily long. There is seemingly endless cocktail party-type banter, and indeed the entire India sequence (which reads as faintly hilarious) would have been better cut entirely--an odd situation, for this is the very sequence intended as the crux of the entire film. Regardless of the specific scene, it all just seems to go on and on to no actual point.

As for the DVD itself, the film has not been remastered, but the print is extremely good, and while the bonus package isn't particularly memorable neither is noticeably poor. When all is said and done, I give THE RAZOR'S EDGE four stars for production values and everyone's willingness to take on the material--but frankly, this a film best left Power and Tierney fans, who will enjoy it for the sake of the stars, and those whose ideas about spiritual enlightenment are as vague as the film itself.

GFT, Amazon Reviewer\": {\"frequency\": 1, \"value\": \"The author of ...\"}, \"Seriously crappy movie.

First off, the movie starts with a cop and his partner parked outside of a warehouse/furniture store. The \\\"bad\\\" cop takes a girl, which they had pulled over, into the warehouse's attic, while the newbie cop sits outside and ponders what could be happening up there. The \\\"bad\\\" cop eventually returns with a heavy duffel bag, and the newbie cop doesn't think there are any problems, but he still wonders what was in the bag, so he asks, gets a bullshit response, and then he thinks everything is OK (for now).

The \\\"bad\\\" cop repeats this process, and even once with a tit scene (made it slightly better). But eventually people start to catch on, which took awhile considering how f***ing obvious it was. One girl gets a voodoo curse placed on her just in case she dies, like ya do. Now, the \\\"bad\\\" cop eventually kills this magically protected bitch, and then he gets rid of the duffel-bagged body.

Since she had the oogey-boogey magic put on her, she comes back with lots of eye-shadow on, which is supposed to indicate that she may be a zombie... also, the magic curse causes all of the other girls to become \\\"eye-shadow monsters\\\". Some of the girls meet up with a dude, who is apparently a currency specialist, and he offers them a ride (they look normal to him apparently). But when the girls see other people, such as the one girls husband, he freaks out because she is hideous (some people freak out, but others don't even notice).... massive plot hole.

So, to wrap it up, the eye-shadow monsters kill the \\\"bad\\\" cop, who in turn ends up becoming a zombie in the last scene. It was as though they were trying to prep us for a sequel! Like anyone would want to see part 2 of this cow dropping.\": {\"frequency\": 1, \"value\": \"Seriously crappy ...\"}, \"Presenting Lily Mars (MGM, 1943) is a cute film, but in my opinion it could have been better. Judy Garland is great as always, but some scenes in the film seem out of place and the romance between her and Van Heflin develops all too quickly.

I mean, one minute he's ready to beat her butt, but the next minute he falls in love with her. I believe that this production, the film editing, and the script ( even though the photography was great, the scenery was nice and the costumes were nice as well) could have been a little better. It feels as though the production was too rushed.

The supporting cast was good as well, especially little Janet Chapman as the second youngest daughter daughter Rosie. She at the age of 11, looks really cute and it's a shame that she didn't develop into a teenage comic actress. She's much better in this film than in her previous films as Warner Brothers in the late 1930's (except for Broadway Musketeers 1938, she's really good in that), when they tried to make her into a Shirley Temple/Sybil Jason hybrid. Overall, this film could better, but in the end, Judy gave it her all.\": {\"frequency\": 1, \"value\": \"Presenting Lily ...\"}, \"I like this presentation - I have read Bleak House and I know it is so difficult to present the entire book as it should be, and even others like Little Dorrit - I have to admit they did a very good show with the staged Nicholas Nickelby. I love Diana Rigg and I could see the pain of Lady Dedlock, even through the expected arrogance of the aristocracy. I am sorry, I think she is the best Lady Dedlock... I am not sure who could have made a better Jarndyce, but I am OK with Mr. Elliott. It is not easy to present these long Dickens' books - Oliver Twist would be easier - this is a long, and if you don't care for all the legal situations can be dreary or boring. I think this presentation is entertaining enough not to be boring. I just LOVED Mr. Smallweed - it can be entertaining. There is always a child - Jo will break your heart here... I think we should be given a chance to judge for ourselves...

I have to say I loved the show. Maybe if I read the book again, as I usually do, after seeing the movie, maybe I can be more critical. In the meantime - I think it is a good presentation.\": {\"frequency\": 1, \"value\": \"I like this ...\"}, \"Every motion picture Bette Davis stars in is worth experiencing. Before Davis co-stars with Leslie Howard in \\\"Of Human Bondage,\\\" she'd been in over a score of movies. Legend has it that Davis was 'robbed' of a 1935 Oscar for her performance as a cockney-speaking waitress, unwed mother & manipulative boyfriend-user, Mildred Rogers. The story goes that the AFI consoled Davis by awarding her 1st Oscar for playing Joyce Heath in \\\"Dangerous.\\\" I imagine Davis' fans of \\\"Of Human Bondage\\\" who agree with the Oscar-robbing legend are going to have at my critique's contrast of the 1934 film for which the AFI didn't award her performance & the 1936 film \\\"Dangerous,\\\" performance for which she received her 1st Oscar in 1937.

I've tried to view all of Bette Davis' motion pictures, TV interviews, videos, advertisements for WWII & TV performances in popular series. In hindsight, it is easy to recognize why this film, \\\"Of Human Bondage,\\\" gave Davis the opportunity to be nominated for her performance. She was only 25yo when the film was completed & just about to reach Hollywood's red carpet. The public began to notice Bette Davis as a star because of her performance in \\\"Of Human Bondage.\\\" That is what makes it her legendary performance. But, RKO saw her greatness in \\\"The Man Who Played God,\\\" & borrowed her from Warners to play Rogers.

I'm going to go with the AFI, in hindsight, some 41 years after their astute decision to award Davis her 1st Best Actress Oscar for \\\"Dangerous,\\\" 2 years later. By doing so, the AFI may have been instrumental in bringing out the very best in one of Hollywood's most talented 20th century actors. Because, from \\\"Of Human Bondage,\\\" onward, Davis knew for certain that she had to reach deep inside of herself to find the performances that earned her the golden statue. Doubtless, she deserved more than 2 Oscars; perhaps as many as 6.

\\\"Dangerous\\\" provides an exemplary contrast in Davis' depth of acting characterization. For, it's in \\\"Dangerous\\\" (1936) that she becomes the greatest actor of the 20th century. Davis is so good as Joyce Heath, she's dead-center on the red carpet. Whereas in \\\"Of Human Bondage,\\\" Davis is right off the edge, still on the sidewalk & ready to take off on the rest of her 60 year acting career.

Perhaps by not awarding her that legendary Oscar in 1935, instead of a star being born, an actor was given incentive to reach beyond stardom into her soul for the gifted actor's greatest work.

It is well known that her contemporary peer adversary was Joan Crawford; a star whose performances still don't measure up to Davis'. Even Anna Nicole Smith was a 'star'. Howard Stern is a radio host 'star', too. Lots of people on stage & the silver screen are stars. Few became great actors. The key difference between them is something that Bette Davis could sense: the difference between the desire to do great acting or to become star-struck.

Try comparing these two movies as I have, viewing one right after the other. Maybe you'll recognize what the AFI & I did. Davis was on the verge of becoming one of the greatest actors of the 20th century at 25yo & achieved her goal by the time she was 27. She spent her next 50 plus years setting the bar so high that it has not been reached . . . yet.

Had the AFI sent her the message that she'd arrived in \\\"Of Human Bondage,\\\" Davis' life history as a great actor may have been led into star-struck-dom, instead.\": {\"frequency\": 1, \"value\": \"Every motion ...\"}, \"I like it because of my recent personal experience. Especially the ideas that everyone is free and that everything is finite. The characters in the firm did not really enjoy their \\\"real\\\" lives, but they did enjoy themselves, i.e. what they were. The movie did a good job making this simple day a good memory. A good memory includes not only romantic feelings about a beautiful stranger and a beautiful European city, but definitely about the deeper discussion about their values of life. Many movies are like this in terms of discussion of the definitions of life or love or relationships or current problems in life or some sort of those. Before Sunrise dealt with it in a nice way, which makes the viewer pause and think and adjust her breath and go on watching the film. Before Sunrise did not try to instill a specific thought into your head. It just encouraged you to think about some issues in daily life and gave you some alternative possibilities. This made the conversations between the characters interesting, not just typical whining complaints or flowing dumb ideas. You would be still thinking about those issues for yourself and curious about the next line of the story. The end was not quite important after all. You could got something out of it and feel something good or positive about yourself after the movie. Movies are supposed to be enjoyable. This is an enjoyable movie and worth of your time to watch it. I am on a journey too. The movie somehow represented some part of me and answered some of my questions.\": {\"frequency\": 1, \"value\": \"I like it because ...\"}, \"There's something about every \\\"Hammer\\\" movie I see that really takes me into a new fantasy world. In the world of \\\"Hammer\\\" movies, anything can happen. \\\"Guardian of the Abyss\\\" is one of those types of movies. It adventures deep into the occult and hypnosis to bring a different type of horror fantasy. All in all, an unforgettable movie. 7.5/10.\": {\"frequency\": 1, \"value\": \"There's something ...\"}, \"I was pretty surprised with this flick. Even though their budjet was obviously lacking still you have to be impressed that this movie took 7 years to make and still turned out good. The acting was pretty impressive and the story really captivated me. My only complaint would be that the ending really was a little too abrupt for my taste. But hey if your audience is left wanting more then this movie has succeeded.

I would really recommend anyone in Hollywood to look up Antonella R\\ufffd\\ufffdos who is an excellent Spanish talent (something hard to find now days with all the bad novela over acting). Antonella R\\ufffd\\ufffdos truly is a star on the rise.\": {\"frequency\": 1, \"value\": \"I was pretty ...\"}, \"The fight scenes play like slow-motion Jackie Chan and the attempts at wit are pathetic (worst pun by far: \\\"Guess what? This time I heard you coming\\\"). The stars are a mismatched pair: Brandon Lee, despite the terrible lines he has to say, actually shows traces of charisma and screen charm - things that Dolph Lundgren is completely free of (at least in this movie). Note to the director: in the future, please stay away from any love scenes, especially when your main actress won't do any nudity and you have to rely extensively on a body double. (*1/2)\": {\"frequency\": 1, \"value\": \"The fight scenes ...\"}, \"This is one of the worst movies I have ever seen! I saw it at the Toronto film festival and totally regret wasting my time. Completely unwatchable with no redeeming qualities whatsoever.

Steer clear.\": {\"frequency\": 1, \"value\": \"This is one of the ...\"}, \"This is a nice piece of work. Very sexy and engaging enough plot to keep my interest throughout. Its main disadvantage is that it seems like it was made-for-TV: Full screen, and though there were several sex scenes, there was absolutely no nudity (but boy did it come close!). Strange, too, since Netflix shows that it was rated R.

Nonetheless, very titillating, and I wish Alicia Silverstone made more movies like this.

One Netflix reviewer stated that it was part of a series, but I have been unable to find out what series that is. I'd like to find out, though, because this movie was THAT good.

Walt D in LV. 8/23/2005\": {\"frequency\": 1, \"value\": \"This is a nice ...\"}, \"This movie was way too slow and predictable.I wish i could say more but i can't.If you enjoy action/adventure films,this is not one to see.I'd suggest you go see movies like;Behind Enemy Lines with Owen Wilson and Iron Eagle with Louis Gossett Jr.\": {\"frequency\": 1, \"value\": \"This movie was way ...\"}, \"and this movie has crossed it. I have never seen such a terrible movie in my life! I mean, a kid's head getting cut off from the force of an empty sled? A snowman with a costume that has the seams clearly visible? This was a pitiful excuse for a movie.\": {\"frequency\": 1, \"value\": \"and this movie has ...\"}, \"Home Alone 3 is one of my least favourite movies. It's the cream of the crop, or s*** if you tend to be more cynical, as it ranks up (or down) there with stuff like Battlefield Earth and Flinstones: Viva Rock Vegas. In fact, it could even be worse than those two, since those two at least intermittently made me laugh at their stupidity. This just made me cringe in pain constantly and clap when the credits started rolling. No other movie has made me cringe in pain. Now I will point out exactly why this movie is so incredibly atrocious.

First off, the plot is ridiculous. It revolves around a chip in a remote control car (?!) that is misplaced and how these terrorists want it. Dumb stuff.

The action that ensues is similar to that of the other two Home Alones, with boobytraps and all, but watching these boobytraps being executed is, rather than being funny, incredibly unpleasant to watch. I didn't laugh (or even so much as smile) once, rather, I cringed constantly and hoped that the terrorists would nail the kid. The bird, rather than providing comic relief, was unfunny and annoying.

The acting, as done by a bunch of no names, ranges from poor to atrocious. There is not a single good performance here. Alex D.Linz is absolutely unlikeable and unfunny as the kid, while the terrorists act (and judging by their movie credits, look) as they've been hastily picked off the street...and well, that's it.

I can see some people saying: \\\"Man, it's for the kids. Don't dis it, man.\\\" Well MAN, kids may like this, but they can get a hell of a lot better. See Monsters Inc. and Toy Story before even considering getting this out. Hell, even Scooby Doo and Garfield (which suck - see those reviews for more) are better than this!

So in short, this is an irredeemably atrocious movie. This was clearly recycled for the money, as it almost completely rips off the first two; the only thing is, it completely insults the first two as well. No human, kid or otherwise, should find any reason to see Home Alone 3. Ever. It's THAT bad.

0/5 stars\": {\"frequency\": 1, \"value\": \"Home Alone 3 is ...\"}, \"Using Buster Keaton in the twilight of his career was an interesting choice. He may have been the most talented comedian of the silent age. This gives him a chance to display those talents in a little time travel story. He get hooked up with a guy living in modern times, and it becomes obvious that we are best left in our own times Keaton is able to do his sight gags very well. I've heard his voice before. I believe he did some of those Beach Party films, playing some vacuous characters just to earn a few bucks. Serling seemed to have respect for him and portrayed him that way. It's not a bad story. It shows how one reacts when we wish for something we don't have and get that wish.\": {\"frequency\": 1, \"value\": \"Using Buster ...\"}, \"This is the best movie I have ever seen.

I've seen the movie on Dutch television sometime in 1988 (?).

That month they were showing a Yugoslavian movie every Sunday night.

The next week there was another great movie (involving a train, rather than a bus) the name of which I don't remember. If you know it, please let me know! In any case, how can I get to see this movie again???? A DVD of this movie, where?? Please tell me at vannoord@let.rug.nl

The next week there was another great movie (involving a train, rather than a bus) the name of which I don't remember. If you know it, please let me know! In any case, how can I get to see this movie again???? A DVD of this movie, where?? Please tell me at vannoord@let.rug.nl\": {\"frequency\": 1, \"value\": \"This is the best ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"The latest film by ...\"}, \"Director Fred Schepisi(Roxanne) directs this well intentioned, but inferior comedy about Albert Einstein(Matthau) trying to hook his scientific niece(Ryan) up with ordinary guy Tim Robbins in order to get her to relax and enjoy life in the 1950's. To get Ryan to like Robbins, Einstein tries to make Robbins look like a brilliant scientist. The idea is cute, but the film falls flat with corny situations and silly dialogue. Tim Robbins, Meg Ryan, and the terrific supporting cast do their best to keep this silly comedy afloat, but are unable to rescue the film. Its unfortunate that so much talent went into producing such a lackluster movie. I would not recommend to anybody unless they are huge fans of Meg Ryan.\": {\"frequency\": 1, \"value\": \"Director Fred ...\"}, \"My siblings and I stumbled upon The Champions when our local station aired re-runs of it one summer in the 1970's. We absolutely adored it. There was something so exotic and mysterious about it, especially when compared to the usual American re-runs (Petticoat Junction, Green Acres... you get the idea). It had a similar feel to The Avengers (not too much of a surprise, since it was also British and in the spy/adventure genre).

I would love to see it again now -- hopefully it holds up. I've mentioned this show to others and no one has ever heard of it, so I began to wonder if I'd imagined its whole existence. But the wonder that is the web has allowed me track down information about it. Hopefully it will find a new generation of fans.\": {\"frequency\": 1, \"value\": \"My siblings and I ...\"}, \"\\\"Purple Rain\\\" has never been a critic's darling but it is a cult classic - and deserves to be. If you are a Prince fan this is for you.

The main plot is Prince seeing his abusive parents in himself and him falling in love with a girl. Believe it or not this movie isn't just singing and dancing. There are many intense scenes and it is heartwarming. Sometimes it comes off has funny but when it works it really works. Very hit and miss.

No one can really act in the film. Everyone is from one of Prince's side acts like \\\"The Time\\\" and \\\"Vanity 6\\\". Still, it adds charm to the movie. When ever Prince is on screen he lights it up and it fun to see him at his commercial peak.

In conclusion, go and see this if you love Prince like me. If you aren't a fan it'll make you one.\": {\"frequency\": 1, \"value\": \"\\\"Purple Rain\\\" has ...\"}, \"A short review but...

Avoid at all costs, a thorough waste of 90mins. At the end of the film I was none the wiser as to what had actually happened. It's full of cameos (Stephen Fry (3mins), Jack Dee (30 secs), the \\\"Philadelphia\\\" girls) and some vaguely recognisable people but it just doesn't make any sense. Whether the story just got lost in the edit I don't now but jeez...

Put on a DVD instead or go to bed and get some rest!!!

2 out of 10 (for the cameos and a Morris Minor car chase)

\": {\"frequency\": 1, \"value\": \"A short review ...\"}, \"Despite the other comments listed here, this is probably the best Dirty Harry movie made; a film that reflects -- for better or worse -- the country's socio-political feelings during the Reagan glory years of the early '80's. It's also a kickass action movie.

Opening with a liberal, female judge overturning a murder case due to lack of tangible evidence and then going straight into the coffee shop encounter with several unfortunate hoodlums (the scene which prompts the famous, \\\"Go ahead, make my day\\\" line), \\\"Sudden Impact\\\" is one non-stop roller coaster of an action film. The first time you get to catch your breath is when the troublesome Inspector Callahan is sent away to a nearby city to investigate the background of a murdered hood. It gets only better from there with an over-the-top group of grotesque thugs for Callahan to deal with along with a sherriff with a mysterious past. Superb direction and photography and a at-times hilarious script help make this film one of the best of the '80's.\": {\"frequency\": 1, \"value\": \"Despite the other ...\"}, \"This is one of the worst movies I've seen in a long time. The story was boring, the dialogue was atrocious and the acting hammy. I'm not sure if this movie was the result of a film school homework project, but it certainly played like one. It is not even particularly successful in its central conceit of trying to appear as a single continuous take. The whooshing horizontal camera pans are a cheap and unoriginal way of hiding cuts.\": {\"frequency\": 1, \"value\": \"This is one of the ...\"}, \"I gather from reading the previous comments that this film went straight to cable. Well, I paid to see it in a theatre, and I'm glad I did because visually it was a striking film. Most of the settings seem like they were made in the early 60s (except for the shrink's office, which was dated in a different way), and if you leave the Neve Campbell sequences out, the whole film has a washed- out early 60s ambience. And the use of restaurants in the film was fascinating. For a first-time director whose background, I believe, is in writing, he has a great eye. Within the first ten minutes I felt the plot lacked plausibility, so I just willingly suspended my disbelief and went along for the ride. In terms of acting and the depiction of father-son, mother-son, husband-wife, parent-child relationships, the film was spot-on. William H. Macy, a pleasure to watch, seems to be filling the void left by the late Tony Perkins, if this and Magnolia are any indication. Tracey Ullman as the neglected wife was quite moving, to me. It was a three-dimensional depiction of a character too often viewed by society as two-dimensional. Of course, Donald Sutherland can add this to his collection of unforgettable portrayals. The depiction of the parents (Bain/Sutherland) reminded me, in an indirect way, of Vincent Gallo's BUFFALO '66, although toned-down quite a bit! I would definitely pay money to see a second film from this director. He has the self-discipline of a 50s b-crimefilm director (something P.T.Anderson will never have!), yet he has a visual style and a way with actors that commands attention.\": {\"frequency\": 1, \"value\": \"I gather from ...\"}, \"Giallo fans, seek out this rare film. It is well written, and full of all sorts of the usual low lifes that populate these films. I don't want to give anything away, so I wont even say anything about the plot. The whole movie creates a very bizarre atmosphere, and you don't know what to expect or who to suspect. Recommended! The only place I've seen to get this film in english is from European Trash Cinema, for $15.\": {\"frequency\": 1, \"value\": \"Giallo fans, seek ...\"}, \"I think this movie is a very funny film and one of the best 'National Lampoon's' films, it also has a very catchy spoof title, which basically sums up what the whole movie is about.... Men In White!!!! The story is a spoof of many films including a Will Smith film, as you might have guessed, 'Men In Black'. I will not give the ending away but it has a very good ending in is very funny (Leslie Nielsen style humour) from start to finish, especially the bit near the beginning when thy are in the street collecting the dustbins (Garbage Cans). Also, they have a pretty cool dustbin lorry (Garbage Collecting Truck) in that scene too. The acting is not superb, actually, it is not very good, but that is what makes the film funny, it is a comedy, loosen up!! I love the story line, partly because it is so far fetched and partly because it is interesting to see how subtle (Or should it be Un-subtle) they rip off all the other films. I am great fan of un-serious spoof films, but i am also a fan of the real thing, and with this films, it is hard to decide which is better, the film it mainly rips off (mentioned earlier i this review) or the actual film it is, but also when you are actually making a spoof of comedy films, it actually makes it even harder, but this film carries it off successfully. The two garbage men are so funny, it reminds me of a TV sketch show in the UK called 'Little Britain'. This film is a must for your collection and is one of the best, most entertaining, funniest, best storyline, National Lampoon's film to date!!\": {\"frequency\": 1, \"value\": \"I think this movie ...\"}, \"This has to be one of the best, if not the best film i have seen for a very, very long time. Had enough action to satisfy an fan, and yet the plot was very good. I really enjoyed the film,and had me hooked from start to finish.

Added blood and gore in there, but brought the realistic nature of what happens to the front of the film, and even had a tear jerker ending for many people i should think.

It is a must watch for anyone. Seen many reviews, slating the film, but to be fair, most the films that get bad reviews, turn out to be some of the best. this proves it once again.

Rent this film, buy this film, just go out and watch this film. You will not be disappointed.\": {\"frequency\": 1, \"value\": \"This has to be one ...\"}, \"This movie is just bad. Bad. Bad. Bad. Now that I've gotten that out of the way, I feel better. This movie is poor from beginning to end. The story is lame. The 3-D segment is really bad. Freddy is at his cartoon character worst. Thank God they killed him off. And who wants to see Roseanne and Tom Arnold cameos?

The only good thing in the movie is the little bit of backstory that we're given on Freddy. We see he once had a family, and we get to see his abusive, alcoholic father (Alice Cooper).

Other than that, all bad. There are some quality actors in here (Lisa Zane and Yaphet Kotto), and they do their best, but the end result is just so bad. The hour and a half I spent watching this movie is and hour and half I can't ever get back.\": {\"frequency\": 1, \"value\": \"This movie is just ...\"}, \"I don't know who Sue Kramer, the director of this film is, but I have a strong suspicion that A) she is a lesbian and B) she somehow shamed everyone involved in this project to participate to prove they are not homophobic.

I can imagine everyone thinking, \\\"My God, this is horrible. Not funny. Pedestrian. Totally lame.\\\" But keeping their mouths shut for fear they will be labeled anti-gay or they \\\"don't get\\\" the gay lifestyle. (This is probably why Kramer did NOT cast gay people to play gay people too.) Anyway, it's not even worth reviewing. The actors are all directed to play every scene completely over the top so there is no sincerity or believability in anything they do. It's full of clich\\ufffd\\ufffds and there is nothing about this movie that is the least bit amusing - much less funny.

I hated it and I'm not afraid to say so. Too bad the gutless people who gave Kramer the money to make this bomb weren't as unbiased in their judgment.\": {\"frequency\": 1, \"value\": \"I don't know who ...\"}, \"After Dark, My Sweet is a great, modern noir, filled with seedy characters, dirt roads, and, of course, sweaty characters. It seems that most of the truly great noirs of the last two or three decades have taken place in the South, where the men glisten and the ladies, um, glisten too. Why? Because it's hooooottttttttttt. And because everyone looks better wet (at least the men do - sweaty women leave me clammy).

Anyway - there might be some spoilers in here.

This film is a wonderful example of everything a noir should be - steady pacing (though some with attention disorders refer to it as 'slow'), clearly and broadly drawn (though not simple) characters, and tons of atmosphere. Noir, if anything, is about moods and attitudes. That's why the great ones are not marked by your traditional definitions of 'great' acting (look at Bogart, Mitchum, Hurt, and Nicholson - they (and their characters) were anything but real - but they had style and sass and in a crime movie that's exactly what you want). or quickly paced adventures (again all great noirs seem to be on slow burn like a cigarette). Great noirs create an environment and you just inhabit it with the characters for a couple hours.

After Dark My Sweet let's you do that - and it let's you enjoy the company of some very interesting and complex characters. Uncle Bud and Collie are intriguing - never allowing the audience to know what really makes them tick - and Patric and Dern (I love Bruce Dern, by the way) are pitch perfect, Dern especially (see previous comment). They take the basic outlines of a character and give them depth and elicit our sympathies.

The story itself is also interesting. There're better plots in the world of noir (hardly any mystery here - mostly it's suspense), but this one is solid. If anything, the simply 'okay' plot has more to do with Jim Thompson's writing than anything else. With Thompson, plots are almost secondary; he eschewed the labyrinthine tales of Hammett and Chandler for simpler stories with stronger, more confusing characters. Look at a novel like The Killer Inside Me and and you'll see right away (from the title) what it's all about. When it comes to Thompson, it's not what it's about, it's how it's about it (to quote Roger Ebert). So, really, the relatively simple plot of a kidnapping is not the point and, if you don't like it, well the jokes on you.

Why this is an 8star movie rather than a 10star one is because of the female lead. She's not bad, per se, but she's not Angelica Huston or Anette benning (see the adaptation of Jim Thompson's The Grifters if you don't know what I'm talking about - besides it's a better movie and you should start there for contemporary noir - it's the best of the 1990s and challenges Blood Simple for the title of best since Chinatown). She simply doesn't have the chops (or the looks for that matter) and though she and Patric have some chemistry, I don't have it with her. So there.\": {\"frequency\": 1, \"value\": \"After Dark, My ...\"}, \"Theo Robertson has commented that WAW didn't adequately cover the conditions after WWI which lead to Hitler's rise and WWII.

Perhaps he missed the first ONE and a quarter HOURS of volume 8? Covers this period, and together with the earlier volumes in the series, shows clearly the existing conditions, I feel. A friend of mine grew up in Germany during this period, joined the Hitler Youth even, and his experiences were very similar to that mentioned in WAW.

This documentary is SO far above the History Channel's documentaries I also own, that there is no comparison.

The ONLY fault, and it is a small one, that I have with WAW is this: the numbers are not included, many times. For instance, if you're talking about lend-lease, then how much war material was lent/leased? How much to Russia, how much to Britian? How many merchant ships did the U-Boats sink, and when? How many ships did the German or Japanese Navy have, total, in 1941? What type were they? How many troops? How many troops did the allies have, in total, and by country? Lots of numbers could have made a lot of viewers nod off, but I would have preferred MORE! And naturally, I always want to see more military analysis. Like WHY didn't Patton & Clark trap the German army that was at Cassini, after they had it surrounded, instead of racing Monty to Rome, and letting it escape? I don't think you can begin to understand war until you've seen some of these video segments on \\\"total war\\\", like the fire bombing of Dresden. It's like trying to understand Auschwitz, etc., before you see the clips of the death camps: you just can't wrap your head around it - it's too unbelievable.

Unknown at that time, and of course, unfilmed, were the most egregious cruelties and inhumanities of the Japanese, including cannibalism, (read \\\"Flyboys\\\"), and some LIVE vivisection of medical \\\"experimentation\\\" prisoners, w/o any anesthetic!

Dave\": {\"frequency\": 1, \"value\": \"Theo Robertson has ...\"}, \"A very young Ginger Rogers trades quick quips and one liners with rival newspaper reporter Lyle Talbot in this 1933 murder mystery from Poverty Row film maker Allied Productions. The movie opens with a wealthy businessman taking a header from the roof garden of a high rise apartment house, or was it from a lover's apartment? Rogers actually has two identities at the film's outset, that of Miss Terry, the dead victim's secretary, along with her newspaper byline of Pat Morgan. Mistakenly phoning her story directly to Ted Rand (Talbot) instead of her paper's rewrite desk, she gets fired for her efforts when her boss learns he's been out scooped.

Here's a puzzle - it's revealed during Police Inspector Russell's (Purnell Pratt) investigation of Harker's death that Terry/Morgan had been employed as his secretary for three weeks. Why exactly was that? After the fact it would make sense that she was there for a newspaper story, but before? Clues are dropped regarding Harker's association with a known mobster conveniently living in the same apartment building, but again, that association isn't relevant until it's all linked up to janitor Peterson (Harvey Clark). And who's making up all the calling cards with the serpent effecting a HSSS, with the words \\\"You will hear it\\\" cut and pasted beneath? Apparently, the hissing sound of a snake was the sound made by the apartment house's radiator system, which Peterson used to transmit a poisonous gas into the rooms of potential victims, such as Mrs. Coby in the apartment below Harker. But in answer to a question posed to Inspector Russell about Mrs. Coby's death, he replied \\\"apparently\\\" to the cause of strangulation.

It's these rather conflicting plot points that made the movie somewhat unsatisfying for me. The revelation of janitor Peterson as the bad guy of this piece comes under somewhat gruesome circumstances as we see him stuff the unconscious body of Miss Morgan in the building's incinerator furnace! However, and score another point against continuity, we see Miss Morgan in a huge basement room as Peterson ignites the furnace; she made her getaway, but how? And still pretty as a picture. And who gets to make the collar off screen if none other than milquetoast police assistant Wilfred (Arthur Hoyt), who in an opening scene fell over his own feet entering a room.

Sorry, but for all those reviewers who found \\\"A Shriek in the Night\\\" to be a satisfying whodunit, I feel that any Charlie Chan film of the same era is a veritable \\\"The Usual Suspects\\\" by comparison. If you need a reason to see the film, it would be Ginger Rogers, but be advised, she doesn't dance.\": {\"frequency\": 1, \"value\": \"A very young ...\"}, \"New York City houses one man above all others, the possibly immortal Dr. Anton Mordrid. Mordrid is the sworn protector of humanity, using his magical powers to keep his brother and rival, Kabal, chained up so that he may not enslave the human race. Well, wouldn't you know it? A prophesy comes true and Kabal breaks free, and begins collecting elements (including platinum and uranium) for his alchemy experiments. With the help of a police woman named Sam, can Mordrid defeat his evil brother? \\\"Dr. Mordrid\\\" comes to me courtesy of Charles Band in the Full Moon Archive Collection. I had not heard of it, which is a bit odd given that I'm a big fan of Jeffrey Combs (Mordrid) and the film isn't that old. But now it's mine and I can enjoy it again and again. The film certainly is fun in the classic Full Moon style. Richard Band provides the music (which doesn't differ much from all his other scores) and Brian Thompson plays the evil Kabal. We even have animated dinosaur bones! What more do you want? Of course, the cheese factor is high. I felt much of the film was a rip-off of the Dr. Strange comics. And the blue pantsuit was silly. And plot holes are everywhere (I could list at least five, but why bother). And why does the ancient symbol of Mordrid and Kabal look suspiciously like a hammer and sickle? Combs has never been a strong actor, so he fits right in with the cheese. These aren't complaints. Full Moon fans have come to expect these things and devour them like crack-laced Grape Nuts. I'm guilty... I loved this film.

If you're not a Full Moon fan, or a Jeffrey Combs fan... you may want to look elsewhere. But if you like the early 1990s style of movie-making and haircuts, you'll eat this up. Stallone and Schwarzenegger fans might like seeing Brian Thompson as a villain, looking as goony as ever and not being able to enunciate English beyond a third grade level. I did. I wish there was a \\\"Mordrid II\\\", but the company that makes a sequel to practically everything (is \\\"Gingerdead Man 3\\\" really necessary?) passed on this one.\": {\"frequency\": 1, \"value\": \"New York City ...\"}, \"Seeing as the vote average was pretty low, and the fact that the clerk in the video store thought it was \\\"just OK\\\", I didn't have much expectations when renting this film.

But contrary to the above, I enjoyed it a lot. This is a charming movie. It didn't need to grow on me, I enjoyed it from the beginning. Mel Brooks gives a great performance as the lead character, I think somewhat different from his usual persona in his movies.

There's not a lot of knockout jokes or something like that, but there are some rather hilarious scenes, and overall this is a very enjoyable and very easy to watch film.

Very recommended.\": {\"frequency\": 1, \"value\": \"Seeing as the vote ...\"}, \"Unhinged was part of the Video Nasty censorship film selection that the UK built up in the 80's. Keeps the gory stuff out of the hands of children, don't you know! It must have left many wondering what the fuss was all about. By today's standard, Unhinged is a tame little fairy tale.

3 girls are off to a jazz concert... and right away, you know the body count is going to be quite low. They get lost in the woods, & wind up getting in a car accident that looks so fake it's laughable. They are picked up by some nearby residents that live in the woods in a creepy house. One of the girls is seriously injured and has to stay upstairs. Then there's talking. Talking about why the girls are here, and how they must be to dinner on time because mother doesn't like it when someone is late. And more talking. Yakkity yak. Some suspense is built as a crazy guy is walking around and harassing the girls, and someone's eyeball is looking through holes in the walls at the pretty girls in something that looks like Hitchcock's Psycho. I digress because there is so much blah blah in this film, that you wonder when the killings are going to start. In fact, one of the girls gets so bored out of her mind that she walks in the woods, alone, looking for the town. Smart move. She probably knew about the lonely virgin walking alone in the woods part, but just didn't care. More talk continues after this as we wait, wait, and wait some more until the next girl may or may not be killed.

And then there's the twist ending. The \\\"expected\\\" unexpected for some viewers, for others a real gotcha. Quite possibly the ONLY reason why someone would really want to watch this. I don't care how twisted it is, nothing in this movie makes up for the most boring time I had watching it. Even with the minor impact of the ending, the director just didn't have what it takes to really deliver a good story with it. It would have made a much better 30 minute - 1 hour TV episode on say, Tales from the Darkside.

If you really must get this for any reason, perhaps just to say you've watched every slasher movie, do yourself a favor and have the fast-forward button ready. Since the movie has so many unimportant scenes, just zoom through them, and in no time, you'll get to the \\\"WOW, that's what it was all this time\\\" ending. Oh and halfway through the movie there's a shower scene with 2 girls showing boo-bees. Horray for boo-bees. Those beautiful buzzing honey-making boo-bees.\": {\"frequency\": 1, \"value\": \"Unhinged was part ...\"}, \"This \\\"film\\\" is a travesty. No, wait--an abomination. NO, WAIT--this is without a doubt the absolute WORST film ever made featuring beloved characters created and established by other actors.

I thought \\\"Inspector Clouseau\\\" with Alan Arkin (!) instead of Peter Sellers was ludicrous and sacrilegious, but even daring to \\\"remake\\\" Stan Laurel and Oliver Hardy is asinine and money grubbing.

Mr. Laurel and Mr. Hardy have been dead, respectively, since 1957 and 1965. Why anyone would even begin to imagine that suitable updates for L & H would be in the persona of Bronson Pinchot and Gailard Sartain is beyond me. I tuned in fully expecting to be horrified and embarrassed and I certainly wasn't disappointed. Everyone involved in this pathetic, moronic, disgrace should be blackballed from anything and everything associated with Hollywood and film-making. AVOID THIS MOVIE AT ALL COSTS--YOU HAVE BEEN DULY WARNED.\": {\"frequency\": 1, \"value\": \"This \\\"film\\\" is a ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"Stuck in a hotel ...\"}, \"How this has not become a cult film I do not know. I think it has been sadly overlooked as a truly ingenious comedy!

\\\"Runaway Car\\\" attempts to pass itself off as a fast-paced thriller, but taking the quality of acting (good God it's bad), the storyline, the practicalities of the car's demonic possession and the baby evacuation scene into account there is nothing you can really do but laugh. And laugh you will. Films are made to entertain us, and the degree to which they do this can be an indication of a film's worth. This film is the pinnacle in entertainment, I laughed from beginning to end. At one point I got short of breath and nearly choked, it really is that funny at some points. When the baby was airlifted out of the sunroof in a holdall by a helicopter with a robot pilot who managed to maintain a constant velocity identical to the car and a perfectly flat flight plain that meant the grapple hook didn't rip the car roof to pieces, I was laughing hysterically. But when the baby starting swinging around in the air, nearly hit a bridge and almost got tangled up in a tree, tears were running down my face.

It also occurred to me that the black cop was the guy who played Jesus in Madonna's \\\"Like A Prayer\\\" video. He seems to get everywhere.\": {\"frequency\": 1, \"value\": \"How this has not ...\"}, \"I bought this game on eBay having heard that it was a similar game to Elite. The gameplay is indeed very similar, and is very addictive. Once I'd played it a couple of times, I immediately went back on eBay and bought copies for all my kids so they could join in the fun too.... I have played this game right through and the storyline makes it feel as if you are actually in a movie, it's brilliant. If you have trouble feeling free to explore because of the restrictive nature of the storyline in the single-player game, simply set up a Freelancer server on your own PC (easy to do and the software is included) and play to your heart's content. There are still a huge number of Freelancer servers on the Internet, so multiplayer is no problem and is not all that threatening, because you don't often meant other players unless you want to. So go get a copy of this game, learn it by playing the single-player campaign, then set up an online presence and enjoy yourself. The depth of this game is staggering, with huge systems to explore and wrecks to find, as well as all sorts of other things to discover - hidden planets, wormholes, secret bases, the list is nearly endless. Fantastic game and especially as you can get it for a couple of quid on eBay. Get one with the full written manual if you can (blue box, not Xplosiv red box), it's loads better!\": {\"frequency\": 1, \"value\": \"I bought this game ...\"}, \"During the opening night of the Vanties a woman is found dead on the catwalk above the stage. As the show continues the police attempt to piece together who killed who and why before the final curtain.

I had always heard that this was a great classic comedy mystery so I was excited to find myself a copy. Unfortunately no one told me about the musical numbers which go on and on and on. While the numbers certainly are the type that Hollywood did in their glory days, they become intrusive because they pretty much stop the movie dead despite attempts to weave action around them. This wouldn't be so bad if the music was half way decent, but its not. There is only one good song. Worse its as if the studio knew they had one song, Cocktails for Two, and we're forced to endure four versions of it: a duet, a big production number, as the Vanities finale and in the background as incidental music. I don't think Spike Jones and His City Slickers ever played it that much. The rest of the movie is pretty good with Victor McLaglen sparring nicely with Jack Oakie. Charles Middleton is very funny is his scenes as an actor in love with the wardrobe mistress.

By no mean essential I can recommend this if you think you can get through the musical numbers, or are willing to scan through them. Its a fun movie of the sort they don't make any more.\": {\"frequency\": 1, \"value\": \"During the opening ...\"}, \"Iam a Big fan of Mr Ram Gopal Varma but i could not believe that he made this movie. i was really disappointed.

Ram Gopal Varma Ki Aag doesn't come anywhere close to the real Sholay. It does not leave a lasting impression on a viewer. Ram Gopal Varma fails to create chemistry between the characters . There is no camaraderie between Heero(Ajay Devgan) and Raj(Prashant raj). There are hardly any scenes with more than two people in the frame together. The sequence outside the courtroom with Amitabh Bachchan and Mohanlal face off is remarkable. Amitabh Bachchan should not have done this movie. Ajay and Sushmita sen was trying their best but no use. Rajpal Yadav's voice modulation - ineffective and rather pointless. Mohanlal did full justice and proved it again that acting is all about facial expression and body language. Rest of the cast was below expectation. The comedy situation which was adapted from the original sholay fall flat in this movie.

Ram Gopal Varma could have worked upon the script but because of the controversies surrounded against the movie he messed up and just for the sake of making he made this Aag. But there is no fire.\": {\"frequency\": 1, \"value\": \"Iam a Big fan of ...\"}, \"The Shirley Jackson novel 'The Haunting of Hill House' is an atmospheric tale of terror, which conveys supernatural phenomena in an old mansion. The atmosphere is well set out, and the chills are staged well. A haunting masterpiece.

The 1963 chiller 'The Haunting' stays closely to the book, but also adds its own details to the plot. Fortunately, these are very few, and so the terror of the book and the chills are executed even better on the screen. The black and white photography only adds to the creepiness of the movie. Excellent!

And then, Jan de Bont made this. In 1999, the remake of The Haunting hit the cinemas - if you could call this a remake. Why they had to make a remake of the 1963 movie is a mystery in itself, but for the moment, lets look at the film itself.

It starts off averagely, as most horror movies do. The set used for Hill House is beautiful, and oddly mysterious, and for a few minutes, it seems as if the film is actually going to be quite a fair re-telling. And then, the first scare comes: a loose harpsichord wire slashes a woman's face (Dr. Marrow's assistant). This is hilarious, and truth be told, it nearly had me in tears.

From then on, the film just spirals downwards. The acting seems to become somewhat wooden as the film goes on, with Owen Wilson's character being particularly irritating (so it's such a relief when he's decapitated by the flue).

The special effects practically make this movie,, which is a shame, because most of them are incredibly cheesy and look very dated. Examples of these are many, so I won't bother listing them.

So, all in all, I, along with hundreds of others, strongly recommend that you watch the original chiller, or, as an alternative, buy the novel by Shirley Jackson. But please, stay away from this. And, if you do decide to watch this, watch it on the TV (as a lot of the channels love to screen this film, and not the original) or rent it cheap, but please don't buy it, whatever you do. Don't waste your money!

Final rating: 4/10\": {\"frequency\": 1, \"value\": \"The Shirley ...\"}, \"I watched this movie 11 years ago in company with my best female friend. I got my judgment teeth pulled out so I didn't feel very good.

I ended up liking it big time. It's a hard watch if you take in account that it deals with friendship, unwanted betrayal, power, money, drug traffic, and the extreme hard situation that deals with living in a foreign jail.

The acting is on it's prime level. Two of the women that I lust the most star and that's a good thing. Claire Danes is as cute and charming as always while Kate Beckinsale is extremely hot and delivers a fine performance. Bill Pullman is also great and demonstrates his histrionic qualities.

There are many plot twists to dig from and make it an interesting visual experience. Plus it shows the difficult times at Thailand.

This is an underrated movie. Not many films like this one have come up in recent history. It should make you reflex about many things...\": {\"frequency\": 1, \"value\": \"I watched this ...\"}, \"The \\\"Men in White\\\" movie is definitely one of the funniest, if not THE funniest, comedy movies I ever watched! (and I watched quite a lot!) It is about two garbagemen, who become \\\"Men in White\\\" and then stop an invasion from space. It is also a parody of lots of classic movies, such as \\\"Men in Black\\\", \\\"Star Wars\\\" or \\\"Dr. Strangelove\\\". Anyone who says that this movie is crappy has something wrong with his head. There are tons of funny gags and jokes here, and you might actually get injury to your mouth from laughing too hard (it happened to me!). If you can watch this movie on TV, watch it now - you certainly won't regret it!\": {\"frequency\": 1, \"value\": \"The \\\"Men in White\\\" ...\"}, \"I had high hopes for this movie. The theater monologue is great and Nic Balthazar is a very interesting man, with a lot of experience and knowledge when it comes to movies.

I am a fan of a lot of Belgian movies, but this movie is bad. It's completely unbelievable that actors who are 34 are suddenly playing the roles of teenagers. The \\\"linguistic games\\\" were hideous and over the top. Nothing about the film seemed real to me. The ending was way too deus ex machina for me.

I am very disappointed and think I wasted an hour and a half of my life.\": {\"frequency\": 1, \"value\": \"I had high hopes ...\"}, \"The monster from Enemy Mine somehow made his way into a small mountain community, where he has taken up residence. He's being hunted by a female doctor-turned-vigilante who is out to exterminate him. This female assassin, who looks like a refugee from a Motley Crue video, rides around on a motorcycle and tries to save a bunch of kids who have chosen to have a Big Chill weekend right smack dab in the middle of the monster's turf. Decapitations and lots of blood are primarily in place to draw attention away from the story which limps along like a bad version of the Island of Dr. Moreau (and yes, it's worse than the one with Val Kilmer).\": {\"frequency\": 1, \"value\": \"The monster from ...\"}, \"I saw this film (it's English title is \\\"Who's Singing Over There?\\\") at the 1980 Montreal International Film Festival. It won raves then... and disappeared. A terrible shame. It is brilliant. Sublime, ridiculous, sad, and extremely funny. The script is a work of art. It's been 19 years and I've seen only a handful of comedies (or any other genre, for that matter) that can match its originality.\": {\"frequency\": 1, \"value\": \"I saw this film ...\"}, \"The National Gallery of Art showed the long-thought lost original uncut version of this film on July 10, 2005. It restores vital scenes cut by censors upon its release. The character of the cobbler, a moral goody-goody individual in the original censored release of 1933 is here presented as a follower of the philosopher Nietsze and urges her to use men to claw her way to the top. Also, the corny ending of the original which I assume is in current VHS versions is eliminated and the ending is restored to its original form. A wonderful film of seduction and power. Hopefully, there will a reissue of this film on DVD for all to appreciate its great qualities. Look for it.\": {\"frequency\": 1, \"value\": \"The National ...\"}, \"En route to a small town that lays way off the beaten track (but which looks suspiciously close to a freeway), a female reporter runs into a strange hitch-hiker who agrees to help direct her to her destination. The strange man then recounts a pair of gruesome tales connected to the area: in the first story, an adulterous couple plot to kill the woman's husband, but eventually suffer a far worse fate themselves when they are attacked by a zombie; and in the second story, a group of campers have their vacation cut short when an undead outlaw takes umbrage at having his grave peed on.

The Zombie Chronicles is an attempt by writer Garrett Clancy and director Brad Sykes at making a zombie themed anthology\\ufffd\\ufffda nice idea, but with only two stories, it falls woefully short. And that's not the only way in which this low budget gore flick fails to deliver: the acting is lousy (with Joe Haggerty, as the tale-telling Ebenezer Jackson, giving one of the strangest performances I have ever seen); the locations are uninspired; the script is dreary; there's a sex scene with zero nudity; and the ending.... well, that beggars belief.

To be fair, some of Sykes' creative camera-work is effective (although the gimmicky technique employed as characters run through the woods is a tad overused) and Joe Castro's cheapo gore is enthusiastic: an ear is bitten off, eyeballs are plucked out, a face is removed, brains are squished, and there is a messy decapitation. These positives just about make the film bearable, but be warned, The Zombie Chronicles ain't a stroll in the park, even for seasoned viewers of z-grade trash.

I give The Zombie Chronicles 2/10, but generously raise my rating to 3 since I didn't get to view the film with the benefit of 3D (although I have a sneaking suspicion that an extra dimension wouldn't have made that much of a difference).\": {\"frequency\": 1, \"value\": \"En route to a ...\"}, \"Until today I had never seen this film. Its was filmed on the sets of the Old Dark House and Frankenstein and concerns a small Bavarian village where supposedly giant bats are sucking the blood of the villagers.

Frankly its a damn good movie that has atmosphere to spare and a cast that won't quit, Lionel Atwill, Dwight Frye, Faye Wray and Melvin Douglas playing a character named Brettschnieder which is of interest to me since that was my great grandmother's maiden name.

This is a carefully modulated film that has suspense and witty one liners that slowly builds for its brief running time, only going astray when about ten minutes before the end they realized they had limited time to wrap everything up. From that point to the end its a straight run to the finish with very little of the fun that preceded it.

Leonard Maltin and IMDb list a running time of 71 minutes and warn of shorter prints. The trouble is that IMDb and Maltin can be wrong, and in this case I think they are since a source I trust more says the full running time is 67 minutes (The Overlook Film Encyclopedia) Quibbling about this I know is insane but since most prints that are available tend to run around 60-63 minutes the amount of missing material is considerably less if its only 67 minutes long. Personally I think it won't matter that much since its at most five minutes and I doubt very much it will make or break the film.

What ever the running time , if you like creaky old films, do, by all means do, watch this movie, its a great dark and stormy night film.\": {\"frequency\": 1, \"value\": \"Until today I had ...\"}, \"Left Behind is an incredible waste of more than 17 million dollars. The acting is weak and uninspiring, the story even weaker. The audience is asked to believe the totally implausible and many times laughable plot line and given nothing in return for their good faith. Not only is the film poorly acted and scripted it is severely lacking in all the technical areas of filmmaking. The production design does nothing to help the credibility of the action. The effects are wholly unoriginal and flat. The lighting and overall continuity are inexcusably awful; even compared to movies with a tenth of the budget. However none of this will matter in that millions of families will no doubt embrace the film for it's wholesomeness and it's religious leanings; and who can blame them. However it is unfortunate that they will be forced to accept 3rd rate amatuer filmmaking.\": {\"frequency\": 1, \"value\": \"Left Behind is an ...\"}, \"Even for the cocaine laced 1980's this is a pathetic. I don't understand why someone would want to waste celluloid, time, effort, money, and audience brain cells to make such drivel. If your going to make a comedy, make it funny. If you want to film trash like this keep it to yourself. If you're going to release it as a joke like this: DON'T!!! I mean, it was a joke right? Someone please tell me this was a joke. please.\": {\"frequency\": 1, \"value\": \"Even for the ...\"}, \"Every time I watch this movie I am more impressed by the whole production. I have come to the conclusion that it is the best romantic comedy ever made. Everyone involved is perfect; script, acting, direction, sets and editing. Whilst James Stewart can always be relied upon for a good performance, and the supporting cast are magnificent, it is Margaret Sullavan who reveals what an underrated actress she was. Her tragic personal life give poignancy to her qualities as a performer where comedy acting skills are not easy to achieve. Lubitsch managed to get the best and he obviously gave his best. Watch for the number of scenes which were done on one take - breathtaking.\": {\"frequency\": 1, \"value\": \"Every time I watch ...\"}, \"I'm not sure how related they are, but I'm almost certain that Lost and Delirious is a remake of this movie (or the story that it's based on). Very similar plotline, and even some of the scenes and sets seem to be very, very similar. Lost & Delirious is actually a much better movie, so see that one instead.

This one moves very slowly, but being a late 60s French movie, that is to be expected of the style. Told in a retrospect from the perspective of one of the girls revisiting the school. The editing of the flashbacks with the current scenes is a little bit confusing at first, particularly since the audio from each overlaps (ie, hearing flashbacks while seeing the present and vice versa). Also, the \\\"girls\\\" are a bit old to think that they are in a boarding school. Finally, not much character development to even get you attached to the movie.\": {\"frequency\": 1, \"value\": \"I'm not sure how ...\"}, \"The effects of job related stress and the pressures born of a moral dilemma that pits conscience against the obligations of a family business (albeit a unique one) all brought to a head by-- or perhaps the catalyst of-- a midlife crisis, are examined in the dark and absorbing drama, `Panic,' written and directed by Henry Bromell, and starring William H. Macy and Donald Sutherland. It's a telling look at how indecision and denial can bring about the internal strife and misery that ultimately leads to apathy and that moment of truth when the conflict must, of necessity, at last be resolved.

Alex (Macy) is tired; he has a loving wife, Martha (Tracey Ullman), a precocious six-year-old son, Sammy (David Dorfman), a mail order business he runs out of the house, as well as his main source of income, the `family' business he shares with his father, Michael (Sutherland), and his mother, Deidre (Barbara Bain). But he's empty; years of plying this particular trade have left him numb and detached, putting him in a mental state that has driven him to see a psychologist, Dr. Josh Parks (John Ritter). And to make matters worse (or maybe better, depending upon perspective), in Dr. Parks' waiting room he meets a young woman, Sarah Cassidy (Neve Campbell), whose presence alone makes him feel alive for the first time since he can remember. She quickly becomes another brick in the wall of the moral conflict his job has visited upon him, as in the days after their meeting he simply cannot stop thinking about her. His whole life, it seems, has become a `situation'-- one from which he is seemingly unable to successfully extirpate himself without hurting the ones he loves. He can deny his age and the fact that he has, indeed, slipped into a genuine midlife crisis, but he is about to discover that the problems he is facing are simply not going to go away on their own. He's at a crossroads, and he's going to have to decide which way to go. And he's going to have to do it very soon.

From a concept that is intrinsically interesting, Bromell has fashioned an engrossing character study that is insightful and incisive, and he presents it is a way that allows for moments of reflection that enable the audience to empathize and understand what Alex is going through. He makes it very clear that there are no simple answers, that in real life there is no easy way out. His characters are well defined and very real people who represent the diversity found in life and, moreover, within any given family unit. The film resoundingly implies that the sins of the father are irrefutably passed on to the progeny, with irrevocable consequences and effects. When you're growing up, you accept your personal environment as being that of the world at large; and often it is years into adulthood that one may begin to realize and understand that there are actually moral parameters established by every individual who walks upon the planet, and that the ones set by the father may not be conducive to the tenets of the son. And it is at that point that Alex finds himself as the story unfolds; ergo, the midlife crisis, or more specifically, the crisis of conscience from which he cannot escape. It's a powerful message, succinctly and subtly conveyed by Bromell, with the help of some outstanding performances from his actors.

For some time, William H. Macy has been one of the premiere character actors in the business, creating such diverse characters as Quiz Kid Donnie Smith in `Magnolia,' The Shoveler in `Mystery Men' and Jerry Lundegaard in `Fargo.' And that's just a sampling of his many achievements. At one point in this film, Sarah mentions Alex's `sad eyes,' and it's a very telling comment, as therein lies the strength of Macy's performance here, his ability to convey very real emotion in an understated, believable way that expresses all of the inner turmoil he is experiencing. Consider the scene in which he is lying awake in bed, staring off into the darkness; in that one restless moment it is clear that he is grappling, not only with his immediate situation, but with everything in his life that has brought him, finally, to this point. In that scene you find the sum total of a life of guilt, confusion and uncertainty, all of which have been successfully suppressed until now; all the things that have always been at the core of Alex's life, only now gradually breaking through his defense mechanisms and finally surfacing, demanding confrontation and resolution. It's a complex character created and delivered by Macy with an absolute precision that makes Alex truly memorable. It's a character to whom anyone who has ever faced a situation of seemingly insurmountable odds will be able to relate. It's a terrific piece of work by one of the finest actors around.

Sutherland is extremely effective, as well; his Michael is despicably sinister in a way that is so real it's chilling. It's frightening, in fact, to consider that there are such people actually walking the earth. This is not some pulp fiction or James Bond type villain, but a true personification of evil, hiding behind an outward appearance that is so normal he could be the guy next door, which is what makes it all the more disconcerting. And Sutherland brings it all to life brilliantly, with a great performance.

Neve Campbell looks the part of Sarah, but her performance (as is the usual case with her) seems somewhat pretentious, although her affected demeanor here just happens to fit the character and is actually a positive aspect of the film. If only she would occasionally turn her energies inward, it would make a tremendous difference in the way she presents her characters. `Panic,' however, is one of her best efforts; a powerful film that, in the end, is a journey well worth taking. 9/10.

\": {\"frequency\": 1, \"value\": \"The effects of job ...\"}, \"This movie is just plain terrible!!!! Slow acting, slow at getting to the point and wooden characters that just shouldn't have been on there. The best part was the showing of Iron Maiden singing in some video at a theater and thats it. the ending was worth watching and waiting up for but that was it!! The characters in this movie put me to sleep almost. Avoid it!!!\": {\"frequency\": 1, \"value\": \"This movie is just ...\"}, \"This film, was one of my childhood favorites and I must say that, unlike some other films I liked in that period The Thief of Bagdad has held on to it's quality while I grew up. This is not merely a film to be enjoyed by children, it can be watched and enjoyed by adults as well. The only drawback there is, is that one can not see past the \\ufffd\\ufffdbad' effects (compared to the effects nowadays) like one could when one was a child. I remembered nothing of those effects, of course it had been about ten years since I'd seen this film, when I was about eleven years old. Who then watches effects? One only seeks good stories and entertainment and this is exactly what this film provides. In my mind this film is one of the first great adventure films of the 20th century. Coming to think of it I feel like the Indiana Jones films are quite a like this film. There is comedy, romance and adventure all in one, which creates a wonderful mixture that will capture you from the beginning until the end and although the film is old and the music and style of the films is clearly not modern, it succeeds in not being dusty and old. All of that is mainly due to the great story, the good directing and the good acting performances of the actors. In that department Sabu (as Abu) and Conrad Veidt (as Jaffar) stand out, providing the comedic and the chilling elements of the film for the most part. Great film and although an 'oldie', definitely a \\ufffd\\ufffdgoldie'. I hope someone has the brain and guts to release this one on DVD someday.

8 out of 10\": {\"frequency\": 1, \"value\": \"This film, was one ...\"}, \"B movie at best. Sound effects are pretty good. Lame concept, decent execution. I suppose it's a rental.

\\\"You put some Olive Oil in your mouth to save you from de poison, den you cut de bite and suck out de poisen. You gonna be OK Tommy.\\\"

\\\"You stay by the airphone, when Agent Harris calls you get me!\\\" \\\"Give me a fire extinguisher.\\\"

\\\"Weapons - we need weapons. Where's the silverware? All we have is this. Sporks!?\\\"

Dr Price is the snake expert.

Local ERs can handle the occasional snakebite. Alert every ER in the tri-city area.\": {\"frequency\": 1, \"value\": \"B movie at best. ...\"}, \"This movie is a remake of two movies that were a lot better. The last one, Heaven Can Wait, was great, I suggest you see that one. This one is not so great. The last third of the movie is not so bad and Chris Rock starts to show some of the comic fun that got him to where he is today. However, I don't know what happened to the first two parts of this movie. It plays like some really bad \\\"B\\\" movie where people sound like they are in some bad TV sit-com. The situations are forced and it is like they are just trying to get the story over so they can start the real movie. It all seems real fake and the editing is just bad. I don't know how they could release this movie like that. Anyway, the last part isn't to bad, so wait for the video and see it then.\": {\"frequency\": 1, \"value\": \"This movie is a ...\"}, \"Man, even Plan 9 From Outer Space is better than this movie. This flick doesn't have enough plot for half an hour, yet they managed to extend it for an eternity of more than an hour. Jet Li and Corey Yuen are pretty good, specially in those exaggerated fight scenes, but stuff like The Legend of Fong Sai Yuk is much better than this sorry thing that would be better left unmade.\": {\"frequency\": 1, \"value\": \"Man, even Plan 9 ...\"}, \"A lot of promise and nothing more. An all-star cast certainly by HK standards, but man oh man is this one a stinker. No story? That's okay, the action will make up for it like most HK action flicks. What? The action is terrible, corny, and sparse? Dragon Dynasty's releases up to this point are by and large superb and generally regarded as classics in Asian cinema. This is a blight. They managed to wrangle a couple of actors from Infernal Affairs, but they can't bring life to a disjointed script. There are scenes of dialogue where two or three lines are spoken with a cut in between each and no continuity in what the characters are saying. You almost feel like they're each giving a running monologue and just ignoring the other characters. Michael Biehn is made of wood, really? Sammo Hung uses a stunt double? No way. Yes way. Stay away.\": {\"frequency\": 1, \"value\": \"A lot of promise ...\"}, \"The Matador is better upon reflection because at the time one is watching it, it seems so light. The humor is always medium-gauge, never unfunny but never gut-busting. The story is a very simple thread. The characteristics of the plot are often recycled features, namely the unscrupulous bad guy in need of a pal and the straight-laced glass-wearing good guy in need of security in life team up and learn from each other and somehow complement each other's lifestyles. I also find the bullfighting parallel to the story unnecessary, as it is a simply cruel thing and the symbolism is hardly potent enough to carry itself. However, it really is a good film, because though it seemed so thin and unaffecting at the time, it wasn't. It has a subtle way of connecting with the audience.

I believe the reason it slowly but surely gives the audience something to take with them is because though it's a formula that is nothing new, even most of the humor, both main characters, virtually the only characters in it, are somehow met and gotten to know. Forget calling them real. That's not at all what I mean. What I mean is that though Pierce Brosnan's filthy, womanizing, boozing hit man is a detached comical character, he's grasped firmly by the writer and definitely by Brosnan, who is aggressively communicating how much he enjoys his breath of fresh James Bondless air. Greg Kinnear's character seems quite the same in his detached scriptedness, but he's given certain very unexpected footnotes that for a moment due to the film's lightfootedness pass us by but then hit us only a moment later. We then realize the film is not simply Analyze This or Planes, Trains and Automobiles told stalely over again. Its truly saying something.

The film's climax is of a sort that wants to partially be a thriller with twists. But with its lightness, how can that possibly be the focus of the film, though the plot has been leading up to it? No, the focus is what Brosnan and Kinnear get out of their unlikely relationship to each other. Strangely, The Matador is a film about regret and loneliness. Brosnan deals with loneliness and regret every day, and though we don't understand why Kinnear is so lenient and accepting with Brosnan continually interrupting his life, it's slowly understood that Brosnan is salvaging Kinnear from a more down-to-earth version of his own feelings as a means of redemption. The very last scene of the movie stays with me. It, I think, is where the film's subtle side-stepping impact finally begins to seep.\": {\"frequency\": 1, \"value\": \"The Matador is ...\"}, \"This adaptation, like 1949's *The Heiress*, is based on the Henry James novel. *The Heiress*, starring Olivia de Havilland, remains as a well-respected piece of work, though less true to James' original story than this new remake, which retains James' original title. It is the story of a awkward, yet loving daughter (Leigh), devoted to her father (Finney) after her mother dies during childbirth. The arrogant father holds his daughter in no esteem whatsoever, and considers her, as well as all women, simpleminded. When a young man (Chaplin) of good family and little fortune comes courting, the Father is naturally suspicious, but feeling so sure that his daughter could hold no interest for any man, is convinced that the young man is a fortune hunter and forbids her to see him. Leigh is a controversial actress \\ufffd\\ufffd most either love her or hate her \\ufffd\\ufffd and she always has a particular edginess and tenseness to her style, like she's acting through gritted teeth. She's not bad in this, and she handles her role relatively deftly \\ufffd\\ufffd it's just an awkward role for any actress, making the audience want to grab the character by her shoulders and shake her until she comes to her senses. While the character garners a lot of sympathy, she's not particularly likable. The very handsome and immensely appealing Ben Chaplin (previously seen in *The Truth About Cats and Dogs*) plays his role with the exact amount of mystery required to keep the audience guessing whether he is after her fortune, or is really in love with her. Maggie Smith is one of the finest actresses alive and raises the level of the movie considerably with her portrayal of the well-meaning aunt. Finney is marvelous, of course, as the father who threatens to disinherit his daughter for her disobedience, but the daughter is willing to risk that for the man she loves. But does her ardent suitor still want her without her fortune? This is only one instance where *Washington Square* differs from *The Heiress*. Another instance is the ability to stick with it. It is a handsome movie that is as tedious as a dripping faucet, offering too little story in too long of a movie.\": {\"frequency\": 1, \"value\": \"This adaptation, ...\"}, \"Yes, I'm sentimental & schmaltzy!! But this movie (and it's theme song) remain one of my all time greats!! Robert Downey Jr. does such justice to the role of \\\"Louis Jeffries\\\" reincarnated and the storyline (although far-fetched) is romantic & makes one believe in happy endings!!\": {\"frequency\": 1, \"value\": \"Yes, I'm ...\"}, \"\\\"They were always trying to get me killed,\\\" Alec Guinness once wrote of The Man In the White Suit's technicians. \\\"They thought actors got in the way of things.\\\" He went on to describe how he'd been given a wire rope to climb down and, assured it was safe, narrowly avoided serious injury when it suddenly snapped mid-descent.

\\\"People get in the way of things\\\" might be a maxim tailor-made for White Suit inventor Sidney Stratton (fittingly played blank slate-fashion by Alec Guinness) in Alexander Mackendrick's definitive Ealing film of 1951. Certainly, he cares only about his work, its realisation - and sod the consequences. And similarly, with the exception of a couple of peripheral characters, there's almost nobody to root for in this chilly satire on capital and labour.

Told in flashback, the film concerns Stratton's invention of a dirt-resistant, everlasting fibre (fashioned into the white suit of the title), and subsequent attempts by the clothing industry and its unions to suppress it.

While the industry fears the bottom will drop out of the market, the shop floor stewards worry about finding themselves out of a job. Abduction and bribery attempts follow, with both money and an industry chief's daughter on offer (Daphne, the delectable, 4-packs-a-day-voiced Joan Greenwood), to the tragi-comic end.

\\\"What's to become of my bit of washing when there's no washing to do?\\\" bemoans Stratton's landlady near the close. A notion Stratton hadn't even considered - and has disregarded again by the movie's ambiguous coda.

A superior, if decidedly downbeat comedy, expertly performed - and pretty much answering the oft-raised question of whatever happened to the everlasting light bulb and the car that ran on water...\": {\"frequency\": 1, \"value\": \"\\\"They were always ...\"}, \"A terrible film which is supposed to be an independent one. It needed some dependence on something.

This totally miserable film deals with the interactions among Irish people. Were they trying to imitate the wonderful film \\\"Crash?\\\" If so, this film crashed entirely.

There is just too much going on here culminated by a little brat running around and throwing rocks into buses and cars which obviously cause mayhem.

The film is just too choppy to work. One woman loses her husband after 14 years to another while her younger sister is ripped off by a suitor. This causes the former sister to become a bitter vetch and walk around in clothes not worth believing. The older sister also becomes embittered but soon finds romance.

Then, we have 3 losers who purchase masks to rob a bank. Obviously, the robbery goes awry but there doesn't seem to be any punishment for the crooks. Perhaps, the punishment should have been on the writers for failure to create a cohesive film.\": {\"frequency\": 1, \"value\": \"A terrible film ...\"}, \"It seems like anybody can make a movie nowadays. It's like all you need is a camera, a group of people to be your cast and crew, a script, and a little money and walla you have a movie. Problem is that talent isn't always part of this equation and often times these kind of low budget films turn out to be duds. The video store shelves are filled with these so called films. These aren't even guilty pleasures, they're just a waste of celluloid that are better off forgotten. Troma Entertainment is known for making trash cinema, but most of their films are b movie gold. However, some of the films they've put out they had nothing to do with making and some, like 'Nightmare Weekend,' didn't deserve any form of release at all.

Pros: The cast members do the best they can with the lousy material. Some unintentional hilarity. Moves at a good pace (Should at 81 minutes).

Cons: Awful writing, which includes putrid dialogue and countless plot holes. Poorly lit, especially the night scenes and the ending, which you can't make out at all. Doesn't make a lick of sense. Badly scored. Cheap and very dated effects. Total lack of character development and you won't care about anybody. This is supposed to be a horror film, but it's lacking in that area and isn't the least bit scary. Nothing interesting or exciting happens. Loaded with unnecessary padding.

Final thoughts: I never expected this to be some forgotten gem, but I never imagined it would be this bad. I don't know if it's the worst film ever made, but it's a definite contender. Troma should have let this film rot instead of giving it a release. Don't make the same mistake I did and let your curiosity get the best of you.

My rating: 1/5\": {\"frequency\": 1, \"value\": \"It seems like ...\"}, \"Vonnegut's words are best experienced on paper. The tales he weaves are gossemar, silken strands of words and expressions that are not easily translated into a world of Marilyn Manson or Jerry Bruckheimer explosions. His words have been treated well once before, in the remarkable Slaughterhouse-5.

Mother night is probably one of the three novels Vonnegut has written I could take to a desert island, along with Slaughterhouse-5 and Bluebeard.

The film version deserves a 10, but the books are so permanently part of my interior landscape that I just can't do it...some of the scenes left out of the film are part of my memory...\": {\"frequency\": 2, \"value\": \"Vonnegut's words ...\"}, \"If this documentary had not been made by the famous French director, Louis Malle, I probably would have turned it off after the first 15 minutes, as it was an incredibly dull look at a very ordinary Midwestern American town in 1979. This is not exactly my idea of a fun topic and the film footage closely resembled a collection of home movies. Considering I didn't know any of these people, it was even less interesting.

Because it was a rather dull slice of life style documentary, I wondered while watching what was the message they were trying to convey? Perhaps it was that values aren't as conservative as you might think--this was an underlying message through many of the vignettes (such as the Republicans whose son was a draft resister as well as the man and lady who thought sex outside of marriage was just fine). Or, perhaps the meaning was that there was a lot of bigotry underlying the nice home town--as several ugly ideas such as blaming Jews for financial conspiracies, anti-Black bigotry and homophobia all were briefly explored.

The small town of 1979 was explored in great depth and an idyllic sort of world was portrayed, but when the film makers returned six years later, the mood was depressed thanks to President Reagan. This seemed very disingenuous for several reasons. First, the 1979 portion was almost 90% of the film and the final 10% only consisted of a few interviews of people that blamed the president for just about everything but acne. What about the rest of the folks of this town? Did they all see Reagan as evil or that their lives had become more negative? With only a few updates, it seemed suspicious. Second, while it is true that the national debt doubled in the intervening years, so did the gross national product. And, while Malle shows 1979 as a very optimistic period, it was far from that, as the period from 1974-1980 featured many shortages (gas, sugar, etc.), strikes, high inflation and general malaise. While I am not a huge fan of Reagan because government growth did NOT slow during his administration, the country, in general, was far more optimistic than it had been in the Ford and Carter years. While many in the media demonized Reagan (a popular sport in the 80s), the economy improved significantly and the documentary seems very one-sided and agenda driven. Had the documentary given a more thorough coverage of 1985 and hadn't seemed too negative to be believed (after all, everyone didn't have their lives get worse--this defies common sense), then I might have thought otherwise.

Overall, not the wonderful documentary some have proclaimed it to be--ranging from a dull film in 1979 to an extremely slanted look at 1985.

By the way, is it just me, or does the film DROP DEAD GORGEOUS seem to have been inspired, at least in part, by this film? Both are set in similar communities, but the latter film was a hilarious mockumentary without all the serious undertones.\": {\"frequency\": 1, \"value\": \"If this ...\"}, \"Finally! An Iranian film that is not made by Majidi, Kiarostami or the Makhmalbafs. This is a non-documentary, an entertaining black comedy with subversive young girls subtly kicking the 'system' in its ass. It's all about football and its funny, its really funny. The director says \\\"The places are real, the event is real, and so are the characters and the extras. This is why I purposely chose not to use professional actors, as their presence would have introduced a notion of falseness.\\\" The non-actors will have you rooting for them straightaway unless a. your heart is made of stone b. you are blind. Excellently scripted, the film challenges patriarchal authority with an almost absurd freshness. It has won the Jury Grand Prize, Berlin, 2006. Dear reader, it's near-perfect. WHERE, where can I get hold of it?\": {\"frequency\": 1, \"value\": \"Finally! An ...\"}, \"A dog found in a local kennel is mated with Satan and has a litter of puppies, one of which is given to a family who has just lost their previous dog to a hit & run. The puppy wants no time in making like Donald Trump and firing the Mexican housekeeper, how festive. Only the father suspects that this canine is more then he appears, the rest of the family loves the demonic pooch. So it's up to dad to say the day.

This late 70's made for TV horror flick has little going for it except a misplaced feeling of nostalgia. When I saw this as a kid I found it to be a tense nail-biter, but revisiting it as an adult I now realize that it's merely lame,boring, and not really well-acted in the least bit.

My Grade: D\": {\"frequency\": 1, \"value\": \"A dog found in a ...\"}, \"I just can't agree with the above comment - there's lots of interesting and indeed amazing filmic imagery in this one, it has an unusual structure and moves well toward a frightening climactic sequence that is notable for it's effective use of silence. What's more, it explores the odd impulse of suicide in a very frank way, not pulling any punches in what it shows, yet not dwelling and over-sensationalising the subject matter. it has hints of documentary about it as well as horror and art-house cinema, and deserves a place amongst the canon of 'different' horror films like The Blair Witch Project and the original Ring (both of which it predates and could well be an unacknowledged influence on). It's definitely worth seeing if you're interested in the edges of horror cinema.\": {\"frequency\": 1, \"value\": \"I just can't agree ...\"}, \"An old saying goes \\\"If you think you have problems, visit a hospital.\\\" That has been updated in recent years to \\\"If you think you have problems, watch a TV talk show...especially Jerry Springer's!\\\" This movie is one of those that is so bad, it's good! That's why I gave it a seven-it's all right, but not great. It's a great way to waste 95 minutes, just as the daily talk show is advertised as \\\"an hour of your life you'll never get back!\\\" All the familiar themes are here...unfaithful husbands/boyfriends, the wildest audience on television, women flashing Jerry, etc. The shocker was watching Molly Hagan, who normally plays sweet characters (\\\"Seinfeld\\\" and \\\"Herman's Head\\\") playing a trailer-trash mom and Jaime Pressly (\\\"My Name Is Earl\\\") as her equally trashy daughter, performing sexual favors for virtually every man with whom they came in contact. The men (including the staff producer) were presented as quintessential lunkheads who deserved what they got. I don't want to spoil or reveal everything but the movie plays like the daily show. Here in Phoenix, it's shown back-to-back for two hours every morning and, after that, everything else seems to pale. Again, I give this movie a seven...it's good but not great. Jerry Springer is best taken in small one hour doses.\": {\"frequency\": 1, \"value\": \"An old saying goes ...\"}, \"There is no relation at all between Fortier and Profiler but the fact that both are police series about violent crimes. Profiler looks crispy, Fortier looks classic. Profiler plots are quite simple. Fortier's plot are far more complicated... Fortier looks more like Prime Suspect, if we have to spot similarities... The main character is weak and weirdo, but have \\\"clairvoyance\\\". People like to compare, to judge, to evaluate. How about just enjoying? Funny thing too, people writing Fortier looks American but, on the other hand, arguing they prefer American series (!!!). Maybe it's the language, or the spirit, but I think this series is more English than American. By the way, the actors are really good and funny. The acting is not superficial at all...\": {\"frequency\": 1, \"value\": \"There is no ...\"}, \"Well I have to admit this was one of my favorites as a kid, when I used to watch it on a home projector as a super-8 reel. Now there isn't much to recommend it, other than the inherent camp value of actors being \\\"terrified\\\" by replicas of human skulls. The special effects are pretty silly, mostly consisting of skulls on wires and superimposed \\\"ghost\\\" images.

But there's something to be said for the sets. The large mansion in which it takes place is pretty creepy, especially since it's mostly unfurnished (probably due to budgetary reasons?).

It definitely inspires more laughs than screams, however. Just try not to get the giggles when the wife (who does more than her share of screaming) goes into the greenhouse and is confronted with the ghost of her husband's ex.\": {\"frequency\": 1, \"value\": \"Well I have to ...\"}, \"This has to be one of the worst films I have ever seen. The DVD was given to me free with an order I placed online for non DVD related items.

No wonder they were given away, surely no one could part with money for this drivel.

How some reviewers can say they found it hilarious beggars belief, the person who includes it in the worst five films ever has got it spot on.

How on earth a talented actor like Philip Seymour Hoffman could get involved in this rubbish is unbelievable. Mostly toilet humour and badly done at that.

Anyone wanting to be entertained should avoid this at all costs.\": {\"frequency\": 1, \"value\": \"This has to be one ...\"}, \"I happened to spot this flick on the shelf under \\\"new releases\\\" and found the idea of a hip-hop zombie flick far too interesting to pass up. That's how it was billed on the box, anyhow, and I thought to myself, \\\"What a great idea!\\\" Plus there's a \\\"Welcome to Oakland\\\" sign on the cover, too. How could I resist? Unfortunately, the hip-hop part only lasted for as long as the opening theme. Neither hip-hop music nor hip-hop culture had much of a role in the movie. Having lived in Oakland myself, I know that there are many aspiring hip-hop artists there, so the low budget of this flick was no excuse not to have a fitting soundtrack. Any number of struggling artists would have jumped on the opportunity to contribute to this flick. Why the Quiroz Brothers didn't take advantage of this is beyond me.

Once the film got rolling, it was a completely typical zombie movie with a cast that just so happened to be completely black and Latino. You might think that this would put an unusual slant on the movie... but it didn't. Somehow, the Quiroz Brothers vision of \\\"urban culture\\\" boils down to drive-by shootings and dropping an F-bomb in every line in the movie. The rapid-fire use of the word \\\"fuck\\\" is probably this movie's most distinguishing characteristics; there were single lines that contained the word three or four times, and no line didn't contain it at least once. I'm not at all squeamish about swearing in a movie, but the feeling here was that it was the result of a lack of ideas on the part of the writers (also the Quiroz Brothers), and the script was generally very poor.

The film was generally a disappointment. It would have been interesting to see a genuinely \\\"urban culture\\\" zombie flick, but \\\"Hood of the Living Dead\\\" doesn't deliver on that count. The characters in the movie could just as easily have been white or eskimo or anything else. There was no distinct flavor to the movie. It's just another run-of-the-mill low budget flick with bad acting, lousy writing, amateurish direction, bland cinematography, a cheap soundtrack, and nothing at all to recommend it.\": {\"frequency\": 1, \"value\": \"I happened to spot ...\"}, \"I liked this movie I remember there was one very well done scene in this movie where Riff Randell (played by P.J. Soles) is lying in her bed smoking pot and then she begins to visualize that the Ramones are in the room with her sing the song \\\"I Want You Around\\\" ...very very cool stuff.

It was fun, energetic, quirky and cool. Yes I'll admit that the ending is way-way over the top and far fetched ...but it doesn't matter because it is fun this is a very fun movie. It's Sex, Pot and Rock n Rocll forever

I read that Cheap Trick was the band who was originally to star in this ..But I do not know if this is true or not\": {\"frequency\": 1, \"value\": \"I liked this movie ...\"}, \"'The Vampire Bat' is definitely of interest, being one of the early genre-setting horror films of the 1930's, but taken in isolation everything is a bit too creaky for any genuine praise.

The film is set in a European village sometime in the 19th Century, where a series of murders are being attributed to vampirism by the suspicious locals. There is a very similar feel to James Whale's 'Frankenstein' and this is compounded by the introduction of Lionel Atwill's Dr Niemann character, complete with his misguided ideas for scientific advancement.

The vampire theme is arbitrary and only used as a red-herring by having suspicion fall on bat-loving village simpleton Herman (Dwight Frye), thus providing the excuse for a torch-wielding mob to go on the rampage - as if they needed one.

This is one of a trio of early horror films in which Lional Atwill and Fay Wray co-starred (also 'Doctor X' and 'The Mystery of the Wax Museum') and like their other collaborations the film suffers from ill-advised comic relief and a tendency to stray from horror to mainstream thriller elements. Taken in context though, 'The Vampire Bat' is still weak and derivative.

All we are left with is a poor-quality Frankenstein imitation, with the vampire elements purely a device to hoodwink Dracula fans. But for the title the film would struggle to even be considered as a horror and it is worth noting that director Frank Strayer was doing the 'Blondie' films a few years later.\": {\"frequency\": 1, \"value\": \"'The Vampire Bat' ...\"}, \"What happens when an army of wetbacks, towelheads, and Godless Eastern European commies gather their forces south of the border? Gary Busey kicks their butts, of course. Another laughable example of Reagan-era cultural fallout, Bulletproof wastes a decent supporting cast headed by L Q Jones and Thalmus Rasulala.\": {\"frequency\": 1, \"value\": \"What happens when ...\"}, \"i tried to sit through this bomb not too long ago.what a disaster .the acting was atrocious.there were some absolutely pathetic action scenes that fell flat as a lead balloon.this was mainly due to the fact that the reactions of the actors just didn't ring true.supposedly a modern reworking of the Hitchcock original \\\"Lifeboat\\\".i think Hictcock would be spinning circles in his grave at the very thought of it.from what i was able to suffer through,there is nothing compelling in this movie.it boasts a few semi big names,but they put no effort into their characters.but,you know,to be fair,it was nobody's fault really.i mean,i'm pretty sure the script blew up in the first explosion. LOL.it is possible that this thing ends up improving as it goes along.but for me,i'm not willing to spend at least three days to find out.so unless you have at least a three day weekend on the horizon,avoid this stinker/ 1/10\": {\"frequency\": 1, \"value\": \"i tried to sit ...\"}, \"Hi everyone my names Larissa I'm 13 years old when i was about 4 years old i watch curly sue and it knocked my socks of i have been watching that movie for a long time in fact about 30 minutes ago i just got done watching it. Alisan porter is a really good actor and i Love that movie Its so funny when she is dealing the cards. Every time i watch that movie at the end of it i cry its so said i know I'm only 13 years old but its such a touching story its really weird thats Alisan is 25 years old now. Every time i watch a movie someone is always young and the movie comes out like a year after they make it and when u watch it and find out how old the person in the movie really is u wounder how they can go from one age to the next. Like Harry Potter. That movie was also great but still Daniel was about 12 years old in the first movie and i was about 11. SO how could he go from 12 to 16 in about 4 years and I'm only 13. I'm not sure if he is 16 right now i think he is almost 18 but thats kind of weird when u look at one movie and on the next there about 4 years old then u when they were only 1 in the last.I'm not sure i have a big imagination and i like to revile it.I am kind of a computer person but i like to do a lot of kids things also. I am very smart like curly sue in the movie but one thing i don't like in the movie is when that guy calls the foster home and makes curly sue get taken away i would kill that guy if he really had done it in real life. Well I'm going to stop writing i know a write a lot sometimes but kids do have a lot in there head that need to get out and if they don't kids will never get to learn.

Larissa\": {\"frequency\": 1, \"value\": \"Hi everyone my ...\"}, \"Title: Zombie 3 (1988)

Directors: Mostly Lucio Fulci, but also Claudio Fragasso and Bruno Mattei

Cast: Ottaviano DellAcqua, Massimo Vani, Beatrice Ring, Deran Serafin

Review:

To review this flick and get some good background of it, I gotta start by the beginning. And the beginning of this is really George Romeros Dawn of the Dead. When Dawn came out in 79, Lucio Fulci decided to make an indirect sequel to it and call it Zombie 2. That film is the one we know as plain ole Zombie. You know the one in which the zombie fights with the shark! OK so, after that flick (named Zombie 2 in Italy) came out and made a huge chunk of cash, the Italians decided, heck. Lets make some more zombie flicks! These things are raking in the dough! So Zombie 3 was born. Confused yet? The story on this one is really just a rehash of stories we've seen in a lot of American zombie flicks that we have seen before this one, the best comparison that comes to mind is Return of the Living Dead. Lets see...there's the government making experiments with a certain toxic gas that will turn people into zombies. Canister gets released into the general population and shebang! We get loads of zombies yearning for human flesh. A bunch of people start running away from the zombies and end up in an old abandoned hotel. They gotta fight the zombies to survive.

There was a lot of trouble during the filming of this movie. First and foremost, Lucio Fulci the beloved godfather of gore from Italy was sick. So he couldn't really finish this film the way that he wanted to. The film was then handed down to two lesser directors Bruno Mattei (Hell of the Living Dead) and Claudio Fragasso (Zombie 4). They did their best to spice up a film that was already not so good. You see Fulci himself didn't really have his heart and soul on this flick. He was disenchanted with it. He gave the flick over to the producers and basically said: \\\"Do whatever the hell you want with it!\\\" And god love them, they did.

And that is why ladies and gents we have such a crappy zombie flick with the great Fulci credited as its \\\"director\\\". The main problem in my opinion is that its just such a pointless bore! There's no substance to it whatsoever! After the first few minutes in which some terrorists steal the toxic gas and accidentally release it, the rest of the flick is just a bunch of empty soulless characters with no personality whatsoever running from the zombies. Now in some cases this can prove to be fun, if #1 the zombie make up and zombie action is actually good and fun and #2 there's a lot of gore and guts involved.

Here we get neither! Well there's some inspired moments in there, like for example when some eagles get infected by the gas and they start attacking people. That was cool. There's also a scene involving a flying zombie head (wich by the way defies all logic and explanation) and a scene with zombies coming out of the pool of the abandoned hotel and munching off a poor girls legs. But aside from that...the rest of the flick just falls flat on its ass.

Endless upon endless scenes that don't do jack to move the already non existent plot along. That was my main gripe with this flick. The sets look unfinished and the art direction is practically non-existent. I hate it when everything looks so damn unfinished! I like my b-movies, but this one just really went even below that! Its closer to a z-level flick, if you ask me.

The zombie make up? Pure crap. The zombies are all Asian actors (the movie was filmed in the Philippines) so you get a bunch of Asian looking zombies. But thats not a big problem since they movie was set in the phillipine islands anyway. Its the look of the zombies that really sucks! They all died with the same clothes on for some reason. And what passes for zombie make up here is a bunch of black make up (more like smudges) on their faces. One or two zombies had slightly more complex make up, but it still wasn't good enough to impress. Its just a bunch of goo pointlessly splattered on the actors faces. So not only is this flick slowly paced but the zombies look like crap. These are supposed to be dead folks! Anyhows, for those expecting the usual coolness in a Fulci flick don't come expecting it here cause this is mostly somebody else's flick. And those two involved (Mattei and Fragasso) didn't really put there heart and souls into it. In fact, when you see the extras on the DVD you will see that when Fragasso is asked about his recollections and his feelings on this here flick, he doesn't even take it to seriously. You can tell he is ashamed of it and in many occasions he says they \\\"just had a job to do and they did it\\\". And that my friends, is the last nail on this flick. There's no love, and no heart put into making this film. Therefore you get a half assed, crappy zombie flick.

Only for completest or people who want to have or see every zombie flick ever made. Everybody else, don't even bother! Rating: 1 out of 5\": {\"frequency\": 1, \"value\": \"Title: Zombie 3 ...\"}, \"For the life of me I can not understand the blind hype and devotion to this totally unbelievable movie......and I think I have the qualifications to say so.... I am a former Special Operations soldier with 14 years in the \\\"lifestyle\\\" ... This movie was totally totally unreal and obviously written by someone that did very little research into life in the Army, in combat or at a team or platoon level.

Three EOD guys trouncing around Bagdad on their own????? Get Real... No chain of command????? Get Real... EOD clearing buildings??? Get Real....EOD/ Military Intelligence / Sniper qualified buck sergeant???? Get Real.... Wait... I shot and killed a bad guy and then let two guys take me without firing another shot or being injured at all???? Get Real....I carjack an Iraqi civilian, while I am only armed with a 9 mil, break into another civilians house, get punked by his wife then make it back to camp on foot in the middle of Bagdad at night without as so much as a scratch or confrontation???? Get Real...

There is absolutely no adherence to military protocol {Army} and no resemblance at all to any Army unit that I have even encountered. Totally unbelievable and disrespectful to the men and women of EOD who contrary to this poor film are not wild adrenaline seeking yahoos but extremely qualified professionals doing an incredibly hard job.\": {\"frequency\": 1, \"value\": \"For the life of me ...\"}, \"Beside the fact, that in all it's awesomeness this movie has risen beyond all my expectations, this masterpiece of cinema history portrait the overuse of crappy filters in it's best! Paul Johansson and Craig Sheffer show a brotherconflict with all there is to it. As usual a woman concieling her true intentions. The end came as surprising as unforssen as the killing of Keith Scott by his older brother.

The scenes in 'wiking land' are just as I remember it from my early time travels. - To be honest my strong passion for trash movies makes this one a must have in my never finished collection.

I recommend this movie to all the people in love with the most awesome brother cast from One Tree Hill.

-Odin-\": {\"frequency\": 1, \"value\": \"Beside the fact, ...\"}, \"This is probably the worst movie I have ever seen, (yes it's even worse than Dungeons and Dragons and any film starring Kevin Costner.)

Chris Rock looked very uncomfortable throughout this whole film, and his supporting actors didn't even look like they were trying to act. Chris Rock is a wonderful stand-up comedian, but he just can't transfer his talent to this film, which probably only has two strained laughs in the whole picture.

If you haven't watched this film yet, avoid it like the plague. Go do something constructive and more interesting like watching the weather channel or watching paint dry on a brick wall.

For Chris' efforts I give it a 2/10!

\": {\"frequency\": 1, \"value\": \"This is probably ...\"}, \"A very promising directorial debut for Bill Paxton. A very dark thriller/who-really-done-it recommended by Stephen King. This is a strong, well-conceived horror tale about a devout, but demented man in Thurman, Texas that goes on a murdering spree after getting orders from God to eliminate demons trying to control mankind. A couple of plot twists and an eerie finale makes for your moneys worth. Most of the violence you don't really see, but still enough to double up your stomach.

Director Paxton plays the twisted man to be known as the Hand of God Killer. Matthew McConaughey is equally impressive as the demented man's eldest son that ends up telling this story to a Dallas FBI Agent(Powers Boothe). Boothe, as always, is solid and flawless. Suspenseful white knuckler! Highly recommended.\": {\"frequency\": 1, \"value\": \"A very promising ...\"}, \"Whatever possessed Guy Ritchie to remake Wertmuller's film is incomprehensible.

This new film is a mess. There was one other person in the audience when I saw it, and she left about an hour into it. (I hope she demanded a refund.) The only reason I stayed through to the end was because I've never walked out of a movie.

But I sat through this piece of junk thoroughly flabbergasted that Madonna and Ritchie could actually think they made a good film. The dialogue is laughable, the acting is atrocious and the only nice thing in this film is the scenery. Ritchie took Lina's movie and turned it into another \\\"Blue Lagoon.\\\"

This is a film that you wouldn't even waste time watching late night on Cinemax. Time is too precious to be wasted on crap like this.\": {\"frequency\": 1, \"value\": \"Whatever possessed ...\"}, \"This is definitely one of the best movies I've ever seen-- it has everything-- a genuinely touching screenplay, fine actors that make subtlety a beautiful art to watch, an actually elegant romance (it's a shame that that kind of romance just doesn't seem to exist anymore), lovely songs and lyrics (especially the final song), an artistic score, and costumes and sets that make you want to live in them. The ending was only a disappointment in that I was expecting a spectacular film to have a brilliant end-- but it was still more wonderful then the vast majority of movies out there. Definitely check this movie out-- over and over again. There are many details you miss the first time that deserve a second look.\": {\"frequency\": 1, \"value\": \"This is definitely ...\"}, \"Siskel & Ebert were terrific on this show whether you agreed with them or not because of the genuine conflict their separate professional opinions generated. Roeper took this show down a notch or two because he wasn't really a film critic and because he substituted snide for opinionated. Now, when Ben Lyons comes on I feel like I'm watching \\\"Teen News\\\" -- you know, that kids' news show, hosted by kids for kids? Manckiewitz is not much better. It's obvious they've encountered only a steady diet of mainstream films their entire lives. The idea that these two rank amateurs have anything of interest or consequence to say about motion pictures is ludicrous. If they are reviewing a non-formula film, they are completely lost. Show them something original and intelligent -- they just find it \\\"confusing\\\". Wait -- I think I get it ... ABC is owned by Disney ... Disney makes movies for kids. While Siskel, Ebert, and Roper promoted independent films and were only hit-or-miss with the big budget studio productions -- what a surprise: these two guys LOVE the big studio schlock and only manage to tolerate a few indies. Plus everyone knows the age group TV advertisers are aiming for. The blatant nepotism is the icing on the cake. In what alternate universe do these guys qualify as film critics?\": {\"frequency\": 1, \"value\": \"Siskel & Ebert ...\"}, \"I saw this movie when I was in Israel for the summer. my Hebrew is not fluent, so the subtitles were very useful, I didn't feel lost at any point in the movie. You tend to get used to subtitles after about 5 minutes.

This movie blew me away!!!!!! It depicts two of the most prominent taboos in the middle east today: A homosexual relationship between an Israeli and a Palestinian. It allows a person to enter both realms of the conflict simultaneously. The dilemma, the emotions entailed. The movie climaxes in tragedy when anger and rage drive one of the lovers to one extremist side! an absolute must see!!\": {\"frequency\": 1, \"value\": \"I saw this movie ...\"}, \"The British production company Amicus is generally known as the specialist for horror anthologies, and this great omnibus called \\\"The House That Dripped Blood\\\" is doubtlessly the finest Amicus production I've seen so far (admittedly, there are quite a few that I have yet to see, though). \\\"The House That Dripped Blood\\\" consists of four delightfully macabre tales, all set in the same eerie mansion. These four stories are brought to you in a wonderfully Gothic atmosphere, and with one of the finest ensemble casts imaginable. Peter Cushing, Christopher Lee (Cushing and Lee are two of my favorite actors ever), as well as Denholm Elliott and the ravishing Ingrid Pitt star in this film - so which true Horror fan could possibly afford to miss it? No one, of course, and the film has much more to offer than just a great cast. \\\"The House That Dripped Blood\\\" revolves around an eerie rural mansion, in which strange things are happening. In four parts, the film tells the tales of four different heirs.

The first tale, \\\"Method For Murder\\\", tells the story of Horror novelist Charles Hyller (Denholm Elliott), who moves into the House with his wife. After moving in, the writer suddenly feels haunted by a maniac of his own creation... The first segment is a great kickoff to the film. The story is creepy and macabre throughout and the performances are entirelly very good.

In the second story, \\\"Waxworks\\\", retired businessman Phillip Grayson (Peter Cushing) moves into the house, and suddenly feels drawn to a mysterious Wax Museum in the nearby town... The great Peter Cushing once again delivers a sublime performance in this, and the rest of the performances are also very good. The tale is delightfully weird, and the second-best of the film, after the third.

The third tale, \\\"Sweets To The Sweet\\\" is by far the creepiest and most brilliant of the four. John Reed (Christopher Lee) moves in with his little daughter. The private teacher and nanny Mrs. Norton, whom Mr. Reed has employed to instruct his daughter, is appalled about her employer's strictness towards his daughter, and is eager to find out what reason the overprotective father's views on upbringing may have... This best segment maintains a very creepy atmosphere and a genuinely scary plot. Christopher Lee is, as always, superb in his role. Nyree Dawn Porter is also very good as the nanny, and my special praise goes to then 11-year-old Chloe Franks. This ingenious segment alone makes the film a must-see for every true Horror-fan.

In the fourth segment, Horror-actor Paul Henderson (Jon Pertwee) moves into the house with his sexy mistress/co-star Carla (Ingrid Pitt). This fourth story is satire, more than it is actually Horror. It is a highly amusing satire, however, and there are many allusions to other Horror films. At one point Henderson indirectly refers to Christopher Lee, who stars in the previous, third segment...

All four segments have a delightfully macabre sense of humor and a great atmosphere. As stated above, the third segment is by far the creepiest and greatest, but the other three are also atmospheric and often macabrely humorous Horror tales that every Horror lover should appreciate. An igenious atmosphere, a macabre sense of humor, genuine eerieness and a brilliant cast make this one a must-see. In Short: \\\"The House That Dripped Blood\\\" is an excellent Horror-omnibus that no lover of British Horror could possibly afford to miss. Highly Recommended!\": {\"frequency\": 1, \"value\": \"The British ...\"}, \"This reminded me SOO much of Michael Winner's crappy 'Dirty Weekend' with it's awful English low budget feel.

Firstly I must say I am a fan of both exploitation and serious film. I appreciate, say, 'Demented' for it's ineptitude and 'Last House on the Left' for it's sheer unashamed brutality. And any number of inventive and increasingly brutal Italian spin offs.

This was just pointless though. Kind of like a British budget director thought 'let's remake \\\"I Spit on your Grave\\\" without making it too harrowing now that horror is back in fashion with Hostel.

The whole thing just doesn't hang together or have a point. What's with the rapists's daughter? Why bother having the man be an expert in security cameras? Crappy.\": {\"frequency\": 1, \"value\": \"This reminded me ...\"}, \"Emilio Miraglia's first Giallo feature, The Night Evelyn Came Out of the Grave, was a great combination of Giallo and Gothic horror - and this second film is even better! We've got more of the Giallo side of the equation this time around, although Miraglia doesn't lose the Gothic horror stylings that made the earlier film such a delight. Miraglia puts more emphasis on the finer details of the plot this time around, and as a result it's the typical Giallo labyrinth, with characters all over the place and red herrings being thrown in every few minutes. This is a definite bonus for the film, however, as while it can get a little too confusing at times; there's always enough to hold the audience's interest and Miraglia's storytelling has improved since his earlier movie. The plot opens with a scene that sees two young girls fighting, before their grandfather explains to them the legend behind a rather lurid painting in their castle. The legend revolves around a woman called 'The Red Queen' who, legend has it, returns from the grave every hundred years and kills seven people. A few years later, murders begin to occur...

Even though he only made two Giallo's, Miraglia does have his own set of tributes. It's obvious that the colour red is important to him, as it features heavily in both films; and he appears to have something against women called 'Evelyn'. He likes castles, Gothic atmospheres and stylish murders too - which is fine by me! Miraglia may be no Argento when it comes to spilling blood, but he certainly knows how to drop an over the top murder into his film; and here we have delights involving a Volkswagen Beetle, and a death on an iron fence that is one of my all time favourite Giallo death scenes. The female side of the cast is excellent with the stunning Barbara Bouchet and Marina Malfatti heading up an eye-pleasing cast of ladies that aren't afraid to take their clothes off! The score courtesy of Bruno Nicolai is catchy, and even though it doesn't feature much of the psychedelic rock heard in The Night Evelyn Came Out of the Grave; it fits the film well. The ending is something of a turn-off, as although Miraglia revs up the Gothic atmosphere, it comes across as being more than a little bit rushed and the identity of the murderer is too obvious. But even so, this is a delightfully entertaining Giallo and one that I highly recommend to fans of the genre!\": {\"frequency\": 1, \"value\": \"Emilio Miraglia's ...\"}, \"I don't usually comment, but there are things that need to be said. Where to start...

The acting, on Jeremy London's part was horrible! I didn't think he could be so bad. The plot could have been good, had it been well directed, along with a good solid performance from the lead actor. Unfortunately, this is one of those movies you read about and think it has great potential to be entertaining, but get disappointed from the start.

Well, at least I got good laughs. I wouldn't waste my time if I were you.\": {\"frequency\": 1, \"value\": \"I don't usually ...\"}, \"Frankly I don't understand why this movie has been such a big \\\"flop\\\" in publicity. Sharon Stone certainly has not lost any of her charisma and \\\"touch\\\" since \\\"Basic instinct\\\". I voted this film 10 and I tell you why: Game opens in London this time. London is the city where Catherine Tramell has moved since the events in BI1. Again she proves to be a mastermind manipulator of her own class -unchallenged. She is \\\"screwing your brain\\\" as Catherine with such a skill that in the end you don't be quite sure who is the real villain.

As for the technical part of the film: Only real setback is the B-rate crew of actors. Sharon Stone is the only really big name in the cast compared to her and Michael Douglas etc in the first part. I also think BI2 would have been better had Sharon Stone been a bit younger but she is still quite stunning in her looks and has only improved concerning her charisma. Her B-rate \\\"assistants\\\" are not so bad either although I would have wanted some bigger names to the cast.

I think there are quite good improvements in the basic plot. I think this is a far better thriller than many of the run-off-the-mill crap Hollywood so readily distributes these days. The plot is great, it's easy to see technically, you don't snore in the half way through the film and most important -the heath is on.\": {\"frequency\": 1, \"value\": \"Frankly I don't ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"Everyone in a ...\"}, \"JUST CAUSE is a flawed but decent film held together by strong performances and some creative (though exceedingly predictable) writing. Sean Connery is an anti-death penalty crusader brought in to save a seemingly innocent young black man (Blair Underwood) from the ultimate penalty. To set things right, Connery ventures to the scene of the crime, where he must contend not only with the passage of time, but a meddling sheriff (Laurence Fishbourne). Twists and turns and role reversals abound -- some surprising, some not -- as the aging crusader attempts to unravel the mystery. The climactic ending is a bit ludicrous, but JUST CAUSE is worth a look on a slow night.\": {\"frequency\": 1, \"value\": \"JUST CAUSE is a ...\"}, \"Another one of those films you hear about from friends (...or read about on IMDb). Not many false notes in this one. I could see just about everything here actually happening to a young girl fleeing from a dead-end home town in Tennessee to Florida, with all her worldly possessions in an old beaten-up car.

The heroine, Ruby, makes some false starts, but learns from them. I found myself wondering why, why didn't she lean a bit more on Mike's shoulder, but...she has her reasons, as it turns out.

Just a fine film. The only thing I don't much like about it, I think, is the title.\": {\"frequency\": 1, \"value\": \"Another one of ...\"}, \"Every now and then there gets released this movie no one has ever heard of and got shot in a very short time with very little money and resource but everybody goes crazy about and turns out to be a surprisingly great one. This also happened in the '50's with quite a few little movies, that not a lot of people have ever heard of. There are really some unknown great surprising little jewels from the '50's that are worth digging out. \\\"Panic in the Streets\\\" is another movie like that that springs to the mind. Both are movies that aren't really like the usual genre flicks from their time and are also made with limited resources.

I was really surprised at how much I ended up liking this movie. It was truly a movie that got better and better as it progressed. Like all 'old' movies it tends to begin sort of slow but once you get into the story and it's characters you're in for a real treat with this movie.

The movie has a really great story that involves espionage, though the movie doesn't start of like that. It begins as this typical crime-thriller with a touch of film-noir to it. But \\\"Pickup on South Street\\\" just isn't really a movie by the numbers so it starts to take its own directions pretty soon on. It ensures that the movie remains a surprising but above all also really refreshing one to watch.

I also really liked the characters within this movie. None of them are really good guys and they all of their flaws and weaknesses. Really humane. It also especially features a great performance from Thelma Ritter, who even received a well deserved Oscar nomination for. It has really got to be one of the greatest female roles I have ever seen.

Even despite its somewhat obvious low budget this is simply one great, original, special little movie that deserves to be seen by more!

10/10\": {\"frequency\": 1, \"value\": \"Every now and then ...\"}, \"Six different couples. Six different love stories. Six different love angles. Eighty numbers of audience in the movie theater. Looking at the eighty different parts of the silver screen.

I am sitting in somewhere between them looking at the center of the screen to find out what's going on in the movie. All stories have got no link with each other, but somewhere down the line Nikhil Advani trying to show some relation between them. I tried to find out a few lines I could write as review but at the end of 3 hours 15 minutes found nothing to write. The movie is a poor copy of Hollywood blockbuster LOVE ACTUALLY.

My suggestion. Don't watch the movie if you really want to watch a nice movie.\": {\"frequency\": 1, \"value\": \"Six different ...\"}, \"What about Dahmer's childhood?- The double hernia operation which is believed to have sparked off his obsession with the inner workings of the human body? What about \\\"infinity land\\\"? - The game he invented as a child which involved stick men being annihilated when they came too close to one another, suggesting that intimacy was the ultimate danger. What about the relationship between his parents, and the emotional problems of his mother that were far more relevant than just his own relationship with his father? His feelings of neglect when his brother was born? What about his fascination with insects and animals? How he would dissect roadkill and hang it up in the woods behind his home?What about focusing more on his cannibalism? And what about his parent's divorce? These are all things that should have been included in the film. Instead the film maker chose to give us a watered down 'snapshot' from a night or two in his life, and combine it with series of confusing and at times unnecessary flashbacks, to events that weren't even particularly relevant to our understanding of Dahmer.

Why didn't the film maker show how Dahmer was interested in people as objects rather than people? He could have made this point many times, particularly in the scenes in which he drugs his victims whilst he has sex with them (which actually took place in a health club, not a night club). Instead he just shows him ramming away at them from behind.

Whilst I appreciate there is only so much information you can cram into 90 minutes (or however long), but why spend such a large part of the film examining his relationship with Luis Pinet? (known as Rodney in this film). My only guess is that the director was trying to build up Pinet's character, to try and make us fear for or empathise with him, but this film is supposed to be about Jeffrey Dahmer, so why couldn't he have spend those forty five minutes on something else? If the scene and their relationship was important enough to warrant such time then fair enough, but it wasn't. The scene in which he kills Steven Hicks, his first victim, is a vital part of the Jeffrey Dahmer story because it was the first killing, and because of the effect that killing had on the rest of his life. Unfortunately the film doesn't explain that it was his first killing, or that he didn't kill again for nine years. We assume, because his hair style is different, and he is wearing glasses that this is a flashback, but to when? And why?

What about the shrine he made in his sitting room towards the end of his career?-one of the most important clues we have towards understanding Dahmer and his motivations..

Some people may find my need for accuracy in fact and detail a bit anal, but having studied Jeffrey Dahmer in depth, it is plain to see that this film has very little in common with the person he was and the crimes he committed. Why bother to spend the time making a film loosely based on Jeffrey Dahmer rather than tackle the real issues behind his descent into madness and the carnage that ensued?

Finally, a film with subject matter as repellent as this should carry an 18 certificate, not a 15. We needed to see his perversion in more depth, to understand just how detached he was from the rest of us. That doesn't mean showing the drill actually entering Konerak Sinthasomphone's head for instance, but at least an indication of the amount of people he killed, and what his Modus Operandi was when actually killing. Anyone watching this film who doesn't know the story of Dahmer might come away thinking he had only killed a few people. He actually killed seventeen men.

Aside from the facts and lack of depth, the film isn't all bad. There is some nice cinematography, and good performances from the two main characters. I'd like to see this done again by a film maker who has more knowledge, more energy, and a better reason for making the film in the first place.\": {\"frequency\": 1, \"value\": \"What about ...\"}, \"Kill Me Later\\\" has an interesting initial premise: a suicidal woman (Selma Blair) on the verge of jumping off the top of an office building is protects a bank robber (Max Beesley) who promises to \\\"kill her later.\\\"

The actual execution of this premise, however, falls flat as almost every action serves as a mere device to move the plot toward its predictable conclusion. Shoddily written characters who exhibit no motive for their behaviors compromise the quality of acting all around. Lack of character depth especially diminishes Selma Blair's performance, whose character Shawn vacillates from being morose to acting \\\"cool\\\" and ultimately comes across as a confused dolt. This is unfortunate, as under other circumstances Ms. Blair is an appealing and capable actress.

Compounding matters for the worse is director Dana Lustig's insistence on using rapid cuts, incongruous special effects (e.g. look for an unintentionally hilarious infrared motorcycle chase at the end), and a hip soundtrack in the hopes of appealing to the short attention spans of the MTV crowd. Certainly Ms. Lustig proves that she is able to master the technical side of direction, but in no way does her skill help overcome the film's inherent problems and thus the movie drags on to the end. Clearly, Lustig has a distinct visual style; however it is perhaps better suited to music videos than to feature film.

The producers (Ram Bergman & Lustig)can be commended for their ability to realize this film: they were able to scare up $1.5 million to finance the film, secure a good cast, and get domestic and foreign distribution. This is no small feat for an independent film. Yet given the quality of the product, the result is a mixed bag.\": {\"frequency\": 1, \"value\": \"Kill Me Later\\\" has ...\"}, \"Absolutely one of the worst movies of all time.

Low production values, terrible story idea, bad script, lackluster acting... and I can't even come up with an adjective suitably descriptive for how poor Joan River's directing is. I know that there's a special place in Hell for the people who financed this film; prolly right below the level reserved for child-raping genocidal maniacs.

This movie is a trainwreck.

(Terrible) x (infinity) = Rabbit Test.

Avoid this at all costs.

It's so bad, it isn't even funny how bad it is.\": {\"frequency\": 1, \"value\": \"Absolutely one of ...\"}, \"Absolutely one of the worst movies I've seen in a long time! It starts off badly and just deteriorates. Katherine Heigl is woefully miscast in a Lolita role and Leo Grillo manfully struggles with what is essentially a cardboard cutout character. The only cast-member with any enthusiasm is Tom Sizemore, who hams it up as a villain and goes completely overboard with his role. The script is dire, the acting horrible and it has plot holes big enough to drive a double-decker bus through! It is also the most sexist movie I have ever seen! Katherine Heigl's character is completely unsympathetic. She's seen as an evil, wanton seductress who lures the poor, innocent married man to cheat on his wife. It is implied throughout the movie that she's underage, and the message that accompanies that plot-strand just beggars belief! At the end, she isn't even able to redeem herself by shooting the man who's obviously (ha!) become demented with rage and guilt, but the script allows him to kill himself, thereby redeeming himself in the eyes of males everywhere. Horrible. Don't waste your time.\": {\"frequency\": 1, \"value\": \"Absolutely one of ...\"}, \"I was hoping that this film was going to be at least watchable. The plot was weak to say the least. I was expecting a lot more considering the cast line up (I wonder if any of them will include this on their CVs?). At least I didn't pay to rent it. The best part of the film is definitely Dani Behr, but the rest of the film is complete and utter PANTS.\": {\"frequency\": 1, \"value\": \"I was hoping that ...\"}, \"While in the barn of Kent Farm with Shelby waiting for Chloe, Clark is attacked and awakes in a mental institution in the middle of a session with Dr. Hudson. The psychologist tells him that for five years he has been delusional, believing that he has come from Krypton and had superpowers. Clark succeeds to escape, and meets Lana, Martha and Lex that confirm the words of Dr. Hudson. Only Chloe believe on his words, but she is also considered insane. Clark fights to find the truth about his own personality and origin.

\\\"Labyrinth\\\" is undoubtedly the most intriguing episode of \\\"Smallville\\\". The writer was very luck and original denying the whole existence of the powerful boy from Krypton. The annoying hum gives the sensation of disturbance and the identity mysterious saver need to be clarified. My vote is nine.

Title (Brazil): \\\"Labirinto\\\" (\\\"Labyrinth\\\")\": {\"frequency\": 1, \"value\": \"While in the barn ...\"}, \"Those of the \\\"Instant Gratification\\\" era of horror films will no doubt complain about this film's pace and lack of gratuitous effects and body count. The fact is, \\\"The Empty Acre\\\" is a good a example of how independent horror films should be done.

If you avoid the indie racks because you are tired of annoying teens or twenty somethings getting killed by some baddie whose back-story could have come off the back of a Count Chocula box, \\\"The Empty Acre\\\" is the movie for you.

Set in the decaying remnants of the rural American dream, \\\"The Empty Acre\\\" is the tale of a young couple struggling with the disappearance of their six-month-old baby. As the couple's weak relationship falls apart, a larger story plays out in the background. At night, a shapeless dark mass seethes from a sun baked barren acre on their farm and seemingly devours anything in its path, leaving no sign that it was ever there.

The film is loaded with enigmatic characters and visual clues as to what is happening, and ends with a well executed ending that resonates with just enough left over questions to validate the writer/director's faith in an intellectual audience.

There seems to be a sub-text concerning the death of the American dream, but I would hardly call the film an allegory. Riveting, well acted, and technically astute, \\\"The Empty Acre\\\" is a fantastic little indie that thinking horror fans should love.\": {\"frequency\": 1, \"value\": \"Those of the ...\"}, \"My brother is in love with this show, let's get this straight. I completely agree with the people who said it was copying off of Dexter's Lab and Fairly Odd Parents.

I've never really liked fairly odd parents, I mean, some things did make me laugh, but most of the time it's downright annoying and not cute at all. This is almost the same way I feel about Johnny Test. Except, NOTHING makes me laugh on that show. The gags are so stupid and pointless, and to tell you the truth, maybe it's just me, but kids don't DRESS like that! Yes, I do think Johnny's hair is awesome, but c'Mon!

And Dexter's Lab, that used to be one of my favorite shows and I still don't mind watching it. Which makes me disgusted and ashamed of Johnny Test making an absolute JOKE out of that wonderful show!

One more thing. The. Dog. Is. So. Annoying. He is more loud and obnoxious than Johnny! And the gay accent? What the fudge! I hate the dog to death and I hope he dies, because that would be better for kids to see than listening and watching the obnoxious crap that goes on in that show, and picking up a gay accent.

Unless you want you eyeballs to burn into miraculous flames and your brain fried from this show, don't watch it!\": {\"frequency\": 1, \"value\": \"My brother is in ...\"}, \"Daphne Zuniga is the only light that shines in this sleepy slasher, and the light fades quickly. If not her, than what other reason to watch this. five college kids are signed up to prepare an old dorm for its due date of demolition. Problems are automatically occurring when a weird homeless man is soliciting, and the group are short a few people. Then, a killer is on the loose. I honestly wanted to say I was going to enjoy this one. It had a fair set up, or maybe that was just Daphne Zuniga in it. The film is too slow, and almost as silent as a library. Most of the acting is below average, and the \\\"point-of-view\\\" moments are so old news. Acclaimed composer Christopher Young of such films as \\\"Hellraiser\\\" and \\\"Entrapment\\\" scored this, in a repetitive cue line that was better made for a TV movie. Still, it seems higher than the movie deserves. So, other than Young and Zuniga, this one scrapes the bottom of the barrel.\": {\"frequency\": 1, \"value\": \"Daphne Zuniga is ...\"}, \"\\\"Problem Child\\\" is one of the goofiest movies ever made. It's not the worst (though some people will disagree with me on that), but it's not the best either. It's about a devilish 7-year-old boy who wrecks comic havoc on a childless couple (John Ritter, Amy Yasbeck) who foolishly adopts him. This film is too silly and unbelievable because I don't buy for one second that a child could act as unrurly as the kid does in this film. It's asinine and preposterous although I did laugh several times throughout (I really don't know why). But I can't recommend this film. I know I'm being too kind to it. If there is one positive thing about \\\"Problem Child\\\" is that it's better than the sequel which was just awful.

** (out of four)\": {\"frequency\": 1, \"value\": \"\\\"Problem Child\\\" is ...\"}, \"I loved this series when it was on Kids WB, I didn't believe that there was a Batman spin off seeing as the original show ended in 1995 and this show came in 1997. First of all I loved the idea of Robin leaving Batman to solve crime on his own. It was an interesting perspective to their relationship. I also liked the addition of Tim Drake in the series, and once again like it's predecessor this show had great story lines, great animation (better then the original), fantastic voice work and of course brilliant writing. The only thing that I didn't like was that was when it was in the US it would often run episodes in a 15 minute storyline. I just wish some of the episodes could be longer. My favorite episode of any Batman cartoons comes in this series, and it's called \\\"Over the Edge\\\", in my opinion as good if not better then \\\"Heart of Ice\\\" and \\\"Robin's reckoning.\\\" Overall a nice follow up, along with Superman this show made my childhood very happy.\": {\"frequency\": 1, \"value\": \"I loved this ...\"}, \"I totally got drawn into this and couldn't wait for each episode. The acting brought to life how emotional a missing person in the family must be , together with the effects it would have on those closest. The only problem we as a family had was how quickly it was all 'explained' at the end. We couldn't hear clearly what was said and have no idea what Gary's part in the whole thing was? Why did Kyle phone him and why did he go along with it? Having invested in a series for five hours we felt cheated that only five minutes was kept back for the conclusion. I have asked around and none of my friends who watched it were any the wiser either. Very strange but maybe we missed something crucial ????\": {\"frequency\": 1, \"value\": \"I totally got ...\"}, \"I have seen just about all of Miyazaki's films, and they are all beautiful and captivating. But this one rises above the rest. This movie totally impressed me!

I fell in love with Pazu and Sheeta, and their sweet, caring friendship. They were what made the movie for me. Of course, the animation is also superb and the music captures the feelings in the film perfectly. But the characters are the shining point in this movie: they are so well developed and full of personality.

Now, let me clarify: I'm really talking about the Japanese version of the movie (with English subs). While the English dub is good (mostly), it simply pales in comparison to the original language version. The voices are better, the dialogue, everything. So I suggest seeing (and hearing) the movie the way it originally was.\": {\"frequency\": 1, \"value\": \"I have seen just ...\"}, \"Though I saw this movie years ago, its impact has never left me. Stephen Rea's depiction of an invetigator is deep and moving. His anguish at not being able to stop the deaths is palpable. Everyone in the cast is amazing from Sutherland who tries to accommodate him and provide ways for the police to coordinate their efforts, to the troubled citizen x. Each day when we are bombarded with stories of mass murderers, I think of this film and the exhausting work the people do who try to find the killers.\": {\"frequency\": 1, \"value\": \"Though I saw this ...\"}, \"Strange yet emotionally disturbing chiller about fed up middle-aged man (William H. Macy) who finally decides to leave the family business (murder for hire) run by his quietly over-demanding father (Donald Sutherland) while seeing a shrink (John Ritter) and flirting with another patient (Neve Campbell).

Talk about a major dilemma, but \\\"Panic\\\" is a top-notch thriller that looks like \\\"American Beauty\\\" meets \\\"The Professional\\\". Macy and Sutherland are the stand-outs here. Remarkable debut for first-time writer/director Henry Bromell. I'm surprised that this movie didn't get a chance to stay in theaters for more than a couple of weeks.\": {\"frequency\": 1, \"value\": \"Strange yet ...\"}, \"I watched the movie in a preview and I really loved it. The cast is excellent and the plot is sometimes absolutely hilarious. Another highlight of the movie is definitely the music, which hopefully will be released soon. I recommend it to everyone who likes the British humour and especially to all musicians. Go and see. It's great.\": {\"frequency\": 1, \"value\": \"I watched the ...\"}, \"Marion Davies stars in this remarkable comedy \\\"Show People\\\" released by MGM in 1928. Davies plays a hick from Savannah, Georgia, who arrives in Hollywood with her father (Dell Henderson). The jalopy they arrive in is a hoot - as is Davies outrageous southern costume. Davies lands a job in slapstick comedy, not what she wants, but it brings her success. She meets fellow slapstick star William Haines, who is immediately smitten with her. Well, Davies then gets a job at a more prestigious studio (\\\"High Art Studios\\\") and lands a job in stuffy period pieces. A handsome but fake actor (Andre Telefair) shows her the ropes of how to be the typical pretentious Hollywood star. Davies abandons her slapstick friend and father for the good life, but of course learns that is not who she really is. Marion Davies is wonderful throughout, as she - outrageously - runs the gamut of emotions required of a \\\"serious\\\" actress. William Haines is his usual wonderful comedic self, and there are cameos by Charles Chaplin, John Gilbert, and other famous stars of the day, including the director of the film, King Vidor. This is a silent film with a few \\\"sound effects\\\" as sound pictures were just coming into their own. A treasure of a film.\": {\"frequency\": 1, \"value\": \"Marion Davies ...\"}, \"I am guessing the reason this movie did so well at the box office is of course Eddie Murphy. I think this was his first movie since \\\"Beverly Hills Cop\\\" so at the time he was hot. Considering that one made over two hundred million and it was R and this one made about 80 million and it was pg does say it was not all that popular. I have never been a big Eddie Murphy fan, so that is probably another reason I didn't care for it much at all. This one has Eddie as some sort of finder of lost kids. He must find the golden child or the world is in terrible peril. The plot is very bad, but as bad as it is it does not compare to the special effects. I had seen better stuff done in the 70's than some of the stuff this one offers, Ray Harryhausen did better stuff. Still the main reason you see a movie like this is because of Eddie, unfortunately he is not very funny in this one at all and it just seems stupid to put him in the \\\"Raiders of the Lost Ark\\\" type scenes. I guess they were hoping for a fish out of water effect, but to me it just did not work.\": {\"frequency\": 1, \"value\": \"I am guessing the ...\"}, \"I've seen the original English version on video. Disney's choice of voice actors looks very promising. I can't believe I'm saying that. The story is about a young boy who meets a girl with a history that is intertwined with his own. The two are thrown into one of the most fun and intriguing storylines in any animated film. The animation quality is excellent! If you've seen Disney's job of Kiki's delivery service you can see the quality in their production. It almost redeems them for stealing the story of Kimba the white lion. (but not quite!) Finally Miyazaki's films are being released properly! I can't wait to see an uncut English version of Nausicaa!\": {\"frequency\": 1, \"value\": \"I've seen the ...\"}, \"Maybe the greatest film ever about jazz.

It IS jazz.

The opening shot continues to haunt my reverie.

Lester, of course, is wonderful and out of this world.

Jo Jones is always a delight (see The Sound of Jazz as well).

If you can, find the music; it's available on CD.

All lovers of jazz and film noir should study this tremendous jewel.

What shadows and light - what music - what a hat!\": {\"frequency\": 1, \"value\": \"Maybe the greatest ...\"}, \"*** Contains Spoilers ***

I did not like this movie at all.

I found it amazingly boring and rather superficially made, irrespective of the importance and depth of the proposed themes: given that eventually we have to die, how should we approach life? In a \\\"light\\\" way, like Tomas; in a \\\"heavy\\\" way like Tereza; or should we find ways not to face that question, like Sabina? How much is fidelity important in a relationship? How much of the professional life can be mutilated for the sake of our loved ones? How much do we have to be involved in the political life and the social issues of our Country?

Unfortunately, I haven't read Kundera's novel but after having being let down by the movie I certainly will: I want to understand if the story was ruined by the movie adaptation (which is my guess) or if it was dull from the beginning.

I disagree with most of the positive comments that defined the movie as a masterpiece. I simply don't see the reasons why. What I see are many flaws, and a sample of them follows.

1) The three main characters are thrown at you and it's very hard to understand what drives them when making their choices.

2) The \\\"secondary\\\" characters are there just to fill the gaps but they don't add nothing to the story and you wonder if they are really necessary.

3) I did not like how Tomas was impersonated. Nothing is good for him. He is so self-centered and selfish. He is not human, in some sense. But when his self-confidence fails and he realizes that he depends on others and is emotionally linked to someone, I did not find the interpretation credible.

4) It's very unlikely that an artist like Sabina could afford her lifestyle in a communist country in 1968. On top of that, the three main characters are all very successful in their respective professions, which sounds strange to me. a) how can Tereza become effortlessly such a good photographer? b) how can they do so well in a country lacking all the economic incentives that usually motivate people to succeed?

5) The fake accents of the English spoken by the actors are laughable. And I am not even mother tongue. Moreover, the letter that Sabina receives while in the US is written in Czech, which I found very inconsistent.

6) Many comments praised the movie saying that Prague was beautifully rendered: I guess that most of the movie was shot on location, so it's not difficult to give the movie a Eastern European feeling, and given the intrinsic beauty of Prague is not even difficult to make it look good.

7) I found the ending sort of trivial. Tereza and Tomas, finally happy in the countryside, far away from the temptations of the \\\"metropoly\\\", distant from the social struggles their fellow citizens are living, detached from their professional lives, die in a car accident. But they die after having realized that they are happy, indeed. So what? Had they died unhappy, would the message of the movie have been different? I don't think so. I considered it sort of a cheap trick to please the audience.

8) The only thing in the movie which is unbearably light is the way the director has portrayed the characters. You see them for almost three hours, but in the end you are left with nothing. You don't feel empathy, you don't relate to them, you are left there in your couch watching a sequence of events and scenes that have very little to say.

9) I hated the \\\"stop the music in the restaurant\\\" scene (which some comments praised a lot). Why Sabina has got such a strong reaction? Why Franz agrees with her? I really don't see the point. The only thing you learn is that Sabina has got a very bad temper and quite a strong personality. That's it. What's so special and unique about it?

After all these negative comments, let me point tout that there are two scenes that I liked a lot (that's why I gave it a two).

The \\\"Naked women Photoshoot\\\", where the envy, the jealousy, and the insecurities of Sabina and Tereza are beautifully presented.

The other scene is the one representing the investigations after the occupation of Prague by the Russians. Tereza pictures, taken to let the world know about what is going on in Prague, are used to identify the people taking part to the riots. I found it quite original and Tereza's sense of despair and guilt are nicely portrayed.

Finally, there is a tiny possibility that the movie was intentionally \\\"designed\\\" in such a way that \\\"Tomas types\\\" are going to like it and \\\"Tereza ones\\\" are going to hate it. If this is the case (I strongly doubt it, though) then my comment should be revised drastically.\": {\"frequency\": 1, \"value\": \"*** Contains ...\"}, \"A somewhat dull made for tv movie which premiered on the TBS cable station. Antonio and Janine run around chasing a killer computer virus and...that's about it. For trivia buffs this will be noted as debuting the same weekend that the real life 'Melissa' virus also made it's debut in e-mail inboxes across the world.\": {\"frequency\": 1, \"value\": \"A somewhat dull ...\"}, \"\\\"Read My Lips (Sur mes l\\ufffd\\ufffdvres)\\\" (which probably has different idiomatic resonance in its French title) is a nifty, twisty contemporary tale of office politics that unexpectedly becomes a crime caper as the unusually matched characters slide up and down an ethical and sensual slippery slope.

The two leads are magnetic, Emmanuelle Devos (who I've never seen before despite her lengthy resume in French movies) and an even more disheveled than usual Vincent Cassel (who has brought a sexy and/or threatening look and voice to some US movies).

The first half of the movie is on her turf in a competitive real estate office and he's the neophyte. The second half is on his turf as an ex-con and her wrenching adaptation to that milieu.

Writer/director Jacques Audiard very cleverly uses the woman's isolating hearing disability as an entr\\ufffd\\ufffde for us into her perceptions, turning the sound up and down for us to hear as she does (so it's even more annoying than usual when audience members talk), using visuals as sensory reactors as well.

None of the characters act as anticipated (she is not like that pliable victim from \\\"In the Company of Men,\\\" not in individual interactions, not in scenes, and not in the overall arc of the unpredictable story line (well, until the last shot, but heck the audience was waiting for that fulfillment) as we move from a hectic modern office, to a hectic disco to romantic and criminal stake-outs.

There is a side story that's thematically redundant and unnecessary, but that just gives us a few minutes to catch our breaths.

This is one of my favorites of the year!

(originally written 7/28/2002)\": {\"frequency\": 1, \"value\": \"\\\"Read My Lips (Sur ...\"}, \"1 is being pretty generous here. I really enjoyed BOOGEYMAN, even though it is not really the BOOGEYMAN promoted on the DVD cover and we all know it! It creeped me out. But this film, it is something else. For being directed by a guy who has been around a long time and directed a lot of movies, it looks like it was shot on a VHS camcorder by a 10 year old! The story and acting are atrocious! David Hess, you have let me down too. After playing one of the most menacing villains in film history, you have resorted to this? The story and acting may have been able to be forgiven however, if anyone had taken the time to make the video look somewhat professional. There are a LOT of shot on video films out there that don't look like it, or at least aren't so obvious that it detracts your attention from the film. I can't say it is the worst movie ever, because I couldn't make it through the entire film, but it is certainly close.\": {\"frequency\": 1, \"value\": \"1 is being pretty ...\"}, \"This stylistically sophisticated visual game presents \\ufffd\\ufffda story within a story'. The protagonist is scriptwriter Bart Klever who fights persistently with his new text \\ufffd\\ufffd which is, at the same time, the screenplay of the film we're watching. In the movie Bart plays a scriptwriter writing the script of the film\\ufffd\\ufffd Bart's struggle with the text becomes a narrative theme, as does the environment of the flat where he works and takes care of his little girl. The intimate environment offers ample opportunity for games of illusion involving space, light, colours and a couple of cats. The outwardly simple world of the room is further complicated by the unstable dimensions of a text continually influenced by the filmmaker's interventions, which appears on a computer monitor and serves as a counterpoint to the similarity mutable environment. The constantly changing viewing angle complicates answers to questions which arise: What is \\ufffd\\ufffdtruth' and what \\ufffd\\ufffdillusion' ? Which of the observed worlds is primary and superior to the rest? Can anything serve as a basic orientation point in the narrative space?\": {\"frequency\": 1, \"value\": \"This stylistically ...\"}, \"Simple-minded but good-natured drive-in movie about a simple-minded but good-natured high school graduate who has dreams of owning the coolest custom van in the world to use as his \\\"ballroom\\\".

Bobby, our hero, spends his entire savings to acquire the vehicle of his dreams. Joint sharing and love making quickly commence with girls Bobby has picked up at the local pizza parlor, but he finds out much responsibility, danger and heartache come with being the owner of such a mechanical marvel.

The Van is a guilty pleasure of mine. It captures the laid back mid 70's mood and has enough unintentional humor to put it into the \\\"so bad it's good\\\" category.\": {\"frequency\": 1, \"value\": \"Simple-minded but ...\"}, \"I didn't feel that this film was quite as clever as it seemed to think it was but enjoyed it nevertheless.

It is original, although reminded me a little of two other French films, Vidocq and City of Lost Children, mostly for the colouring but also for the edgy quality of the close ups of the characters.

Set in a prison cell but do not let this put you off, this film seemingly goes further than many a multi locationed blockbuster.

Always interesting, with the perennial 'Black Arts' well to the fore and very good characterisation making some only too believable!

Scary with some gore this is well worth a viewing.\": {\"frequency\": 1, \"value\": \"I didn't feel that ...\"}, \"What is the point of creating sequels that have absolutely no relevance to the original film? No point. This is why the Prom Night sequels are so embarrassingly bad.

The original film entailed a group of children hiding a dark secret that eventually get them all killed, bar one, in a brutal act of revenge. Can someone please explain to me what a dead prom queen-to-be rising from the grave to steel the crown has to do with the first movie then? Prom Night 2 had continuous plot holes that left the audience constantly wondering how did that happen and why should that happen? But in the end, i guess you could call it one of those movies that is so bad, you end up laughing yourself through it.\": {\"frequency\": 1, \"value\": \"What is the point ...\"}, \"I wonder who was responsible for this mess. The jokes wouldn't have worked for gilligan's island. If this had gone to series, would there have been jokes about Auschwitz, or would Eva have to replace her oven, only to have Adolf suggest the kind that seats 50?? Another post compared this show to I love Lucy. The problem with this is that Lucille Ball was a genius at physical comedy and bizarre situations, and this mess was just plain badly done and an insult to my intelligence.

After the damage the Nazi's did to England and the number of people they killed, I would think the very concept of a comedy about Hitler would seem repugnant and most normal people would have killed this concept before any episodes were produced.\": {\"frequency\": 1, \"value\": \"I wonder who was ...\"}, \"Lame movie. Completely uninteresting. No chemistry at all between Indiana Jones and the guy from Black Hawk Down. The car chase scene just goes on and on and on ad nauseum. They manage to switch vehicles a few times, but always end up right on the tail of the baddies. The scene where Hartnett grabs the family's car with the crying kids in the back was just as stupid as could be. He is telling them about Eastern philosophy and how it is all right to die, which I imagine the writers thought was funny or even witty. It just came off as moronic, totally unbelievable and even cruel.

Some subplots weren't even explored, they were just used as filler. Why does Hartnett get sick seeing dead bodies yet keeps ordering burgers at crime scenes? Why, and on what grounds, is the bad IA guy suddenly arrested out of the blue by the chief? Why can IA pick up the buddy cops and then just let them answer their phones or pretend to be Indian mystics and then just let them waltz out of there without so much as a slap on the wrist? For some reason, even though Ford is uncovered as a cheat and a fraud when acting as a realtor, (he makes up the prices when he is trying to sell the producer's house to jack up his own commission), they keep coming back to him anyway! They knew he lied to both of them! Yet there they were, coming to terms that both said they would never go for. Stupid, just stupid. This is also one of those cop movies where they just fire wantonly on public streets with no care in the world for innocent bystanders. There they were, just standing on the sidewalk blasting away while people ducked for cover. Amazing that they didn't hit a single person after having fired about 60 rounds each....

The scriptwriting was terrible, the action sequences were boring, the plot just a sidestory to a very pathetic attempt to have us root for Ford and Hartnett. It fails miserably. And Ford's phone! Turn the damn thing off! How many times could it ring in a 2-hour movie? 50? 60? It was frustratingly aggravating by the midpoint in the movie! Every 30 seconds, that stupid tune would play! And if it wasn't Ford's, then Hartnett's was ringing! It was incredibly annoying!

Complete waste of time, Ford's worst movie since 6 Days 7 Nights, which was without a doubt, the lowest point of his distinguished career.\": {\"frequency\": 1, \"value\": \"Lame movie. ...\"}, \"A found tape about 3? guys having fun torturing a woman in several inhuman ways.

Yeah, spoiler.

First of all, the acting made this short not scary at all, the woman seemed to have orgasms, not suffering. Some of the punishments were so ridiculous! what's shocking about throwing some meat or spin her in a chair? If you are shooting a nonsense tape, at least make it good. The only part to remark is the end: the hammered hand and the pierced eye, the rest of the film is really poor. To end the boredom, the supposed story about the tape being investigated, extra bullshit.\": {\"frequency\": 1, \"value\": \"A found tape about ...\"}, \"This movie is likely the worst movie I've ever seen in my life -- surpassing the previous most god-awful movie, \\\"Spawn of Slithis,\\\" which I saw when I was about 10.

Bad acting, stilted and ridiculous dialog, incomprehensible plot, mishmashed cut scenes, even the music was annoying. Did I leave anything out? Well, the special effects weren't bad -- but CGI does not a decent movie make.

I can't believe I actually spent money to see this movie. If anyone has the contact info for Hyung-rae Shim (the director), please forward it to my user name \\\"at gmail,\\\" and I'll contact him to personally demand a refund.\": {\"frequency\": 1, \"value\": \"This movie is ...\"}, \"This one was marred by potentially great matches being cut very short.

The opening match was a waste of the Legion of Doom, but I guess the only way they could have been eliminated by Demolition was a double-DQ. Otherwise, Mr. Perfect would have had to put in overtime. Kerry von Erich, the I-C champ, was wasted here. And this was the third ppv in a row where Perfect jobbed. Remember, before that he never lost a match.

The second match was very good, possibly the best of the night. Ted DiBiase and the Undertaker were excellent, while the Jim Neidhart had one of his WWF highlights, pinning the Honky Tonk Man. Koko B. Ware continued his tradition of being the first to put over a new heel (remember the Big Bossman and Yokozuna?). This was a foreshadowing of Bret Hart's singles career, as he came back from two-on-one and almost survived the match. He and DiBiase put on a wrestling clinic, making us forget that the point of the match was DiBiase's boring feud with Dusty Rhodes.

Even though the Visionaries were the first team to have all of its members survive (and only the second since '87 to have four survivors), this match was not a squash. This was the longest match of the night, and Jake did a repeat of his '88 performance when he was left alone against four men and dominated. I think he could have actually pulled off an upset. These days, the match would have ended the other way around.

One of the shortest SS matches ever was also one of its most surprising. Possibly the most underrated wrestler ever, Tito Santana was the inspirational wrestler of the night, putting on war paint and pinning Boris Zukhov, Tanaka, and even the Warlord in the final survival match. It was so strange to see him put over so overwhelmingly, then go right back to his mediocre career. Sgt. Slaughter also did well, getting rid of Volkoff and the Bushwhackers, but that just wasn't a surprise. Tito was.

I think the only point of the survival match was to have Hogan and the Warrior win together at the end.

This show was boring and the matches were too short. The Undertaker's debut was cool, but Tito Santana is the reason I will remember this one.\": {\"frequency\": 1, \"value\": \"This one was ...\"}, \"Care Bears Movie 2: A New Generation isn't at all a bad movie. In fact, I like it very much. Yes I admit the dialogue is corny and the story is a bit poorly told at times. But Darkheart, while very very dark is a convincing enough shape shifting villain, and Hadley Kay did a superb job voicing him. Speaking of the voice acting, it was great, nothing wrong with it whatsoever. The animation is colourful, and some of the visuals particularly at the beginning were breathtaking. The songs and score are lovely, especially Growing Up and Forever Young, the latter has always been my personal favourite of the two. The care bears, who I do like, are adorable, and the human children are well done too. And the ending is a real tearjerker. All in all, harmless kiddie fun. 8/10 Bethany Cox\": {\"frequency\": 1, \"value\": \"Care Bears Movie ...\"}, \"In answer to the person who made the comment about how the film drags on and who believed there was no purpose to the role of Jess's brother here is my response:

The role of Jess's brother is to provide a form of dramatic irony in the story. Craig Sheffer/Norman could have foreseen the troubles associated with living life to the full by looking at how Jess's brother turned out. There are various instances where Brad Pitt and his lives run in parallel, for example, when Jess's brother takes Craig Sheffer to a disjointed bar and subsequently he finds Brad Pitt there a few days later. The dramatic irony was there so Craig Sheffer's character would have a bigger emotional turmoil at his brothers death, knowing he could have done more to prevent it and subsequently creates a more compelling mood in the film.\": {\"frequency\": 1, \"value\": \"In answer to the ...\"}, \"And that's how the greatest comedy of TV started! It has been 12 years since the very first episode but it has continued with the same spirit till the very last season. Because that's where \\\"Friends\\\" is based: on quotes. Extraordinary situations are taking place among six friends who will never leave from our hearts: Let's say a big thanks to Rachel, Ross, Monica, Joey, Chandler and Phoebe!!! In our first meet, we see how Rachel dumps a guy (in the church, how ... (understand), Monica's search for the \\\"perfect guy\\\" (there is no perfect guy, why all you women are obsessed with that???), and how your marriage can be ruined when the partner of your life discovers that she's a lesbian. Till we meet Joey, Phoebe and Chandler in the next episodes... ENJOY FRIENDS!\": {\"frequency\": 1, \"value\": \"And that's how the ...\"}, \"It must be assumed that those who praised this film (\\\"the greatest filmed opera ever,\\\" didn't I read somewhere?) either don't care for opera, don't care for Wagner, or don't care about anything except their desire to appear Cultured. Either as a representation of Wagner's swan-song, or as a movie, this strikes me as an unmitigated disaster, with a leaden reading of the score matched to a tricksy, lugubrious realisation of the text.

It's questionable that people with ideas as to what an opera (or, for that matter, a play, especially one by Shakespeare) is \\\"about\\\" should be allowed anywhere near a theatre or film studio; Syberberg, very fashionably, but without the smallest justification from Wagner's text, decided that Parsifal is \\\"about\\\" bisexual integration, so that the title character, in the latter stages, transmutes into a kind of beatnik babe, though one who continues to sing high tenor -- few if any of the actors in the film are the singers, and we get a double dose of Armin Jordan, the conductor, who is seen as the face (but not heard as the voice) of Amfortas, and also appears monstrously in double exposure as a kind of Batonzilla or Conductor Who Ate Monsalvat during the playing of the Good Friday music -- in which, by the way, the transcendant loveliness of nature is represented by a scattering of shopworn and flaccid crocuses stuck in ill-laid turf, an expedient which baffles me. In the theatre we sometimes have to piece out such imperfections with our thoughts, but I can't think why Syberberg couldn't splice in, for Parsifal and Gurnemanz, mountain pasture as lush as was provided for Julie Andrews in Sound of Music...

The sound is hard to endure, the high voices and the trumpets in particular possessing an aural glare that adds another sort of fatigue to our impatience with the uninspired conducting and paralytic unfolding of the ritual. Someone in another review mentioned the 1951 Bayreuth recording, and Knappertsbusch, though his tempi are often very slow, had what Jordan altogether lacks, a sense of pulse, a feeling for the ebb and flow of the music -- and, after half a century, the orchestral sound in that set, in modern pressings, is still superior to this film.\": {\"frequency\": 1, \"value\": \"It must be assumed ...\"}, \"Dani(Reese Witherspoon) has always been very close with her older sister Maureen(Emily Warfield) until they both start falling in love with their neighbor Court(Jason London). But it is not after a terrible tragedy strikes that the two sisters realize that nothing can keep them apart and that their love for each other will never fade away.

This was truly a heartbreaking story about first love. Probably the most painful story about young love that I have ever seen. All the acting is amazing and Reese Witherspoon gives a great performance in her first movie. I would give The Man in the Moon 8.5/10\": {\"frequency\": 1, \"value\": \"Dani(Reese ...\"}, \"A kid with ideals who tries to change things around him. A boy who is forced to become a man, because of the system. A system who hides the truth, and who is violating the rights of existence. A boy who, inspired by Martin Luther King, stands up, and tells the truth. A family who is falling apart, and fighting against it. A movie you can't hide from. You see things, and you hear things, and you feel things, that you till the day you die will hope have never happened for real. Violence, frustration, abuse of power, parents who can't do anything, and a boy with, I am sorry, balls, a boy who will not accept things, who will not let anything happen to him, a kid with power, and a kid who acts like a pro, like he has never done anything else, he caries this movie to the end, and anyone who wants to see how abuse found place back in the 60'ies.\": {\"frequency\": 1, \"value\": \"A kid with ideals ...\"}, \"I would love to have that two hours of my life back. It seemed to be several clips from Steve's Animal Planet series that was spliced into a loosely constructed script. Don't Go, If you must see it, wait for the video ...\": {\"frequency\": 1, \"value\": \"I would love to ...\"}, \"To be completely honest,I haven't seen that many western films but I've seen enough to know what a good one is.This by far the worst western on the planet today.First off there black people in the wild west? Come on! Who ever thought that this could be a cool off the wall movie that everyone would love were slightly, no no, completely retarded!Secondly in that day and age women especially black women were not prone to be carrying and or using guns.Thirdly whats with the Asian chick speaking perfect English? If the setting is western,Asia isn't where your going. Finally,the evil gay chick was too much the movie was just crap from the beginning.Now don't get me wrong I'm not racist or white either so don't get ticked after reading this but this movie,this movie is the worst presentation of black people I have ever seen!\": {\"frequency\": 1, \"value\": \"To be completely ...\"}, \"'I'm working for a sinister corporation doing industrial espionage in the future and I'm starting to get confused about who I really am, sh*#t! I've got a headache and things are going wobbly, oh no here comes another near subliminal fast-cut noisy montage of significant yet cryptic images...'

I rented this movie because the few reviews out there have all been favourable. Why? Cypher is a cheap, derivative, dull movie, set in a poorly realised bland futureworld, with wooden leads, and a laughable ending.

An eerie sense that something interesting might be about to happen keeps you watching a series of increasingly silly and unconvincing events, before the film makers slap you in the face with an ending that combines the worst of Bond with a Duran Duran video.

It's painfully obvious they have eked out the production using Dr Who style improvised special effects in order to include a few good (if a little Babylon 5) CGI set pieces. This sub Fight Club, sub Philip K Dick future noir thriller strives for a much broader scope than its modest budget will allow.

Cool blue moodiness served up with po-faced seriousness - disappointingly dumb. This is not intelligent Sci-Fi, this is the plot of a computer game.\": {\"frequency\": 1, \"value\": \"'I'm working for a ...\"}, \"Film version of Sandra Bernhard's one-woman off-Broadway show is gaspingly pretentious. Sandra spoofs lounge acts and superstars, but her sense of irony is only fitfully interesting, and fitfully funny. Her fans will say she's scathingly honest, and that may be true. But she's also shrill, with an unapologetic, in-your-face bravado that isn't well-suited to a film in this genre. She doesn't want to make nice--and she's certainly not out to make friends--and that's always going to rub a lot of people the wrong way. But even if you meet her halfway, her material here is seriously lacking. Filmmaker Nicolas Roeg served as executive producer and, though not directed by him, the film does have his chilly, detached signature style all over it. Bernhard co-wrote the show with director John Boskovich; their oddest touch was in having all of Sandra's in-house audiences looking completely bored--a feeling many real viewers will most likely share. *1/2 from ****\": {\"frequency\": 1, \"value\": \"Film version of ...\"}, \"In the tradition of G-Men, The House On 92nd Street, The Street With No Name, now comes The FBI Story one of those carefully supervised films that showed the Federal Bureau of Investigation in the best possible light. While it's 48 year director J. Edgar Hoover was alive, it would be showed in no other kind of light.

The book by Don Whitehead that this film is based on is a straight forward history of the bureau from it's founding in 1907 until roughly the time the film The FBI Story came out. It's important sometimes to remember there WAS an FBI before J. Edgar Hoover headed it. Some of that time is covered in the film as well.

But Warner Brothers was not making a documentary so to give the FBI flesh and blood the fictional character of John 'Chip' Hardesty was created. Hardesty as played by James Stewart is a career FBI man who graduated law school and rather than go in practice took a job with the bureau in the early twenties.

In real life the Bureau was headed by William J. Burns of the Burns Private Detective Agency. It was in fact a grossly political operation then as is showed in the film. Burns was on the periphery of the scandals of the Harding administration. When Hoover was appointed in 1924 to bring professional law enforcement techniques and rigorous standards of competence in, he did just that.

Through the Hardesty family which is Stewart and wife Vera Miles we see the history of the FBI unfold. In addition we see a lot of their personal family history which is completely integrated into the FBI's story itself. Stewart and Miles are most assuredly an all American couple. We follow the FBI through some of the cases Stewart is involved with, arresting Ku Klux Klan members, a plot to murder oil rich Indians, bringing down the notorious criminals of the thirties, their involvement with apprehending Nazi sympathizers in World War II and against Communist espionage in the Cold War.

There is a kind of prologue portion where Stewart tells a class at the FBI Academy before going into the history of the bureau as it intertwines with his own. That involves a bomb placed on an airline by a son who purchased a lot of life insurance on his mother before the flight. Nick Adams will give you the creeps as the perpetrator and the story is sadly relevant today.

Of course if The FBI Story were written and produced today it would reflect something different and not so all American. Still the FBI does have a story to tell and it is by no means a negative one.

The FBI Story is not one of Jimmy Stewart's best films, but it's the first one I ever saw with my favorite actor in it so it has a special fondness for me. If the whole FBI were made up Jimmy Stewarts, I'd feel a lot better about it. There's also a good performance by Murray Hamilton as his friend and fellow agent who is killed in a shootout with Baby Face Nelson.

Vera Miles didn't just marry Stewart, she in fact married the FBI as the film demonstrates. It's dated mostly, but still has a good and interesting story to tell.\": {\"frequency\": 1, \"value\": \"In the tradition ...\"}, \"If there was some weird inversed Oscar Academy awards festival this flick would win it all. It has all the gods, excellent plot, extreme special effects coupled with extremely good acting skills and of course in every role there is a celebrity superstar. Well, this could be the scenario if the world was inversed, but it's not. Instead it's the worst horror flick ever made, not only bad actors that seem to read the scripts from a teleprinter with bad dyslexia, but also extremely low on special effects. For example the devil costume (which by the way is a must-see), is something of the most hilarious I've ever seen. Whenever I saw that red-black so called monster on screen I couldn't hold my laugh back. And to top of things it looked like the funny creature was transported by a conveyor-belt.

Do not do the same mistake as I did. Checking IMDB seeing that the movie was released in 2003, had less than five votes and thinking: -\\\"Well, it's worth a shot, can't be that bad\\\".

Yes it could.

I'm not even going to waste more words on this movie.\": {\"frequency\": 1, \"value\": \"If there was some ...\"}, \"Usually, when we use the word \\\"escapist\\\", we mean it negatively; Warren Beatty's big screen version of \\\"Dick Tracy\\\" proves that \\\"escapist\\\" can be good. This is truly one entertaining movie. As the eponymous, yellow-clad, fearless title character, Beatty creates a detective to whom we can all relate: ready for action, but not without his weaknesses.

From there, the rest of characters are almost a world unto themselves. Tess Truehart (Glenne Headly) is as glamorous as one would expect the hubby of any crime fighter to be; Breathless Mahoney (Madonna) is possibly the most perplexing person imaginable; Big Boy Caprice (Al Pacino) is the average villain: ruthless but cool. Other characters include the speech-challenged Mumbles (Dustin Hoffman), the over-musical 88 Keys (Mandy Patinkin), and The Kid (Charlie Korsmo). Charles Durning, James Caan, Dick Van Dyke, Estelle Parsons, Catherine O'Hara, Seymour Cassel, Paul Sorvino and Kathy Bates also star.

Oh, wait a minute. I haven't even explained the plot! The plot involves Tracy trying - and failing so far - to find some way to nab Big Boy. Simultaneously, some very bizarre events have been going on in town, the answers to which may or may not be closer than everyone thinks.

Of course, the main thing about this movie is that it's fun to watch. If Warren Beatty was having trouble acting his age, then he made good use of that here. \\\"Dick Tracy\\\" is one cool movie.\": {\"frequency\": 1, \"value\": \"Usually, when we ...\"}, \"I can't believe this is on DVD. Even less it was available at my local video store.

Some argue this is a good movie if you take in consideration it had only a 4000$ budget. I find this funny. I would find it very bad whichever the budget.

Still more funny, I read the following in another review: \\\"Dramatics aside, if you love horror and you love something along the lines of Duel (1971) updated with a little more story and some pretty girls thrown in, you'll love this movie.\\\"

What?!? This is a shame comparing those two movies.

I give a \\\"1\\\", since I can't give a \\\"0\\\". I just don't see any way this movie could be entertaining.\": {\"frequency\": 1, \"value\": \"I can't believe ...\"}, \"Peter Fonda is so intentionally enervated as an actor that his lachrymose line-readings cancel out any irony or humor in the dialogue. He trades sassy barbs and non-witty repartee with Brooke Shields as if he were a wooden block with receding hair; even his smaller touches (like fingering a non-existent mustache on his grizzled face) don't reveal a character so much as an unsure actor being directed by himself, an unsure filmmaker. In the Southwest circa 1950, a poor gambler (not above a little cheating) wins an orphaned, would-be teen Lolita in a botched poker game; after getting hold of a treasure map promising gold in the Grand Canyon, the bickering twosome become prospectors. Some lovely vistas, and an odd but interesting cameo by Henry Fonda as a grizzled canyon man, are the sole compensations in fatigued comedy-drama, with the two leads being trailed by cartoonish killers who will stop at nothing until they get their hands on that map. Shields is very pretty, but--although the camera loves her pouty, glossy beauty--she has no screen presence (and her tinny voice has no range whatsoever); every time she opens her mouth, one is inclined to either cringe or duck. *1/2 from ****\": {\"frequency\": 1, \"value\": \"Peter Fonda is so ...\"}, \"Without question, the worst film I've seen for a long while. I endured to the end because surely there must be something here, but no. The plot, when not dealing in clich\\ufffd\\ufffds, rambles to the point of non-existence; dialogue that is supposed to be street is simply hackneyed; characters never develop beyond sketches; set-pieces are clich\\ufffd\\ufffdd. Worse, considering its co-director, the photography is only so-so.

Comments elsewhere that elevate this alongside Get Carter, Long Good Friday or Kaspar Hauser are way way off the mark; Lives of the Saints lacks their innovation let alone their depth and shading. In short, their craft. A ruthless editor could probably trim it down to a decent 30-minute short, but as it stands it's a 6th form film project realised on a million-pound scale; rambling and bloated with its own pretensions. That it received funding (surely only because of Rankin's name) while other small films struggle for cash is depressing for the British film industry.\": {\"frequency\": 1, \"value\": \"Without question, ...\"}, \"We know that firefighters and rescue workers are heroes: an id\\ufffd\\ufffde re\\ufffd\\ufffdue few would challenge. Friends and family of these and others who perished in the attacks on the World Trade Center might well be moved by this vapid play turned film. A sweet, earnest, though tongue-tied fireman recalls what he can of lost colleagues to a benumbed journalist who converts his fragments into a eulogy. They ponder the results. He mumbles some more, she composes another eulogy, etc., etc.

The dreadful events that provoked the need for several thousand eulogies is overwhelmingly sad, but this plodding insipid dramatization is distressingly boring.\": {\"frequency\": 1, \"value\": \"We know that ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"A pale shadow of a ...\"}, \"The Ogre is a film made for TV in Italy and wasn't intended to be a sequel to Demons as Lamberto Bava even mentions it on the interview on the Sheirk Show DVD, but it was called Demons III to be part of the Demons series. The music in Demons and Demons 2 was 80's rock music while this is more creepy music and while the first two was gory horror Demons III: The Ogre is a architectural horror so that's how Demons III isn't a proper sequel to Demons but I still like this film.

The music is creepy and that adds a tone to the castle that the film is set in, The Ogre is another thing why I like the film. There are two other films that are classed as Demons III and that is Black Demons (Demoni 3) and The Church (Demons 3). Demons III: The Ogre is a good film as long as you don't compare it with Demons and Demons 2.\": {\"frequency\": 1, \"value\": \"The Ogre is a film ...\"}, \"please don't rent or even think about buying this movie.they don't even have it available at the red box to rent which would cost a $1 & i think its worth less than that.the main reason why i rented this d movie was because Jenna Jameson is in the movie lol between 2-5 min.i will give credit that the movie had hot chicks and quite a bit of nudity but other than that you might as well buy another d horror movie that has the same thing with nobody you know.Ginger Lynn has more acting time in this movie than Jenna & she's not even on the front cover of the movie nor her name.i recommend people to watch zombie strippers because you see Jenna almost throughout the whole movie & nude most of the time.this movie is a big disappointment & such a huge waste of time.\": {\"frequency\": 1, \"value\": \"please don't rent ...\"}, \"THE MELTING MAN...a tragic victim of the space race, he perished MELTING...never comprehending the race had LONG GONE BY...!

A man (Burr DeBenning) burns his hand on the kitchen stove. But instead of screaming something a NORMAL person would scream, he shouts something that sounds like \\\"AAAAATCH-KAH!!\\\" This movie you've popped in...isn't a normal movie. You've just taken your first step into THE INCREDIBLE MELTING MAN, the famous late-70's gore film featuring Rick Baker's wonderful makeup effects. Baker was just on the edge of becoming a superstar, and did this at the same time as his famous \\\"cantina aliens\\\" in STAR WARS. For some strange reason, STAR WARS became a household name, and INCREDIBLE MELTING MAN did not.

It might have something to do with the fact that this movie is just mind-numbingly awful. From the opening credits (\\\"Starring Alex Rebar as THE INCREDIBLE MELTING MAN\\\"...that's really what it says!), to the chubby nurse running through a glass door, to the fisherman's head going over a waterfall and smashing graphically apart on some rocks, this film provides many, many moments of sheer incomprehensibility. \\\"Why did they...but how come he...why are they...?\\\" After a while, you give up wondering why and watch it as what it is--a very entertaining piece of garbage.

An astronaut returns to Earth in a melting, radioactive condition; he escapes and, his mind disintegrating as well as his body, begins a mad melting killing spree. The authorities quickly decide that the melting man must be stopped, but (probably not wanting to \\\"cause a panic\\\") want him captured as quietly as possible. So they send one guy with a geiger counter after him. Wow.

Storywise, surprisingly little happens during the movie. The melting guy wanders around killing people. A doctor searches for him with a geiger counter. Various characters are introduced, ask questions, and leave. Eventually the doctor catches up with the melting man, but is shot by a security guard for no reason, after he explains that he's \\\"Dr. Ted Nelson.\\\" The melting man wanders off and finally dissolves into a big puddle of goo. The End.

It's so brainless that it somehow ends up being a lot of fun, despite a fairly downbeat ending. Supposedly, a widescreen DVD release is planned. A very special movie.\": {\"frequency\": 1, \"value\": \"THE MELTING ...\"}, \"It's \\\"The F.B.I.\\\" starring Reed Hadley, with an all-star guest cast! The film begins with an accidental (convenient?) kidnapping, which leads to one thing, and another - which doesn't really indicate the main story, which is a \\\"Big House, U.S.A.\\\" prison break story. The story is very improbable, to say the least. It's like a TV show, only more \\\"violent\\\" (for the times).

BUT - the cast is a trip! Picture this: Ralph Meeker is sent to prison; his cell-mates are the following criminals: Broderick Crawford, Lon Chaney Jr., Charles Bronson (reading a \\\"Muscle\\\" magazine!), and William Talman (reading a \\\"Detective\\\" magazine!). Honest! You should know that, an early scene reveals what happens to the \\\"missing\\\" boy, answering the ending \\\"voiceover.\\\" If you don't want to have that hanging, don't miss the opening scenes between the \\\"Iceman\\\" and the boy (Peter Votrian doing well as a runaway asthmatic).

*** Big House, U.S.A. (1955) Howard W. Koch ~ Broderick Crawford, Ralph Meeker, Reed Hadley\": {\"frequency\": 1, \"value\": \"It's \\\"The F.B.I.\\\" ...\"}, \"This movie is one of the most wildly distorted portrayals of history. Horribly inaccurate, this movie does nothing to honor the hundreds of thousands of Dutch, British, Chinese, American and indigenous enslaved laborers that the sadistic Japanese killed and tortured to death. The bridge was to be built \\\"over the bodies of the white man\\\" as stated by the head Japanese engineer. It is disgusting that such unspeakable horrors committed by the Japanese captors is the source of a movie, where the bridge itself, isn't even close to accurate to the actual bridge. The actual bridge was built of steel and concrete, not wood. What of the survivors who are still alive today? They hate the movie and all that it is supposed to represent. Their friends were starved, tortured, and murdered by cruel sadists. Those that didn't die of dysantry, starvation, or disease are deeply hurt by the movie that makes such light of their dark times.\": {\"frequency\": 1, \"value\": \"This movie is one ...\"}, \"This was one of the most boring movies I've ever seen\\ufffd\\ufffd I don't really know why\\ufffd\\ufffd Just your run-of-the-mill stories about guy who is about to get married, and starts to fancy someone else instead. Story has been told a thousand times. Nothing new or innovative about it at all.

I don't really know what was wrong with this film. Most of the time when these kinds of actors/actresses get together to make a film that have already been made a million times before, it's really entertaining. There are usually little clever thing in them that aren't really in any other. For some reason, this one just doesn't hold your attention. You can pick out some funny parts, or clever ideas in it, but for some reason they're just not funny, nor clever in any way\\ufffd\\ufffd I wish I new how to explain it, but I don't\\ufffd\\ufffd Just don't waste your time on this one\\ufffd\\ufffd\": {\"frequency\": 1, \"value\": \"This was one of ...\"}, \"I have recently seen this production on DVD. It is the first time I have seen it since it was originally broadcast in 1983 and it was just as good as I remembered. At first as was worried it would seem old fashioned and I suppose it is a little dated and very wordy as the BBC serials were back then. (I miss those wonderful costume dramas that seemed to be always on Sunday afternoons back then) But that aside it is as near perfect as it could have been. I am a bit of a \\\"Jane Eyre\\\" purist as it is my favourite book and have never seen another production that is a faithful to the book as this one. I have recently re-read the book as well and some of the dialogue is just spot on. Reading the scene near the end where Rochester questions Jane about what St John was like I noticed their words were exactly reproduced on screen by Dalton and Clarke and done perfectly.

All the other productions that have been done all seem lacking in some way, some even leave out the \\\"Rivers\\\" family and their connection to Jane altogether. I also think this is the only production to include the \\\"Gypsy\\\" scene done correctly.

The casting is perfect, Zelah Clarke is like Jane is described in the book \\\"small plain and dark\\\" and I disagree that she looked too old. Timothy Dalton may be a little too handsome but he is absolutely perfect as Rochester, portraying every aspect of his character just right and acting his socks off! I agree with other comment that he even appears quite scary at time, like in the scene when he turns around slowly at the church when the wedding is interrupted, his expression is fantastically frightening. But then in another favourite scene his joy is wonderful to see when Jane runs down the stairs and into his arms the morning after they declare their love for one another. A love that is wonderfully portrayed and totally believable. Oh to be loved by a man like that! There were a couple of scenes that were strangely missing however, like when Jane climbs in to bed with the dying Helen and also when Rochester takes Jane shopping for her wedding things (I thought that one was in it but maybe my memory is playing tricks).

Finally if you never see another production of Jane Eyre - you simply most see this one it is simply perfection!\": {\"frequency\": 1, \"value\": \"I have recently ...\"}, \"I think the deal with this movie is that it has about 2 minutes of really, really funny moments and it makes a very good trailer and a lot of people came in with expectations from the trailer and this time the movie doesn't live up to the trailer. It's a little more sluggish and drags a little slowly for such an exciting premise, and i think i'm seeing from the comments people having a love/hate relationship with this movie.

However, if you look at this movie for what it is and not what it could have been considering the talent of the cast, i think it's still pretty good. Julia Stiles is clearly the star, she's so giddy and carefree that set among the conformity of everyone else, she just glows and the whole audience falls in love with her along with Lee. The rest of the cast, of course, Lee's testosterone-filled coworkers, his elegant mother-in-law, his fratlike friend Jim and his bride-to-be all do an excellent job of fitting into stereotypes of conformity and boringness that make Stiles stand out in the first place.

Lee doesn't live up to his costars, i don't think, but you could view that as more that they're hard to live up to. Maybe that's one source of disappointment.

The movie itself, despite a bit of slowness and a few jokes that don't come off as funny as the writer's intended, is still pretty funny and I found a rather intelligent film. The themes of conformity and \\\"taking the safe route\\\" seemed to cleverly align on several layers. For example, there was the whole motif of how he would imagine scenarios but would never act on them until the last scene, or how he was listening to a radio program on the highway talking about how everyone conforms, or just how everything selma blair and julia stiles' characters said and did was echoed by those themes of one person being the safe choice and one being the risky choice.

The other good thing about the movie was that it was kind of a screwball comedy in which Jason Lee has to keep lying his way through the movie and who through dumb luck (example: the pharmacy guy turning out to be a good chef) and some cleverness on his part gets away with it for the most part.

While it wasn't as funny as i expected and there was a little bit of squandered talent, but overall it's still a good movie.\": {\"frequency\": 1, \"value\": \"I think the deal ...\"}, \"I saw this in the theater when it came out, and just yesterday I saw it again on cable. This I was able to reacquainted myself with the feeling of just how revolting this film is. The whole bunch of characters are self-absorbed narcisstic preeners. Worst of all, it reinforces every negative stereotype about 20-something dating, even as it purports to celebrate people \\\"finding themselves\\\". The nice guys finish last, the jerky guys make out great, the jerkiest guys do best. The girls are all boy toy pushovers. Only one character (\\\"Wendy\\\") is seen doing anything remotely useful to society, and she dispenses with her long-saved virginity in a throwaway one-night stand with a scumbag, in a lushly filmed scene that we're supposed to think is romantic. What this really is is Hollywood's concept of young America: permissive, detached, promiscuous, conceited.\": {\"frequency\": 1, \"value\": \"I saw this in the ...\"}, \"I watched this film few times and all i can say that this is low budget rubbish and that it does not have anything to do with a real history facts. Actors performances is very poor but it is result of limited acting possibilities. Anyone who watched this film now probably think of Hitler as some crazy skinny lunatic who running with a gun like some Chicago gangster. I can only to say that there is much better films about Hitler and Germany in those years and that Rise of evil is very much under average. I can recommend German film Downfall in which you can see brilliant performance of Switzerland actor Bruno Ganz in a roll of Adolf Hitler.\": {\"frequency\": 1, \"value\": \"I watched this ...\"}, \"Lets put it this way. I actually get this movie. I get what the writer/directer was trying to do. I understand that the dialog was meant to be dry and emotionless. I understand that the plot was supposed to be non-climactic and stale. That was what the writer/director was going for. A very very very dry humor/comedy. With all that understanding, I still think the movie sucked. It seemed like the writer/director was trying to recreate Napolean Dynamite with this movie. It had all of the same features. Even the main character behaved similar to Napolean. But Napolean Dynamite was actually funny. Its script worked. This movie is not. It has no purpose. Well, let me rephrase that. Its only purpose is to rip off Napolean Dynamite and try to capture that look and feel. Too bad it didn't work.\": {\"frequency\": 1, \"value\": \"Lets put it this ...\"}, \"Meaning: if this movie got pitched, scripted, made, released, promoted as something halfway respectable given the constraints (yeah, I know, Springer, sex, violence), where is He?

Reminded me of porn movies I saw in college, plot and dialogue wise.... shoulda just done something for the scurrilous porno market, showed penetration and be done with it-- would have made more money, the ultimate point of this exercise....\": {\"frequency\": 1, \"value\": \"Meaning: if this ...\"}, \"Another powerful chick flick. This time, it revolves around Diana Gusman who is always getting into fights at school. Instead of getting expelled, she takes her anger elsewhere, to the boxing ring. She trains to be a boxer and there she meets featherweight Adrian and begins to fall in love with him. This movie has a powerful message of taking your dreams and going with them even if someone doesn't believe in you (in this case, her dad doesn't believe in her). That alone makes the movie worth the price. Enjoy\": {\"frequency\": 1, \"value\": \"Another powerful ...\"}, \"This is the worst sequel on the face of the world of movies. Once again it doesn't make since. The killer still kills for fun. But this time he is killing people that are making a movie about what happened in the first movie. Which means that it is the stupidest movie ever.

Don't watch this. If you value the one precious hour during this movie then don't watch it. You'll want to ask the director and the person beside you what made him make it. Because it just doesn't combine the original makes of horror, action, and crime.

Don't let your children watch this. Teenager, young child or young adult, this movie has that sorta impact upon people.\": {\"frequency\": 1, \"value\": \"This is the worst ...\"}, \"this film was a major letdown. the level of relentless cruelty and violence in this film was very disturbing. some scenes were truly unnecessarily ugly and mean-spirited. the main characters were impossible to identify with or even sympathize with. the lead protagonist's character was as slimy as they come. the sickroom/hothouse atmosphere lent itself to over-the-top theatrics. little or nothing could be learned about the Spanish civil war from this film. fortunately, i've been to spain and realize this is not realistic! in addition, the use of same-sex attraction as a lurid \\\"horror\\\" was also very offensive and poorly handled, while the DVD is being packaged and advertised to attract gay viewers. the actors seemed uncomfortable in their roles,as if they were trying to distance themselves from this mess.i guess if you like watching children and pets being brutally killed,this film might especially appeal to you.\": {\"frequency\": 1, \"value\": \"this film was a ...\"}, \"The story concerns a genealogy researcher (Mel Harris) who is hired by her Estee Lauder-like cosmetic queen aunt. Her aunt (by marriage we are left to presume) is trying to track down her long lost family in Europe. All they have to go on is a photo of a young girl standing by an ornate music box. The researcher heads to Europe and conducts her search in places like Milan, Budapest, and Vienna. The scenery is the real thing and is actually shot on location (unlike a Murder, She Wrote where Jessica is supposed to be visiting a far-flung locale and Lansbury never left Burbank). Anyway, she meets a young man who is also searching to solve a family mystery of his own and they team up to track down clues and menace bad guys. The dialogue, particularly the romantic dialogue, is terrible. I watched this because of the scenery but the script was so bad that I stayed on just to see if it would get worse. It did. Acting was also off. I can see why Mel Harris's career never really took off after thirtysomething, but she is adequate (seems too old for her co-star though). But, the supporting players are straight out of the community playhouse. I also lost count of how many times they say \\\"Budapest\\\" to each other. Yes, it is pronounced Bood-a-phesht. We know, okay? I realized halfway into the film that this had to be one of those Harlequin movies and sure enough it is. Guess that says it all.\": {\"frequency\": 1, \"value\": \"The story concerns ...\"}, \"I love this movie. My only disappointment was that some of the original songs were changed.

It's true that Frank Sinatra does not get a chance to sing as much in this movie but it's also nice that it's not just another Frank Sinatra movie where it's mostly him doing the singing.

I actually thought it was better to use Marlon Brando's own voice as he has the voice that fits and I could not see someone with this great voice pulling off the gangster feel of his voice.

Stubby Kaye's \\\"Sit Down, You're Rockin' the Boat\\\" is a foot-tappin', sing-a-long that I just love. He is a hard act to follow with his version and I still like his the best.

Vivian Blaine is just excellent in this part and \\\"Adelaide's Lament\\\" is my favorite of her songs.

I really thought Jean Simmons was perfect for this part. Maybe I would not have first considered her but after seeing her in the part, it made sense.

Michael Kidd's choreography is timeless. If it were being re staged in the year 2008, I would not change a thing.

I find that many times something is lost from the stage version to the movie version but this kept the feel of the stage, even though it was on film.

I thought the movie was well cast. I performed in regional versions of this and it's one of my favorites of that period.\": {\"frequency\": 1, \"value\": \"I love this movie. ...\"}, \"With a tendency to repeat himself, Wenders has been a consistent disappointment ever since he hit it big with 'Paris Texas'.

'Land of plenty' is no exception. Taking into the fact that I anticipated an average-mediocre film even before I went in, Wenders' ambitions seem to always get the better of him. It's taken for grated now his films are heavy-handed and bombastic.

I weren't sure if I was watching a comedy that mocks Middle America or some thriller. The outcome of Diehl's character is wholly predicable. Wender's insistence on layering many many scenes with some rock song is also intensely annoying. He was covering up the holes in his script and direction by jazzing up the scenes.

I am certain that many people will find this film important and resonant but in all honestly, this clumsy and didactic effort only speaks of poor direction.

Interesting that Wenders professed that while making 'Paris Texas', he had great help from Sam Sheppard with the script. Yes, that was Wenders' best and he should understand now he needs a good scriptwriter. His films from the past 15 years+ were a total mess.\": {\"frequency\": 1, \"value\": \"With a tendency to ...\"}, \"An absolutely wretched waste of film!! Nothing ever happens. No ghosts, hardly any train, no mystery, no interest. The constant and BRUTAL attempts at comedy are painful. Everything else is pathetic. The premise is idiotic: a bunch of people stranded in the middle of no-place, because their train was held up for less than 3 minutes. What? And the railroad leaves them no place to stay, in a heavy storm? I think not. Oh, they can walk 4 miles across the dead-black fields. umm, yeah. Sure. Or, they can force themselves on the railroad's hospitality, and stay at the 'haunted' train station. A station which proved to be nothing but DEADLY BORING, utterly without ghosts, interest, or plot.

So very terribly dull that this seems impossible.

This ought to be added to the LOST FILMS list !! aargh !!\": {\"frequency\": 1, \"value\": \"An absolutely ...\"}, \"I've seen this film criticized with the statement, \\\"If you can get past the moralizing...\\\" That misses the point. Moralizing is in the conscience of the beholder, as it were. This is a decent film with a standard murder mystery, but with a distinct twist that surfaces midway through. The resolution leaves the viewer wondering, \\\"What would I have done in this position?\\\" And I have to believe that's exactly what the filmmaker intended. To that end, and to the end of entertaining the audience, the film succeeds. I also like the way that the violence is never on stage, but just off camera. We know what has just happened; it's just not served up in front of us, then rubbed in our faces, as it would be today with contemporary blood and gore dressing. Besides, the violence is not the point. The point is the protagonist's moral dilemma, which is cleverly, albeit disturbingly, resolved.\": {\"frequency\": 1, \"value\": \"I've seen this ...\"}, \"Here's my first David Mamet directed film. Fitting, since it was his first, as well.

The story here is uneven and it moves along like any con movie, from the little cons to the big cons to the all-encompassing con. It's like \\\"The Grifters,\\\" but without that film's level of acting. (In that film, John Cusack was sort of bland but that was the nature of his character.) The acting here is very flat (I sometimes wondered if the bland acting by Crouse was supposed to be some sort of attack on psychoanalysis). At least in the beginning. It never gets really good, but it evolves beyond painfully stiff line reading after about ten minutes. Early in the film, some of Lindsay Crouse's lines -- the way she reads them -- sound as if they're inner monologue or narration, which they aren't. With the arrival of Mantegna things pick up.

The dialogue here isn't as fun as it should be. I was expecting crackerjack ring-a-ding-ding lines that roll off the tongue, but these ones don't. It all sounds very read, rather than spoken. Maybe Mamet evolved after this film and loosened up, but if not, then maybe he should let others direct his words. He's far too precious with them here and as a result, they lose their rhythmic, jazzy quality. What's more strange is that other than this, the film doesn't look or feel like a play. The camera is very cinematic. My only problem with \\\"Glengarry Glen Ross\\\" was that it looked too much like filmed theatre, but in that film the actors were not only accomplished, but relaxed and free. Everything flowed.

I wouldn't mind so much if it sounded like movie characters speaking movie lines -- or even play characters speaking play lines -- but here it sounds like movie (or even book) characters speaking play lines. It's a weird jumble of theatre and film that just doesn't work. That doesn't mean the movie is bad -- it isn't, it's often extremely entertaining. The best chunk is in the middle.

It's standard con movie stuff: the new guy (in this case, girl) Margaret Ford (Lindsay Crouse) gets involved in the seedy con underworld. How she gets involved is: she's a psychiatrist and one of her patients, Billy is a compulsive gambler. She wants to help him out with his gambling debt, so she walks into The House of Games, a dingy game room where con men work in a back room. I'll admit the setup is pretty improbable. (Were they just expecting Crouse to come in? Were they expecting she'd write a cheque? Was Billy in on it? One of these questions is definitely answered by the end, however.)

And from here the cons are start to roll out. I found the beginning ones -- the little learner ones -- to be the most fun. We're getting a lesson in the art of the con as much as Crouse is.

We see the ending coming, and then we didn't see the second ending coming, and then the real ending I didn't see coming but maybe you did. The ball just keeps bouncing back and forth and by the last scene in the movie we realize that the second Crouse walked into The House of Games she found her true calling.

I'm going to forgive the annoying opening, the improbable bits and the strange line-reading because there are many good things here. If the first part of the movie seems stagy, stick with it. After the half-hour mark it does really get a momentum going. If you want a fun con movie, then here she is. If you want Mamet, go watch \\\"Glengarry Glen Ross\\\" again -- James Foley did him better.

***\": {\"frequency\": 1, \"value\": \"Here's my first ...\"}, \"Okay, so there is a front view of a Checker taxi, probably late 1930s model. It has the great triangular shaped headlights. There also is a DeSoto cab in this black and white, character driven, almost a musical love gone wrong story.

The real pleasure here is the look at 1940s room interiors and fashions and hotel elevators. The hair styles, male and female are gorgeous. If Dolly Parton had Victor Mature's hair she could have made it big. There is an artist loft that would be the envy of every Andy Warhol wannabe.

If you watch this expecting a great Casablanca storyline or Sound of Music oom-pah-pah, you will be disappointed. There is a nice little story beneath the runway model approach in this film.

My copy on DVD with another movie for $1 was very viewable. The title sequence was cute but not up there with Mad, Mad, Mad, Mad World or The Pink Panther. This was an RKO movie but it did not have the nice airplane logo that RKO used to use.

I liked Victor Mature in One Million, B.C., and Sampson and Delilah and especially in Violent Saturday. See if you can find that one. He was wonderful in the comedy with Peter Sellers called Caccia Alla Volpe or After The Fox.

Richard Carlson went on to do I Led Three Lives on TV in the early 1950s.

Vic Mature was offered the part of Sampson's father in the remake of Sampson and Delilah. He supposedly was asked if he would have any problems playing the part of the father since he was so well known as Sampson. Victor replied, \\\"If the money is right, I'll play Sampson's mother.\\\"

Tom Willett\": {\"frequency\": 1, \"value\": \"Okay, so there is ...\"}, \"They had such potential for this movie and they completely fall flat. In the first Cruel Intentions, we are left wondering what motivated the lead characters to become the way they are and act the way they do. There is almost NO character development whatsoever in this prequel. It's actually a very sad story but this film did nothing for me. It was as if they left out good writing in place of unneeded f-words. And the end makes absolutely no sense and doesn't explain anything. The writing was just terrible. Another thing that bothered me was that they used at lease 3 of the EXACT SAME lines that were in the original. Such as \\\"down boy\\\", or the kissing scene, and a few others I can't remember. I was not impressed at all by Robin's acting, but Amy did a great job. That's about the only thing that reconciled this movie.\": {\"frequency\": 1, \"value\": \"They had such ...\"}, \"It's my opinion that when you decide to re-make a very good film, you should strive to do better than the original; or at least give it a fresh point of view. Now the 1963 Robert Wise telling of Shirley Jackson's remarkable novel \\\"The Haunting of Hill House\\\" is worth the price of admission even today. Now fast forward to 1999 and the re-make. I was left shaking my head and asking, why? The acting is wooden, the story unrecognizable and the whole point seems to be to replace the subtle horror of the original with as many special effects computers can generate. I had heard that this update was bad; but couldn't believe it was that bad, considering the source material. I was wrong. After watching this and saying to my wife how awful it was, she said; \\\"Well they got your money!\\\" She's right, don't let them get yours. If there's no profit in making lousy re-makes, maybe they'll stop making them or come up to a higher standard that doesn't insult their audience\": {\"frequency\": 1, \"value\": \"It's my opinion ...\"}, \"The first time you see The Second Renaissance it may look boring. Look at it at least twice and definitely watch part 2. It will change your view of the matrix. Are the human people the ones who started the war ? Is AI a bad thing ?\": {\"frequency\": 1, \"value\": \"The first time you ...\"}, \"This is a film i decided to go and see because I'm a huge fan of adult animation. I quite often find that when a film doesn't evolve around a famous actor or actress but rather a story or style, it allows the film to be viewed as a piece of art rather than a showcase of the actors ability to differ his styles.

This film is certainly more about style than story. While i found the story interesting (a thriller that borrows story and atmosphere from films such as Blade Runner and many anime films), it was a bit hard to follow at times, and didn't feel like it all came together as well as it could have. It definitely had a mixed sense of French Animation and Japanese Anime coming together. Whether thats a good thing or not is up to the viewer. Visually this film is a treat for the eyes, and in that sense a work of art.

If you like adult animation, or would like to see a film that is different from most films out at the moment. I would recommend it. All i can say is that i enjoyed the experience of the film but did come away slightly disappointed because it could have been better\": {\"frequency\": 1, \"value\": \"This is a film i ...\"}, \"If there was a 0 stars rating i would gladly hand it out to this absolutely horrid pile of waste. The fact that the actual summary is perfectly fine and that if it had been made different it could have been brilliant only makes it worse. The basic task of locking up a group of people in an experiment chamber is fine, but WHERES THE EXPERIMENT? All i see is a bunch of unintelligent surfers and blondes chatting about music and culture i don't know or want to know about... The challenges are pathetic and silly. The whole point of reality TV is to show REALITY. If you set a 'challenge' don't make them play with exaggerated props of food and stereotypical cultural elements in 'friday night games'. make them do an actual challenge. And as for 'earning' prize money, thats fine, if they actually earnt it! These people are nuts. If only they would make the show better, the actual idea would be glorious. But that ain't gonna happen!\": {\"frequency\": 1, \"value\": \"If there was a 0 ...\"}, \"It took 9 years to complete this film. I would think that within those 9 years someone would have said,hey, this film is terrible. I've seen better acting in porn movies. The story is tired and played. Abused child turns into serial killer. How about something new for a change. How about abused child turns into a florist? At least that would have been a new twist. Why is it that everyone with a camera and a movie idea (especially unoriginal movie ideas) thinks that they can be a director? I do admire the fact that they stuck with this film for 9 years to get it completed. That shows tenacity and spirit. With this kind of drive hopefully next time they can focus it on a better script. If you want to see a failed experiment in indie film making from a writer/director from Michigan see Hatred of A Minute. If you want a good movie from a Michigan writer/director stick with Evil Dead.\": {\"frequency\": 1, \"value\": \"It took 9 years to ...\"}, \"As said before, the visual effects are stunning. They're breathtaking. I personally use Blender and graphics like that are not easy AT ALL. But that's all this movie is. Not only is the plot confusing, but the overall conflict is not clear. For example, in the first scene, Proog and Emo are trying to run away from who knows what. The conflict seems to be between man and nature here. Later, when they enter the room of the bottomless pit, Proog explains that \\\"one step out of place and (you're dead)\\\". Here, there's a more precise conflict between the careless man and nature. As the movie progresses, it's clear that a conflict exists between man and nature. But suddenly, a conflict exists between man and man when Proog, out of nowhere, murders Emo. Proog immediately changes from being a caring guardian looking after a lost child to being a \\\"sick man\\\". He betrays us. Not only is this depressing, but we don't care because the conflict between the character's thoughts and actions is not developed. It's not a story about someone, through struggle, emerging stronger. It's depressing and has not point because there's no great truth about the human soul or about the world brought to light like a great drama does. In my opinion, the movie is severely underdeveloped in all aspects. However, the graphics are stunning, but a movie is so much more than mere eye candy. There's no truth, no struggle and a bad surprise ending. In conclusion, an underdeveloped movie without a point. ...but the graphics are good.\": {\"frequency\": 1, \"value\": \"As said before, ...\"}, \"I caught this film late on a sat night/ Sunday morning with my brother. We had been drinking. This is one of the best films for ripping apart I have ever seen. From the 'luxury' ocean liner actually being a 'roll on, roll off' ferry, complete with cast iron everything to the doors with adhesive stickers saying staff, then seeing the same door being used for something else in another scene - this film rocks!! The continuity is so poor you cant help but notice it, it slaps you in the face with the holes. In the final scene he jumps off a life boat with the ferry in the distance. Cut to his son and new girlfriend (The ships PR director who knows kung-fu and used to be in the police but was dismissed for doing things her way - true)on the ferry going very fast away from the explosion. ......Then the dad is there hugging them. HoW???? Who cares, its magic. There is not one redeeming feature to this film. The casino is the size of a large bedroom with one casino table. when being chased by the villains there is only One place to hide, you've guessed it. Enter the villains who, instead of checking under the One table, proceed to shoot up four fruit machines and a little corner bar (a corner bar in the casino - fantastic). They walk straight past the only hiding place thus allowing our Casper to get around them and 'take them out'.

Get some mates over, get a few drinks in, put this film on and howl.\": {\"frequency\": 1, \"value\": \"I caught this film ...\"}, \"Jim Carrey and Morgan Freeman along with Jennifer Aniston combine to make one of the funniest movies so far this 2003 season (late May) and a good improvement on Carrey's past crazy and personally forgetable roles in past comedies. With a slightly toned down Carrey antics yet with just the zap and crackle of his old self, Carrey powerfully carries this movie to the height of laughter and also some dramatic, tearfully somber moments. Elements of Jim's real acting abilities continue to show up in this movie. This delightful summer entertainment hits most of the buttons, including dramatic elements along with the goofy moments that fit perfectly with this script. While still lacking in the superbly polished ensemble of comedy/drama, Bruce, Almightly deserves credit for being a great date movie along with a solid message and soft spiritual cynicism and parody that maintains its good-natured taste. Eight out of ten stars.\": {\"frequency\": 1, \"value\": \"Jim Carrey and ...\"}, \"Escaping the life of being pimped by her father(..and the speakeasy waitressing)who dies in an explosion, Lily Powers(Barbara Stanwyck, who is simply ravishing)sluts her way through the branches inside a bank business in big city Gotham. When a possessive lover murders who was supposed to be his next father-in-law(and Lily's new lover), the sky's the limit for Lily as she has written down her various relationships in a diary and subtlety makes it known the papers will receive it if certain pay doesn't come into her hands. Newly appointed president to the bank, Courtland Trenholm(George Brent), sends Lily to Paris instead of forking over lots of dough, but soon finds himself madly in love after various encounters with her in the City of Love. This makes Lily's mouth water as now she'll have reached the pedestal of success seducing a man of wealth and prestige bring riches her way. Though, circumstances ensue which will bring her to make a decision that threatens her successful way of achieving those riches..Trenholm, now her husband, is being indicted with jail certain and has lost the bank. He needs money Lily now has in her possession or he'll have absolutely nothing.

Stanwyck is the whole movie despite that usual Warner Brothers polish. Being set in the pre-code era gives the filmmakers the chance to elaborate on taboo subjects such as a woman using sex to achieve success and how that can lead to tragedy. Good direction from Alfred E Green shows through subtlety hints in different mannerisms and speech through good acting from the seductive performance of Stanwyck how to stage something without actually showing the explicit act. Obviously the film shows that money isn't everything and all that jazz as love comes into the heart of Lily's dead heart. That ending having Lily achieve the miraculous metamorphosis into someone in love didn't ring true to me. She's spent all this time to get to that platform only to fall for a man who was essentially no different than others she had used before him.\": {\"frequency\": 1, \"value\": \"Escaping the life ...\"}, \"Page 3 is a great movie. The story is so refreshing and interesting. Not once throughout the movie did i find myself staring off into space. Konkana Sen did a good job in the movie, although i think someone with more glamour or enthusiasm would have been better, but she did do a great job. All the supporting actors were also very good and helped the movie along. Boman Irani did a great job. There is one thing that stands out in this movie THE STORY it is great, and very realistic, it doesn't beat around the bush it is very straight forward in sending out its message. I think more movie like this should be made, i am sick of watching the same candy floss movies over and over, they are getting hard to digest now. Everyone should watch Page 3, it is a great film. -Just my 2 cents :)\": {\"frequency\": 1, \"value\": \"Page 3 is a great ...\"}, \"Jack Frost is Really a Cool Movie. I Mean....Its Funny. Its Violent. and Very Enjoyable. Most People Say that it Is B Rated, But That Couldn't be Farther from the truth. It has Great Special Effects and Good Acting. The Only Weird thing is of Course, The Killer Snowman. I Think this Movie was Actually one of The Best Films of the Late-Nineties. Most Films these Days lack the Criteria of A Clive Barker Master Piece. That is, Be Original and Give the Viewer What they Do not Expect. Jack Frost is Very Cool. 10 out of 10. Grade: A+. Ed Also Recommends The Movie Uncle Sam to Fans of Jack Frost.\": {\"frequency\": 1, \"value\": \"Jack Frost is ...\"}, \"Sure, the history in this movie was \\\"Hollywoodized\\\"--but it's far from being the only bit of history rewritten for the masses. Lafitte sided with the Americans because he considered himself a Frenchman and therefore hated the British, not because of any sense of patriotism for a nation that had taken over New Orleans only a short time ago; he broke his agreement and returned to smuggling, which caused his sailing to Galveston; he was more of a petty criminal and scoundrel than a hero *or* a swashbuckler. But who cares? This is one movie that's sheer entertainment--and face it, we all wanted Jean to go for the feisty wench rather than the prudish daughter of the governor. Brynner once again rises over mediocre writing to give a fascinating performance.\": {\"frequency\": 1, \"value\": \"Sure, the history ...\"}, \"I've really enjoyed this adaptation of \\\"Emma\\\".I have seen it many times and am always looking forward to seeing it again.Though it only lasts 107 minutes, most of the novel plot and sub-plots were developed in a satisfactory way. All the characters are well-portrayed. Most of the dialogues come directly from the novel with no silly jokes added as in Emma Thompson's Sense and Sensibility.

As a foreigner, I particularly appreciate the perfect diction of the actors. The setting and costumes were beautiful. I find this version quite on a par with the 1995 miniseries \\\"Pride and Prejudice\\\" but then the producer and screenwriter were the same. Kate Beckinsale did a really good job portraying \\\"Emma\\\" of whom Jane Austen said she would create a heroin no-one but her would love. She is snobbish but has just enough youth and inexperience to be still likable. Mark Strong was also very good at portraying Mr Knightley, not an easy part, I think, though he has not the charisma shown by Colin Firth's Mr Darcy in Pride and Prejudice. Even the end scene (the harvest festival) which does not happen in the novel provides a fitting end except for when it shows Emma being cold and almost unpleasant with Frank Churchill whereas in the novel she was thoroughly reconciled with him, even telling him that she would have enjoyed the duplicity, had she been in his situation. A strange departure from the faithfulness otherwise shown throughout the film. I find the costumes more beautiful and elaborate than in other adaptations from Jane Austen's novels.\": {\"frequency\": 1, \"value\": \"I've really ...\"}, \"Essentially a story of man versus nature, this film has beautiful cinematography, the lush jungles of Ceylon and the presence of Elizabeth Taylor but the film really never gets going. Newlwed Taylor is ignored and neglected by her husband and later is drawn to the plantation's foreman, played by Dana Andrews. The plantation is under the spell of owner Peter Finch's late father whose ghost casts a pall over Elephant Walk that becomes a major point of contention between Taylor and Finch. The elephants are determined to reclaim their traditional path to water that was blocked when the mansion was built across their right-of-way. The beasts go on a rampage and provides the best moments of action in the picture. Taylor and Andrews have some good moments as she struggles to remain a faithful wife in spite of he marital difficulties with Finch.\": {\"frequency\": 1, \"value\": \"Essentially a ...\"}, \"A \\\"friend\\\", clearly with no taste or class, suggested I take a look at the work of Ron Atkins. If this is representative of his oeuvre, I never want to see anything else by him. It is amateurish, self-indulgent, criminally shoddy and self-indulgent rubbish. The \\\"whore mangler\\\" of the title is an angry low budget filmmaker who murders a bunch of hookers. There is a little nudity and some erections, but no single element could possibly save this from the hangman's noose. The lighting is appalling, the dialog is puerile and mostly shouted, and the direction is clueless. I saw a doco on American exploitation filmmakers during the recent Fangoria convention. Atkins was one of those featured. He spoke like there was something important about his work, but after a viewing of this, I see nothing of any import whatsoever. There is no style, either, and the horrible video effects (like solarization) only enhance the amateurishness. Not even so bad it's fun. Avoid.\": {\"frequency\": 1, \"value\": \"A \\\"friend\\\", ...\"}, \"This was an awful movie! Not for the subject matter, but for the delivery. I went with my girlfriend at the time (when the movie came out), expecting to see a movie about the triumph of the human spirit over oppression. What we saw was 2 hours of brutal police oppression, with no uplift at the end. The previews and ads made NO mention of this! Plus, for all that they played up whoopi goldberg, my recollection is that she is arrested and killed in the first 20 minutes! Again, the previews say nothing about this! (not that you would expect that, but it's just more of the problem). If I had known how depressing this movie would be, I would've never have seen it. Or at least, I would've been prepared for it. This was a bait and switch ad campaign, and I will NEVER see this movie again!\": {\"frequency\": 1, \"value\": \"This was an awful ...\"}, \"Hard to believe, perhaps, but this film was denounced as immoral from more pulpits than any other film produced prior to the imposition of the bluenose Hayes Code. Yes indeed, priests actually told their flocks that anyone who went to see this film was thereby committing a mortal sin.

I'm not making this up. They had several reasons, as follows:

Item: Jane likes sex. She and Tarzan are shown waking up one morning in their treetop shelter. She stretches sensuously, and with a coquettish look she says \\\"Tarzan, you've been a bad boy!\\\" So they've not only been having sex, they've been having kinky sex! A few years later, under the Hays Code, people (especially women) weren't supposed to be depicted as enjoying sex.

Item: Jane prefers a guileless, if wise and resourceful, savage (Tarzan) to a civilized, respectable nine-to-five man (Holt). When Holt at first wows her with a pretty dress from London, she wavers a bit; when Holt tries to kill Tarzan, and Holt and Jane both believe he's dead, she wavers a lot. But when she realizes her man is very much alive, the attractions of civilization vanish for her. And why not? Tarzan's and Jane's relationship is egalitarian: He lacks the \\\"civilized\\\" insecurity that would compel him to assert himself as \\\"the head of his wife\\\". To boot, he lacks many more \\\"civilized\\\" hangups, for example jealousy. When Holt and his buddy arrive, Tarzan greets them both cordially, knowing perfectly well that Holt is Jane's old flame. When Holt gets her dolled up in a London dress and is slow-dancing with her to a portable phonograph, Tarzan drops out of a tree, and draws his knife. Jealous? Nope. He's merely cautious toward the weird music machine, since he's never seen one before. Once it's explained, he's cool.

Item: Civilized Holt is dirty minded. Savage Tarzan is innocently sexy. As Jane slips into Holt's lamplit tent, Holt gets off on watching her silhouette as she changes into the fancy dress. By contrast, after Tarzan playfully pulls the dress off, kicks her into the swimming hole and dives in after her, there follows the most tastefully erotic nude scene in all cinema: the pair spends five minutes in a lovely water ballet.(The scene was filmed in three versions--clothed, topless and nude--the scene was cut prior to the film's release, but the nude version is restored in the video now available.) And when Jane emerges, and Cheetah the chimp steals her dress just for a tease, Jane makes it clear that her irritation is only because of the proximity of \\\"civilized\\\" men and their hangups. Where is the \\\"universal prurience\\\" so dear to the hearts of seminarians? Nowhere, that's where. Another reason why the hung up regarded this film as sinful.

Item: The notion that man is the crown of creation, and animals are here only for man's use and comfort, takes a severe beating. Holt and his buddy want to be guided to the \\\"elephant graveyard\\\" so they can scoop up the ivory and take it home. They want Tarzan to guide them to said graveyard. You, reader, are thinking \\\"Fat chance!\\\" and you're right. He's shocked. He exclaims \\\"Elephants sleep!\\\" which to him explains everything. Jane explains Tarzan's feelings, which the two \\\"gentlemen\\\" find ridiculous.

Item: Jane, the ex-civilized woman, is far more resourceful than the two civilized men she accompanies. Holt and buddy blow it, and find themselves besieged by hostile tribes and wild animals. It is Jane who maintains her cool. While the boys panic, she takes charge, barks orders at them and passes out the rifles.

Item: Jane's costume is a sort of poncho with nothing underneath. (The original idea was for her to be topless, with foliage artistically blocking off her nipples, which indeed is the case in one brief scene.)

Lastly, several men of the cloth complained because the film was called \\\"Tarzan and His Mate\\\" rather than \\\"Tarzan and His Wife.\\\" No comment!

Of course, Tarzan, who has been nursed back to health by his ape friends, comes to the rescue, routs the white hunters, and induces the pack elephants and African bearers to return the ivory they stole to the sacred place whence it came. The End.

So there you have it. An utterly subversive film. Like all the other films about complex and interesting women (see, e.g., Possessed with Rita Hayworth and Raymond Massey) which constituted such a flowing genre in the early 30's and which were brought to such an abrupt end by the adoption of the Hays Code.

The joie de vivre of this film is best expressed by Jane's soprano version of the famous Tarzan yell. A nice touch, which was unfortunately abandoned in future productions.

Let's hear it for artistic freedom, feminist Jane, and sex.\": {\"frequency\": 1, \"value\": \"Hard to believe, ...\"}, \"This movie is beautifully designed! There are no flaws. Not in the design of the set, the lighting, the sounds, the plot. The script is an invitation to a complex game where the participants are on a simple mission.

Paxton is at his best in this role. His mannerisms, the infections used in the tones of his voice are without miscue. Each shot meticulously done! Surprises turn up one after another when the movie reaches past its first hour. This may not be the best picture of the year, but it's a gem that has been very well polished. It's not for the simple mind.\": {\"frequency\": 1, \"value\": \"This movie is ...\"}, \"Blazing saddles! It's a fight between two estranged brothers (Dennis Quaid and Arliss Howard), both of whom can ignite fires mentally; they square off over childhood differences, with dippy love-interest Debra Winger caught in the middle. Director Glenn Gordon Caron (the TV whiz-kid behind \\\"Moonlighting\\\") smothers the darkly-textured comedy in Vince Gilligan's screenplay with a presentation so slick, the movie resembles an entry from an over-enthusiastic film student on a fifteen million-dollar grant. It has the prickly energy of a big commercial feature, but a shapeless style which brings out nothing from the characters except their kooky eccentricities. These aren't even characters, they're plot functions. Barely-released to theaters, the film is a disaster, although strictly as an example of style over substance it does look good. Winger is the only stand-out in a cast which looks truly perplexed. *1/2 from ****\": {\"frequency\": 1, \"value\": \"Blazing saddles! ...\"}, \"Well, this is probably one of the best movies I've seen and I love it so much that I've memorized most of the script (especially the scene in the storage unit when Jerry Lee breaks wind) and even with the script in my head I still like to watch it for Jerry Lee, that German Shepherd is hysterical and really is put to the test to see who's smarter. The tag line holds true as well. Not to mention the acting is great, though Christine Tucci sounds different in a whisper (Check filmography under CSI if you don't know what I mean). It's too bad that this movie only contained the single issue Dooley and Jerry Lee had to work with, it would have been pretty cool to see the tricks that Zeus and Welles had up their sleeve.\": {\"frequency\": 1, \"value\": \"Well, this is ...\"}, \"This movie was absolutly awful. I can't think of one thing good about it. The plot holes were so huge you could drive a Hummer through them. The acting was soo stuningly bad that even Jean Claude should be ashamed, and that is saying alot!!! And dialogue, What dialogue???To think that I was a fan of the first one (I use that comment loosely, its more like a guilty pleasure, than anything else). This movie had Goldberg in it for crying out loud!!!! Nothing good can come of this movie. What makes this film even worse is that it is soo bad you can't even watch it with a bunch of friends to make fun of!!! This has got to be in my top five worst movies of all time. 2/10 because it is soo hard for me to give a 1.\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"Abysmal with a capital \\\"A\\\". This has got to be one of, if not THE, unfunniest show on TV right now. I'm about as anti-bush as it gets, but this show doesn't even get a chuckle out of me. What you think of Bush as a president has absolutely NOTHING to do with whether or not you'll like this piece of crap show. The \\\"jokes\\\" are not funny at all. For example, in a scene when lil bush has his underwear on his head: \\\"Welcome to camp al-qa-eeda!\\\". There is NOTHING funny about that. Is it even supposed to be joke? The commercials that were shown in the weeks leading up to the show, hyping it up, were funnier than the show itself, and that's just sad. Hopefully this does not even get considered for a second season. It shouldn't even have had a first.\": {\"frequency\": 1, \"value\": \"Abysmal with a ...\"}, \"Things to Come is that rarity of rarities, a film about ideas. Many films present a vision of the future, but few attempt to show us how that future came about. The first part of the film, when war comes to Everytown, is short but powerful. (Ironically, film audiences in its release year laughed at reports that enemy planes were attacking England--appeasement was at its height. Wells' prediction was borne out all too soon.) The montage of endless war that follows, while marred by sub-par model work, is most effective. The explanatory titles are strongly reminiscent of German Expressionist graphic design. The art director was the great William Cameron Menzies, and his sets of the ruins of Everytown are among his best work. Margaretta Scott is very seductive as the Chief's mistress. The Everytown of the 21st century is an equally striking design. The acting in the 21st century story is not compelling--perhaps this was a misfired attempt to contrast the technocratic rationality of this time with the barbarism of 1970. Unfortunately, the model work, representing angry crowds rushing down elevated walkways, is laughably bad and could have been done much better, even with 30s technology. This is particularly galling since the scenes of the giant aircraft are very convincing. This is redeemed by Raymond Massey's magnificent speech that concludes the film--rarely has the ideal of scientific progress been expressed so well. Massey's final question is more relevant now than ever, in an era of severely curtailed manned spaceflight. The scene is aided by the stirring music of Sir Arthur Bliss, whose last name I proudly share.

Unfortunately, the VHS versions of this film are absolutely horrible, with serious technical problems. Most versions have edited out a rather interesting montage of futuristic workers and machines that takes us from 1970 to 2038. I hope a good DVD exists of the entire film.\": {\"frequency\": 1, \"value\": \"Things to Come is ...\"}, \"I think the majority of the people seem not the get the right idea about the movie, at least that's my opinion. I am not sure it's a movie about drug abuse; rather it's a movie about the way of thinking of those genius brothers, drugs are side effects, something marginal. Again, it's not a commercial movie that you see every day and if the author wanted that, he definitely failed, as most people think it's one of the many drug related movies. I, however, think something else is the case. As in many movies portraying different cultures, audience usually fully understands movies portraying their own culture, i.e. something they've grown up with and are quite familiar with. This movie is to show what those \\\"genius\\\" people very often think and what problems they face. The reason why they act like this is because they are bored out of their minds :) They have to meet people who do mediocre things and accept those things as if they are launching space shuttles on daily basis. They start a fairly hard job and excel in no time. They feel like- I went to work, did nothing, still did twice as better as the guys around me when they were all over their projects, what should I do now with my free time. And what's even more boring? When you can start predicting behavior not because you're psychologist, but instead because you have seen this pattern in the past. So, for them, from one side it's a non challenging job, which is also fairly boring sometimes, and from another they start to figure out people's behavior. It's a recipe for big big boredom. And the dumbest things are usually done to get out of this state. They guy earlier who mentioned that their biggest problem is that they are trying to figure out life in terms of logic (math describes logic), while life is not really a logical thing, is actually absolutely right.\": {\"frequency\": 1, \"value\": \"I think the ...\"}, \"Do not be mistaken, this is neither a horror, nor really a film. I firmly advise against watching this 82 minute failure; the only reason it merited a star was the presence of Chris Pine.

Nothing happens. You wait patiently in the hope that there may be a flicker of a twist, a hint of surprise, a plot to emerge - but no.

The characters take erratic turns of pace in their actions and yet don't have the time to develop - thanks to the thrifty editors and frankly ashamed writers - before returning to an idyllic and playful (bring on the teen rock montage) state. The only thing that could have made it worse would be adding the perishable token ethnic 'companion'.

Their encounters with obstacles (be they human or physical) are brief, confusing and entirely pointless.

Chris Pine fights to keep himself above the surface whilst being drowned by a misery of a lightweight cast. Lou Taylor Pucci couldn't be dryer if he spent the summer with Keanu Reaves combing the Navada desert.

Watch 'The Road', watch '28 days Later', watch day time TV...anything but this; I implore you. Suffer the boredom, unlike you may be led to believe in the film, this film is no cure.\": {\"frequency\": 2, \"value\": \"Do not be ...\"}, \"The original book of this was set in the 1950s but that won't do for the TV series because most people watch for the 1930s style. Ironically the tube train near the end was a 1950s train painted to look like a 1930s train so the Underground can play at that game too. Hanging the storyline on a plot about the Jarrow March was feeble but the 50s version had students who were beginning to think about the world around them so I suppose making them think about the poverty of the marchers is much the same thing. All the stuff about Japp having to cater for himself was weak too but they had to put something in to fill the time. This would have made a decent half hour show or they could have filmed the book and made it a better long show. It is obvious this episode is a victim of style over content.\": {\"frequency\": 1, \"value\": \"The original book ...\"}, \"This was the first of Panahi's films that I have seen, I saw it at Melbourne film festival. I was totally absorbed by the different characters that he creates and how differently they react and behave compared to Aussie kids and yet on other levels how similarly. I think perhaps if more people could see movies like this, they could see people as individuals and avoid racism that can often be fueled by the fear of the unknown. There are the obvious large political differences between Oz culture and Iranian culture, but I found the more subtle differences between the characters, that this film fleshes out so successfully on screen, extremely fascinating. There are idiosyncrasies in the characters that seem to me, so unique. I found it made the characters compelling viewing.\": {\"frequency\": 1, \"value\": \"This was the first ...\"}, \"Live Feed is set in some unnamed Chinese/Japanese Asian district somewhere as five American friends, Sarah (Ashley Schappert), Emily (Taayla Markell), Linda (Caroline Chojnacki), Mike (Lee Tichon) & Darren (Rob Scattergood) are enjoying a night on the town & taking in the sights. After a scuffle in a bar with a Japanese Triad boss (Stephen Chang) they decide to check out a porno theatre, as you would. Inside they are separated & quickly find out that the place belongs to the Triad boss who uses it to torture & kill people for reasons which aren't made clear. Can local boy Miles (Kevan Ohtsji) save them?

This Canadian production was co-written, produced & directed by Ryan Nicholson who also gets a prosthetic effects designer credit as well, one has to say that Live Feed is another pretty poor low budget shot on a camcorder type horror film that seems to exist only to cash in on the notoriety & success of Hostel (2005) & the mini craze for 'torture porn' as it's become known. According the IMDb's 'Trivia' section for Live Feed writer & director Nicholson wrote it after hearing about certain activities taking place in live sex theatres, for my money I reckon he wrote it after watching Hostel! The script is pretty poor, there is no basic reason given as to why this porno theatre has a big fat ugly freak dressed in bondage gear lurking around torturing & killing people, none. Was it for the Triads? Was it for his pleasure? Was it to make snuff films to sell? Some sort of explanation would have been nice. Also why did he turn on the Triad boss at the end? If your looking for a film with a coherent story then forget about Live Feed. It seemed to me to be some sort of uneasy misjudged mix of sex, S&M, horror, torture, gore & action films which doesn't come off. I mean just setting a horror film in a porn theatre isn't automatically going to make your film any good, there still needs to be a decent script & story, right? The character's were fairly poor clich\\ufffd\\ufffds & some of their actions & motivations were more than a little bit questionable. It moves along at a reasonable pace, it's fairly sleazy mixing gore, sex & nudity but it does look cheap which lessens the effect.

Director Nicholson doesn't do anything special here, the editing is choppy & annoying, he seems to think lighting almost every scene with neon lights is a good idea & the film has a cheap look about it. Available in both 'R' & 'Unrated' versions I saw the shorter cut 'R' version which really isn't that gory but I am prepared to give the benefit of the doubt to the 'Unrated' version & say that it might be much, much gorier but I can't say for sure. There's a fair amount of nudity too if that's your thing. I wouldn't say there's much of an atmosphere or many scares here because there isn't & aren't respectively although it does have a sleazy tone in general which is something it has going for it I suppose.

Technically Live Feed isn't terribly impressive, the blood looks a little too watery for my liking & entire scenes bathed in annoying neon lights sometimes makes it hard to tell whats happening, it to often looks like it was shot on a hand-held camcorder & the choppy editing at least on the 'R' rated version is at times an annoying mess. Shot on location in an actual porn theatre somewhere in Vancouver in Canada. The acting is poor, sometimes I couldn't tell if the actresses in this were supposed to be crying or laughing...

Live Feed is not a film I would recommend anyone to rush out & buy or rent, I didn't think much of it with it's very weak predictable storyline lacking exposition & which goes nowhere, poor acting & less than impressive gore (at least in the 'R' rated cut anyway). Watch either Hostel films again or instead as they are superior.\": {\"frequency\": 1, \"value\": \"Live Feed is set ...\"}, \"Kenneth Branagh attempts to turn William Shakspeare's obscure, rarely-produced comedy into a 1930s-era musical, with the result being both bad Shakespeare and bad musical comedy as the actors are rarely adept at one or the other of the two styles and in some cases flounder badly in both. Particularly painful is Nathan Lane, who seems to be under the impression that he is absolutely hysterical as Costard but is badly mistaken, and Alicia Silverstone who handles the Shakespearean language with all the authority of a teenaged Valley Girl who is reading the script aloud in her middle school English class.

The musical numbers are staged with the expertise of a high school production of \\\"Dames at Sea,\\\" leaving the cast looking awkward and amateurish while singing and dancing, with the lone exception being Adrian Lester who proves himself a splendid song and dance man. The only other saving grace of the film are Natascha McElhone and Emily Mortimer's contribution as eye candy, but they have given far better performances than in this film and you'd be wise to check out some of the other titles in their filmographies and gives this witless mess a pass.\": {\"frequency\": 1, \"value\": \"Kenneth Branagh ...\"}, \"I thought the racism and prejudice against Carl Brashear was grossly overdramatized for Hollywood effect. I do not believe the U. S. Navy was ever that overtly racist. I cannot imagine a full Captain, the Commanding Officer, ever telling his Chief to intentionally flunk anyone. Certainly not at the risk of his life. And there has never been a Chief Petty Officer as unabashedly prejudice against everybody but WASPs as DeNiro's character. No Chief as slovenly and drunken as he was played would have ever risen to Master Chief in the first place. Cuba Gooding saved an otherwise badly done movie.\": {\"frequency\": 1, \"value\": \"I thought the ...\"}, \"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 ****\": {\"frequency\": 1, \"value\": \"Barbara Stanwyck ...\"}, \"At first glance, it would seem natural to compare Where the Sidewalk Ends with Laura. Both have noirish qualities, both were directed by Otto Preminger, and both star Dana Andrews and Gene Tierney. But that's where most of the comparisons end. Laura dealt with posh, sophisticated people with means who just happen to find themselves mixed-up in a murder. Where the Sidewalk Ends is set in a completely different strata. These are people with barely two nickels to rub together who are more accustomed to seeing the underbelly of society than going to fancy dress parties. Where the Sidewalk ends is a gritty film filled with desperate people who solve their problems with their fists or some other weapon. Small-time hoods are a dime-a-dozen and cops routinely beat confessions out of the crooks. Getting caught-up in a murder investigation seems as natural as breathing.

While I haven't seen his entire body of work, based on what I have seen, Dana Andrews gives one of his best performances as the beat-down cop, Det. Sgt. Mark Dixon. He's the kind of cop who is used to roughing up the local hoods if it gets him information or a confession. One night, he goes too far and accidentally kills a man. He does his best to cover it up. But things get complicated when he falls for the dead man's wife, Morgan Taylor (Tierney), whose father becomes suspect number one in the murder case. As Morgan's father means the world to her, Dixon's got to do what he can to clear the old man without implicating himself.

Technically, Where the Sidewalk Ends is outstanding. Besides the terrific performance from Andrews, the movie features the always delightful Tierney. She has a quality that can make even the bleakest of moments seem brighter. The rest of the cast is just as solid with Tom Tully as the wrongly accused father being a real standout. Beyond the acting, the direction, sets, lighting, and cinematography are all top-notch. Overall, it's an amazingly well made film.

If I have one complaint (and admittedly it's a very, very minor quibble) it's that Tierney is almost too perfect for the role and her surroundings. It's a little difficult to believe that a woman like that could find herself mixed-up with some of these unsavory characters. It's not really her fault, it's just the way Tierney comes across. She seems a little too beautiful, polished, and delicate for the part. But, her gentle, kind, trusting nature add a sense of needed realism to her portrayal.\": {\"frequency\": 1, \"value\": \"At first glance, ...\"}, \"I have to say I totally loved the movie. It had it's funny moments, some heartwarming parts, just all around good. Me, personally, really liked the movie because it's something that finally i can relate to my childhood. This movie, in my opinion, is geared more towards the young gay population. It shows how a young gay boy would be treated while growing up. All the taunting, name-calling, and not knowing is something I, like most other young feminine boys, will always remember, and now finally a movie that illustrates how hard it really is to grow up gay. So, I would definitely recommend seeing this movie. Probably shouldn't really watch it until a person is old and mature enough to understand it\": {\"frequency\": 1, \"value\": \"I have to say I ...\"}, \"This movie has everything. Emotion, power, affection, Stephane Rideau's adorable naked beach dance... It exposes the need for real inner communion and outer communication in any relationship. Just because Cedric and Mathieu are a couple who happen to be gay doesn't mean there isn't quite useful insight for anybody in it. I would probably classify it as a gay movie, but one that can be appreciated and loved by heterosexual people as well as homosexual and bisexual people. Mathieu's incapacity to handle his emotions divulges the way our society doesn't encourage us to act any differently, and that is what engenders the discord between him and Cedric. This is definitely a must-see!!!!\": {\"frequency\": 1, \"value\": \"This movie has ...\"}, \"The plot is plausible but banal, i.e., beautiful and neglected wife of wealthy and powerful man has a fling with a psychotic hunk, then tries to cover it up as the psycho stalks and blackmails her. But, what develops from there is stupefyingly illogical. Despite the resources that are available to the usual couple who has money and influence, our privileged hero and heroine appear to have only one domestic, their attorney and local police (who say they can do nothing) at their disposal while they grapple with suspense and terror. They have no private security staff (only a fancy security system that they mishandle), household or grounds staff, chauffeurs, etc. Not even, apparently, the funds to hire private round-the-clock nurses to care for the hero when he suffers life-threatening injuries, leaving man and wife alone and vulnerable in their mansion. Our heroine is portrayed as having the brains of a doorknob and our hero, a tycoon, behaves in the most unlikely and irrational manner. The production is an insult to viewers who wasted their time with this drivel and a crime for having wasted the talents of veteran actors Oliva Hussey and Don Murray (what were they thinking?). And, shame on Lifetime TV for insulting the intelligence of its audience for this insipid offering.\": {\"frequency\": 1, \"value\": \"The plot is ...\"}, \"I was raised watching the original Batman Animated Series, and am an avid Batman graphic novel collector. With a comic book hero as iconic as Batman, there are certain traits that cannot be changed. Creative liberties are all well and good, but when it completely changes the character, then it is too far. I purchased one of the seasons of \\\"The Batman\\\" in the hopes that an extra bonus feature could shed some light on the creators' reasoning for making this show such an atrocity. In an interview on the making of \\\"The Batman,\\\" one of the artists or writers (I'm unsure which) said that \\\"We felt we shouldn't mess with Batman, but we could mess with the villains.\\\" So, they proceeded to make the Joker into an immature little kid begging for attention, the Penguin into some anime knockoff, Mr. Freeze into a super-powered jewel thief, Poison Ivy into a teenage hippie, and countless other shameful acts which are making Bob Kane roll over in his grave.

To sum it all up: I wish I had more hands so I could give this show FOUR THUMBS DOWN. It squeezes by my rating with a 2 out of 10 simply because it uses the Batman name. Warner Bros...rethink this! Please!\": {\"frequency\": 1, \"value\": \"I was raised ...\"}, \"The TV guide calls this movie a mystery. What is a mystery to me is how is it possible that a culture that can produce such intricate and complex classical music and brilliant mathematicians cannot produce a single film that would rise above the despicable trash level this film so perfectly represents. This is Bollywood at its best/worst, I honestly cannot tell the difference. Nauseatingly sweet, kitschy clich\\ufffd\\ufffds on every level, story-line, situations, dialog, music and choreography. To put it bluntly, you must be a retard to enjoy it. I watched it to satisfy my cultural curiosity, but there were times when I had to walk away from it, because I could not take it any more. The only redeeming quality of the movie is the exquisite beauty of the leading actresses.

\": {\"frequency\": 1, \"value\": \"The TV guide calls ...\"}, \"Yes AWA wrestling how can anyone forget about this unreal show. First they had a very short interviewer named Marty O'Neil who made \\\"Rock n Roll\\\" Buck Zumhofe look like a nose tackle. Then it was Gene Okerland who when he got \\\"mad as the wrestler\\\" would say either \\\"Were out of time\\\" or \\\"Well be right back\\\" acting like he was mad but actually sounding forced. After he went to the WWF Ken Resneck took over even though his mustache looked like week old soup got stuck to it was a very fine interviewer who \\\"Georgeous\\\" Jimmy Garvin called mouse face which made me fall off my chair laughing. After he jumped ship then Larry Nelson came on board which he was so bad that Phyllis George would of been an improvement! Then there's Doug McLeod the best wrestling announcer ever who made every match exciting with his description of blows! Then he was offered more pay by the Minnesota North Stars hockey team. At ringside who can forget Roger Kent who's mispronouncing of words and sentences were historic Like when a wrestler was big \\\"Hes a big-on!\\\" punched or kicked in the guts \\\"right in the gussets\\\"or when kicked \\\"He punted him\\\" or \\\"the \\\"piledriver should be banned\\\" after Nick Bockwinkle used it on a helpless opponent.(Right Roger like you care!) After he left to greener money(WWF) they had Rod Trongard who's announcing style was great but different. Like when a wrestler scraped the sole of his boot across another guys forehead he'd say\\\"Right across the front-e-lobe\\\" or when a wrestler is in trouble \\\"Hes in a bad bad way\\\". He also would say AWA the baddest,toughest,meanest, most scientific wrestlers are here right in the AWA!(No extra money Verne Gagne!) After he left(WWF) Larry(Wheres Phyllis?!) Nelson took over and I would talk to someone else or totally ignore him.(WWE wisely didn't take him!) Also Greg Gagne had the ugliest wrestling boots I ever saw a yellow color of something I don't want to say.Also when hes looking for the tag he looks like he wants to get it over with so that he can run to the nearest restroom! Jumpin Jim Brunzell was such a great dropkick artist that you wonder why Greg was ever his partner. Jerry Blackwell(RIP)was also a superstar wrestler but you wonder why Verne had himself win against him.(Puhleeeeze!) Then when Vince McMahon would hire Gagnes jobbers, he would make most of them wrestle squash matches. I like to see the Gagne family say wrestlings real now!\": {\"frequency\": 1, \"value\": \"Yes AWA wrestling ...\"}, \"Hello everyone, This is my first time posting and I just love the movie No child of mine and I could watch it over and over!! well I taped it a long time ago like a few years ago and I dropped it and broke it and I haven't seen it in a few years!! could any one please tell me when it will come on again!! I would really appreciate it alot!!You can email me if you want to cause that is my favorite movie of all including Empty Cradle to and if anyone knows when that comes on to PLEASE let me know,I would really appreciate it ALOT!!!

\": {\"frequency\": 1, \"value\": \"Hello everyone, ...\"}, \"A group of forest rangers and scientists go into the woods to find fossils.They stumble on a Bigfoot burial ground eventually (the didn't notice it in the dark), The scenes of the CGI Bigfoot are horrid, but better than the endless scenes of talking that they rarely punctuate. I used to think that there just might be a good Bigfoot movie to be made. But now after so many sad sad movies about the legend, I'm having serious doubts. To pour salt in the wound of watching this film, the ONE good-looking girl just doesn't get naked once. And while this one MAY be better than \\\"Boggy Creek 2\\\" (no mean feat there), it's still sad that the best non-documentary film on Bigfoot remains \\\"Harry and the Henriksons\\\"

My Grade: D\": {\"frequency\": 1, \"value\": \"A group of forest ...\"}, \"This movie is a half-documentary...and it is pretty interesting....

This is a good movie...based on the true story of how a bunch of norwegian saboturs managed to stop the heavy water production in Rukjan, Norway and the deliverance of the rest of the heavy water to Germany.

This movie isn't perfect and it could have been a bit better... the best part of the movie is that some of the saboturs are played by themselves!!!

If you're interested in history of WWII and film this is a movie that's worth a look!!\": {\"frequency\": 1, \"value\": \"This movie is a ...\"}, \"S.S. Van Dine must have been a shrewd businessman in dealing with Hollywood. Most of the film series' from the studio days were usually confined to one or two studios. But apparently Van Dine must have sold his rights to each book about Philo Vance one at a time. Note that Paramount, MGM, Warner Brothers, and more all released Philo Vance films. Only Tarzan seemed to get around Hollywood more.

MGM produced the Garden Murder Case and starred Edmund Lowe as the fashionable detective. Of course MGM had the screen's original Philo under contract at the time, but Bill Powell was busy doing The Thin Man at the time and I guess Louis B. Mayer decided to concentrate him there.

Edmund Lowe is a pretty acceptable Philo Vance. Lowe had started out pretty big at the tail end of the silent era with What Price Glory and then with a string of films with Victor McLaglen with their Flagg and Quirt characters. But after McLaglen got his Oscar for The Informer, Lowe seemed to fade into the B picture market.

The Garden Murder Case involves three separate victims, Douglas Walton, Gene Lockhart, and Frieda Inescourt. The sinister atmosphere around the perpetrator kind of gives it away, the mystery is really how all the killings are connected and how they are accomplished.

I will say this though. Vance takes a very big chance in exposing the villain and the last 15 minutes are worthy of Hitchcock.\": {\"frequency\": 1, \"value\": \"S.S. Van Dine must ...\"}, \"Although some may call it a \\\"Cuban Cinema Paradiso\\\", the movie is closer to a How Green Was My Valley, a memory film mourning for a lost innocence. The film smartly avoids falling into a political trap of taking sides (pro-Castro? anti-Castro?, focusing instead in the human frailty of the characters and the importance of family. Filled with good acting, in particular from Mexican actress Diana Bracho, who plays Keitel's wife. A masterpiece, filled with references to classic movies, from CASABLANCA to Chaplin's CITY LIGHTS. Gael Garcia Bernal plays a small role which is critical for the dramatic payoff of the story. TV director Georg Stanford Brown, in a rare return to acting (remember THE ROOKIES?), plays a homeless bum who acts as Greek chorus, superbly. It is a pity that this movie, originally titled DREAMING OF JULIA, has been released in the States by THINKfilm with the atrocious title of CUBAN BLOOD, which has nothing to do with the movie.\": {\"frequency\": 1, \"value\": \"Although some may ...\"}, \"Well I guess it supposedly not a classic because there are only a few easily recognizable faces, but I personally think it is... It's a very beautiful sweet movie, Henry Winkler did a GREAT job with his character and it really impressed me.\": {\"frequency\": 1, \"value\": \"Well I guess it ...\"}, \"This is the movie for those who believe cinema is the seventh art, not an entertainment business. Lars von Trier creates a noir atmosphere of post-war Germany utterly captivating. You get absorbed into the dream and you're let go only at the end credits. The plot necessarily comes second, but it still is a thrilling story with tough issues being raised. Just wonderful.\": {\"frequency\": 1, \"value\": \"This is the movie ...\"}, \"Errol Flynn is \\\"Gentleman Jim\\\" in this 1942 film about boxer Jim Corbett, known as the man who beat John L. Sullivan. Directed with a light hand by Flynn's good friend, Raoul Walsh, the film also stars Alexis Smith, Jack Carson, Alan Hale Sr., William Frawley and Ward Bond. Flynn plays an ambitious, egotistical young man who has a natural talent for boxing and is sponsored by the exclusive Olympic Club in San Francisco in the late 1800s. Though good-natured, the fact that he is a \\\"shanty Irishman\\\" and a social climber builds resentment in Olympic Club members; most of them can't wait to see him lose a fight, and they bet against him. Despite this, he rises to fame, even working as an actor. Finally he gets the chance he's been waiting for, a match with the world champion, John L. Sullivan (Ward Bond). Sullivan demands a $10,000 deposit to insure that Corbett will appear to fight for the $25,000 purse. Corbett and his manager (Frawley) despair of getting the money. However, help comes in the form of a very unlikely individual.

This is a very entertaining film, and Jim Corbett is an excellent role for Flynn, who himself was a professional fighter at one time. He has the requisite charm, good looks and athleticism for the role. Alexis Smith plays Victoria Ware, his romantic interest who insists that she hates him. In real life, she doesn't seem to have existed; Corbett was married to Olive Lake Morris from 1886 to 1895.

The focus of the film is on Corbett and his career rather than the history of boxing. Corbett used scientific techniques and innovation and is thought of as the man who made prizefighting an art form. In the film, Corbett is fleet of foot and avoids being hit by his opponents; it is believed that he wore down John L. Sullivan this way.

Good film to catch Flynn at the height of his too-short time as a superstar.\": {\"frequency\": 1, \"value\": \"Errol Flynn is ...\"}, \"I love this movie/short thing. Jason Steele is amazing! My favorite parts are The French Song and in the opening title when the spatula soldier yells \\\" SPOONS!\\\" I crack up every time. I would recommend this movie to Knox Klaymation fans, and people who enjoy Jason Steele's other movies. His style of animation is very original. It takes a few views to notice the detailed backgrounds. His humor is also hilarious, and is definitely not something you'd hear before. Like Max the deformed Spatula who has a sound and light system in his head that beams colorful lights and happy music whenever he talks about his miserable life. This is a wonderful animation to watch anytime any where.\": {\"frequency\": 1, \"value\": \"I love this ...\"}, \"There's nothing quite like watching giant robots doing battle over a desert wasteland, and Robot Wars does deliver. Sure, the acting is lousy, the dialogue is sub-par, and the characters are one-dimensional, but it has giant robots! The special effects themselves are actually quite good for the period. They are certainly not as polished as today's standards, but it contains a minimum of computer graphics and instead uses miniatures, so it has aged fairly well. Its shortcomings are easily overlooked given the films short runtime, and it does have a certain tongue-in-cheek humour in parts that make it quite enjoyable. I would recommend this to any fan of giant robots or cheesy sci-fi who is looking for a lighthearted hour of distraction.\": {\"frequency\": 1, \"value\": \"There's nothing ...\"}, \"I wasted 5.75 to see this crappy movie so I just want to know a few things:

What was the point of the dog being split in half at the beginning of the movie, the disease had nothing to do with being split in half.

What was the point of dragging Karen into the shed, she already totally infected her room, they could have just locked her in there where she would have been safer.

Why would the Hermit be running around the forest asking strangers to help him when he could have just asked his relative, the hog lady, to take him to the hospital?

Why didn't any of the characters bother to walk into town to get help when things started getting bad, are they all really that lazy?

Even if Paul was threatened by the guy w/ the shotgun for peeping on his wife, Paul could have just sent Jeff or Bert back to the house to ask for help. the girl he loves is deteriorating.

What was the point of the box?

Why did Jeff go back to the cabin after he left when everyone else was getting infected, if he was that big of a jerk to leave in the first place wouldn't he have just gone back home?

If the police went to all the trouble of gathering up the kids and burning them on the fire pit, why did they throw Paul halfway into the river, it wasn't even necessary for the plot because the water was already contaminated.

Who makes lemonade out of river water, that crap has dirt leaves and bugs in it. Why couldn't the two kids have just use the tap water, it was contaminated too, so the stupid ending would still work.\": {\"frequency\": 1, \"value\": \"I wasted 5.75 to ...\"}, \"Bill (Buddy Rogers) is sent to New York by his uncle (Richard Tucker) to experience life before he inherits $25million. His uncle has paid 3 women Jacqui (Kathryn Crawford), Maxine (Josephine Dunn) and Pauline (Carole Lombard) to chaperone him and ensure that he does not fall foul of gold-diggers. One such lady Cleo (Geneva Mitchell) turns up on the scene to the disapprovement of the women. We follow the tale as the girls are offered more money to appear in a show instead of their escorting role that they have agreed to carry out for the 3 months that Bill is in New York, while Bill meets with Cleo and another woman. At the end, love is in the air for Bill and one other .............

The picture quality and sound quality are poor in this film. The story is interspersed with musical numbers but the songs are bad and Kathryn Crawford has a terrible voice. Rogers isn't that good either. He's pleasant enough but only really comes to life when playing the drums or trombone. There is a very irritating character who plays a cab driver (Roscoe Karns) and the film is just dull.\": {\"frequency\": 1, \"value\": \"Bill (Buddy ...\"}, \"This movie was slower then Molasses in January... in Alaska. The man who put togeather the preview should get an award for managing to put every one of the 30 seconds that were interisting into the preview. I had to wake up the people I was watching it with, several times. After it was over, I felt bad for having woken them up.

Most of the film is taken up with hoping something will actually happen, but nothing ever does. It was easy to loose track of people's motives, and the characters were flat and uninteristing. By the end of the movie, you just hoped everyone would died. Everyone runs around either being contemptible, petty, or pitiful, and usually all three.

And worse, we watched a minute or two of the added features, just for kicks and giggles you understand, and all that we saw was people being smug about how socially aware they are. If they had spend the time on the movie that they did patting themselves on the back, it might have been worth watching.

I was brought in expecting the excitement of '24.' I got a lecture on social awareness through the blery eyes of the sandman.\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"The film is about Sir Christopher Strong (MP--member of Parliament--played by Colin Clive) and his affair with the Amelia Earhart-like character played by Katherine Hepburn. Up until they met, he had been a very devoted husband but when he met the odd but fascinating Hepburn, he \\\"couldn't help himself\\\" and they fell in love. You can tell, because they stare off into space a lot and talk ENDLESSLY about how painful their unrequited love is. Frankly, this is a terribly dated and practically impossible film to watch. Part of the problem is that in the Pre-Code days, films glamorizing adultery were very common. Plus, even if you accept this morally suspect subject, the utter sappiness of the dialog make it sound like a 19th century romance novel...and a really bad one at that. Sticky and with difficult to like characters (after all, Clive's wife is a nice lady and did no one any harm) make this one a big waste of time. About the only interesting aspect of this film is the costume Hepburn wears in an early scene where she is dressed in a moth costume! You've gotta see it to believe it--and she looks like one of the Bugaloos (an obscure, but fitting reference).\": {\"frequency\": 1, \"value\": \"The film is about ...\"}, \"\\\"I moved out here to get away from this kind of thing!\\\" The small town sheriff laments.

\\\"This happens a lot in Chicago?\\\" His deputy asks.

Well, no, not really. The plot is that a group of Martians mistake a Halloween Rebroadcast of Orson Welles' War of the Worlds as an account of a real Martian invasion, and conclude they need to get in on the action! What follows are a bunch of mishaps involving the Martian's haphazard attempts to conquer the town of \\\"Big Bean, IL\\\". Everyone concludes they are kids in really good costumes, except for the Sheriff's daughter and her friend, a kid in a duck suit.

The Martians themselves are comical, and you get the impression they are no threat to anyone but themselves pretty early on. It's a fun family movie.\": {\"frequency\": 1, \"value\": \"\\\"I moved out here ...\"}, \"Theodore Rex is possibly the greatest cinematic experience of all time, and is certainly a milestone in human culture, civilization and artistic expression!! In this compelling intellectual masterpiece, Jonathan R. Betuel aligns himself with the great film makers of the 20th century, such as Francis Ford Copola, Martin Scorcese, Orson Welles and Roman Polanski. The special effects are nothing less than breathtaking, and make any work by Spielberg look trite and elementary. At the time of it's release, Theodore Rex was such a revolutionary gem that it raised the bar of film-making to levels never anticipated by film makers. The concept of making not just a motion picture featuring a dinosaur, but adapting an action packed, thrilling detective novel, co-staring a \\\"talking\\\" dinosaur with a post-modern name such as \\\"Theodore\\\", and an existential female police officer changed humanity as we know it. The world could never be the same after experiencing such magnificent beauty. Watching Theodore Rex is much akin to looking into the face of God and hearing Him say \\\"you are my most beloved creation.\\\" This is one of the few films that is simply TO DIE FOR!!!\": {\"frequency\": 1, \"value\": \"Theodore Rex is ...\"}, \"After the success of Scooby-Doo, Where are You, they decided to give Scooby and Shaggy their own show. But unfortunately, they added a new character that spoilt Scooby-Doo success forever. They invented a new show with a new title, Scooby and Scrappy-Doo. It was Scrappy-Doo that made this show a complete failure, probably for both adults and kids together. Scrappy was the stupid brave puppy that always looked ready to beat someone up. Scooby and Shaggy were getting scared of the villain, and they were also trying to stop him. Scooby-Doo doesn't need any little annoying bastard puppy nephews. If they wanted Scooby-Doo to be more successful, they should have either killed or never thought up Scrappy. This was just poor, maybe your kids will prefer it!\": {\"frequency\": 1, \"value\": \"After the success ...\"}, \"Ettore Scola, one of the most refined and grand directors we worldly citizens have, is not yet available on DVD... (it's summer 2001 right now....) Mysteries to goggle the mind.

This grand classic returned to the theaters in my home-town thanks to a Sophia Loren - summer-retrospective, and to see it again on the big screen after all these years of viewing it on a video-tape ... it is a true gift.

To avoid a critique but nonetheless try to prove a point: i took my reluctant younger brother with me to see this film. He never saw the film before and \\\"doesn't like those Italian Oldies...\\\" Like all the others in the theater he was intrigued by this wonder. Even during the end-titles the theater remained completely silent.

This SPECIAL DAY is truly special. A wonder of refinement. And a big loss if you haven't seen it (yet)...\": {\"frequency\": 1, \"value\": \"Ettore Scola, one ...\"}, \"While I don't agree with Bob's and Tammy's decision to give up baby Jesse, and it's something I'd never do, they were trying to do what was best for the baby. The way this movie is written, you see yourself becoming wrapped up in the story and asking yourself what you really believe, from all different aspects. Patty Duke? Antagonist? Almost unheard of, as far as I'm concerned. But during the movie, she really convinces you that she's psychotic, or at least, that there's something seriously wrong with her. Her character is the meaning of \\\"emotionally disturbed.\\\" The movie seems to end quickly, leaving things somewhat unresolved. But other than that, this movie is really great. It really makes you think. It's not a movie to watch when you just want to kick back and relax and watch something cute that'll make you laugh. But it is a good movie to see when you want to challenge your own beliefs, see things from others' perspectives, and discover a little something about yourself. Caution: you may even grow while watching this movie! And it's all worth it, in the end.\": {\"frequency\": 1, \"value\": \"While I don't ...\"}, \"The movie is about Anton Newcombe. The music and careers of the two bands are simply backdrop. It's only fair that Newcombe have the last word about the film, which at this writing you can find in the \\\"news\\\" section at the brianjonestownmassacre website. I'd link it here but IMDb won't permit it.

Documentarians are limited by what the camera captures, as well as by the need to assemble a cohesive narrative from the somewhat-random occasions when chance has put the camera lens on a sight-line with relevant happenstance. In Dig!, fortune smiled on the Dandy Warhols, capturing their rise to the status of pop-idol candidates, as they formed slickly-produced pop confections for mass consumption, most notably \\\"Bohemian Like You,\\\" a song that made them global darlings thanks to a Euro cell phone ad.

No such luck for Brian Jonestown Massacre. The film captures little of what made the original BJM lineup great, with the sole exception of a single montage, lasting a minute or so, showing Newcombe creating/recording a number of brief instrumental parts, unremarkable in themselves, and concluding the sequence with a playback of the lush, shimmering sounds that had to have been in Newcombe's mind and soul before they could enter the world.

Three commentaries accompany the film; one by the filmmakers, and two by the members of the bands (the BJM track is solely former members, and without Newcombe). Both the Warhols and BJM alumni point up this montage sequence as the \\\"best\\\" bit in the film, and I'd agree that, given the film's focus on Anton Newcombe, it is the only part of the film that sheds proper light on his gift, and seems too brief to lend proper balance to this attempted portrait of the \\\"tortured artist.\\\"

Interesting thing about commentaries is that, unlike film, they are recorded in real time -- one long take -- which can be more honestly revelatory than a documentary that takes shape primarily through editing.

The Dandies do not come off well in their comments. If the rock and roll world extends the experience of high school life for its denizens -- as I believe it does -- the Dandies are the popularity-obsessed preppy types, the ones who listen to rock because it's what their peers do, while the BJM crew come off as the half-rejected, half-self-exiled outsiders (to insiders like the Dandies, \\\"losers\\\") that are the real rock spirit. BJM's Joel Gion, who talks a LOT, nails the film's message for me when he says (paraphrasing): \\\"You can't forget that Anton has been able to do the only thing he ever said he wanted to do. Make a lot of great music.\\\"

The Dandies, meanwhile, laugh too easily at every outrageous display in the course of Newcombe's meltdown (all the BJM footage here ends at 1997, before Newcombe quit heroin). Courtney Taylor-Taylor's discounting of Newcombe's commitment to his vision is summed up as follows: \\\"He's 37 and still living in his car. You can download all his work at his website. He was so tired of being ripped off by everyone else, he's giving it all away. He could be making a mint.\\\" You can practically hear him shaking his head in disbelief.

The film's shortcomings can't be blamed on the filmmakers; rather it's the difficulties of the documentary form, and the loss of cooperation by the film's subject, that makes this portrait of Newcombe so fragmentary. But it's likely the best we will get, outside of his music.

I only rented disc one, which has the feature. Most of the extras are on disc two. Not renting that, as I've put in my order to buy the set.\": {\"frequency\": 1, \"value\": \"The movie is about ...\"}, \"After repeated listenings to the CD soundtrack, I knew I wanted this film, got it for Christmas and I was amazed. Marc Bolan had such charisma, i can't describe it. I'd heard about him in that way, but didn't understand what people were talking about until I was in the company of this footage. He was incredible. Clips from the Wembley concert are interspersed with surrealistic sketches such as nuns gorging themselves at a garden party as Marc Bolan performs some acoustic versions of Get It On, etc. (I'm still learning the song titles). George Claydon, the diminutive photographer from Magical Mystery Tour, plays a chauffeur who jumps out of a car and eats one of the side mirrors. Nothing I can say to describe it would spoil it, even though I put the spoilers disclaimer on this review, so you would just need to see this for yourselves. It evades description.

Yes, I love the Beatles and was curious about Ringo directing a rock documentary - that was 35 years ago - now, I finally find out it's been on DVD for 2 years, but it's finally in my home. It's an amazing viewing experience - even enthralling.

Now the DVD comes with hidden extras and the following is a copy and paste from another user:

There's two hidden extras on the Born To boogie double DVD release.

1.From the menu on disc one,select the bonus material and goto the extra scenes 2.On the extra scenes page goto Scene 42 take 1 and keep pressing left 3.when the cursor disappears keep pressing right until a \\\"Star+1972\\\" logo appears 4.Press Enter

5.From the main menu on disc two,select the sound options 6.On the sound options page goto the 90/25 (I think thats right) option and keep pressing left 7.When the cursor disappears keep pressing right until a \\\"Star+Home video\\\" logo appears 8.Press Enter\": {\"frequency\": 1, \"value\": \"After repeated ...\"}, \"I really thought they did an *excellent* job, there was nothing wrong with it at all, I don't know how the first commenter could have said it was terrible, it moved me to tears (I guess it moved about everyone to tears) but I try not to cry in a movie because it's embarrassing but this one got me. It was SOOO good! I hope they release it on DVD because I will definitely buy a copy! I feel like it renewed my faith and gave me a hope that I can't explain, it made me want to strive to be a better person, they went through so much and we kind of take that for granted, I guess. Compared to that, I feel like our own trials are nothing. Well, not nothing, but they hardly match what they had to go through. I loved it. Who played Emma?!\": {\"frequency\": 1, \"value\": \"I really thought ...\"}, \"I saw a special advance screening of this today. I have to let you know, I'm not a huge fan of either Dane Cook or Steve Carell, so I really had no expectations going into this. I ended up enjoying it quite a bit.

Dan in Real Life is the story of a widower with 3 daughters who goes to spend a weekend with his family. While at a bookstore, he meets the woman of his dreams, only to find out that she happens to be his brother's girlfriend.

This movie is pretty well made- the soundtrack, cinematography, and acting are all top-notch, especially Steve Carell. My problem with it was mostly that there seemed to be a lack of character development, mostly with Dane Cook's character. We never really get a close look at the relationship between Dane and Steve's characters, and I felt that it could have helped a bit in showing what Dan's inner conflict about being in love with Dane's girlfriend was like. Other than this though, Dan in Real Life is definitely a solid, sweet film- definitely a nice break from all the horror and action movies we've been getting this year.\": {\"frequency\": 1, \"value\": \"I saw a special ...\"}, \"What a let down! This started with an intriguing mystery and interesting characters. Admittedly it moved along at the speed of a snail, but I was nevertheless gripped and kept watching.

David Morrissey is always good value and he Suranne Jones were good leads. The Muslim aspects were very interesting. We were tantalised with possible terrorist connections.

But then Morrissey's character was killed off and all the air left the balloon. The last episode was dull, dull, dull. The whole thing turned out to be very small beer and the d\\ufffd\\ufffdnouement was unbelievably feeble.

Five hours of my life for that? My advice: watch paint dry instead.\": {\"frequency\": 1, \"value\": \"What a let down! ...\"}, \"Well, this movie started out funny but quickly deteriorated. I thought it would be more 'adult oriented' humor based on the first few moments but then the movie switched into a bad made-for-Disney Channel type mode, especially a go-kart racing scene that was incredibly long. Alana De La Garza is gorgeous but has a really fake Italian accent. The movie looked and sounded very independent and low budget. There was one very cute moment which I'll just call the serenading scene but overall this one was a yawner. The laughs are very few and far between. The end surprise for \\\"Mr. Fix It\\\" is so ridiculous it left me more mad than anything else. Might be worth a look if you can catch it for free or TV but don't waste your money buying or renting this movie.\": {\"frequency\": 1, \"value\": \"Well, this movie ...\"}, \"Perhaps I'm out of date or just don't know what Electra is like in current publications... But the Electra that I read was far more manipulative and always seems to have a plan. She usually used others to do her dirty work and more often than not some sort of double cross was involved. Just when you think you have it all figured out she pull the wool over your eyes and gets her way.

This movie was fairly weak on the dialog, the acting wasn't particularly convincing, and the action was spotty. I was really looking for something more along the lines of Frank Miller's book \\\"Electra Assassin.\\\" Which is much darker than anything in this movie.

Special effect where cool, action was interesting at times, but more often than not the story and plot was slow or illogical. Tha Hand was not menacing enough, and Electra was not..... bitchy enough. She's the girl you love to hate... but in this story, I just didn't care either way.\": {\"frequency\": 1, \"value\": \"Perhaps I'm out of ...\"}, \"Really bad movie, the story is too simple and predictable and poor acting as a complement.

This vampire's hunter story is the worst that i have seen so far, Derek Bliss (Jon Bon Jovi), travels to Mexico in search for some blood suckers!, he use some interesting weapons (but nothing compared to Blade), and is part of some Van Helsig vampire's hunters net?, OK, but he work alone. He's assigned to the pursuit of a powerful vampire queen that is searching some black crucifix to perform a ritual which will enable her to be invulnerable to sunlight (is almost a sequel of Vampires (1998) directed by John Carpenter and starred by James Woods), Derek start his quest in the search of the queen with some new friends: Sancho (Diego Luna, really bad acting also) a teenager without experience, Father Rodrigo (Cristian De la Fuente) a catholic priest, Zoey (Natasha Wagner) a particular vampire and Ray Collins (Darius McCrary) another expert vampire hunter. So obviously in this adventure he isn't alone.

You can start feeling how this movie would be just looking at his lead actor (Jon Bon Jovi); is a huge difference in the acting quality compared to James Woods, and then, if you watch the film (i don't recommend this part), you will get involved in one of the more simplest stories, totally predictable, with terrible acting performances, really bad special effects and incoherent events!.

I deeply recommend not to see this film!, rent another movie, see another channel, go out with your friends, etc.

3/10\": {\"frequency\": 1, \"value\": \"Really bad movie, ...\"}, \"I saw the movie last night here at home, but I thought it was too long first of all. Second, the things I saw in the movie were way too out of text to even have in this what I thought was going to be a comedy type movie like the rest before. The things isn't funny in the movie: fianc\\ufffd\\ufffd hitting his girlfriend, beatings. The movie was way too long--talk about wanting to go to sleep and wondering when it will end when you wake up and still have it playing! Some of the things at the reunion were too much to capture--like the lady singing--i felt like i was almost watching a spiritual song show here! come on Perry, you can do better then this!\": {\"frequency\": 1, \"value\": \"I saw the movie ...\"}, \"STAR RATING: ***** Saturday Night **** Friday Night *** Friday Morning ** Sunday Night * Monday Morning

Ray (Ray Winstone) has a criminal past, has had problems with alcohol and is now forming a drug habit that is making him paranoid and prone to domestic violence to his wife Valerie (Kathy Burke) who tries to hold the family together but ends up coming off more like a doormat. Meanwhile, her mother Janet (Laila Morse) is aware of Ray's son, Billy (Charlie Creed-Miles) and his escalating drug habit that is sending him off the rails. The film follows these despairable characters as they tredge along with their lives.

It is said that the British seem to enjoy being miserable, and that would include watching films that entertain them this way. Films like Nil by Mouth highlight this. It's a tale of a broken family, torn apart by crime, poverty, booze and drugs, the kind Jeremy Kyle would lap up like a three course meal. It is also essentially a tale of self destructive men, three generations apart and each copying the other, tearing a family apart and women trying to hold it together, despite not being strong enough. If you pick up a little of what it's about from the off-set, you can see it doesn't promise to be cheerful viewing from the start and it certainly doesn't disappoint in this.

It's true what everyone said about the performances, and the lead stars, Winstone and Burke, do deliver some great acting. We see Winstone lose it with his wife, beating her senseless after some more coke induced paranoia, breaking down during a phone conversation with her and unleashing a typical arsenal of f and c words when she refuses to let him see his kid. Likewise, in a private moment, we see Burke skillfully lose her composure on a staircase, the full impact of the night before kicking in.

This is another of those films where there's no 'plot' to follow, as such, just a real life feel of these hopeless lives carrying on from one day to the next. It's been acclaimed by many (including the Baftas!) but it really was just too grim and bleak for me. I have no right to criticize it for this, knowing what I knew about it from the off-set, but sadly this is how I found it. **\": {\"frequency\": 1, \"value\": \"STAR RATING: ***** ...\"}, \"This is my FAVORITE ALL time movie. It used to be my Friday night movie with a pizza and bottle of wine when I was single. I first saw this movie with my aunt Brend and sister Chasity. I was in the 2nd grade. I fell in LOVE with Travolta and Sissy was my new best friend. I've read a lot of comments about why Bud left Sissy & how Sissy has to \\\"learn to act\\\" married. But let's go back and look at this for a second: SPOILER - My interpretation of the movie now, not when I was eight is this about Bud & Sissy's relationship takes a turn for the worst because she makes a fool of him at Gilley's riding the bull. They get in a huge fight. Bud tries to make Sissy jealous by asking Pam to dance. Sissy then thinks two wrongs will make a right and Wes asks her if \\\"she needs any help\\\". They're all on the dance floor acting like fools when Bud asks Pam, \\\"when are you going to take me home and rape me?\\\" Pam answers: \\\"When ever you're ready Cowboy\\\". Bud then goes home with Pam to her condo in downtown Houston. Which Daddy has bought for her with his oil money and \\\"all that that implies\\\". Bud is the one who cheats on Sissy. Sissy is waiting for Bud when he returns home the next day. Sissy is the ONE who leaves Bud. Then, it's up to Bud to prove to Sissy that he is a real \\\"cowboy\\\" and win her back.

Anyways, that's my interpretation. Everyone has their I'm sure! I love this movie.

And believe it or not, I got myself a REAL cowboy! I love him too! :)\": {\"frequency\": 1, \"value\": \"This is my ...\"}, \"I am only 11 years old but I discovered Full House when I was about five and watched it constantly until I was seven. Then I grew older and figured Full House could wait and that I had \\\"more important\\\" things to do. Plus there was also the fact that my younger brother who watched it faithfully with me for those two years started to dislike it thinking it too \\\"girly.\\\"

Then I realized every afternoon at five it was on 23 and I once again became addicted to it. Full House has made me laugh and cry. It's made me realize how nice it would be if our world was like the world of Full House plus a mom. I have heard people say Full House is cheesy and unbelievable. But look at the big picture: three girls whose mom was killed by a drunk driver. The sisters fight and get their feelings hurt. The three men who live with the girls can get into bickers at times. What's any more real than that?

If anything the show has lifted me up when I'm down and brought me up even higher when I thought I was at the point of complete happiness. I have howled like a hyena at the show and gained a massive obsessiveness over Mary Kate and Ashley Olsen. (Of course Hilary Duff has now taken that spot but they were literally the cutest babies I have ever seen. They are great actresses and seem to be very nice people.)\": {\"frequency\": 1, \"value\": \"I am only 11 years ...\"}, \"Homelessness (or Houselessness as George Carlin stated) has been an issue for years but never a plan to help those on the street that were once considered human who did everything from going to school, work, or vote for the matter. Most people think of the homeless as just a lost cause while worrying about things such as racism, the war on Iraq, pressuring kids to succeed, technology, the elections, inflation, or worrying if they'll be next to end up on the streets.

But what if you were given a bet to live on the streets for a month without the luxuries you once had from a home, the entertainment sets, a bathroom, pictures on the wall, a computer, and everything you once treasure to see what it's like to be homeless? That is Goddard Bolt's lesson.

Mel Brooks (who directs) who stars as Bolt plays a rich man who has everything in the world until deciding to make a bet with a sissy rival (Jeffery Tambor) to see if he can live in the streets for thirty days without the luxuries; if Bolt succeeds, he can do what he wants with a future project of making more buildings. The bet's on where Bolt is thrown on the street with a bracelet on his leg to monitor his every move where he can't step off the sidewalk. He's given the nickname Pepto by a vagrant after it's written on his forehead where Bolt meets other characters including a woman by the name of Molly (Lesley Ann Warren) an ex-dancer who got divorce before losing her home, and her pals Sailor (Howard Morris) and Fumes (Teddy Wilson) who are already used to the streets. They're survivors. Bolt isn't. He's not used to reaching mutual agreements like he once did when being rich where it's fight or flight, kill or be killed.

While the love connection between Molly and Bolt wasn't necessary to plot, I found \\\"Life Stinks\\\" to be one of Mel Brooks' observant films where prior to being a comedy, it shows a tender side compared to his slapstick work such as Blazing Saddles, Young Frankenstein, or Spaceballs for the matter, to show what it's like having something valuable before losing it the next day or on the other hand making a stupid bet like all rich people do when they don't know what to do with their money. Maybe they should give it to the homeless instead of using it like Monopoly money.

Or maybe this film will inspire you to help others.\": {\"frequency\": 1, \"value\": \"Homelessness (or ...\"}, \"The dubbing/translation in this movie is downright hilarious and provides the only entertainment in this otherwise dull and derivative zombie flick. I haven't laughed so hard in my life as I just did watching Zombi 3 (and I've seen some really bad dubbing in my life, believe me). Seriously, the filmmakers could re-edit this movie and release it as a comedy and make millions of dollars. It's just that funny.

But... If falling off your couch laughing at the dubbing in a Fulci zombie movie isn't your cup of tea, then AVOID THIS AT ALL COSTS.\": {\"frequency\": 2, \"value\": \"The dubbing/transl ...\"}, \"Here's how you do it: Believe in God and repent for your sins. Then things should turn around within the next day or so.

Until the last fifteen minutes, this movie just plays as a bad recap of a drunk's crappy life. His mom dies. His stepmom's a b_tch. His dad dies. He drinks. He gets married. He has kids. He drinks some more. His wife gets mad. He disappoints his kids. The wife threatens to leave. He calls up a reverend late night b/c he wants to kill himself. Then after the recap happens, that's when we get the \\\"Left Behind\\\"-like subtle message.

\\\"He needed a paycheck\\\". This is the phrase I had to repeat over and over once credits started to roll so I wouldn't lose my respect for Madsen.

Madsen drops to his knees and begs Christ's forgiveness. Once he does, he walks outside and actually says that he sees the world in a different way. He tells his wife that he's found God and that's good enough for her. Flip scene four months and the wife is tired of going to church. End the movie as Madsen walks by the bar and gives a soliloquy about how happy he is with Christ and without alcohol. Final moment? He gives a little dismissive wave to the bar (i.e. sin house) and give a gay, Miami-Vice, after-school special congratulatory jump in the air as the camera freeze-frames. See why I had to repeat the phrase? \\\"He needed a paycheck\\\".

Man this movie is bad. The B-Grade 80's production values don't help much. The script could have easily been a \\\"Touched By An Angel\\\" episode. It could have been knocked out in 30 minutes plus commercials. The acting is wooden and never believable. Even Madsen, of whom I'm a big fan and is the sole reason I sat through this, makes it clear that this is his first acting job and he doesn't know his a$$ from his elbow yet on camera. 45 minutes into it I started to get discouraged. This thing was like homework. I just wanted to put it away and say that alright, I saw half of it. That's good enough. But no. If I sat through Cheerleader Ninjas, I could sit throughout this.

The only reason I'm not giving this thing a 1 is for two points: 1) I love Madsen. I know it's not fair. But it's great seeing the opening title \\\"Introducing Michael Madsen\\\". Sue me. 2) Some of the Dialogue is so bad that it's classic. I'll stick some quotes at the end of this so you can enjoy them too.

That's about it. To wrap it up ,this thing is a piece of crap that should stay flushed with the rest of the turds. But hey! Look! Michael Madsen! (See also TILT, EXECUTIVE TARGET, MY BOSS'S DAUGHTER, etc). Now I've gotta rewatch Reservoir Dogs and watch Madsen torture a cop to get my respect back for him. See ya, Kids.

\\\"This stuff's gonna make me go blind, but I'm gonna drink it anyway\\\" - Madsen's first taste of cheap alcohol

\\\"I don't understand! Everything seems so beautiful!\\\" - Madsen walking outside after confessing to God

\\\"I'm going downtown later and pick up a bible and I'm gonna get a haircut too\\\" - Madsen after converting at the dinner table, because Satan lives in your hair\": {\"frequency\": 1, \"value\": \"Here's how you do ...\"}, \"First of all, f117 is not high tech any more and it is not a fighter aircraft.

Secondly, the f14's and f18's cannot change their appearances; they are not transformers.

Thirdly, the f16 has only one m61 cannon, not two.

Last but not the least, at the end of the film, Seagle selected sidewinder missile. But somehow when he pulled the trigger, the actual missile fired turned out to be a maverick. As I have the experience of seeing f18's and f14's being mysteriously transformed into f16's, this small transformation of missiles is not a big surprise to me. However, there is still one question I have to ask: How did they manage to use an air to ground missile to shoot down a flying f16...

When students hand in really bad work, teachers assign 0's. Now I think for the sake of properly marking this film, IMDb should seriously consider adding a '0/10' option. Otherwise, it is not fair for those who receive 1 out of 10...\": {\"frequency\": 1, \"value\": \"First of all, f117 ...\"}, \"By far the most important requirement for any film following confidence tricksters is that they must, at least occasionally, be able to pull one over on us, as well as their dumb-witted marks, the cops, the mob and (ideally) each other. But this film NEVER pulls this off. Every scam can be seen coming a mile off (especially the biggen!) Neither are they very interesting, intricate or sophisticated. Perhaps Mammet hoped to compensate for this with snappy dialogue and complex psychological relationships. If so, he failed. The lines are alright, but they're delivered in such a stilted, unnatural, stylised way that I thought perhaps some clever point was being made about us all acting all the time... but it wasn't. As for the psychological complexity, the main character's a bit repressed and makes some ridiculously forced freudian slips about her father thinking she's a whore, but she gets over it. I really liked the street scenes though. Looked just like an Edward Hopper painting.\": {\"frequency\": 1, \"value\": \"By far the most ...\"}, \"updated January 1st, 2006

Parsifal is one of my two favorite Wagner operas or music dramas, to be more accurate, (Meistersinger is the other.) though it's hard to imagine it as the \\\"top of anyone's pops\\\". The libretto, by the composer as usual, is a muddle of religion, paganism, eroticism, and possibly even homo-eroticism, and its length may make it seem to the audience like hearing paint dry.

Wagner, being a famous anti-Semite, (Klingsor may be one of his surrogate Jewish villains.) naturally entrusted the premiere to an unconverted (not for want of RW's trying!) Hermann Levi, who was his favorite conductor! (Go figure!) Kundry, a most mixed-up-gal and another likely Jewish surrogate, is both villainous or benevolent, depending on the scene.

Considering that many video versions of Parsifal seem on the stodgy side, this film of the opera is, in comparison, a breath of fresh air. Hans-J\\ufffd\\ufffdrgen Syberberg, the director, has brought considerable imagination to it but it's hard to know why he made some of his choices. For example: the notorious dual Parsifals (of each gender!), the puppets, the death-mask-of-Wagner set and various dolls and symbols such as the Nazi swastika in one of the traveling scenes. (If I remember, the \\\"real\\\" Engelbert Humperdinck wrote the actual music to pad out the scene changes.) Though Wagner himself died much too early to be an actual Nazi, many of his descendants (As well as his second wife Cosima.) were at least fellow-travelers, including their grandson Wolfgang Wagner who still runs the Bayreuth Festival at an advanced age. In fact, Wolfgang's son Gottfried Wagner, in complete opposition to his father, has tried to come to terms honestly with his great-grandfather.

Syberberg, too, seems politically ambiguous from what I've read. In 1977, he made a well-known film on Hitler, \\\"Hitler: ein Film aus Deutschland\\\" (Sometimes called \\\"Our Hitler\\\" in English.). Since it lasts all of 8 hours and hasn't been widely distributed, most people have not seen it (including myself.).

Armin Jordan, the conductor of the audio CD on which this film is based, plays Amfortas (sung by Wolfgang Sch\\ufffd\\ufffdne) Edith Clever (Yvonne Minton) plays Kundry, Michael Kutter and Karin Krick play the dual Parsifals (Both sung by Reiner Goldberg.!) and Robert Lloyd and Aage Haugland both play and sing Gurnemanz and Klingsor.

Though the opera takes place over a long period of time and all (except Kundry?) have been described as having aged considerably between Acts 2 and 3, no one looks a day older by the end of the opera. (The magic of the Grail? In this opera the Grail is the cup from which Jesus drank at the Last Supper and not Mary Magdalene as in more recent times, an idea I find preposterous!).

The conducting and singing are all quite serviceable and the DVD seems to have improved the sound, if not the picture, to a great extent. (Yes, I agree that \\\"Kna's\\\" approach is superior, even on the second, stereo, version but he is probably superior to all recorded versions on the whole.)

Not a Parsifal for all Wagnerites but I think it works quite well as a filmed opera.\": {\"frequency\": 1, \"value\": \"updated January ...\"}, \"Saw this again recently on Comedy Central. I'd love to see Jean Schertler(Memama) and Emmy Collins(Hippie in supermarket) cast as mother and son in a film, it would probably be the weirdest flicker ever made! Hats off to Waters for making a consistently funny film.\": {\"frequency\": 1, \"value\": \"Saw this again ...\"}, \"There is no way to describe how really, really, really bad this movie is. It's a shame that I actually sat through this movie, this very tiresome and predictable movie. What's wrong with it? Acting: There is not one performance that is even remotely close to even being sub-par (atleast they are all very pretty). Soundtrack (songs): \\\"If we get Orgy on the soundtrack then everyone will know that they are watching a horror film!\\\"; Soundtrack (score): Okay, but anyone with a keyboard can make an okay soundtrack these days. Don't even get me started on the \\\"What the hell?\\\" moments, here are a few: Killer can move at the speed of light--door opens actress turns, no one is there, turns back, there is something sitting in front of her.; Out of now where The killer shows up with a power drill, a really big one! The filmmakers get points for at least plugging it in, but can I really believe that the killer took the time to find the power outlet to plug it in. I feel like one of the guards at the beginning of Holy Grail and want to say \\\"Where'd you get the power drill?\\\". I could go on and on about how bad this film is but I only have 1000 words. I will give this 2 out of ten stars. One star for making me laugh and another star for all the cleavage. Seriously, do not waste your time with this one.\": {\"frequency\": 1, \"value\": \"There is no way to ...\"}, \"The Wicker Man. I am so angry that I cannot write a proper comment about this movie.

The plot was ridiculous, thinly tied together, and altogether-just lame. Nicolas Cage...shame on you! I assumed that since you were in it, that it would be at least decent. It was not.

I felt like huge parts of the movie had been left on the cutting room floor, and even if it's complete-the movie was just outlandish and silly.

At the end you're left mouth agape, mind befuddled and good taste offended. I have never heard so many people leave a theater on opening day with so much hatred. People were complaining about it in small groups in the mall, four floors down from the theater near the entrance. It's that bad.

I heard it compared to : Glitter, American Werewolf in Paris and Gigli. My boyfriend was so mad he wouldn't even talk about it.

Grrrr!\": {\"frequency\": 1, \"value\": \"The Wicker Man. I ...\"}, \"Not really a big box office draw, but I was pleasently surprised

with this movie. James \\\"I did some things to Farrah Fawcett\\\" Orr

co-wrote and directed this movie about an ordinary, average guy

named Larry Burrows who thinks his life would have been

incredibly different if he hit a homerun at a key baseball game

when he was 15. But thanks to mysterious and magical bartender

Mike, Larry gets his wish, yet soon realizes that his new life

isn't exactly as he hoped it would be.

I must say, this movie really impressed me. Critics have given

it mixed, and I must say the concept is really interesting and

pulled off well. Yes, it is a little standard, but packs enough

funny moments, drama and excellent acting to make it really

good. James Belushi (I think) was Oscar worthy for his role. Jon

Lovitz is perfect, and Linda Hamilton plus Renee Russo shine in

their roles. Michael Caine is perfect as the bartender. It's

just a good movie with a good lesson. If you've never seen, I

highly recommend you check\": {\"frequency\": 1, \"value\": \"Not really a big ...\"}, \"I reached the end of this and I was almost shouting \\\"No, no, no, NO! It cannot end here! There are too many unanswered questions! The engagement of the dishwashers? Mona's disappearance? Helmer's comeuppance? The \\\"zombie\\\"? Was Little Brother saved by his father? And what about the head???????\\\" ARGH!! Then I read that at least two of the cast members had passed on and I have to say, I know it probably wouldn't be true to Lars von Trier's vision, but I would gladly look past replacement actors just to see the ending he had planned! Granted, it would be hard to find someone to play Helmer as the character deserves. Helmer, the doctor you love to hate! I think I have yet to see a more self-absorbed, oblivious, self-righteous character on screen! But, I could overlook a change in actors....I just have to know how it ends!\": {\"frequency\": 1, \"value\": \"I reached the end ...\"}, \"I had a feeling that after \\\"Submerged\\\", this one wouldn't be any better... I was right. He must be looking for champagne money, and not care about the final product... his voice gets repeatedly dubbed over by a stranger that sounds nothing like him; the editing is - well - just a grade above amateurish. It's nothing more than a B or C-grade movie with just enough money to hire a couple talented cameramen and an \\\"OK\\\" sound designer.

Like the previous poster said, the problems seem to appear in post-production (...voice dubbing, etc.) Too bad, cause the plot's actually OK for a SG flick.

I'll never rent another SG flick, unless he emails me asking for forgiveness.

Too bad - I miss Kelly LeBrock...

--jimbo\": {\"frequency\": 1, \"value\": \"I had a feeling ...\"}, \"Dumb is as dumb does, in this thoroughly uninteresting, supposed black comedy. Essentially what starts out as Chris Klein trying to maintain a low profile, eventually morphs into an uninspired version of \\\"The Three Amigos\\\", only without any laughs. In order for black comedy to work, it must be outrageous, which \\\"Play Dead\\\" is not. In order for black comedy to work, it cannot be mean spirited, which \\\"Play Dead\\\" is. What \\\"Play Dead\\\" really is, is a town full of nut jobs. Fred Dunst does however do a pretty fair imitation of Billy Bob Thornton's character from \\\"A Simple Plan\\\", while Jake Busey does a pretty fair imitation of, well, Jake Busey. - MERK\": {\"frequency\": 2, \"value\": \"Dumb is as dumb ...\"}, \"Do not waste your time or your money on this movie. My roommate rented it because she thought it was the other movie called Descent (the flick about some travelers who get trapped in a cave). so, we decided to watch it anyways thinking it couldn't be that bad. It was. I can't believe this movie was actually produced and put out to the public. It was so horrible it was almost like an accident scene where you want to look away but you just can't make yourself. I honestly feel emotionally scarred. It went from being a semi-low budget movie in which a college girl gets assaulted by a boy she's dating to an all out porno flick. And really not a good one. I went from hating the woman's rapist to almost feeling bad for him. Almost. All in all, an awful movie that was definitely rated NC-17 for a reason. Don't waste your money. And don't let your kids watch it.\": {\"frequency\": 1, \"value\": \"Do not waste your ...\"}, \"I wouldn't bring a child under 8 to see this. With puppies dangling off of buildings squirming through dangerous machines and listening to Cruella's scary laugh to name a few of the events there is entirely too much suspense for a small child.

The live action gives a more ominous feel than the cartoon version and there are quite a few disquieting moments including some guy that seems to be a transvestite, a lot of tense moments that will worry and may frighten small kids.

I don't know what the Disney folks were thinking but neither the story nor the acting were of their usual level. The puppies are cute But this movie is spotty at best.\": {\"frequency\": 1, \"value\": \"I wouldn't bring a ...\"}, \"This is probably one of the most original love stories I have seen for ages, especially for a war based (briefly) film. Basically it is a story based in two worlds, one obviously real, the other fictitious but the filmmakers say at the beginning that it is only coincidence if it is a real place. Anyway, Peter Carter (the great David Niven) was going to crash in a plane, he talked to June (Planet of the Apes' Kim Hunter) before he bailed out and said he loved her. He was meant to die from jumping without a parachute, but somehow he survived, and now he is seeing and loving June in the flesh. This other place, like a heaven, is unhappy because he survived and was meant to come to their world, so they send French Conductor 71 (Marius Goring) to persuade him to go, but he is obviously in love. Peter suggests to him that he should appeal to keep his life to the other world's court, he is granted this. Obviously love prevails when the two lovers announce that they would die for each other, June even offers to take his place! Also starring Robert Coote as Bob Trubshawe, Kathleen Byron as An Angel, a brief (then unknown) Lord Sir Richard Attenborough as An English Pilot and Abraham Sofaer as The Judge/The Surgeon. David Niven was number 36 on The 50 Greatest British Actors, the film was number 86 on The 100 Greatest Tearjerkers for the happy ending, it was number 47 on The 100 Greatest War Films, it was number 46 on The 50 Greatest British Films, and it was number 59 on The 100 Greatest Films. Outstanding!\": {\"frequency\": 1, \"value\": \"This is probably ...\"}, \"Well, I just ordered this on my pay-per-view at home because I was bored and needed a laugh. I have to admit, I did chuckle a few times, but I don't even remember what parts they were at. I don't understand why this movie was made. It claims to be a comedy but seriousuly, I don't find a singing penis, or a naked 70 year old woman very funny. This movie was trying to fit itself into the 'gross-out' comedies of recent years such as American Pie and Road Trip, but it just failed miserably. It was way to much gross-out then it was comedy. Also, why on earth did Cameron Diaz attach her name to this movie?!?! The only thing I liked about this movie was when Dave and Angela were in the pool. I thought it was sexy and enjoyable and well-done. Besides that, avoid this movie. 3/10\": {\"frequency\": 1, \"value\": \"Well, I just ...\"}, \"To me movies and acting is all about telling a story. The story of David and Bethsheba is a tragedy that is deep and can be felt by anyone who reads and understands the biblical account. In this movie I thought the storytelling by Gregory Peck and Susan Hayward were at their best. To know and understand the story of David and his journey to become the King of Israel, made this story all the more compelling. You could feel his lust for a beautiful woman, Gregory Peck showed the real human side of this man who in his time was larger than life. Susan Hayward's fear, reluctance, but then obedience to his authority as her King was beautifully portrayed by her. One could also feel David's anguish the nigh that Uriah spent the night at the gate instead of at home. As well as the sadness when he was killed in battle. Raymond Massey's powerful and authoritative condemnation of the King made me feel his anger. The sets were real enough, and the atmosphere believable. All in all I think this was one of the best movies of it's kind. I gave it a rating of ten.\": {\"frequency\": 1, \"value\": \"To me movies and ...\"}, \"In the film Kongwon-do ui him it features a relatively intimate look into the meaningfulness (as well as general meaninglessness) into the lives of various Koreans; empty people seeking ways to fill themselves, enjoying the escapism of nature. From the beginning to the end of the film we observe the fallibility of the various characters; we learn of their shortcomings and their desires, the overall complexity captured within human life (and yet the overal simplicity of humanity). Although the film is slow-moving, it can be very contemplative. It does not force any ideas, but allows the ideas to come about themselves, it allows the concepts to reveal themselves.

The film ends as well and as suddenly as it begins, and one truly understands the meaning of aloneness, that love is often an act of selfishness, and the many mistakes that we make. It is a look into everyday life, very well and beautifully done.

If you are looking for action or for intense drama, this is not the film for you. However, if you enjoy honest, original, and meaningful films that are not forced and without glitz, this is a great film to watch.\": {\"frequency\": 1, \"value\": \"In the film ...\"}, \"I can't agree with any of the comments. First time I saw the film on a UK TV channel, it was presented as an indie film and if you take the film under this angle I think it's an all different matter. I couldn't believe what I was seeing and got hooked instantly. The plot may be as bad as a JS's show (ie there is no plot) but the acting is wicked, it's hilarious and it's all in all an incredible trash movie.

It says as much about America than a Bully or a Ken Park without the drama perspective but it gives a glimpse on the US society, and more precisely on what afternoon TV viewers in America (and I believe there are plenty of them !) are interested in. After all it's the neighbours we're talking about, don't we ?

100% fun !\": {\"frequency\": 1, \"value\": \"I can't agree with ...\"}, \"The book is fantastic, this film is not. There is no reason this film could not have embraced a futuristic technological vision of the book. Hell, total recall was released a few years later and that did a good job of it, even a clockwork orange released in the 70s did a good job of trying to make a futuristic world. The bleak German expressionistic colours, the black and white footage from the vision screens, there is no reason for this approach for when the film was made in 1984. The main character is in a white collar writing job yet he dresses like he works with oil and grease in a garage. This film decides to take a mock-communistic approach to set design, atmosphere and theme, yet the novel did not necessarily dictate a communist, worship-the-humble-worker theme itself. This book seriously needs to be adapted in a modern context as this book is more relevant today than ever before. I could not watch more than 20 minutes of this crap. The soundtrack is annoying, the lack of foresight is annoying, this film seems to have been made to deny a sense of realism or believability when that is exactly what is required to hammer the novel's messages to the viewer.\": {\"frequency\": 1, \"value\": \"The book is ...\"}, \"Please do not waste +/- 2 hours of your life watching this movie - just don't. Especially if someone is fortunate to be snoozing at the side of you. Damn cheek if you ask me. I waited for something to happen - it never did. I am not one of those people to stop watching a movie part way through. I always have to see it through to the end. What a huge mistake. Do yourself a favour and go and paint a wall and watch it dry - far more entertaining. Please do not waste +/- 2 hours of your life watching this movie - just don't. Especially if someone is fortunate to be snoozing at the side of you. Damn cheek if you ask me. I waited for something to happen - it never did. I am not one of those people to stop watching a movie part way through. I always have to see it through to the end. What a huge mistake. Do yourself a favour and go and paint a wall and watch it dry - far more entertaining.\": {\"frequency\": 1, \"value\": \"Please do not ...\"}, \"I read somewhere that when Kay Francis refused to take a cut in pay, Warner Bros. retaliated by casting her in inferior projects for the remainder of her contract.

She decided to take the money. But her career suffered accordingly.

That might explain what she was doing in \\\"Comet Over Broadway.\\\" (Though it doesn't explain why Donald Crisp and Ian Hunter are in it, too.) \\\"Ludicrous\\\" is the word that others have used for the plot of this film, and that's right on target. The murder trial. Her seedy vaudeville career. Her success in London. Her final scene with her daughter. No part logically leads to the next part.

Also, the sets and costumes looked like B-movie stuff. And her hair! Turner is showing lots and lots of her movies this month. Watch any OTHER one and you'll be doing yourself a favor.\": {\"frequency\": 1, \"value\": \"I read somewhere ...\"}, \"I've been largely convinced to write this review for a number of reasons:

1) This is, without doubt, the worst film i've ever seen 2) Unless it gets more reviews it will not be listed in the all time worst films list - which it deserves to be 3) I was kinda lucky - i paid five pound for it. i've seen it in shops for 15 pound. DON NOT PAY THAT MUCH FOR THIS FILM! You will be very angry 4) There are a lot of films out there in the horror genre that are not given a fair rating (in my opinion) and giving this film a higher rating than them is criminal

The plot summary: a guy with no friends meets a tramp who promises the world - well, the magic ability to appear to everybody else like somebody else. Our hero cunningly turns into a teenage girl and joins their gang - sitting on swings, baby-sitting. He kills them one by one until he is tracked and found by the police.

Why is it so bad? To begin with the acting is VERY VERY bad. Someone else compared it to a school production. No, this is worse than any acting i've seen on a school stage.

I've bought a number of these previously banned films from the DVD company vipco and not been as disappointed as i was at this. okay, the acting is bad but the film fails to deliver in every other sense. What was the point in making this film when there isn't even any gore! okay, no gore. What else can a film like this offer? Breats? No, not even any titillation!

it's true this film may have a certain charm in its unique naffness but any potential buyer/watcher of this film should be fairly advised that this film is, at best, worth only one out of ten.\": {\"frequency\": 1, \"value\": \"I've been largely ...\"}, \"well \\\"Wayne's World\\\" is long gone and the years since then have been hard for snl off-shoot movies. from such cinematic offal as \\\"It's Pat\\\" to the recent 80 minute yawn, \\\"A Night at the Roxbury,\\\" many have, no doubt, lost faith that any other snl skit will ever make a successful transition to the silver screen. well fear not because Tim Meadows comes through in spades. the well-written plot maintains audience interest until the very end and while it remains true to the Leon Phelps character introduced in the five minute skit, the storyline allows the character to develop. the humor (consisting largely of sex jokes) is fresh and interesting and made me laugh harder than i have in any movie in recent memory. its a just great time if you don't feel like taking yourself too seriously. Tiffany-Amber Thiessen of \\\"Saved by the Bell\\\" fame, makes an appearance in the film and looks incredible. finally Billy Dee Williams, reliving his Colt 45 days, gives the movie a touch of class. and for those out there who are mindless movie quoters like myself, you will find this movie to be eminently quotable, \\\"ooh, it's a lady!\\\"\": {\"frequency\": 1, \"value\": \"well \\\"Wayne's ...\"}, \"This is why i so love this website ! I saw this film in the 1980's on British television. Over the years it is one i have wished i knew more about as it has stayed with me as one of the single most extraordinary things i have ever seen in my life. With barely a few key words to remember it by, i traced the film here, and much information, including the fact it's about to become an off-Broadway musical !

Interestingly, unlike the previous comment maker, i do not remember finding this film sad, or exploitative. On the contrary, the extraordinary relationship between the mother and daughter stuck in the mind as a testimony of great strength, honour and dignity. Ironic you may think, considering the squalor of their lives. Maybe it's because i live in Britain, where fading grandeur has an established language in the lives of old money, where squalor is often tolerated as evidence of good breeding; I saw it as a rare and unique portrayal of enormous spirit, deep and profound humour, whose utterly fragile and delicately balanced fabric gave it poise and respect. In a way i was sorry to see it being discussed as a 'cult'. Over the years, as it faded in my mind, it shone the brightest, above all others as a one off brilliant & outstanding televisual experience. It was such a deeply private expose, it seems odd to think of it becoming so public as to be a New York musical. But perhaps somewhere, the daughter will be amused by such an outcome. It is she who will have the last laugh maybe..(They made a musical out of her before you Jackie O' )\": {\"frequency\": 1, \"value\": \"This is why i so ...\"}, \"This is one of those topics I can relate to a little more than most people as I hate noise & have no idea how those in big cities, New York especially how people get any sleep at all! It astounds me that people can stand all the noise out there these days. The basic plot of the film is that it makes for an interesting topic. It's too bad that's about it. Tim Robbbins is decent although except for a couple of scenes (especially with the absolute supermodel looking Margarita Leiveva) he didn't seem to really be altogether there. My biggest hope for this film is that casting agents will see the absolutely stunning & talented actress to boot, Margarita Levieva. She doesn't have a lot to do, but she is supermodel beautiful. Even when they are trying to make her look at more girl next door. It makes me sad that there can be people such as Paris Hilton & Kim Kardashian in the world w/no redeemable skills or talent, to have more fame and success than this talented beauty. I didn't care for much of this film because the script isn't very good, but am glad I got to see some new talent. I hope that producers & directors think about Margarita when they need a beautiful new actress to be in there big budget film. If they can make Megan Fox a star (c'mon she isn't that hot, & her acting \\\"talent\\\" is worse than made-for Disney channel TV shows) from 1 film, it should happen easily for her, as she is gorgeous & has talent! I'd recommend her changing her last name so we can pronounce it and make it more marketable. Here's hoping this makes her career, & if there is any justice she can pop up on some big summer movie or two in the next couple years.\": {\"frequency\": 1, \"value\": \"This is one of ...\"}, \"I won't give anything away by describing the plot of this film other than to say that it begins with the return to Israel of a young blind woman whose closest friend and companion has just committed suicide. It unfolds like a detective story as the blind woman tries to figure out why her friend ended her life. As she pursues her investigation and the information accumulates, it leads inexorably to a devastating conclusion. The film is expertly paced and the acting, especially by Talia Sharon as Ya'ara, the blind woman, is excellent. Israeli film has definitely come of age and is now fully competitive with other foreign films, though few have found a large audience in the U.S.\": {\"frequency\": 1, \"value\": \"I won't give ...\"}, \"Deathtrap runs like a play within a movie about who did what to whom, as it primarily takes place on one set. The premise is that an accomplished playwright, whose star is falling, receives a magnificent manuscript from a former student and so he plans to off his protege and appropriate his play, to the (loud) protests of his wife. Or so you think, for the first half of the movie. Past the halfway mark, Deathtrap begins to throw in twists and surprises that turn its premise on its head, then right around, and then in a mad spin, all the time keeping its title appropriate. It's an excellent mystery movie soaked in wit.

Michael Caine, as the senior playwright, plays himself in this movie - a slightly loony and very dramatic Brit. No surprises here - he does his usual good work. He gets the best line of Deathtrap, which he executes perfectly: \\\"What is your definition of success, being gang-banged in a state penitentiary?\\\"

Christopher Reeve, on the other hand, juggles comedy and drama in a surprisingly strong performance playing the ambitious (and psychopathic) young playwright. He also gets to show off his very toned body, which he must've retained coming off the Superman movies.

Caine and Reeve have collaborated in another movie that's one of my favorite comedies - Noises Off. It similarly revolves around a play as well, although this time Caine is the director and Reeve is an actor. They are joined by comic veterans Carol Burnett, John Ritter, Marilu Henner (Taxi) and Mark Linn-Baker (Perfect Strangers). Together, they demonstrate the calamities that befall the bed-hopping cast and crew of a play. On the surface, the movie looks to be mostly slapstick but upon watching you find that they are many subtle jokes that require more than one viewing to catch. Wish this underrated movie was available on DVD.\": {\"frequency\": 1, \"value\": \"Deathtrap runs ...\"}, \"If i could have rated this movie by 0 i would have ! I see some ppl at IMDb says that this is the funniest movie of the year , etc etc excuse me ? are you ppl snorting LSD or ........? There is absolutely NOTHING funny about this movie N O T H I N G ! I actually want my 27 minutes back of my life that i spent watching this piece of crap.

I read someone sitting on an airplane watching this movie stopped watching after 30 minutes , i totally understand that , i actually would have watched snakes on a plane for 2 times over instead of watching this movie once !

DO NOT watch this movie , do something else useful with your life do the dishes , walk the dog , hell... anything is better than spending time in front of the TV watching hot rod.\": {\"frequency\": 1, \"value\": \"If i could have ...\"}, \"Bizarre Tobe Hooper exercise regarding an unfortunate young man(Brad Dourif)with the ability to set people on fire. This ability stems from parents who partook in atomic experiments in the 50's. They die of Spontaneous Human Combustion and it seems that what Sam is beginning to suffer from derives by these pills his girlfriend, Lisa(Cynthia Bain)gives him to take for rough migraines. In actuality, Lisa was told to manipulate Sam into taking the pills by Lew Orlander(William Prince), pretty much the young man's father who raised him from a child. Lew has benevolent plans..he sees Sam as the first \\\"Atomic Man\\\", a pure killing machine in human form. Sam never wanted this and will do whatever it takes to silence those responsible for his condition. As the film goes, Sam's blood is slowly growing toxic, green in color instead of red. It seems that water and other substances which often put out fire react right the opposite when Sam's uncontrollable outbursts of flame ignite. Come to find out, Lisa has Sam's condition whose parents also dies from SHC. Dr. Marsh(Jon Cypher), someone who Sam has known for quite some time as his physician, is to insert toxic green fluid into their bodies, I'm guessing to increase their levels of flame. Nina(Melinda Dillon, sporting an accent that fades in and out)was Sam's parents' friend and associate on the experiments in the 50's who tries to talk things over with him regarding what is happening. And, Rachel(Dey Young)is Sam's ex-wife who may be working against her former husband with Lew and Marsh to harm him and Lisa.

Quite a strange little horror flick, filled with some pretty awful flame-effects. Dourif tries to bring a tragic element and intensity to his character whose plight we continue to watch as his body slowly becomes toxic waste with fire often igniting from his orifices. There's this large hole in his arm that spits out flame like a volcano and a massive burn spot on his hand which increases in size over time. Best scene is probably when director John Landis, who portrays a rude electrical engineer trying to inform Sam to hang up because the radio program he's calling has sounded off for the night, becomes a victim of SHC. The flick never quite works because it's so wildly uneven with an abrupt, ridiculous finale where Sam offers to free Lisa of her fire by taking it from her.\": {\"frequency\": 1, \"value\": \"Bizarre Tobe ...\"}, \"First love is a desperately difficult subject to pull off convincingly in cinema : the all-encompassing passion involved generally ends up as a pale imitation or, worse, slightly ridiculous.

Lifshitz manages to avoid all the pitfalls and delivers a moving, sexy, thoroughly engrossing tale of love, disaster and possible redemption, while tangentially touching on some of the deeper themes in human existence.

The core story is of Mathieu, 18, a solitary, introverted boy who meets C\\ufffd\\ufffddric, brasher, more outgoing but just as lonely, while on holiday with his family. As the summer warms on, they fall in love and, when the holidays end, decide to live together. A year later, the relationship ends in catastrophe: C\\ufffd\\ufffddric cheats on Mathieu who, distraught, tries to take his own life. He survives and, in order to get perspective back on his life he returns to the seaside town where they first met, this time cloaked in the chill of winter.

If the tale was told like this it would never have the impact it does: much of it is implied, all of it happens non-sequentially.

The intricate narrative is essential to getting a deeper feeling of the passions experienced, through the use of counterpoint and temporal perspective. Fortunately, the three time-lines used (the summer of love, the post-suicide psychiatric hospital and the winter of reconstruction) are colour coded: warm yellows and oranges for the summer, an almost frighteningly chill blue for the hospital scenes and warming browns and blues for the winter seaside.

Both main actors put in excellent performances though, whilst it's a delight to see St\\ufffd\\ufffdphane Rideau (C\\ufffd\\ufffddric) used to his full capacity (I'm more used to seeing him under-stretched in Gael Morel's rather limp dramas), J\\ufffd\\ufffdr\\ufffd\\ufffdmie Elkaim (Mathieu) has to be singled out for special mention: you can feel his loneliness, then his almost incredulous passion, then his character crumbling behind a wall of aphasia. Beautifully crafted gestures get across far more than dialogue ever could.

The themes touched upon are almost classic in French cinema: our difficulty in really understanding what another is feeling; our difficulty in communicating fully; the shifting sands of meaning\\ufffd\\ufffd The film's title \\\"Presque rien\\\" (Almost Nothing) points to all of these and, indeed, to one of the key scenes in the film: In trying to understand why Mathieu attempted to kill himself, a psychiatrist asks C\\ufffd\\ufffddric if he had ever cheated on him\\ufffd\\ufffd \\\"Non\\ufffd\\ufffd enfin, oui\\ufffd\\ufffd une fois, mais ce n'\\ufffd\\ufffdtait rien\\\" (No\\ufffd\\ufffd well, yes\\ufffd\\ufffd once, but it was nothing). C\\ufffd\\ufffddric still loves Mathieu \\ufffd\\ufffd he brought him to the hospital during the suicide attempt (none of which we see) and tries desperately to contact him again once he leaves \\ufffd\\ufffd but cannot understand that he has lost him forever, because something that seemed nothing to him (a meaningless affair) is everything to Mathieu.

Whilst the film is darker than the rather unfortunate Pierre et Gilles poster would suggest, it is not without hope: we get to see C\\ufffd\\ufffddric's slow, painful attempts to get back in touch with life, first through a cat he adopts, then through work in a local bar and finally contact with Pierre, who may be his next love. But here the story ends: A teenage passion, over within the year, another perhaps beginning. So what was it? Almost Nothing? Certainly not when you're living it\\ufffd\\ufffd\": {\"frequency\": 1, \"value\": \"First love is a ...\"}, \"Written and directed by Steve Gordon. Running time: 97 minutes. Classified PG.

It was the quintessential comedy of the decade. It won Sir John Gielgud the Academy Award. It was even featured in VH1's \\\"I Love the 80's.\\\" And it looks just as good today as it did upon it's initial release. Arthur is the acclaimed comedy classic about a drunken millionaire (played with enthusiasm and wit by Dudley Moore in an Oscar-nominated performance) who must choose between the woman he loves and the life he's grown accustomed to. While the basic plot is one big cliche, there's nothing trite about this congenial combination of clever dialogue and hilarious farce. Arthur Bach is essentially nothing more than a pretentious jerk, but you can't help but like him. Especially when he delivers lines such as, \\\"Don't you wish you were me? I know I do!\\\" He's also a delineation from the archetypical movie hero: unlike most wealthy characters we see on the silver screen, he's not ashamed of being filthy rich. In one scene, a man asks him, \\\"What does it feel like to have all that money?,\\\" to which he responds, \\\"It feels great.\\\" Moore lends such charisma and charm to a character that would otherwise be loathed by his audience. And Gielgud is simply perfect as the arrogant servant, addressing his master with extreme condescension in spite of the fact that his salary depends on him. Arthur is one of those movies that doesn't try to be brilliant or particularly exceptional: it just comes naturally. The screenplay -- which also earned a nod from the Academy -- is saturated with authentic laugh-out-loud dialogue. This is the kind of movie that, when together with a bunch of poker buddies, you quote endlessly to one another. It also looks at its characters with sincere empathy. There have been a number of comedies that attempt to dip into drama by including the death or illness of a principal star (including both Grumpy Old Men's), but few can carry it off because we just don't care. When this movie makes the dubious decision to knock off the butler, it actually works, because we genuinely like these people. Why should you see Arthur? The answer is simple: because it's an all-around, non-guilty pleasure. At a period in which films are becoming more and more serious, Arthur reminds us what it feels like to go to the movies and just have a good time.

**** - Classic\": {\"frequency\": 1, \"value\": \"Written and ...\"}, \"I have nothing to comment on this movie It is so bad that I had to put my first comment on IMDb website to help some viewers save some time and do something more interesting, instead of watching this \\\"movie\\\" ... anything will do, even stare at the walls is better.

And because I have to write minimum 10 lines of text, i tell you also is a low budget movie, bad acting, no name actors, a stupid mutt as the wolf, and so on... Also the story brings nothing new, the special effects are made in the 80's style.

The movie is almost as bad as the movie \\\"Megalodon\\\".

So have fun! ;) (not watching this movie)\": {\"frequency\": 1, \"value\": \"I have nothing to ...\"}, \"(SPOILERS included) This film surely is the best Amicus production I've seen so far (even though I still have quite a few to check out). The House that Dripped Blood is a horror-omnibus\\ufffd\\ufffdan anthology that contains four uncanny stories involving the tenants of a vicious, hellish house in the British countryside. A common mistake in productions like this is wasting too much energy on the wraparound story that connects the separate tales\\ufffd\\ufffdPeter Duffel's film wisely doesn't pay too much attention to that. It simply handles about a Scotland Yard inspector who comes to the house to investigate the disappearance of the last tenant and like that, he learns about the bizarre events that took place there before. All four stories in this film are of high quality-level and together, they make a perfect wholesome. High expectations are allowed for this film, since it was entirely written by Robert Bloch! Yes, the same Bloch who wrote the novel that resulted in the brilliant horror milestone `Psycho'\\ufffd\\ufffd We're also marking Peter Duffel's solid and very professional debut as a director.

The four stories \\ufffd\\ufffd chapters if you will \\ufffd\\ufffd in the House that Dripped Blood contain a good diversity in topics, but they're (almost) equally chilling and eerie. Number one handles about a horror-author who comes to the house, along with his wife, in order to find inspiration for his new book. This starts out real well, but after a short while, his haunted and stalked by the villain of his own imagination. The idea in this tale isn't exactly original\\ufffd\\ufffdbut it's very suspenseful and the climax is rather surprising. The second story stars (Hammer) horror-legend Peter Cushing as a retired stockbroker. Still haunted by the image of an unreachable and long-lost love, he bumps into a wax statue that looks exactly like her. Cushing is a joy to observe as always and \\ufffd\\ufffd even though the topic of Wax Museums isn't new \\ufffd\\ufffd this story looks overall fresh and innovating. This chapter also contains a couple of delightful shock-moments and there's a constant tense atmosphere. It's a terrific warm-up for what is arguably the BEST story: number 3. Another legendary actor in this one, as Christopher Lee gives away a flawless portrayal of a terrified father. He's very severe and strict regarding his young daughter and he keeps her in isolation for the outside world. Not without reason, since the little girl shows a bizarre fascination for witchcraft and voodoo. Besides great acting by Lee and the remarkable performance of Chloe Franks as the spooky kid, this story also has a terrific gothic atmosphere! The devilish undertones in this story, along with the creepy sound effects of thunder, make this story a must for fans of authentic horror. The fourth and final story, in which a vain horror actor gets controlled by the vampire-cloak he wears, is slightly weaker then the others when it comes to tension and credibility, but that the overload of subtle humor more or less compensates that. There's even a little room for parody in this story as the protagonist refers to co-star Christopher Lee in the Dracula series! Most memorable element in this last chapter is the presence of the gorgeous Ingrid Pitt! The cult-queen from `The Vampire Lovers' certainly is one of the many highlights in the film\\ufffd\\ufffdher cleavage in particular.

No doubt about it\\ufffd\\ufffdThe House that Dripped Blood will be greatly appreciated by classic horror fans. I truly believe that, with a bit of mood-settling preparations, this could actually be one of the few movies that'll terrify you and leave a big impression. Intelligent and compelling horror like it should be! Highly recommended. One extra little remark, though: this film may not\\ufffd\\ufffdrepeat MAY NOT under any circumstances be confused with `The Dorm that Dripped Blood'. This latter one is a very irritating and lousy underground 80's slasher that has got nothing in common with this film, except for the title it stole.\": {\"frequency\": 1, \"value\": \"(SPOILERS ...\"}, \"Rachel Griffiths writes and directs this award winning short film. A heartwarming story about coping with grief and cherishing the memory of those we've loved and lost. Although, only 15 minutes long, Griffiths manages to capture so much emotion and truth onto film in the short space of time. Bud Tingwell gives a touching performance as Will, a widower struggling to cope with his wife's death. Will is confronted by the harsh reality of loneliness and helplessness as he proceeds to take care of Ruth's pet cow, Tulip. The film displays the grief and responsibility one feels for those they have loved and lost. Good cinematography, great direction, and superbly acted. It will bring tears to all those who have lost a loved one, and survived.\": {\"frequency\": 1, \"value\": \"Rachel Griffiths ...\"}, \"Midnight Cowboy made a big fuss when it was released in 1969, drawing an X rating. By today's standards, it would be hard pressed to pull an R rating. Jon Voight, who has been better, is competent in his role as Joe Buck, an out of town hick wanting to make it big with the ladies in New York City. He meets a seedy street hustler named Ratso Rizzo, who tries to befriend Buck for his own purposes. The two eventually forge a bond that is both touching and pathetic. As Ratso, Dustin Hoffman simply shines. Hoffman has often been brilliant, but never more so than in this portrayal. He is so into character that all else around him pales in comparison. Losing the Academy Award to John Wayne is one of the most ridiculous decisions ever made by the Academy of Motion Picture Arts and Sciences. Director Schlessinger has a deft hand with his production, but this film has a grungy underbelly that leaves a bad taste in the mouth of the viewer. Worth seeing for Hoffman's performance alone.\": {\"frequency\": 1, \"value\": \"Midnight Cowboy ...\"}, \"Writer/Director John Hughes covered all bases (as usual) with this bitter-sweet \\\"Sunday Afternoon\\\" family movie. \\\"Curly Sue\\\" is a sweet, precocious orphan, cared for from infancy by \\\"Bill\\\". The pair live off their wits as they travel the great US of A. Fate matches them with a \\\"very pretty\\\" yuppie lawyer, and the rest is predictable.

Kids will love this film, as they can relate to the heroine, played by 9 year old Alisan Poter (who went on to be the \\\"you go girl!\\\" of Pepsi commercials). The character is supposed to be about 6 or 7, as she is urged to think about going to school. Some of her vocabulary suggests that she is every day of 9 or older.

Similar to \\\"Home Alone\\\", there is plenty of slap-stick and little fists punching big fat chins. Again, this is \\\"formula\\\" film making, aimed at a young audience. Entertaining and heartwarming. Don't look for any surprises, but be prepared to shed a tear or two.\": {\"frequency\": 1, \"value\": \"Writer/Director ...\"}, \"Macy, Ullman and Sutherland were as great as usual. Ritter wasn't bad either. What's her name was as pretty as usual. It could have been a good movie. To bad the plot was atrocious. It was completely predictable, trite and boring.

From the first 15 minutes, the rest of the movie was laid out like a child's paint by numbers routine. The characters were stock pieces of cut out cardboard. There was nothing new or interesting to say and that completely outweighed the acting, which was a pity.

Finally, too bad the script writer wasn't the victim. Especially with the \\\"precocious\\\" lines from the child, which were completely unbelievable.

Again, it's only the acting that prevented a much lower score.\": {\"frequency\": 1, \"value\": \"Macy, Ullman and ...\"}, \"Without question one of the most embarrassing productions of the 1970s, GAOTS seems to really, REALLY want to be something important. The tragic truth is that it's so entirely valueless on every level that one can't help but laugh. Reaching in desperation for the earthy elements of Ingmar Bergman's films, it follows a city couple's day in the wilderness...they walk along a shady path, allthewhile pontificating like a U.C. Berkeley coffee clatch. Almost every line of tarradiddle dialog delivered here is uproariously bad(\\\"I feel that life itself is made up of as many tiny compartments as this pomegranate....but is it as beautiful?\\\") After what seems like an eternity of absolutely nothing happening(well...OK...we are treated to some nudity and a tepid soft sex scene), there is finally a VERY anticlimactic confrontation involving a pair 'Nam vets who are making the nature scene and performing some pretty harsh folk ballads with an acoustic guitar.

Nothing at all eventful or interesting happens IN THIS ENTIRE FILM. I thought the Larry Buchanan picture \\\"Strawberries Need Rain\\\" was a weak example of a Bergman homage. \\\"Golden Apples\\\" is every bit as bad, but the ceaseless random verbiage it presents makes it memorably awful. 1/10\": {\"frequency\": 1, \"value\": \"Without question ...\"}, \"My son was 7 years old when he saw this movie, he is now on a Russian Fishing vessel and said that the movie he was most impressed with and that has lingered in his mind all of these 39 years is the movie of The Legend of the Boy and the Eagle. He has asked if it were possible for me to get this for him. I am sure that a lot of things go through his head as he has only 3 hours of daylight and he has been on this ship for 3 months and will have 3 more months before his contract expires. Since we have Indian blood he connects to this movie. On January 27th he will turn 47 years old and I would like to be able to obtain this movie for him. He lives in Thailand and has been a commercial fisherman for the past 17 years and as we all know this is one of the most dangerous jobs. Can you help me obtain this movie? Thanking you in advance, Dolly Crout-Soto, Deerfield Beach, FL\": {\"frequency\": 1, \"value\": \"My son was 7 years ...\"}, \"To a certain extent, I actually liked this film better than the original VAMPIRES. I found that movie to be quite misogynistic. As a woman and a horror fan, I'm used to the fact that women in peril are a staple of the genre. But they just slap Sheryl Lee around way too much. In this movie, Natasha Wagner is a more fully-realized character, and the main bad guy is a gal! Arly Jover (who played a sidekick vamp in BLADE) is very otherworldly and deadly. Jon Bon Jovi... okay, yeah, no great actor, but he does OK. At least he doesn't start to sing. Catch it on cable if you can. It's on Encore Action this month.\": {\"frequency\": 1, \"value\": \"To a certain ...\"}, \"This movie was recently released on DVD in the US and I finally got the chance to see this hard-to-find gem. It even came with original theatrical previews of other Italian horror classics like \\\"SPASMO\\\" and \\\"BEYOND THE DARKNESS\\\". Unfortunately, the previews were the best thing about this movie.

\\\"ZOMBI 3\\\" in a bizarre way is actually linked to the infamous Lucio Fulci \\\"ZOMBIE\\\" franchise which began in 1979. Similarly compared to \\\"ZOMBIE\\\", \\\"ZOMBI 3\\\" consists of a threadbare plot and a handful of extremely bad actors that keeps this 'horror' trash barely afloat. The gore is nearly non-existent (unless one is frightened of people running around with green moss on their faces) and the English dubbing is a notch below embarrassing.

The plot this time around involves some sort of covert military operation with a bunch of inept scientists (ie. an idiotic male and his stupid female side-kick) who are developing some sort of chemical called \\\"Death One\\\" that is supposed to re-animate the dead. Unless my ears need to be checked, I don't even recall a REASON for the research of \\\"Death One\\\". It seems to EXIST only to wreak havoc upon the poor souls who made the mistake of choosing to 'star' in this cinematic laugh-fest.

Anyway, \\\"Death One\\\" is experimented on a corpse (whom I swear looked like Yul Brynner), and after it is injected into his system, he sits upright and his head explodes! The sound effects are also quite hilarious - as the corpse's face bubbles with green slime, the sound of 'paper crumpling' can be heard. The \\\"Death One\\\" toxin is transported outside and is 'hi-jacked' by a group of thieves where one makes off with it, but infects himself after cutting himself on an exposed vial.

Needless to say, the guy turns into a zombie, but not before he makes his timely escape to a cheap motel, infects a lowly porter and murders a maid by pushing her face into a bathroom mirror(!). The military catch wind of this and immediately take action before 'eliminating' everyone who is unlucky enough to be within the 'contamination zone' and turn the motel upside down. They find the infected thief and burn his body, only to have the smoke infect a flock of birds that are flying over the chimney stack(!).

We cut to the introduction of a group of men who are on leave from the army, listening to 'groovy music' that is coming out of a little dinky boom-box while trailing a trailer-load of slutty girls who are leaning out of the windows and showing off their chests. Can someone say \\\"zombie food\\\"? We also have a sub-plot involving a girl and her boyfriend driving a car who stop to inspect a group of birds lying on the road... the same birds that were infected by the 'zombie' smoke!

The birds attack the boyfriend and the girl drives off to a deserted gas station to seek water. This is one of the most incredibly hilarious moments of the movie. She walks around this old dirty, rusty and obviously abandoned building where she continues to ask aloud, \\\"HELLO? IS THERE ANYONE HERE? PLEASE, I JUST NEED SOME WATER!\\\" She encounters a group of zombies, one of which is chained to a wall (!) and the other is swinging a machete. After a bit of rumbling and tumbling around on the ground, she escapes but not before blowing up the gas station with her lighter.

Meanwhile, the birds attack the trailer-load of whores and one girl gets pecked and infected. They all pull up to the same motel where the original infection took place, and this is where the second most hilarious moment of the film takes place. After a matter of hours (a day at the most), the same motel is now caked in dust, has vines growing throughout it, and looks like it has been sitting derelict for years. Anyway, what better place to take refuge than this particular building? Needless to say, the group begins to break down as several people walk off together to get themselves stuck in an incredibly stupid situation involving a zombie attack.

The third most hilarious moment concerns a man and a woman who explore a deserted village, of which the woman comments, \\\"THIS PLACE IS A DUMP!\\\" She then proceeds to get 'pushed' off a balcony by a zombie into pirahna(?) infested water where she has her legs bitten off and turns into a zombie within seconds! Meanwhile, her friend back at the motel who got pecked and infected HOURS earlier is still TURNING into a zombie!

Unfortunately, there are just too many inconsistencies in this movie that makes this movie just too stupid for words. For example, the time rate concerning infected people being 'zombified' differs greatly. Sometimes it takes seconds, other times it takes hours. Some zombies run, others drag their feet and walk really slow. Some even do kung-fu moves, while others hide under stacks of hay to surprise people. Some of the zombies even talk! The funniest moment of course is the infamous 'zombie head in the fridge' gag which 'elevates' itself in mid-air and 'attacks' a stupid man who goes looking for food. Funnily enough, his girlfriend gets her throat torn out by it's 'headless' counter-part (LMAO!).

The biggest disappointment for me though was the lack of story-lines involving the people who are in fact killed by zombies. We never get to see them come back as zombies, in fact the only ones we do see 'zombified' are the ones pecked by the birds and the one girl who gets her legs bitten off. Other than that, I was at least expecting the couple who were killed in the kitchen and/or the guy who was killed on the bridge to come back as zombies. It is also amazing that these zombies only take a 'few bites' and then move on to their next victim.

The most laughable moment was of course the zombie fetus. A pregnant woman who has been infected lies on a bed in a hospital. A woman who seems to have a lot of 'medical knowledge' tries to deliver the baby (!) and has her face pulled off by a zombie, before having her head pushed into the woman's stomach where a hand bursts out and proceeds to rip the rest of her face off. Timeless!

As usual, all the characters are perfect stereotypes of this genre. The megalomaniacal military officer, the pathetic useless squealing women who scream to get killed, the obvious characters who are ABOUT to get killed (ie. watch for the man chasing a chicken!) I guess this movie really is a comedy. There were many laughable scenes, such as the shed that gets blown up with a hand grenade (obviously the scene where the entire budget was spent) and a climatic scene where a man screams, \\\"I'M THIRSTY.... THIRSTY FOR YOUR BLOOD!\\\". The costumes are really bad - the same zombies reappear throughout the course of the film, wearing the same 'Asian-like' clothing that may be found in a Bruce Lee film, and watch out for the blue 60's skirt the girl at the motel is wearing when she and her boyfriend bump into the infected man.

The end of the film leaves open the door as usual for the apocalyptic story-line. A radio DJ who narrates throughout the whole movie turns out to be a zombie himself and warns his listeners about the 'beginning of the end' while the two survivors take off in a helicopter. Hardly \\\"DAWN OF THE DEAD\\\" material if you ask me.

Regardless, this movie does deliver many laughs. The gore is minimal, and what gore there is, it is very unconvincing, let alone unimaginative. The usual mix of black blood, thick green goo oozing out of weeping sores and 'zombie make-up' consisting of green moss. \\\"ZOMBI 3\\\" makes for a good rental for a sleep-over party or a night of beer and popcorn. Other than that, horror fans should stay away.

3 out of 10\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"This movie makes a statement about Joseph Smith, what he stood for, and what the LDS church believes. With all the current media coverage of a certain fugitive people have confused the LDS church with the FLDS church and criminal fugitive Warren Jeffs. Jeffs is Not associated with the LDS church yet media groups internationally have asked for comments about Jeffs from The LDS church. Jeffs is not mentioned in the movie at all but I think that it is ironic that this movie with all it's points about Joseph also point away from the fews of the FLDS church and their leader at this time in the media world. This is a movie about Joseph Smith and a great one at that. Some of the most obvious differences between Jeffs and Joseph is portrayed in Joseph's humanity, acceptance and love. Jeffs views and opinions differ greatly from Joseph Smith and the LDS Church and it is seen in this movie. Jeffs thinks of the \\\"Negro\\\" as devils. Joseph Smith knew they were children of god and gave up his wife's favorite horse to a African American (former slave) to buy his son's freedom. Joseph is shown doing housework for his wife Emma and is criticized by a member until Joseph tells him that a man may lose his wife in the next life if she chooses not to stay with her husband and that doing chores is a way to help and cherish your wife. Jeffs brought one of his polygamist wives to her knees in front of a class full of students by grabbing her braid and twisting it painfully till she came to her knees. Lastly Joseph participated with law enforcement and sought aid from the government at all times. Jeffs thumbs his nose at government and flees at all times.

I loved this movie and if you don't know much about Joseph Smith and what the LDS church believes, then this is the movie to see. And if you had confused the LDS Church with the FLDS church then you really need to get your act together. We are not much different from anyone who believes in Jesus Christ, the Sanctity of marriage and the family, as well a patriotic to our homeland and country. We are all different as well just like you can find different protestants, Presbyterians, methodist, baptist and Catholics. What's important is our message and what we stand for. This movie trys to portray that but there is so much of Joseph's life that can't be covered in a mere 2 hour movie. This was a really great show.\": {\"frequency\": 1, \"value\": \"This movie makes a ...\"}, \"We have an average family. Dad's a famous rapper, we have the \\\"rebelious teenage daughter\\\", the adopted white kid, and the cute little kid. And we have careless housemaid, what show has had a housemaid like that? Do we have a messed-up Brady Bunch? Yay! When it first came out I thought it was really cool, mostly because I was young. The music was bad. The raps were so bad and they were too g-rated. All of his raps were about his family and friends and problems. The dad was kind of the \\\"Danny from Full House\\\" type of dad. Always gave the advice out. But he wasn't a clean freak. They had a house-keeper for that. Remember? The plots were basically Lil' Romeo was in trouble of some sort, or... not that's it. Oh and maybe some preteen drama. Yeah that stuff is good. Not really. But its still a good show for kids. But Nikelodean could do better.\": {\"frequency\": 1, \"value\": \"We have an average ...\"}, \"Notorious for more than a quarter century (and often banned), it's obscurity was its greatest asset it seems. Hey, it's often better to be talked about, rather than actually seen when you can't back the \\\"legend\\\" up with substance.

The film has played in Los Angeles a couple of times recently, and is available on home video, so that veil is slowly being lifted. While there is still plenty to offend the masses, it is more likely to bore them, than arouse much real passion. Except for a gratuitous and protracted XXX sex scene between a pair of horses (\\\"Nature Documentary\\\" anyone?), there follows nearly an hour of a dull arranged marriage melodrama.

Once the sex and nudity begins, it is a nonstop sequence involving masturbation, a looooooooong flashback to an alleged 'beauty and the beast' encounter, and a naked woman running around the mansion (nobody, even her supposedly protective Aunt, seems to even think of putting some clothes on her!). On video, I guess you can fast-forward thru the banality, but it's not really worth the effort. The nudity doesn't go beyond what is seen in something much more substantive such as Bertolucci's THE DREAMERS.

Try as one might to find some 'moral' or 'symbolism' in the carnality, I doubt it's worthy of anyone's effort. Unfortunately, for LA BETE, now that you can more easily see the film, the notoriety of something once 'forbidden' has been lifted. And this beast has been tamed.\": {\"frequency\": 1, \"value\": \"Notorious for more ...\"}, \"\\\"Panic In The Streets\\\" is an exciting and atmospheric thriller in which director Elia Kazan achieved a great sense of realism by shooting the movie in New Orleans, using a number of local people to fill various roles and making intelligent use of improvisation. As a result, the characters and dialogue both seem very natural and believable. An important deadline which has to be met in order to avoid a disaster, provides the story with its great sense of urgency and pace and the problems which delay the necessary action from being taken, then increase the tension to a high level.

Following a dispute between the participants in a card game, a man called Kochak (Lewis Charles) is shot and his body is dumped in the dock area. When the body is found and the coroner identifies the presence of a virus, U.S. Public Health official Dr Clinton Reed (Richard Widmark) is called in and his examination confirms the presence of pneumonic plague. Reed insists that all known contacts of the dead man must be inoculated without delay because the very infectious nature of the disease means that without such action, anyone infected could be expected to die within days.

As the identity of the dead man is unknown, the task of finding his contacts is expected to be difficult and this situation is not helped when city officials and the Police Commissioner are not fully convinced by Reed's briefing. They doubt that the threat to the public is potentially as serious as he claims it is and their initial lack of commitment is just the first of a series of obstacles which prevent action from being taken urgently. The investigation that follows is hampered by a lack of cooperation from the immigrant community, a group of seamen, the proprietor of a restaurant and also some illegal immigrants before the man's identity and his contacts are eventually found.

Kochak, an illegal immigrant, had been in a gang with Blackie (Jack Palance), Raymond Fitch (Zero Mostel) and Vince Poldi (Tommy Cook) and when gang leader Blackie becomes aware of the ongoing police investigation, he presumes that Kochak must've smuggled something very valuable into the country. As Kochak and Poldi were related, Blackie assumes that Poldi must know something about this and goes to find out more. Poldi, however, is very ill and unable to provide any information. Blackie brings in his own doctor and together with Fitch starts to move Poldi out of his room and down some stairs and this is when they meet up with Reed and an exciting chase follows.

Richard Widmark gives a strong performance as an underpaid public official who copes efficiently with the onerous responsibilities of his job whilst also dealing with his domestic preoccupations as a family man. In an unusual type of role for him, he also portrays the determined and serious minded nature of Dr Reed very convincingly. Jack Palance's film debut sees him giving an impressive performance as a ruthless thug who misjudges Kochak's reason for leaving the card game and also the reason for the intense police investigation. His distinctive looks also help to make his on-screen presence even more compelling.

In typical docu-noir style, expressionist cinematography and neo-realist influences are utilized in tandem to effectively capture the atmosphere of the locations in which the action takes place. Elia Kazan directs with precision throughout but also excels in the memorable chase sequence in the warehouse and on the dockside.\": {\"frequency\": 1, \"value\": \"\\\"Panic In The ...\"}, \"There can be no denying that Hak Se Wui (Election in English) is a well made and well thought out film. The film uses numerous clever pieces of identification all the time playing with modernity yet sticking to tradition \\ufffd\\ufffd a theme played with throughout the film Where John Woo's Hong Kong films are action packed and over the top in their explosive content as seen in Hard Boiled (1992) and when Hong Kong films do settle down into rhythms of telling the story from the 'bad' point of view, they can sometimes stutter and just become merely unmemorable, a good example being City on Fire (1987).

Election is a film that is memorable for the sheer fact of its unpredictable scenes, spontaneous action and violence that are done in a realistic and tasteful (if that's the right word) manner as well as the clever little 'in pieces' of film-making. It's difficult to spot during the viewing but Election is really constructed in a kind of three act structure: there is the first point of concern involving the actual election and whoever is voted in is voted in \\ufffd\\ufffd not everyone likes the decision but what the Uncles say, goes. The second act is the retrieving of the ancient baton from China that tradition demands must be present during the inauguration with the final third the aftermath of the inauguration and certain characters coming up with their own ideas on how the Triads should and could be run. Needless to say; certain events and twists occur during each of the three thirds, some are small and immaterial whereas some are much larger and spectacular.

Election does have some faults with the majority coming in the opening third. Trying to kill off time surrounding an election that only takes a few minutes to complete was clearly a hard task for the writers and filmmakers and that shows at numerous points. I got the feeling that a certain scene was just starting to go somewhere before it was interrupted by the police and then everyone gets arrested. This happens a few times: a fight breaks out in a restaurant but the police are there and everyone is arrested; there's a secret meeting about the baton between the Triads but the police show up and everyone gets arrested; some other Triads are having a pre-election talk but the police show up and guess what? You know.

Once the film gets out of that rut that I thought it would, it uses a sacred baton as a plot device to get everybody moving. The baton spawns some good fight scenes such as the chasing of a truck after it's been hotwired, another chase involving a motorbike and a kung-fu fight with a load of melee weapons in a street \\ufffd\\ufffd the scenes are unpredictable, realistic and violent but like I said, they are in a 'tasteful' manner. Where Election really soars is its attention to that fine detail. When the Triads are in jail, the bars are covered with wire suggesting they're all animals in cages as that's how they behave on the outside when in conflict. Another fine piece of attention to detail is the way the Uncles toast using tea and not alcohol, elevating themselves above other head gangsters who'd use champagne (The Long Good Friday) and also referencing Chinese tradition of drinking tea to celebrate or commemorate.

Election is a good film that is structured well enough to enjoy and a film that has fantastic mise-en-scene as you look at what's going on. Some of the indoor settings and the clothing as well as the buckets of style that is poured on as the search and chase for the baton intensifies. The inauguration is like another short film entirely and very well integrated into the film; hinting at Chinese tradition in the process. I feel the best scene is the ending scene as it sums it up perfectly: two shifty characters fishing and debating the ruling of the Triads all the while remaining realistic, unpredictable and violent: in a tasteful manner, of course.\": {\"frequency\": 1, \"value\": \"There can be no ...\"}, \"This isn't the best romantic comedy ever made, but it is certainly pretty nice and watchable. It's directed in an old-fashioned way and that works fine. Cybill Shepherd as Corinne isn't bad in her role as the woman who can't get over her husband's death. She has a sexy maturity. But I can't say much for Ryan O'Neal as Philip, because he is, at best, nondescript. He may be adequate in the role, but that's not good enough.

However, I get the feeling that some of the characters, particularly Alex and Miranda, are not written with enough in-depth thought. We don't know anything else about them because minutes after they appear the story gets thick, and the writers don't tell us much beyond what happens. But that problem was salvaged because Mary Stuart Masterson has a fresh-as-a-daisy sweetness to brighten it up, and Robert Downey Jr. is so charming that he melts the screen. Even his smile is infectious. And it so happens that his big dreamy eyes are perfect for the deja vu and flashback scenes.

Anyway, this movie is light and easy and if you like them that way, why not give it a try.

\": {\"frequency\": 1, \"value\": \"This isn't the ...\"}, \"When I saw this movie first, it was long ago on VHS-Video. I did like this movie, because it was funny and excitingly. Some years ago I saw another movie, called: *Andy Colby's Incredible Adventure* In this movie were parts of *Wizards of the lost kingdom* used in. They called this movie \\\"KOR the conquerer\\\". I began to search for the \\\"KOR\\\"-Movie many years, because I wanted to see the complete movie, not only the parts which were used in the *Andy Colby*-Movie. No shop had this Kor-Movie to rent and no shop did know this movie. Many years I watched my old VHS-tapes I had at home, and what a wonder... I had this movie since many years still at home, but the movie had a different title, because in Germany it has 3 or 4 titles. So I was happy to find this tape at home and this time I had much more time in watching *KOR the Conquerer again. The music is great during the hole movie, but the best part of filming in combination with the music is this moment, when KOR is walking drunken through the green forrest. The music in the background had some kind of magic. I like Bo Svenson, and also the boy, who played Simon in the movie. Both of them did their job very good. Manfred Kraatz, Germany, 26.10.2004. Thanks to all for reading my comment.\": {\"frequency\": 1, \"value\": \"When I saw this ...\"}, \"I did not read anything about the film before I watched it, by chance, last Saturday evening. And then, as I was watching it, I felt the misery of Lena and Boesman into my bones. I was so captivated by the acting and the tone and the filming that I listened only partially to the dialogues. My husband fell asleep soon after we went to bed and I was sleepless, under the impact of the film. I wanted to wake him up just to say:\\\"if I would ever vote for an Oscar nomination, it would be for these two actors.\\\" I decided to wait until the next day. Then I read more about the film on IMDb, and was sad to learn that Mr. Berry died before the release of the film and that he had probably never seen the last version of his brilliant masterpiece. I still want to tell him that to me his film was a true independent film, in its concept and spirit. The actors are to be praised not only for their brilliant performance but for accepting a part with no shine, no showing off, well to the contrary, displaying the true image of human depression. Sad but poignant.\": {\"frequency\": 1, \"value\": \"I did not read ...\"}, \"When I was younger I really enjoyed watching bad television. We've all been guilty of it at some time or another, but my excuse for watching things like \\\"Buck Rogers in the 25th Century\\\" and \\\"Silver Spoons\\\" is this: I was young and naive; ignorant of what makes a show really worthwhile.

Thankfully, I now appreciate the good stuff. Stargate SG-1 is not good. The 12 year-old me would love every hackneyed bit of it, every line of stilted dialogue, every bit of needless technobabble. The writing is beyond insipid; so bland and uninspired it makes one miss Star Trek: Voyager. If your show makes me long for the worst Trek show ever, you're in trouble.

The film Stargate is a wonderful guilty pleasure, anchored by two solid performances by James Spader and Kurt Russell, full of fascinating Egyptian architecture and culture, a wonderful musical score, and cool sci-fi ideas. With the exception of a little of the original music, none of what made the film fun appears in this show. Even Richard Dean Anderson, who made MacGyver watchable and Legend interesting, seems like he's half asleep most episodes.

The budget must have been very low because the sets sometimes look like somebody's basement. The cinematography isn't much better, as vanilla and dull as the scripts. It amazes me that shows with a lot more style (like Farscape) and substance (like the reimagined Battlestar Galactica) have smaller, less rabid fanbases than this pap. It just doesn't deserve it.\": {\"frequency\": 1, \"value\": \"When I was younger ...\"}, \"STAR RATING: ***** Saturday Night **** Friday Night *** Friday Morning ** Sunday Night * Monday Morning

This second instalment of the Che films moves the story forward to the late 60s, where the man has now moved his resistance fighters into the hills of South America, surviving without enough food and water and with tensions mounting between the group. Everything comes to a head when he crosses the border into Bolivia and the government forces step up their campaign to bring him down.

Without the flitting between time and places of the last film, Soderbergh's second instalment focuses solely on the action in the hills, and manages to be an even duller experience. And more pretentiously, the score has been drowned out, giving the second instalment more of an unwelcome air of artsieness that proves just as alienating. There's just an unshakeable air of boredom to the film that never lets up. You can't fault Soderbergh's ambition or Del Toro's drive in the lead role, it's just a shame that somewhere in the production things managed to take such a disappointing turn. **\": {\"frequency\": 1, \"value\": \"STAR RATING: ***** ...\"}, \"***SPOILERS*** ***SPOILERS*** If one were to review the film based on the premise alone, one might think that you were looking at an average animal orientated horror flick. The plot is as follows. A group of documentary filmmakers head off to an island in order to film a documentary about surfing with sharks or blood surfing. (I live in South Africa so it was released as \\\"Blood Surf.\\\") Admittedly, this seems to have a somewhat interesting idea behind it which, if it were explored further, could have improved the movie somewhat. However, this is not the case as the blood surfing part of the movie is minimal due to the fact that their documentary is interrupted by a rather large salt-water crocodile.

The script is absolutely terrible. A good example of this is whenever someone gets eaten by the crocodile which is a frequent occurrence in this film, no one seems to give a damn. The most anyone person did in the film was to merely toast the victim in a scene which was meant to be poignant but just ended up being laughable due to the fact that the dialogue in this film was of a highly dubious nature. Another thing that really irritates about this film is the fact that they introduce characters who are totally superfluous to the film itself. They introduce a bunch of pirates who can only be seen to be adding another 10 minutes to a mercifully short film.

The acting can be said to be mediocre. It probably would have been a lot more impressive if they did not have such a terrible script to work from. All in all there isn't one person who made a terrible impact on me. Every single person seemed to be a watered-down caricature and in this way, not one of these actors made any sort of impact on me.

The crocodile itself is said to be huge, over 31 feet exactly and this sense of size is well portrayed by the obvious fake of a crocodile that they have provided for us in the film. The crocodile's death at the end of the film is so ridiculously fake and contrived that it makes one's stomach turn. With a huge cry of bravado, the hero of the film announces that he has a plan which turns out be falling down a hill and getting the crocodile to impale himself on a luckily-placed spike at the bottom of this said hill.

All in all, I would say that this film is one which has to be seen for you to believe how bad it could be. What probably seemed like a good idea at the time suffered from a terrible script and an overwhelming sense of low-budgetness which all served to create a truly awful movie.\": {\"frequency\": 1, \"value\": \"***SPOILERS*** ...\"}, \"Most who go to this movie will have an idea what it is about; A man loses his entire family and even his dog in a flight from Boston that fateful morning of September 11, 2001. What you probably won't know before seeing this film is this: How that would feel; What do you do with that; and how would that affect you and the way you relate to every waking day? The story unfolds painfully slow from the gate and then warms up nicely as it gains a little speed while the recently renewed relationship between dentist Alan Johnson, (Don Cheadle) and ex-college roommate Charlie Fineman, (Adam Sandler) solidifies and begins to take shape. Characters appear in this film whose presence initially seem obligatory and not well developed but in fact, stay with this story, and you find that the simplicity of each character is what makes this story believable - and accurate. Real people inhabit a real situation whereby they can do little but stand aside while one amongst them disintegrates. The pain inside Charlie's soul is subtly evident from first introduction and grows as we learn more about his character \\ufffd\\ufffdbrilliantly revealed by Sandler, as layers of an onion \\ufffd\\ufffd one layer at a time with lightness and weight combined. It's so subtle a performance that he sneaks up on you and gets inside your head while you are watching him on screen. Cheadle's Alan Johnson is equally subtle and very Don Cheadle. Always watchable, the ease that's apparent when Cheadle's on screen speaks to his consummate acting skills. Alan's relationship with Charlie Fineman is delicate in texture, just as the situation would demand. Fineman doesn't want friendship, nor anybody intruding into his cloistered life and yet, the likable quality that Alan owns is simple and honest enough to intrigue even a recluse like Charlie. It is Alan who has the task of gingerly opening up Charlie's carefully sealed life. There is inherent danger in the process. The more Alan nudges Charlie to open up, going so far as engaging the services of friend and psychologist Angela Oakhurst, (Liv Tyler) the nearer the danger of pushing Charlie over the edge. It's an abyss that Charlie teeters on each and every waking moment and one he has learned to navigate through sheer dint of denial. He has denied everything that priorly existed for him in order to exist with his loss. Unfortunately, his grief is one thing he cannot deny. Sandler withdraws so deeply into his character's pain during the story's unfolding that, by the time he meets his demons head-on, the viewer shares his pain almost equally. Alan stands beside Charlie throughout this exacting process at the risk of lousing up his own perfect home-life - run with admirable grace and efficiency by wife Janeane. (Jada Pinkett Smith) While tending to Charlie's recovery, Alan looks inward and recognizes his own silent screams at the death of the independence he once owned and the boy he has lost becoming a man. His reward for helping Charlie is helping himself reconnect with what he has lost. The theme is much like The Fisher King; another story of a man who isolates himself to the point of madness from sorrow and loss. Like The Fisher King, the story concludes with the traditional, there is someone for everyone theme. Reign Over Me's Lidia Sinclair, (played by the wonderful Amanda Plummer in The Fisher King) is Donna Remar, (Saffron Burrows) a woman on the verge of breakdown and sketchy patient of Johnson's, who turns out to be the just unstable enough to complement Charlie's borderline insanity. It's a good ending to the story, but the one element probably least likely to ring true. Then again, maybe there really is someone for everyone. Devorah Macdonald Vancouver, BC\": {\"frequency\": 1, \"value\": \"Most who go to ...\"}, \"I love Korean films because they have the ability to really (quiet eerily really) capture real life. I tend to watch Korean movies just for that reason alone. I've seen this directors other movies before. The one that comes closest to the feelings I got from this is Oasis and another awesome film called This Charming Girl.

However, my title summary is supposed to be from a Chrstian perspective so I'll just start doing that instead of just showering it with praise.

For a non Christian perspective Director Chang-dong Lee has captured an unbiased and almost eerily real portrayal of a modern Protestant church (regardless of denomination) warts and all. I've always been waiting for a Christian film that truly portrays the darker recesses of church life. Because Christian films tend to speak in a language that is different to those they want to share their faith to. Many films with religious undertones, though having good motives, tend to just have the resonance of a Disney film or after school special. They need to show life as it is. Real people curse, real people lust, real people fall. And though Christians believe that salvation is available to those that seek it, we are still challenged by the everyday horrors of this life. And Do-yeon Jeon's character is a totally honest and almost brutal portrayal of a woman that found God, but because of life's bitter realities, loses that love for Him she once had. She doesn't deny God exists. It is just that she refuses to accept to live with the idea that He is an all loving and forgiving God.

In her decent to the edges of morality and madness, her character asks questions that are in the mind of every one, religious or not.

\\\"If God is Love, why does He allow such terrible things to happen?\\\" This film doesn't answer that, rightly so. And I believe the last 10 minutes of the film, though open to interpretation, leaves us with a hopeful future for our main character and brings the idea of \\\"secret sunshine\\\" full circle.

I don't believe for a second that this film tried to be religious or had in any way tried and set out to be that. There in lies the reason why it worked even more. It's real, it's honest. And because of that, it is by far the best summation of a real Christian life I have seen on film.\": {\"frequency\": 1, \"value\": \"I love Korean ...\"}, \"Ira Levin's Deathtrap is one of those mystery films in the tradition of Sleuth that would be very easy to spoil given any real examination of the plot of the film. Therefore I will be brief in saying it concerns a play, one man who is a famous mystery playwright, another man who is a promising writer, the playwright's wife who is much younger and sexier than the role should have been, and one German psychic along for the ride. Director Sidney Lumet, no stranger to film, is quite good for the most part in creating the tension the film needs to motor on. The dialog is quick, fresh, and witty. Michael Caine excels in roles like these. Christopher Reeve is serviceable and actually grows on you the more you see him act. Irene Worth stands out as the funny psychic. How about Dyan Cannon? Love how Lumet packaged her posterior in those real tight-fitting pants and had her wear possibly the snuggest tops around, but she is terribly miscast in this role - a role which should have been given to an older actress and one certainly less seductive. But why quibble with an obvious attempt to bribe its male viewers when nothing will change it now? Deathtrap is funny, sophisticated, witty, and classy. The mystery has some glaring flaws which do detract somewhat, and I was not wholly satisfied with the ending, but watching Caine and Reeve under Lumet's direction with Levin's elevated verbiage was enough to ensnare my interest and keep it captive the entire length of the film.\": {\"frequency\": 1, \"value\": \"Ira Levin's ...\"}, \"This first-rate western tale of the gold rush brings great excitement, romance, and James Stewart to the screen. \\\"The Far Country\\\" is the only one out of all five Stewart-Mann westerns that is often overlooked. Stewart, yet again, puts a new look on the ever-present personalities he had in the five Stewart-Mann westerns. Jeff Webster (Stewart) is uncaring, always looking out for himself, which is why he is so surprised when people are nice and kindly to him. Ironically, he does wear a bell on his saddle that he will not ride without. This displays that he might just care for one person- his sidekick, Ben Tatum, played by Walter Brennan, since Tatum is the one that gave it to him. Mann, yet again, puts a new look on the ever present personalities he put into the five Stewart-Mann westerns. He displays violence, excitement, plot twists, romance, and corruption. The story is that Jeff and Ben, through a series of events, wind up in the get rich quick town of Dawson, along with gold partners Calvet and Flippen, and no-good but beautiful Roman and her hired men. They are unable to leave, because crooked sheriff Mr. Gannon (McIntire) and his \\\"deputies\\\" will hang them, since the only way out is through Skagway, which is Gannon's town. But, eventually, McIntire comes to them, but not to collect Stewart and/or his fine that he supposedly owes to the government. What is McIntire there for? He is there to cheat miners out of their claims and money. People are killed. A sheriff for Dawson is considered needed, and Calvet elects Stewart because he is good with a gun. Stewart, however, refuses the job, because he plans to get all the gold he can, and then pull out. He also refuses it because he does not like to help people, since law and order always gets somebody killed. So, Flippen is elected instead. A miner is killed because he tries to stand up to one of Gannon's men, a purely evil, mustachioed fancy gunman named Madden, who carries two guns, played by Wilke. Flippen attempts to arrest Madden and see that justice be done, but he cannot stand up to him, so he becomes the town drunk. A man named Yukon replaces Flippen. Stewart and Tatum start to pull out, but are ambushed by Gannon's men. Tatum is killed, and Stewart is wounded. Stewart finally realizes that he must do something, or Gannon will take over Dawson, set up his own rules, and it will become his town, just like Skagway. The audience also realizes what Stewart must do. Another thing that the audience realizes is that Stewart is the only thing that stands between the townspeople and Gannon. If Stewart leaves, Gannon would take over the town. If Stewart stays and keeps on not doing anything about it, the townspeople will be killed one by one mercilessly and uselessly. This is where a great scene occurs. Stewart walks into his cabin. He has a sling on his arm. For a few seconds, his gun, in the gunbelt, is hanging on a post beside his bed, the gun is close up, Stewart is in the background, just inside the door. He stares at it for a few seconds. He tosses the sling away. The sling lands on the back of a chair, and falls to the floor. This is symbolic, because he is throwing away his old life, which consisted of not caring about anybody but himself. He comes into his new life, of helping people when they need help. What ends the film is a guns-blazing, furious show of good against evil, and a genuinely feel-good feeling that everything will be alright.\": {\"frequency\": 1, \"value\": \"This first-rate ...\"}, \"question: how do you steal a scene from the expert of expert scene stealers Walther Mathau in full, furious and brilliant Grumpy Old Man mode? answer: quietly, deadpan, and with perfect timing as George Burns does here.

I know nothing of Vaudeville but this remains a favourite film, the two leads are hilarious, the script funny, the direction and pacing very fine. Richard Benjamin is very funny as straight man - trying to get at Burns through the window etc. Even the small parts are great.

There are so many funny scenes, Mathau messing up the commercial, Burns repeating his answers as if senile...

A delight.

Enterrrrrr!\": {\"frequency\": 1, \"value\": \"question: how do ...\"}, \"I have seen this film only the one time about 25 years ago, and to this day I have always told people it is probably the best film I have ever seen. Considering there was no verbal dialogue and only thought dialogue i found the film to be enthralling and I even found myself holding my breath so as not to make any sound. I would highly recomend this film, I wish it was available on DVD.\": {\"frequency\": 1, \"value\": \"I have seen this ...\"}, \"Pretty disappointing prequel to the first two films, it's got none of the suspense of the first nor the interest of the second. By concentrating on the guys who 'run' the cube, it basically takes away any of the sense of tension inside the cube, as we simply don't care about the characters inside. Much of the film is simply boring, and it only becomes truly terrible with the introduction of the glass-eyed superior and the green-eyed crazy marine. After that, though, it just descends into over-the-top unintentional hilarity. The ending is fitting though, tying it back into the first one in an indirect way. The script is terrible, the acting mediocre at best, and the direction unimpressive. A much lesser follow-up.\": {\"frequency\": 1, \"value\": \"Pretty ...\"}, \"I enjoyed this film, perhaps because I had not seen any reviews, etc. It was delightful and a little bit of a 'romp'. I don't know why it didn't make more of a splash than it did. As far as the story goes, I could relate to some aspects of the Paul Reiser character, and I could \\\"see my dad\\\" in Falk's character. Made me remember a lot of past times when I was a kid and listening to my grandparents, too. If you enjoyed movies like Grumpy Old Men or On Golden Pond, this is your movie. A \\\"sleeper\\\", in my opinion, and one of those feel-good stories. Peter Falk and Paul Reiser had many wonderful verbal tussles, yet nothing was overdone. I would say it rates at least an 8, perhaps higher.\": {\"frequency\": 1, \"value\": \"I enjoyed this ...\"}, \"This film enhanced my opinion of Errol Flynn. While Flynn is of course best known for his savoir-faire and sprezzatura (to throw in a couple of high-falutin' European terms!), this film gives him an opportunity to stretch (albeit only slightly) as an actor, as he plays an unabashed social climber with a big ego and a sense of nerve to match. The supporting cast is excellent; everyone seems well-chosen for their roles.

The story moves briskly and, while not particularly profound (it misses, perhaps intentionally, the opportunity to render social commentary on the massively uneven distribution of income during that time), it certainly entertains and satisfies. From what I know of Jim Corbett, the story is also reasonably faithful to history. I also really liked the great depictions of 1880s San Francisco. All in all, there's little not to like about this film...very well worth the time to watch it.\": {\"frequency\": 1, \"value\": \"This film enhanced ...\"}, \"I can clearly see now why Robin Hood flopped quickly. The first episode of it is probably the worst ever thing BBC has aired. The opening scenes were about as intense, meaningful and intelligent as two monkeys fighting, Robin Hood had no character, and the sword fight was just laughable. The worst part of the episode was Robin Hood snogging some cow clad in make-up at the beginning of the episode - how many people wore eyeliner in the 12th century? Nobody. The series may have improved drastically since then, but this first episode quickly put people's hopes down, and is essentially a pile of cr*p. A great hero of England has been disgraced.

\\\"Will You Tolerate This?\\\" I won't, that's for sure, unless the BBC start to understand what is a wise investment. 3/10\": {\"frequency\": 1, \"value\": \"I can clearly see ...\"}, \"This sword-&-sorcery story of an appallingly brutal and callous \\\"hero\\\" vanquishing an evil king is worthless in almost every detail. The acting is horrible from the leads to the supporting roles. The leering, gloating glee with which the director shows the hero smearing blood around is absolutely disgusting; nor is it redeemed by any justice to his cause, since he is as bad as the people he's fighting. Z-movie editing is abundant, including a scene where a character \\\"dies\\\" from a sword thrust that very obviously missed completely!

The movie is clearly banking on the charms of the female leads, Barbi Benton and Lana Clarkson, who are paraded around mostly naked throughout the movie. As a 20-something male, I will not pretend that female flesh on the screen doesn't attract me. But the treatment of their characters is so degrading and the sex scenes so casual and joyless, that I couldn't enjoy even this aspect of the movie.

Most cheesy movies of this era are at least somewhat redeemed by a light-hearted, tongue-in-cheek feel (the sequel is better in this regard), but DEATHSTALKER seems to take itself completely seriously as heroic fantasy. No way! Avoid at all costs!

Rating: 1/2 out of ****.\": {\"frequency\": 1, \"value\": \"This ...\"}, \"If you played \\\"Spider-Man\\\" on the PS version, then you've seen it all. To truly experience it you should get the DC version. Simply put it's a much graphically superior game; the textures are sharp, levels are easy to navigate, and it has much better sound then it's PS cousin. I bought this game back in late '00s and it still holds up even till this day. Well, Marvel: Ultimate Alliance is a much superior and strategic game but if you're a fan of 'ol Web Head then you owe it yourself to pick this up for your gaming library. Swinging around the city as Spidey has never looked this good and dead-on in a video game. If you have a Dreamcast, snag this up for cheap. The DC version is simply incredible.\": {\"frequency\": 1, \"value\": \"If you played ...\"}, \"This movie was good for it's time. If you like Eddie Murpy this is a must have to add to your collection. Eddie was young and funny with his 80's haircut. Charlotte Lewis, Eddie's costar is hot. This was one of her first movies and she was not bad. The graphics were good for the 80's. A lot of the actors went on to do other good movies you should check them out through IMDb. Other must have from Eddie is \\\"Coming to America\\\" and \\\"48 hours\\\". Another actor \\\"Victor Wong\\\" has a small part in this movie. Check out some of his older movies like \\\"Big trouble in little china\\\". If you liked the action movies from the 80's this is your movie.\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"I kinda liked the film despite it's frenzied pace. BUT, I did not appreciate the comment that Canada was referred to as Montana North. It is definitely NOT Montana North and never will be. Americans wonder why they are perceived as arrogant in the rest of the world, and that is one reason why. Stop teaching the kids of the United States of America to think they own the planet. Such a centrist world view is not becoming of one of the world's great nations. Even in jest. I would never refer to the USA as 'Alberta South'. Walt would never put us down, so why start now. Other than that the film was pretty goofy, better luck next time.\": {\"frequency\": 1, \"value\": \"I kinda liked the ...\"}, \"'The Adventures Of Barry McKenzie' started life as a satirical comic strip in 'Private Eye', written by Barry Humphries and based on an idea by Peter Cook. McKenzie ( 'Bazza' to his friends ) is a lanky, loud, hat-wearing Australian whose two main interests in life are sex ( despite never having had any ) and Fosters lager. In 1972, he found his way to the big screen for the first of two outings. It must have been tempting for Humphries to cast himself as 'Bazza', but he wisely left the job to Barry Crocker ( later to sing the theme to the television soap opera 'Neighbours'! ). Humphries instead played multiple roles in true Peter Sellers fashion, most notably Bazza's overbearing Aunt 'Edna Everage' ( this was before she became a Dame ).

You know this is not going to be 'The Importance Of Being Ernest' when its censorship classification N.P.A. stands for 'No Poofters Allowed'. Pom-hating Bazza is told by a Sydney solicitor that in order to inherit a share in his father's will he must go to England to absorb British culture. With Aunt Edna in tow, he catches a Quantas flight to Hong Kong, and then on to London. An over-efficient customs officer makes Bazza pay import duties on everything he bought over there, including a suitcase full of 'tubes of Fosters lager'. As he puts it: \\\"when it comes to fleecing you, the Poms have got the edge on the gyppos!\\\". A crafty taxi driver ( Bernard Spear ) maximises the fare by taking Bazza and Edna first to Stonehenge, then Scotland. The streets of London are filthy, and their hotel is a hovel run by a seedy landlord ( Spike Milligan ) who makes Bazza put pound notes in the electricity meter every twenty minutes. There is some good news for our hero though; he meets up with other Aussies in Earls Court, and Fosters is on sale in British pubs.

What happens next is a series of comical escapades that take Bazza from starring in his own cigarette commercial, putting curry down his pants in the belief it is some form of aphrodisiac, a bizarre encounter with Dennis Price as an upper-class pervert who loves being spanked while wearing a schoolboy's uniform, a Young Conservative dance in Rickmansworth to a charity rock concert where his song about 'chundering' ( vomiting ) almost makes him an international star, and finally to the B.B.C. T.V. Centre where he pulls his pants down on a live talk-show hosted by the thinking man's crumpet herself, Joan Bakewell. A fire breaks out, and Bazza's friends come to the rescue - downing cans of Fosters, they urinate on the flames en masse.

This is a far cry from Bruce Beresford's later works - 'Breaker Morant' and 'Driving Miss Daisy'. On release, it was savaged by critics for being too 'vulgar'. Well, yes, it is, but it is also great non-P.C. fun. 'Bazza' is a disgusting creation, but his zest for life is unmistakable, you cannot help but like the guy. His various euphemisms for urinating ( 'point Percy at the porcelain' ) and vomiting ( 'the Technicolour yawn' ) have passed into the English language without a lot of people knowing where they came from. Other guest stars include Dick Bentley ( as a detective who chases Bazza everywhere ), Peter Cook, Julie Covington ( later to star in 'Rock Follies' ), and even future arts presenter Russell Davies.

A sequel - the wonderfully-named 'Barry McKenzie Holds His Own - came out two years later. At its premiere, Humphries took the opportunity to blast the critics who had savaged the first film. Good for him.

What must have been of greater concern to him, though, was the release of 'Crocodile Dundee' in 1985. It also featured a lanky, hat-wearing Aussie struggling to come to terms with a foreign culture. And made tonnes more money.

The song on the end credits ( performed by Snacka Fitzgibbon ) is magnificent. You have a love a lyric that includes the line: \\\"If you want to send your sister in a frenzy, introduce her to Barry McKenzie!\\\". Time to end this review. I have to go the dunny to shake hands with the unemployed...\": {\"frequency\": 1, \"value\": \"'The Adventures Of ...\"}, \"This movie was horrible.

They didn't develop any of the characters at all and the storyline was played out horribly. It was a definite sleeper. You'd expect the action scenes on a movie like this to be its strong points but D-Wars surprises you with even a let down in that department.

Also, the acting was just a step above the level of a low budget porno flick. And I seriously mean that.

I was actually happy to see the end credits on this one cause it was just that bad!!! Please, whatever you do people, don't waste your time and money on a crappy movie like D-Wars.\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"This movie is amazing for several reasons. Harris takes an extremely awkward documentary and turns it into a relevant social commentary. Groovin' Gary is a small-town kid who is (assumed) well-liked for his many impersonations. When he decides to play Olivia Newton John in a local talent show (for whom he is very passionate), Gary's actions show that he is at odds with the conservative social environment in which he lives. This results in him making various justifications for his actions so that people will not think that he is in fact a transvestite or other such social outcast. In the second installment, Harris exploites the struggle between Gary and Beaver in a novice attempt to make a narrative out of the original documentary. The third and final installment to the trilogy is truly amazing for Harris' extreme sensitivity with the subject. Unlike the second installment, \\\"The Orkly Kid\\\" shows Gary as a truly troubled character. He struggles to gain acceptance within his own community to no avail. His secret passion for dressing like Olivia Newton John distances him even further from the people that already consider him a social outcast. The movie is depicted so realistically that, like reality, it lends itself to many reactions. Surely, one can see Gary as a ridiculously pathetic character, but may also identify with him as an outcast.\": {\"frequency\": 1, \"value\": \"This movie is ...\"}, \"This bomb is just one 'explosion' after another, with no humor and only absurd situations. Really, pyrotechnics to the extreme. Reality is not one of its strong points. I give it a 1 out of 10. I would have made it a zero but that option wasn't permitted. Sorry, but Lithgow and Sutherland deserve better roles. But then at times we all need to have money. And I still recoil at that Tim Burton farce about Mars. Nicholson was brave enough to admit that was a turkey. But if that was a turkey, this movie then is not even a gizzard. I wish I could say, \\\"give me back my money\\\". You can bet I would if I could. But that is the trouble with premium services, the subscription variety.\": {\"frequency\": 1, \"value\": \"This bomb is just ...\"}, \"It's 1982, Two years after the Iranian Embassy Siege which involved the dramatic SAS Rescue from the Balconys, and with a War with Argentina over the Falkland Islands currently taking place, what better film to make than a Gung-Ho \\\"SAS\\\" Film that re-creates the Iranian Hostage siege, whilst using Britains Number one action hero of the day, Lewis Collins. throw in Edward Woodward and a few other Well known actors and you've got a winner on your hands?...Well maybe not! The film itself doesn't make the situation serious enough, whilst the acting is quite second rate. it's like a Movie long episode of \\\"The Professionals\\\", but without the formula. This film goes nowhere fast and is quite predictable. Maybe Cubby Brocoli watched this film and decided to ditch Lewis Collins as a Touted James Bond Replacement for Roger Moore. Watch it if your a fan of Lewis Collins or SAS stuff in General, if not, save your time.\": {\"frequency\": 1, \"value\": \"It's 1982, Two ...\"}, \"SPOILERS Many different comedy series nowadays have at one point or another experimented with the idea of obscure independence. In an early episode of cartoon \\\"Family Guy\\\" the Griffin family find their home is an independent nation to the United States of America and the story progresses from there. Way back in 1949 however, the Ealing Studios produced a wonderful little film along the same idea.

After a child's prank, the residents of Pimlico discover a small fortune in treasure. At the inquest it becomes clear that the small area is a small outcrop of the long lost state of Burgundy. Withdrawing from London and the rest of Great Britain, the residents of the small street experience the joys and the problems with being an independent state.

Based at a time when rationing was still in operation, this story is brilliantly told and equally inspiring. Featuring performances by Stanley Holloway, Betty Warren, Philip Stainton and a young Charles Hawtrey, the film is well stocked with some of the finest actors of their generation. These actors are well aided as well by a superb little script with some cracking lines. Feeling remarkably fresh, despite being over 50 years old, the story never feels awkward and always keeps the audience entertained.

Ealing Studios was one of the finest exporters of British film ever in existence. With films like \\\"Passport to Pimlico\\\" it's not difficult to see why. Amusing from start to finish, the story is always fun and always worth watching.\": {\"frequency\": 1, \"value\": \"SPOILERS Many ...\"}, \"Barbra Streisand's first television special was simply fantastic! From her skit as a child to her medley of songs in a high-fashion department store -- everything was top-notch! It was easy to understand how this special received awards.

Not muddled down by guest appearances, the focus remained on Barbra thoughout the entire production.\": {\"frequency\": 1, \"value\": \"Barbra Streisand's ...\"}, \"This cartoon was strange, but the story actually had a little more depth and emotion to it than other cartoon movies. We have a girl at a camp with low self esteem and hardly any other friends, except a brother and sister who are just a miserable as she is. She reaches the ultimate low point and when the opportunity arises she literally makes a pact with a devil-like demon. I found this film to be very true to life and just when things couldn't be worse, the girl sees what she's done, she feels remorse and then changes and then she helps this dark, mystical creature learn the human quality of love. The twins improve too, by helping the little bears and then they get a sense of self worth too. A very positive message for children, though some elements of the film was strange, it was and still is a rather enjoyable film. The music from Stephen Bishop (Tootsie songs) made the film even better\": {\"frequency\": 1, \"value\": \"This cartoon was ...\"}, \"Way, way back in the 1980s, long before NAFTA was drafted and corporations began to shed their national identities, the United States and Japan were at each other's throat in the world manufacturing race. Remember sayings like 'Union Yes!,' 'the Japanese are taking this country over,' and 'Americans are lazy?'

As the Reagan era winded down and corporations edged towards a global marketplace, director Ron Howard made one of several trips into the comedy genre with his 1986 smash 'Gung Ho,' which drew over $36 million in U.S. box office receipts. While in many ways dated, Howard's tongue-in-cheek story of colliding cultures in the workplace still offers hard truth for industrial life today.

'Gung Ho' focuses on Hunt Stevenson (Michael Keaton), the automakers union rep from Hadleyville, a small, depressed town in the foothills of Pennsylvania. Stevenson has been asked to visit the Assan Motor Company in Tokyo (similar to real-life Toyota), which is considering a U.S. operation at the town's empty plant. With hundreds of residents out of work and the town verging on collapse, Assan decides to move in and Stevenson is hired as a liaison between company officials and workers on the assembly line.

The 112 minutes of 'Gung Ho' is a humorous look at these two sides, with their strengths and weaknesses equally considered: on one hand, an American workforce that values its traditions but is often caught in the frenzy of pride and trade unionism; on the other hand, Japanese workers who are extremely devoted to their job yet lacking in personal satisfaction and feelings of self-worth. In Stevenson, we find an American working class figure of average intelligence with the skills to chat people through misunderstandings. With the survival of his workers' jobs and most of Hadleyville on the line, Stevenson proves a likable guy who wants nothing more than a fair chance, although his cleverness will sink him into a great deal of trouble. Besides answering to the heads of Assan, we witness a delicate balancing act between Stevenson and his fellow union members, many of whom he grew up with. This includes Buster (George Wendt), Willie (John Turturro), and Paul (Clint Howard, Ron's brother).

The Japanese cast is headed by Gedde Watanabe, also known for 'Sixteen Candles' and 'Volunteers.' Watanabe plays Kazihiro, the plant manager who is down on his luck and begins to feel a sympathy for American life. He is constantly shadowed by Saito (Sab Shimono), the nephew of Assan's CEO who is desperate to take his spot in the pecking order. While given a light touch, these characters fare very well in conveying ideas of the Japanese working culture.

With Hunt Stevenson dominating the script, Michael Keaton has to give a solid performance for this film to work. 'Gung Ho' is indeed a slam-dunk success for Keaton, who also teamed with Ron Howard in 1994's 'The Paper.' He made this film during a string of lighter roles that included 'Mr. Mom,' 'Beetle Juice,' and 'The Dream Team' before venturing into 'Batman,' 'One Good Cop,' and 'My Life.' It's also hard not to like Gedde Watanabe's performance as the odd man out, who first wears Japanese ribbons of shame before teaming up with Stevenson to make the auto plant a cohesive unit.

The supporting cast is top-notch, including Wendt, Turturro, Shimono, and Soh Yamamura as Assan CEO Sakamoto. Mimi Rogers supplies a romantic interest as Audrey, Hunt's girlfriend. Edwin Blum, Lowell Ganz, and Babaloo Mandel teamed up for Gung Ho's solid writing. The incidental music, which received a BMI Film Music Award, was composed by Thomas Newman. Gung Ho's soundtrack songs are wall-to-wall 80s, including 'Don't Get Me Wrong,' 'Tuff Enuff,' and 'Working Class Man.'

The success of 'Gung Ho' actually led to a short-lived TV series on ABC. While more impressive as a social commentary twenty years ago, Ron Howard's film still has its comic value. It is available on DVD as part of the Paramount Widescreen Collection and is a tad short-changed. Audio options are provided in English 5.1 surround, English Dolby surround, and French 'dubbing,' but subtitles are in English only. There are no extras, not even the theatrical trailer. On the plus side, Paramount's digital transfer is quite good, with little grain after the opening credits and high quality sound. While a few extras would have been helpful - especially that 'Gung Ho' was a box office success - there's little to complain about the film presentation itself.

*** out of 4\": {\"frequency\": 1, \"value\": \"Way, way back in ...\"}, \"Dominick (Nicky) Luciano wears a 'Hulk' T-shirt and trudges off everyday to perform his duties as a garbage man. He uses his physical power in picking up other's trash and hauling it to the town dump. He reads comic-book hero stories and loves wrestlers and wrestling, Going to WrestleMania with his twin brother Eugene on their birthday is a yearly tradition. He talks kindly with the many people he comes in contact with during his day. He reads comic books, which he finds in the trash, with a young boy who he often passes by while on the garbage route. Unfortunately, Dominick has a diminished ability to use his mind. He has a disability.

Dominick's disability came as a result of an injury to the head in which he suffered traumatic brain injury (TBI). This injury left him slower, though it did not change his core characteristic as a strong individual who helps to protect others. Dominick is actually more able to live independently than he may seem at the beginning of the film. He lives with Eugene who is studying to become a doctor. Dominick provides the main source of income, while Eugene is off studying. Eugene must face the fact that he is to continue his education in a different city, and that he must move away from Dominick. Eugene also develops a romance which begins to separate him from his twin brother.

The film deals specifically with domestic abuse and how this can impact individuals, families, and then society as a whole. The strain that escalates between Eugene and Dominick as Eugene realizes that he must eventually leave Nicky, exploded on their birthday night. Eugene yells at Dominick and throws him against the wall. In this moment, Eugene must confront his own fears of being like his abusive father, the father which Dominick protected him against while he himself became the victim of the abuse. This event cemented the love between the two brothers, who from then on became the best of friends. Though they needed each other, they also both needed independence and the ability to grow and develop relationship with others. The fact that they must part ways became a very real emotional strain. However, by the end of the film, Dominick is able to say good bye to his brother and wish him luck. Eugene is able to leave his brother with the confidence that he has started to make a social network of people who care about him and will help him with his independence.

When Dominick witnesses the abuse of his friend he is forced to come face to face with the cause of his own trauma. In this state of extreme stress, Dominick almost completely shuts down. He then runs after the ambulance to the hospital to see what happened to his friend. After learning that the boy has died, he is confronted by the abusive father who, fearing his testimonial, tells him he didn't see nothing, doesn't know anything, and not to say anything, and that if he does he will kill him. Now that his own life has been threatened, he goes and find the hand gun that Larry used to kill the rats. He goes to the wake of the deceased boy and at gunpoint, kidnaps the baby of the grieving family. He runs away from the scene and hides in a building. When the police surround him, Eugene goes in the building to talk to his brother. Eugene then reveals the cause of Dominick's disability and they bring the baby back. The abusive father then wields a gun of his own threatening to kill Dominick, but Eugene stops him and Dominick tells the crowd that he saw the father throw his son down the stairs.

Through the climactic ending, the issue of dysfunctional behavior comes into view. Though Dominick's instinct to save the baby can be understood, we also see how damaging this response is. Dominick put the baby's life and his own life in grave danger. The larger societal consequences of these events is not directly implicated, but rather shown through the films ending. Despite the more optimistic ending portrayal, another sequence of events might just have likely occurred, in which Dominick is charged with kidnapping and possession of a firearm. It is somewhat difficult to believe that this went completely unaccounted. Furthermore, even if Dominick is not charged, there may still be a stigma against him within the community, not that there wasn't one before these events. Instead, the film shows that we must be able to recognize problematic behavior and act to curb it.

Dominick and Eugene was released in 1988, the same year as another film, Rainman, which won 5 Academy Awards. While Rainman was an achievement and helped increase the visibility with person with disabilities, it could be argued that Dominick and Eugene holds more valuable lessons for society. Whereas, Rainman demonstrated that mainstream American society might be able to learn from and care for a 'savant', if the 'savant' is the inheritor of a large estate. Dominick and Eugene show that a person with a disability might be able to care for and help save members of American society. The message of an independent person with disabilities may have been too strong for 1988. Hopefully someday society will see the strengths of individuals with disabilities, not as a threat, but as imperative for the strength of society.\": {\"frequency\": 1, \"value\": \"Dominick (Nicky) ...\"}, \"I liked nearly all the movies in the Dirty Harry series with the exception of the one I think is titled \\\"Enforcer\\\". \\\"Deadpool\\\" was a bit weak in areas too, but I still enjoyed it. This one is one of my favorites of the series, if nothing else for the great line of \\\"Go ahead, make my day\\\". This one also features an interesting albeit familiar plot of someone killing those that have done her wrong. Just think \\\"Magnum Force\\\" with less mystery about who is behind the killings and you have your plot. Granted there is a bit more than that as this one does feature a very nice final showdown at an amusement park. It also features Dirty Harry getting a bulldog as a gift and it tripping up Sandra Locke in a rather humorous scene. The only question that remains is why Clint Eastwood had to have the rather mediocre actress Sandra Locke in so many of his movies. She brings the score down a point every time even when overall the movie is enjoyable to me. Granted she is not to bad here, but her character could have been so much better by someone else. Another problem with this movie and other Dirty Harry movies, at times they almost seem to be advertisements for guns. I like guns as much as the next person, but do we really need scenes of him explaining all the different strengths of his newest weapon and how many bullets it holds? Still, very nice entry into the Dirty Harry series of movies.\": {\"frequency\": 1, \"value\": \"I liked nearly all ...\"}, \"The plot of 7EVENTY 5IVE involves college kids who play a cruel phone game that unexpectedly (to them, if not to fans of horror) gets them in over their heads. The STORY of 7EVENTY 5IVE, on the other hand, is that of a horror film that had a wee little bit of promise, sadly outweighed by really bad writing.

What could have been a fun, if somewhat silly, old-fashioned slasher tale is derailed early on by its filmmakers' misguided belief that the audience would enjoy watching a bunch of loud, whiny rich kids bitching at each other for most of the film's running time. With the exception of a police detective played by Rutger Hauer, (in a minor role that is designed mainly to add the movie's only star power) every character on screen is a different breed of young A-hole.

Male and female, black and white, straight and gay, an entire ensemble of shallow and shrill college kids carries the bulk of the film's narrative. Worse, since the tale deals with a PARTY game gone awry, most of the time the scenes are completely filled with these little b*****ds. Because of this, there are few breaks for the viewer, who must put up with the angry sniping of the thinly-drawn protagonists. Even though at least some of these people are supposedly friends, invariably all characters interact in a very hostile manner, long before any genuine conflict has actually arisen. This leads to the worst possible result in a slasher film: The audience, intended to care about the leads, instead not only cheers on the anonymous killer, but wishes that he had arrived to start picking off the vacuous brats far earlier.

The real shame of this poor characterization is that otherwise 7EVENTY 5IVE actually DID have some potential. Visually it's fine. First-time directors Brian Hooks and Deon Taylor know how to build a suspenseful mood. They also manage to deliver on some competent, if sparse, moments of classic 80s-style gore. Surprisingly, the production's cast is also fairly able. It isn't that the actors aren't capable of expressing realistic human emotion; it is simply that the screenplay (co-written by newcomer Vashon Nutt and director Hooks, who fared much better behind the camera than with a keyboard) is short of such moments.

7EVENTY 5IVE can hardly be recommended, as its familiar premise and few thrills can't outweigh the bad taste left behind by a story driven by a gaggle of unpleasant characters. In this tepid whodunnit, the real mystery is why anyone should care about a group of young folk who can't even manage to like each other.\": {\"frequency\": 1, \"value\": \"The plot of ...\"}, \"Terrible use of scene cuts. All continuity is lost, either by awful scripting or lethargic direction. That villainous robot... musta been a jazz dancer? Also, one of the worst sound tracks I've ever heard (monologues usually drowned out by music.) And... where'd they get their props? That ship looks like a milk carton... I did better special effects on 8mm at the age of 13!

I'd recommend any film student should watch this flick (5 minutes at a time) so as to learn how NOT to produce a film. Or... was it the editors' fault?

It's really too bad, because the scenario was actually a good concept... just poorly executed all the way around. (Sorry Malcom. You should have sent a \\\"stunt double\\\". You're too good an actor for such a stink-bomb.)\": {\"frequency\": 1, \"value\": \"Terrible use of ...\"}, \"Most movies about, or set in, New Orleans, turn out to be laughably bad, and laughably inaccurate (examble: remember \\\"The Savage Bees\\\"? But I'll make an exception for \\\"Tightrope\\\", which almost got it right).

Here's one that doesn't inevitably get it wrong. The accents are not too bad (yes, the \\\"yat\\\" accent down here is way more Brooklynese than southern), the city of 1950 is shown the way it is/was, without the obligatory \\\"tourist\\\" shots, and they understand a good drama without trying to make everyone a \\\"quirky southerner\\\".

One of the few films to do justice to this city, and a good film to boot..\": {\"frequency\": 1, \"value\": \"Most movies about, ...\"}, \"Very rarely does one come across an indie comedy that leaves a lasting impression. Cross Eyed is a rare gem. The writer director not only tackled the challenge of directing his own work, but gives a hilarious performance as an evil roommate. The script takes an interesting look at not only the plight of the struggling writer, but mixes so much comedy into the desolate world of the writer that you can't help but commit to Ernie as a character. Very funny stuff. Despite the tiny budget Adam Jones manages to give the film a serious look. He's not messing around when it comes to making a good movie. I can't wait to see what he comes up with next. This guy can make people laugh and think; that's special.\": {\"frequency\": 1, \"value\": \"Very rarely does ...\"}, \"I read that Jessie Matthews was approached and turned down co-starring with Fred Astaire in Damsel in Distress. Jessie Matthews in her prime never left her side of the pond to do any American musical films. IF they had teamed for this film it would have been a once in a lifetime event.

It's a pity because Damsel in Distress has everything else going for it. Fred Astaire, story and adapted to screen by author P.G. Wodehouse, Burns&Allen for comedy, and songs by the Gershwin Brothers. In answer to the question posed by the Nice Work If You Can Get It, there isn't much you could ask more for this film.

Except a leading lady. Though Ginger Rogers made several films away from Fred Astaire, Damsel in Distress is the only film Astaire made without Rogers while they were a team. Young Joan Fontaine was cast in this opposite Astaire.

Her character has none of the bite that Ginger Rogers's parts do in these films. All she basically has to do is act sweet and demure. She also doesn't contribute anything musically. And if I had to rate all the dancing partners of Fred Astaire, Joan Fontaine would come out at the bottom. The poor woman is just horrible in the Things Are Looking Up number.

When she co-starred later on in a musical with Bing Crosby, The Emperor Waltz, it's no accident that Fontaine is given nothing musical to do.

The version I have is a colorized one and in this case I think it actually did some good. The idyllic lush green English countryside of P.G. Wodehouse is really brought out in this VHS copy. Especially in that number I mentioned before with Astaire and Fontaine which does take place in the garden.

Burns&Allen on the other hand as a couple of old vaudeville troopers complement Astaire in grand style in the Stiff Upper Lip number. The surreal fun-house sequence is marvelously staged.

P.G. Wodehouse's aristocracy runs the gamut with Constance Collier at her haughty best and for once Montagu Love as Fontaine's father as a nice man on film.

The biggest hit out of A Damsel in Distress is A Foggy Day maybe the best known song about the British capital city since London Bridge Is Falling Down. Done in the best simple elegant manner by Fred Astaire, it's one of those songs that will endure as long as London endures and even after.

Overlooking the young and inexperienced Joan Fontaine, A Damsel in Distress rates as a classic, classic score, classic dancing, classic comedy. Who could ask for anything more?\": {\"frequency\": 1, \"value\": \"I read that Jessie ...\"}, \"The only connection this movie has to horror is that it is horribly unentertaining. I would rather prick my finger with a rusty nail than have to sit through it again. Even for a TV movie it is flat. The cast is boring. The screenplay is as exciting as a bowl of sand. How two directors conspired to create such a nothing movie will remain one of the great mysteries of the 20th Century. There is only one scene even vaguely worthy of inclusion in the Omen franchise, and it is shot in slo-mo and cut short at the anticipated pay-off. If you are tempted to see this, pop it in, set your alarm clock for 90 minutes and get comfy. With any luck you'll doze off quickly, and the alarm will wake you once the worst is over. Namely, this movie.\": {\"frequency\": 1, \"value\": \"The only ...\"}, \"Today actresses happily gain weight, dye their hair, dress like slobs, and lose their glamor for a role, and Bette Davis was probably the actress who started the trend. Even as a pretty young woman who occasionally wore designer clothes and Constance Bennett-type makeup in films, Davis was willing to ravage herself in order to create a character on the outside as well as the inside.

Her determination is amply demonstrated here in her breakout film, \\\"Of Human Bondage,\\\" in which she stars with Leslie Howard as Philip Carey. Davis plays Mildred, a slutty, manipulative, greedy low-life to Howard's masochistic, club-footed Philip. He first meets her when she's a waitress, and she allows him to take her out to dinner and theater while she frolics with a wealthy older man (Alan Hale Sr.). In truth, Mildred is repulsed by Philip's club foot. On his part, Philip seems to enjoy the abuse of her open flirtation and her coolness toward him. He allows Mildred to bleed him dry financially in between boyfriends who drop her when they tire of her, while he blows off a couple of truly lovely women (Kay Johnson and Frances Dee). When he gets the gumption to throw her out, Mildred trashes his apartment and robs him, forcing him to withdraw from medical school and lose his lodgings.

\\\"Of Human Bondage\\\" looks rather stilted today in parts. Though Leslie Howard was a wonderful actor and attractive, his acting style is of a more formal old school, and as a result, he tends to date whatever he's in. He shines in material like his role opposite Davis in \\\"It's Love I'm After\\\" or \\\"The Petrified Forest\\\" which call for his kind of technique. His dated acting is even more obvious here because Davis was forging new ground with a gritty, edgy performance that would really make her name. If she seems at times over the top, she came from the stage, and the subtleties of film acting would emerge later for her. Contrast this performance with the restraint, warmth and gentleness of her Henriette in \\\"All This, and Heaven Too\\\" or the pathos she brought to \\\"Dark Victory.\\\" She was a true actress and a true artist. Davis really allows herself to look like holy hell; Mildred's deterioration is absolutely pathetic as Philip seems to gain strength as her spirit fades.

An excellent film in which to see the burgeoning of one of film's greatest stars.\": {\"frequency\": 1, \"value\": \"Today actresses ...\"}, \"When Rodney Dangerfield is on a roll, he's hilarious. In My 5 Wives, he's not on a roll. The timing of the one-liners is off, but they're the best thing going for the movie. The five women who play the wives don't add up to one whole actress between them. The plot is very weak. Even the premise is pretty weak; there are a few jokes about having multiple wives, but the situation has little to do with anything else in the movie. Most of the movie could play the same way even if Rodney's character had only one wife, so the premise seems more like an old man's fantasy than a key part of the comedy. Another old man's fantasy: we're supposed to accept that Rodney's character is an athletic skier.

Jerry Stiller seems to be phoning in his role just to do a buddy a favor, and the rest of the name actors must simply be desperate for work.

The odd nods to political correctness later in the movie don't really do anything for the movie. For those who like their movies politically correct, the non-PC humor is still there in the first place, and the seeming apologies for it still don't get the point. For those who hate seeing a movie cave in to political correctness, the PC add-ins are just annoying digressions.

This has to be the mildest R-rated movie I've ever seen. There are some racy jokes, and the bedroom scenes would have made shocking TV 40 years ago, but that's about it. Maybe it was the topless men (kidding).

The DVD features interviews where the cast members seem to find depth and importance in this movie and in their roles. I kept wondering if they were serious or kidding. They seem to be serious, but I kept thinking, \\\"They must be kidding!\\\" There's also a peculiar disclaimer suggesting that since the movie never actually names the Mormons or the Church of Latter-Day Saints, that somehow it's not about them. Never mind that the movie features a polygamous religion in Utah, and makes reference to Brigham Young.

In short, My 5 Wives was a disappointment. I was hoping for Rodney on a roll, but the best I can say for the movie is that Rodney was looking pretty good for a guy who was pushing 80 at the time.\": {\"frequency\": 1, \"value\": \"When Rodney ...\"}, \"Often laugh out loud funny play on sex, family, and the classes in Beverly Hills milks more laughs out of the zip code than it's seen since the days of Granny and Jed Clampett. Plot centers on two chauffers who've bet on which one of them can bed his employer (both single or soon to be single ladies, quite sexy -- Bisset and Woronov) first. If Manuel wins, his friend will pay off his debt to a violent asian street gang -- if he loses, he must play bottom man to his friend!

Lots of raunchy dialogue, fairly sick physical humour, etc. But a lot of the comedy is just beneath the surface. Bartel is memorable as a very sensual oder member of the family who ends up taking his sexy, teenaged niece on a year long \\\"missionary trip\\\" to Africa.

Hilarious fun.\": {\"frequency\": 1, \"value\": \"Often laugh out ...\"}, \"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\": {\"frequency\": 1, \"value\": \"In 1996's \\\"101 ...\"}, \"The movie never becomes intolerable to watch. And to tell it straight, it has nothing to show either, except maybe part-sexy Alicia Silverstone in a nerdy non-sexy character in revealing quite-sexy dresses. The story is very easy to follow or there's nothing to follow -- you can see in either way. There is no suspense, little action, unimpressive dialogs, unsatisfactory sensuality, same boring locations and very bland acting. Kevin Dillon is totally worthless. Silverstone... well, I didn't concentrate too much on her acting, I confess. Yet as I said earlier, if one has nothing to do except watching a movie, this won't look so bad. 4/10\": {\"frequency\": 1, \"value\": \"The movie never ...\"}, \"I was a huge fan of the original cartoon series, and was looking forward to finally seeing Gadget on the big screen -- but I never in my wildest dreams expected something so extremely extremely terrible. The pace was WAY too fast, there was no plot, and 'wowser!' - what the hell is that?? It was 'WOWSERS!!'.\": {\"frequency\": 1, \"value\": \"I was a huge fan ...\"}, \"Cuban Blood is one of those sleeper films that has a lot to say about life in a very traditional way. I actually watched it while sailing around Cuba on a western Caribbean cruise. It details the life of an 11 year old boy in a small town in Cuba in 1958 and 1959 during the revolution. Not much time is spent on the revolution until the very end, when the Socialist regime came and took the property of the boy's father. The majority of the film is the boy's coming of age and the relationships that arise in a small town where everyone knows everyone else. There are some powerful scenes that everyone can relate to. A class A film with fine acting and directing. This is a film that tells a story with no special effects or grand schemes or real twists. It is a film about people and their lives, their mistakes, and their triumphs. A good film worth watching several times annually.\": {\"frequency\": 1, \"value\": \"Cuban Blood is one ...\"}, \"THis was a hilarious movie and I would see it again and again. It isn't a movie for someone who doesn't have a fun sense of a humor, but for people who enoy comedy like Chris Rock its a perfect movie in my opinion. It is really funnny\": {\"frequency\": 1, \"value\": \"THis was a ...\"}, \"I don't know why some guys from US, Georgia or even from Bulgaria have the courage to express feelings about something they don't understand at all. For those who did not watch this movie - watch it. Don't expect too much or don't put some frameworks just because this is Kosturica. Watch the movie without prejudice, try to understand the whole humor inside - people of Serbia DID actually getting married while Bil Clinton bomb their villages, gypsies in all Balkans are ALWAYS try to f*ck you up in any way they can, LOVE is always unexpected, pure and colorful, and Balkans are extremely creative. For those who claims this is a bad movie I can see only that the American's sh*t (like Meet Dave, Get Smart etc) are much much worse than a pure, frank Balkan humoristic love story movie as Promise me. The comment should be useful and on second place should represent the personal view of the writer. I think the movie is great and people watch it must give their respects to the director and story told inside. It is simple, but true. It is brutal, but gentle and makes you laugh to dead.\": {\"frequency\": 2, \"value\": \"I don't know why ...\"}, \"Well now, this was certainly a surprise episode. In this anthology science fiction series, with all of this Alien Beings, Extraordinary Occurrences and many Brushes with the Hereafter, this episode would certainly rate as unusual. Its seemingly insignificant settings apparently not imparting any morale at story's end. Or does it? Kicking off with the Silent Movie Form, no recorded dialog, but having Musical accompaniment. In this case it's on the sound track, not utilizing the Playing of Organ or Piano by an on sight Musician. This part of the episode, along with the ending section, also made liberal use o Title Cards, just like \\\"the Old Time Movies.\\\" While these Titles are a bit exaggerated and overdone, they are made so intentionally and with an affection for rather than any contempt for The Silent Film.

Veteran Comedy Film Director, Norman Z. McLeod, was the man in the Chair for this half-hour installment. He had been the Director of many of the greatest comedies of all time, featuring people like the Marx Brothers, W.C. Fields, Harold Lloyd and Danny Kaye. He was no stranger to to TV, as he had done a lot of work on Television Series.

It doesn't appear that he and Mr. Keaton had ever worked together before(as I cannot find any evidence of this)' but judging by the outcome of the film, they succeeded in doing so with flying colors! Anyone who directed Keaton was aware that Buster was also a fine comedy Director as well as a Comedy Player. He was just as comfortable behind the camera as he was in front of it. Their short partnership must have been a harmonious one, with 'give and take' about how to do things. It is apparent that many of the gags were Keaton's, resurrected from his own Silent Picture Days. For example, the gag of putting the pair of pants on with Rollo's(Stanley Adams assistance was done by Keaton and Roscoe \\\"Fatty\\\" Arbuckle in one of the Arbuckle 2 Reelers, THE GARAGE (1919). That was a clear example of his craft in a nutshell.

Buster knew that we film our world with a camera, rendering it a two dimensional image. This one fact is at the bottom of so many of gags. It is a Cardinal Rule for his film making.

The cast was small and once again just chock full-of veteran talent. Stanley Adams was Rollo and served as Mr. Keaton's straight man. Jesse White, the old 'Maytag Repair Man', ran the fix it shop that fixed the 'Time HJelmet'. Gil Lamb, serene veteran of RKO Short Comedy series, was the 1890's Cop. James Flavin, George E.Stone, Harry Fleer, Warren Parker, and Milton Parsons all rounded out this largely silent cast.

Without spilling the beans, let's just say that yes, there is probably a lesson to be learned here. If not the one already mentioned, \\\"The Grass Always Looks Greener on the Other Side of the Fence!\\\", then how about, \\\"Be Careful in What You Ask For, Because You Just May Get It!\\\"\": {\"frequency\": 1, \"value\": \"Well now, this was ...\"}, \"And the Oscar for the most under-rated classic horror actor goes to - Dwight Frye. Seriously his name should be stated with the same awe as Karloff, Lugosi, and Price, and this movie proves it. His character Herman was one of the 2 reasons I can give to watch this movie. Dwight gave this somewhat more than slightly disturbed misfit a lovable yet creepy demeanor that led you hoping for a larger role the entire movie.

The other reason is the comic relief of M. Eburne. Being in the medical profession myself I have to give kudos to the expert performance of a self-pity prone hypochondriac. Though other \\\"medical mistakes\\\" did give a brief chuckle especially when the good doctor samples his fellow physicians medication... \\\"Well continue giving it to her\\\" Unfortunately these 2 outstanding performances could not keep me awake through 3 attempts of sitting through this unbearably slow movie. The plot is predictable with only few minor twists. The filming while pulling off a legitimate spooky atmosphere was more productive at making me yawn - yes you can use too much shadow.

My recommendation - watch this once to see Frye and Eburne - but only when wide awake and with lots of caffeine.\": {\"frequency\": 1, \"value\": \"And the Oscar for ...\"}, \"I enjoy watching people doing breakdance, especially if they do it as well as in the best scenes of this movie which takes you to a disco club called \\\"Roxy\\\". Especially at Christmas time, because there also appears a \\\"MC Santa Claus\\\".

Even if this is an old film, and even if I have videotaped it from TV, when the State Movie Archive of Finland showed this in the summer of 2004 on their own big screen, I went there to check it out. It's much more enjoyable on big screen than on TV.

Even if many people here think that watching this on big screen is a waste of money for the ticket cost, I disagree with this and I think that when I paid my ticket, I got the money's worth by seeing this, as it is on big screen, especially seated on front row of the cinema, an unforgettable experience, and much better than just on video.\": {\"frequency\": 1, \"value\": \"I enjoy watching ...\"}, \"This movie maked me cry at the end! I watch at least 3-4 movies a week. I seen loads of great movies, even more crap - ones. But when ending scene - catharsic at it's core - came I Cried! And if you didn't - you have serious problems! The story is archetypal - nothing new or original. But it's real - because that sort of things really happened and that people really exist. Glam isn't my sort of music but I really admire all that they went through in early 70's... At some point this directed me toward Velvet Goldmine! Docudramas never really work very good. But this movie really meked us believe it all...Because they don't try to make it as a path full of glorious concerts, present musicians that are superheroes, groupie girls that are stupid and emotionally numb, they don't glorify drugs and alcohol, they promote rehabilitation and redemption that comes even 20 years late... Once again great movie. Since \\\"Leaving Las Vegas\\\" I was never so moved by a movie.\": {\"frequency\": 1, \"value\": \"This movie maked ...\"}, \"I love a good war film and I fall into the \\\"been there, done that\\\" category. So I would like to think my review is an accurate one (IMHO). Having just watched this film on DVD I can safely say that it was a pile of rubbish. There is no way I can recommend this film to you.

It started off with me shouting at the TV saying \\\"you wouldn't do that\\\" etc...but I soon realised that having a bit of job experience would be a hindrance so I chilled a bit. But on the opening scene when the trailer wheel fell off I got a nasty feeling that this film would be a predictable dud...I was right.

There simply wasn't any logic to the EOD scenes. I just know that the army team had some of the most patient insurgents ever at the other end of the command wire or remote trigger. So much so I was left scratching my head all the time. Then just when you think you know where the story is going the guys in the Humvee are off out on their own driving around the desert. One of the most valuable assets in theatre out on a jolly bumping into some SAS wannabe contractors.

The sniper scene was just so laughable. It just made no sense at all and made me want to switch off there and then. Then for them to drag it out so long really did test my patience.It started with the \\\"Contact Right\\\" and went down hill fast. If you had a Brit accent then you got shot but if you were part of the EOD team then suddenly you were a great shot and saved the day. Then just as you thought it was over it stretched on for an inexplicably long period without adding anything to the story at all. You are just left watching and asking why hasn't it ended yet?

Then we had the booze scene where they just hit each other for a laugh..another scene where you just wanted it to end. It added nothing to the film.

Then just as my life seemed very dull the main star went outside the wire to hunt someone down. This most be the most ridiculous scene I have ever watched. It defied all logic and ability to write a good storyline...it was senseless and awful. I still don't understand why they wasted time on it. Then to watch him just jog through the busy streets heading back to camp had me rolling on the floor with laughter. Pure comedy :)

The sad fact is that this storyline is all over the show without really deciding what it wants to be. I thought it was going to be stupid illogical EOD scenes but then it kept going off on tangents trying to be something different. But as hard as it tried it just bored me to death. All I wanted was for it to end. It was a messy compilation of stupid scenes mixed into a batch of stupid, senseless, action(ish) scenes.

There is no way I can recommend this. Maybe my work experience compromised the enjoyability but even the naive must realise this just doesn't make sense. The only thing more stupid than this film is the artificially high IMDb rating...which must be the 24/7 work of the box office PR team who seem to use this website as a way of making everyone think it is good. Sorry folks...it just ain't!

Not recommended...it will just bore you.\": {\"frequency\": 1, \"value\": \"I love a good war ...\"}, \"This movie was bizarre, completely inexplicable, and hysterical to watch with friends while drinking in a big empty house. I really love the opening stuff with Lisa wandering about lost in a gorgeous city. I want to be a beautiful stranger lost in some exotic European locale, though maybe not in a low budget horror flick. Definitely get the ending where there are the strangely non-sexual sex scenes that were cut out (in my DVD copy anyway). Don't attempt to understand it, just go along and watch out for the weird bits...which is everything. Don't watch this if you actually want plot or characterization or anything at all to make sense. Pretty beautiful, though you may just give up on this and decide to watch an actual horror movie, like say, Dead Alive.\": {\"frequency\": 2, \"value\": \"This movie was ...\"}, \"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!\": {\"frequency\": 2, \"value\": \"Tom Hanks like ...\"}, \"When I first picked this film up I was intrigued at the basic idea and eager to see what would happen. I'm a fan of animation and love it when it's successfully merged with live action footage. However, the animation in this film was about all I enjoyed. Although it must be said that the actors' performances were excellent. The visual look - including the animation - gave a wonderfully unnerving air to the piece. However this was quality of unease was lost amongst the overblown imagery, both visual and in the script, that you were practically hammered over the head with. Most annoying about this was the relative lack of importance to the plot. It seemed that the plot was shoe horned in at irregular intervals giving a stuttering effect that detracted massively from the flow of the piece. The voice overs from Felisberto - especially the one at the end - very much felt like a desperate attempt to fill in gaping holes in the plot which had been ignored in favour of side issues such as the whole ant thing (and even that wasn't properly addressed). I'm afraid the whole piece came across as, at best, a 'reasonable first attempt', by a teenager who has spent far too much time reading DH Lawrence. Not what you expect from seasoned film makers at all.\": {\"frequency\": 1, \"value\": \"When I first ...\"}, \"This was one of the worst films I have ever seen.

I usually praise any film for some aspect of its production, but the intensely irritating behaviour of more than half the characters made it hard for me to appreciate any part of this film.

Most common was the inference that the bloke who designed the building was at fault an avalanche collapsing it. Er ok.

Also, trying to out ski an avalanche slalom style is not gonna work. Running 10 feet into some trees is not gonna work. Alas it does here. As mentioned before the innate dumbness and sheer stupidity of some characters is ridiculous. In an enclosed space, with limited oxygen a four year old could tell you starting a fire is not a good idea.

Anyway, about 5 minutes of the movie redeems itself and acquires some appreciation. However, if you have a modicum of intelligence you too will find most of this film hard to tolerate.

It pains me that so many quality stories go unproduced and yet someone will pay for things like this to be made.

Oh, did I mention the last five minutes? Well to give you a hook you have to keep watching in order to see the latest in combative avalanche techniques. Absolutely priceless.\": {\"frequency\": 1, \"value\": \"This was one of ...\"}, \"I saw this film on the History Channel today (in 2006). First of all, I realize that this is not a documentary -- that it is a drama. But, one might hope that at least the critical \\\"facts\\\" that the story turns on might be based on actual events. Reagan was shot and the other characters were real people. The movie got that right. From there on, reliance on facts rapidly decays. I had never heard of this movie before seeing it. Having been a TV reporter at the time of these events, I was stunned that I had never heard anything about the bizarre behavior of Secretary Haig as portrayed by Richard Dreyfuss. The whole nation had heard the \\\"I am in control...\\\", etc., but Dreufuss' Haig is bullying a cowered cabinet and totally out of control personally. Having watched the film, I began researching the subject on the Internet and quickly found actual audio tapes and transcripts of most of the Situation Room conversations that this film pretends to reenact. Incredibly, many the the principal \\\"facts\\\" of the film meant to show a White House, Secret Service etc. in total chaos -- and the nation's leadership behaving irrationally and driving the world near the brink of nuclear war -- are demonstrably incorrect. They didn't happen! There is internal conflict, to be sure. Haig makes missteps, his press room performance is historically regrettable and he is \\\"difficult\\\". But there is nothing approaching the scenes depicted in the film. There are too many gross errors to list, but any fair comparison of the recorded and written record and the fantasy of this film begs the question as to what the producers were really trying to accomplish. Enlighten? Inform? Entertain? I believe they failed on all three fronts. It is difficult to ascribe motives to others, but one must seriously question what was behind such shameless invention. And, as for my beloved History Channel's \\\"Reel to Real\\\" follow-on documentary, there was almost no mention of the issues that were the central focus of the film -- namely the events within the Administration on the day of the shooting. So, the viewer was left to research those without much -- if any -- help from the network.\": {\"frequency\": 1, \"value\": \"I saw this film on ...\"}, \"I have a thing for old black and white movies of this kind, movies by Will Hay and Abbot & Costello especially as those are my favourites. I picked this movie up on DVD as it was using the same idea as Will Hay's \\\"Oh Mr Porter\\\" which is one of the finest comedies ever made. I just finished watching this movie less than ten minutes ago (the movie finished at 12:45am). I find that movies of this kind, to do with Ghost Trains, etc, are best viewed at night time with the lights out. That way you get into the storyline more and night time viewing works well with this movie.

The one-liners in the movie may seem a little dated to some viewers, I guess this depends on the viewer. They are not dated to me though. I am 28 and even though I am not old enough to have been around when this movie was first released (my dad was though). I still have a lot of appreciation for some of the old movies of this kind. Sitting in the room in front of the TV with some snacks and drinks and kicking back and relaxing at night while watching these movies, not many things can beat the feeling you get while doing this. It is an escape from reality for a while.

I noticed that one of the men in the movie (he has a black mustache) he appears about three quarters of the way through the movie after his car crashes and he is looking for a woman he was followed to the station. This man was in the Will Hay classic \\\"The Ghost of St Michaels\\\" as well. Just thought I'd point that out in case no one noticed :).

The set pieces in the movie are very atmospheric. Outside the abandoned station looks good and as if there is not a soul for miles in any direction, and the inside of the station is very cosy looking away from the rain storm that is outside. I felt like I would have loved to have been there in the movie with the cast. The atmosphere in this movie is something that is missing from a lot of movies now. It keeps you hooked from the moment the movie starts till it finishes.

We need more of this type of movie in todays market. But sadly it could be over looked in favour of movies with nudity and swearing and crude humour. This sort of movie making era (The Ghost Train, Oh Mr Porter, etc) to me is the golden age of cinema!.\": {\"frequency\": 1, \"value\": \"I have a thing for ...\"}, \"I love this movie. My friend Marcus and I were browsing the local Hastings because we had an urge to rent something we had never seen before and stumbled across this fine film. We had no idea what it was going to be about, but it turned out spectacular. 2 thumbs up. I liked how the film was shot, and the actors were very funny. If you are are looking for a funny movie that also makes you think I highly suggest you quickly run to your local video store and find this movie. I would tell you some of my favorite parts but that might ruin the film for you so I won't. This movie is definitely on my top 10 list of good movies. Do you really think Nothing is bouncy?\": {\"frequency\": 1, \"value\": \"I love this movie. ...\"}, \"I sat through both parts of Che last night, back to back with a brief bathroom break, and I can't recall when 4 hours last passed so quickly. I'd had to psyche myself up for a week in advance because I have a real 'thing' about directors, producers and editors who keep putting over blown, over long quasi epics in front of us and I feel that on the whole, 2 to 2.5 hours is about right for a movie. So 4 hours seemed to be stretching the limits of my tolerance and I was very dubious about the whole enterprise. But I will say upfront that this is a beautifully \\ufffd\\ufffd I might say lovingly \\ufffd\\ufffd made movie and I'm really glad I saw it. Director Steven Soderbergh is to be congratulated on the clarity of his vision. The battle scenes zing as if you were dodging the bullets yourself.

If there is a person on the planet who doesn't know, Ernesto 'Che' Guevara was the Argentinian doctor who helped Fidel Castro overthrow Fulgencio Batista via the 1959 Cuban revolution. When I was a kid in the 1960s, Che's image was everywhere; on bedroom wall posters, on T shirts, on magazine covers. Che's image has to be one of the most over exploited ever. If the famous images are to be relied on, then Che was a very good looking guy, the epitome of revolutionary romanticism. Had he been butt ugly, I have to wonder if he would have ever been quite so popular in the public imagination? Of course dying young helps.

Movies have been made about Che before (notably the excellent Motorcycle Diaries of 2004 which starred the unbearably cute Gael Garcia Bernal as young Che, touring South America and seeing the endemic poverty which formed his Marxist politics) but I don't think anyone has ever tackled the entire story from beginning to end, and this two-parter is an ambitious project. I hope it pays off for Soderbergh but I can only imagine that instant commercial success may not have been uppermost in his mind.

The first movie (The Agentine) shows Che meeting Castro in Mexico and follows their journey to Cuba to start the revolution and then the journey to New York in 1964 to address the UN. Cleverly shot black and white images look like contemporary film but aren't. The second film (Guerilla) picks up again in 1966 when Che arrives in Bolivia to start a new revolutionary movement. The second movie takes place almost entirely in the forest. As far as I can see it was shot mostly in Spain but I can still believe it must have been quite grueling to film. Benicio Del Toro is excellent as Che, a part he seems born to play.

Personally, I felt that The Argentine (ie part one) was much easier to watch and more 'entertaining' in the strictly movie sense, because it is upbeat. They are winning; the Revolution will succeed. Che is in his element leading a disparate band of peasants, workers and intellectuals in the revolutionary cause. The second part is much harder to watch because of the inevitability of his defeat. In much the same way that the recent Valkyrie - while being a good movie - was an exercise in witnessing heroic failure, so I felt the same about part two of Che (Guerilla). We know at the outset that he dies, we know he fails. It is frustrating because the way the story is told, it is obvious fairly early on that the fomentation of revolution in Bolivia is doomed; Che is regarded as a foreign intruder and fails to connect with the indigenous peoples in the way that he did with the Cubans. He doggedly persists which is frustrating to watch because I felt that he should have known when to give up and move on to other, perhaps more successful, enterprises. The movie does not romanticise him too much. He kills people, he executes, he struggles with his asthma and follows a lost cause long after he should have given up and moved on, he leaves a wife alone to bring up five fatherless children.

But overall, an excellent exercise in classic movie making. One note; as I watched the US trained Bolivian soldiers move in en masse to pick off Che and his small band of warriors one by one, it reminded me of the finale to Butch Cassidy. I almost turned to my husband and said so, but hesitated, thinking he would find such thoughts trite and out of place. As we left the theatre he turned to me and said \\\"Didn't you think the end was like Butch Cassidy\\ufffd\\ufffd\\ufffd\\ufffd\\ufffd\\ufffd\\ufffd\\ufffd\\ufffd\\ufffd\\ufffd\\ufffd!\\\"\": {\"frequency\": 1, \"value\": \"I sat through both ...\"}, \"Summary- This game is the best Spider-Man to hit the market!You fight old foes such as Scorpion,Rhino,Venom,Doctor Octopus,Carnage,...And exclusive to the game...Monster-Ock!Monster-Ock is the symbiote Carnage On Dock Ock's body.

Storyline- Dock Ock was supposedly reformed and using his inventions for mankind...supposedly...He was really planing a symbiote invasion! See the rest for yourself.

Features- You can play in numerous old costumes seen throughout the comics.Almost every costume has special abilities!You can collect comics in the game and then view them in a comic viewer.And last but not least..............Spidey-Armour!Collect a gold spider symbol to change into Spider-Armour.It gives you another health bar!

Graphics- Great!Though they they can be rough at times.But still great!

Sound- Sweet!Nice music on every level and great voice overs!

Overall- 10 out of 10.This game rocks.Buy it today!\": {\"frequency\": 1, \"value\": \"Summary- This game ...\"}, \"Robin Williams gave a fine performance in The Night Listener as did the other cast members. However, the movie seems rushed and leaves too many loose ends to be considered a \\\"must see.\\\" I think the problem happens because there isn't a strong enough relationship established between the caller and the Gabriel Noon(I had to spell it this way, because IMDb wants to auto correct the right spelling to \\\"No one\\\") character. The movie runs a little over 01:30 and within the first 15 minutes, or so it seems, Noon begins his search for Pete Logande, the boy caller.

This happens after he talks to the mysterious caller about 3 or 4 times. The conversations aren't too in-depth mostly consisting of how are you... I'm in the hospital...why did you boyfriend move out... etc. In the book, the kid almost becomes Noon's shrink and vice versa and the reader understands why he goes in search of this boy, once he finds out the kid disappears and thinks he might be a hoax.

In the movie, Noon becomes obsessed with finding Logande, but the audience is left to wonder why? Since there really isn't a strong enough bond established between Noon and the caller, why bother? Who cares if the caller doesn't exist?

I know there's a difference between a book and a movie, but those calls and that relationship was critical to establish on screen, because it provides the foundation for the rest of the movie. Since it doesn't, the movie falls apart.

This is surprising because of Maupin's other work, Tales of the City. When it was made into a mini-series, it worked beautifully.\": {\"frequency\": 1, \"value\": \"Robin Williams ...\"}, \"Renown writer Mark Redfield (as Edgar Allen Poe) tries to conquer old addictions and start a new life for himself, as a Baltimore, Maryland magazine publisher. However, blackouts, delirium, and rejection threaten to thwart his efforts. He would also like to rekindle romance with an old sweetheart, a significantly flawed prospect, as things turns out. Mr. Redfield also directed this dramatization of the mysterious last days of Edgar Allen Poe. Redfield employs a lot of black and white, color, and trick photography to create mood. Kevin G. Shinnick (as Dr. John Moran) performs well, relatively speaking. It's not enough.\": {\"frequency\": 1, \"value\": \"Renown writer Mark ...\"}, \"I first saw this when it premiered more than ten years ago. I saw it again today and it still had a big impact on me. She Fought Alone is about a girl, Caitlin (played by Tiffani Thiessen), who is raped by Jace (played by David Lipper), a classmate who enjoys hurting girls. Caitlin is in a popular high school clique, but when she reveals she is raped the clique turns against her, led by Ethan (played by Brian Austin Green).

This movie chronicles Caitlin's struggle against an entire town, including a high school that essentially lets athletes determine the social environment, allowing them to get away with whatever they wish.

Thiessen and Green are the top performers, and there is real chemistry between the two of the them throughout the entire film. All of the actors in this film, which was inspired by actual events, did a great job. She Fought Alone really captures the essence of what it is like to be in high school (at least in 1995), and having one's self-esteem and reputation at stake. Recommended. 10/10\": {\"frequency\": 1, \"value\": \"I first saw this ...\"}, \"When you have two tower house of performers pitched against each other, the least you can expect is the superb camaraderie and that is the case in this film where we have a 64 yrs old Amitabh Bachchan romances a 34-yr old Tabu. Wait! In fact that is all there in the name of plot therefore instead of \\\"cheeni\\\" it is the content that is \\\"Kum\\\" in this Adman turned Writer-Director R. Balki's maiden effort..

Trust the two senior actors to bring the house down with their wise-cracks and bitter-sweet moments when love happened in this unconventional pair, and that is all you find in slow but refreshing first half. The locales of London as captured in rainy season are captivating. By the end of first half, romance completed and mission accomplished. There is not much left to be said. Therefore in the second half a strange opposition comes in the form of girl's father to the extent that he goes for a Satyagrah is really a test of patience. There is an equally strange climax about how he gives in. The result, second half is dry, flat with no energy. There is a subplot with a girl child dying of cancer, not making much impact. Nonetheless, the film is recommended for its fresh approach and the performances.\": {\"frequency\": 1, \"value\": \"When you have two ...\"}, \"The movie remains in the gray for far too long. Very little gets explained as the movie progresses, with as a result lots of weird sequences that seem to have a deeper meaning but because of the way of storytelling they become only just weird and not understandable to watch. It sort of forces you to watch the movie again but no way I'm going to do that. It is that I watched this movie in the morning, I'm sure of it that if I watched this movie in the evening I would had fallen asleep. To me the movie was like a poor man's \\\"Blade Runner\\\".

The movie leaves far too many questions and improbabilities. It makes the movie leave a pointless and non-lasting impression.

Also the weird look of the movie doesn't help much. The movie is halve CGI/halve real life but it's not done halve as good, impressive, spectacular and imaginative as for instance would be the case in later movies such as \\\"Sin City\\\" and \\\"300\\\". They even created halve of the characters of the movie by computer, which seemed like a very pointless- and odd choice, also considering that the character animation isn't too impressive looking. Sure the futuristic environment is still good looking and the movie obviously wasn't cheap to make but its style over substance and in this case that really isn't a positive thing to say.

Some of the lines are also absolutely horrendous and uninteresting. The main God of the movie constantly says lines such as; 'I'm going to do this but it's none of your concern why I want to do it'. Than just don't say anything at all Mr. Horus! It's irritating and a really easy thing to put in movie, if you don't care to explain anything about the plot. Also the deeper questions and meanings of the movie gets muddled in the drivel of the movie and its script.

The actors still did their very best. They seemed like they believed in the project and were sure of it that what they were making would be something special. So I can't say anything negative about them.

The story and movie is far from original. It rip-offs from a lot of classic and semi-classic, mostly modern, science-fiction movies. It perhaps is also the reason why the movie made a very redundant impression on me.

A failed and uninteresting movie experiment.

3/10\": {\"frequency\": 1, \"value\": \"The movie remains ...\"}, \"the characters at depth-less rip offs. you've seen all the characters in other movies, i promise. the script tries to be edgy and obnoxious but fails miserably. it throws in some hangover meets superbad comedy but the jokes are way out of left field, completely forced, and are disreguarded almost completely after they are cracked. the hot chick is old and has no personality, shes just some early thirties blonde chick with a few wise ass non-underwear wearing jokes who is less than endearing. the attraction between Molly (the hot chick) and Kirk (the dorky love interest) is barely communicated. the attraction in no where to be found its a completely platonic relationship until they awkward and predictable seat belt- mishap kiss occurs. afer this they are in a full on relationship and its just incredibly lame. the main focus of this movie is not the relationship, but a failed attempt at making a raunchy super-bad-esquire movie with a semi appealing plot. I could compare this to the hangover, in its forced nature. i wont get into that. i could keep going but its just pointless. just don't pay to see this movie.\": {\"frequency\": 1, \"value\": \"the characters at ...\"}, \"This movie was exactly what I expected it to be when i first read the casting. I probably could have written a more exciting plot, it's a pity that they left it to a pack of Howler Monkeys. Alberto Tomba was surely a good skier but he has to thank God (and we too) that he does not have to rely on his actor skills to earn his living. He can't play, he can't talk, he can't even move very good on mainland without his skis... Michelle Hunziker is a pretty blonde girl, and that's all. She obviously wasn't chosen for her astounding competence in dramatic roles but most probably for her nice legs. Nevertheless I must admit that she could be the Tomba's acting teacher, because he's even a worse actor than her, and that's funny, especially considering that she isn't italian. I laughed all the time, watching this movie. I found it so ridiculous and meaningless that it actually made me laugh, loud, very loud.\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"I just saw Hot Millions on TCM and I had completely forgotten this gem. Ustinov creates a clever and divisive plot that has him cleverly going from two bit con man to ingenious... Well you'll see. Maggie Smith is perfect as the bumbling secretary/neighbor who has a tough time holding a job but has a warm and vibrant personality that beams through in this picture. She creates a fine portrayal of a warm, witty and real person who in the long run...well...

Molden and Newhart as top executives take on the challenge of making what could be banal roles and make them come out into a comic life of their own.

Robert Morley and Ceasar Romero are just a pleasure to see and I know at least in Romero's case Ustinov is extending a helping hand of work.

This film is meant to be a shot back at the rising computer age and it's problems for the average con man or man for that matter but in fact the characters are so involving and so much fun to watch that the computer sub plot is almost lost...I say almost.

Let down your usual expectations of modern comedy and look for the great performances and friendly, forgiving and deeply involving plot in this picture.\": {\"frequency\": 1, \"value\": \"I just saw Hot ...\"}, \"The minute I started watching this I realised that I was watching a quality production so I was not surprised to find that the screenplay was written by Andrew Davis and was produced by Sue Birtwhistle both of these brought us the excellent 1995 production of Pride and Prejudice! So my only gripe here is that Emma did not run to 3 or 4 or maybe even six episodes like Pride and Prejudice. The acting was superb with I think Prunella scales excellent as Miss Bates but I loved Kate Beckinsale and Mark Strong just as much. The language is a delight to listen to, can you imagine in this day and age having a right go at someone without actually uttering a swear word? Samantha Morton was excellent as Miss Smith in fact the casting was spot on much as it was with Pride and Prejudice. I liked it so much that I watched it twice in two days!! So once again thank you BBC for another quality piece of television. I have seen the Paltrow version and it is okay but I do think the BBC version is far superior. An excellent production that I am very happy to own on DVD!!!\": {\"frequency\": 1, \"value\": \"The minute I ...\"}, \"it's amazing that so many people that i know haven't seen this little gem. everybody i have turned on to it have come back with the same reaction: WHAT A GREAT MOVIE!!

i've never much cared for Brad Pitt (though his turns in 12 monkeys and Fight Club show improvement) but his performance in this film as a psycho is unnerving, dark and right on target.

everyone else in the film gives excellent performances and the movie's slow and deliberate pacing greatly enhance the proceedings. the sense of dread for the characters keeps increasing as they come to realize what has been really happening.

the only thing that keeps this from a 10 in my book, is that compared to what came before it, the ending is a bit too long and overblown. but that's the only flaw i could find in this cult classic.

if you check this film out, try to get the letterboxed unrated director's cut for the best viewing option.

rating:9\": {\"frequency\": 2, \"value\": \"it's amazing that ...\"}, \"this animated Inspector Gadget movie is pretty lame.the story is very weak,and there is little action.most of the characters are given little to nothing to do.the movie is mildly entertaining at best,but really doesn't go any where and is pointless.it's watchable but only just and is nowhere near the calibre of the animated TV show from the 80's.it's not a movie that bears repeat viewing,at least in my mind.it's only about 74 minutes long including credits,so i guess that's a good thing.unlike in the TV show,the characters are not worth rooting for here.in the show,you wanted Inspector Gadget to save the day,but there,who really cares?anyway,that's just my opinion.for me Inspector Gadget's Last Case is a disappointing 3/10\": {\"frequency\": 1, \"value\": \"this animated ...\"}, \"Serum starts as Eddie (Derek Phillips) is delighted to learn he has been accepted into medical school to carry on the family tradition of becoming an MD like his father Richard (Dennis O'Neill) & his uncle Eddie (David H. Hickey), however his joy could be short lived as Eddie is involved in an accident & is run over by a car. Taken to the nearest hospital it doesn't look good for poor Eddie so his uncle Eddie convinces his brother Richard to let him save Eddie with the serum he has developed, a serum which will give the recipient the power to self heal any sort of wound or illness. Desperate for his boy to live Richard agrees but the procedure has unwanted side effects like turning Eddie into a brain eating zombie which is just not a good thing...

Executive produced, written & directed by Steve Franke I'll be perfectly frank myself & say Serum is awful, Serum is one of those no budget horror films which tries to rip-off other any number of other's & ends up being slightly more fun than having you fingernails pulled out with pliers. The script is terrible, it has the whole Re-Animator (1985) feel to it with mad scientists wielding huge syringes trying to eradicate death but it's so boring it's untrue, the first forty minutes is nothing more than a really dull soap opera that amounts to nothing expect to pad the running time out with Eddie arriving home after spending some time away & finding his ex-girlfriend has hooked up with someone else, arguments with his step-mom, getting drunk with his mate & generally boring the audience stiff. So, once the tedium of the first forty minutes is over & if your still watching it it takes another twenty minutes to get Eddie re-animated & then he kills a couple of people, police catch up with him & shoot him, the end. Thank god. Serum is devoid of any of the characteristic's that one would associate with a good film, the character's suck, the dialogue is poor, it takes itself far too seriously, it's dull, it's slow, it's forgettable & considering it's meant to be a horror film there's an alarming lack of blood, gore or horror. Not recommended, did I mention Serum was boring? I thought so.

Director Franke does nothing to liven this thing up, although competent there's no style here at all. The gore levels are none existent, there's a bit of splashed blood, a bitten neck, a couple of scars on a dead woman's face, a couple of scenes where a needle pierces skin & that's it. Don't expect a Re-Animator in the gore department because if you do your going to be sorely disappointed, much like I was in fact. Filmed in what looks like one house, one restaurant & a lab the film has no variety either & just looks cheap throughout. There's a couple of scenes of nudity but that's nowhere near enough to save it.

Technically the film isn't too bad, at least it looks like proper cameras were used, I can't really comment on the special effects because there aren't any but generally speaking Serum looks reasonably professional. Apparently shot in Texas, or should that read it should have literally been shot in Texas? The acting sucks although again I think they were proper actor's rather than friends or family of the director.

Serum is a terrible film, it's dull, slow, boring, has no gore & feels like a horrible soap opera for the first forty minutes. I don't understand why anyone would feel the need to watch this when they can watch Re-Animator or one of it's sequels again instead, seriously I recommend you give Serum a miss. There I've just saved you from wasting 90 minutes of your life, you can thank me later.\": {\"frequency\": 1, \"value\": \"Serum starts as ...\"}, \"I found this to be a so-so romance/drama that has a nice ending and a generally nice feel to it. It's not a Hallmark Hall Of Fame-type family film with sleeping-before-marriage considered \\\"normal\\\" behavior but considering it stars Jane Fonda and Robert De Niro, I would have expected a lot rougher movie, at least language-wise.

The most memorable part of the film is the portrayal of how difficult it must be to learn how to read and write when you are already an adult. That's the big theme of the movie and it involves some touching scenes but, to be honest, the film isn't that memorable.

It's still a fairly mild, nice tale that I would be happy to recommend.\": {\"frequency\": 1, \"value\": \"I found this to be ...\"}, \"In my knowledge, Largo winch was a famous Belgium comics (never read) telling the adventures of a playboy, a sort of James Bond without the spy life! So, when I had to choose a movie for a 5 years-old kid, I picked it up because the kid was already a great fan of James Bond!

But, just after the opening credits, I got heavy doubts: when American movies offer amazing start, here, no action and a torrid sex scene \\ufffd\\ufffd Then, the story get very complicated with financial moves\\ufffd\\ufffd I thought I lost the kid.

But, strangely, he had been caught by Largo, and more than James Bond!

Was it the excellent interpretation of Tomer Sisley? The difficult relationship Largo has with his father? The multiple box story in which the friends are the bad guys, the bad guys are the friends? The exotic locations of Honk-Kong, Yougoslavia?

Dunno, but he really cares about Largo (\\\"Will he get up?) and we enjoyed our moment.\": {\"frequency\": 1, \"value\": \"In my knowledge, ...\"}, \"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\\\".\": {\"frequency\": 1, \"value\": \"This movie is a ...\"}, \"It's hard to believe that this is a sequel to Henry Fool. Hard to believe that the same director and actors were involved in both movies. While Henry Fool is refreshing, witty, comical, Fay Grim is slow, boring, and doesn't go anywhere. Where has the wit gone? I am baffled.

It is 10 years since I saw Henry Fool and many of its dialogs and scenes are still vivid in my memory. Fay Grim is painful to watch. This is no fault of the actors, who are good (Parker Posey) or great (Jeff Goldblum) -- the blame lies entirely with the plot, the dialog, and even some of the filming (low budget is no excuse). A huge disappointment.

Sorry I couldn't pay attention to the plot, I was so bored, so disappointed... if you enjoyed this one you might not enjoy Henry Fool so much... the two movies have absolutely nothing to do with each other... there is no continuity in the characters' personalities... it's all a fraud to entice fans of Henry Fool to watch the sequel.

I'm switching this off now -- Henry in some sort of jail with a Taliban?!?!\": {\"frequency\": 1, \"value\": \"It's hard to ...\"}, \"The British Public School system did not evolve solely with the idea of educating the upper classes despite that popular and widespread misconception.It was designed to produce administrators and governors,civil servants and military men to run the British Colonies.These people were almost entirely recruited from the middle classes.When the Public Schools had begun to show their worth the scions of the aristocracy were sent to them rather than be educated at home by tutors and governesses as had previously been the case.They tended to favour the schools nearer \\\"Town\\\" so Eton and Harrow became particularly popular with that class of parent. The vast majority of Public Schools took their pupils from lower down the social scale.Tom Brown,perhaps the most famous Public School pupil ever,was the son of a country parson,not a belted earl. Thus in late 1960s England,a country in the throes of post-colonial guilt and shedding the last of its commitments to its former dependants as quickly as Harold Wilson could slip off his \\\"Gannex\\\" mac,Lindsay Anderson's \\\"If\\\" was greeted with cathartic joy by the chattering classes and mild bemusement by everyone else. It must be remembered that the so-called \\\"summer of love\\\" was followed by the \\\"October Revolution\\\" a non-event that left a few policemen in London with bruised heads and the U.S. Embassy with one or two broken windows,but achieved absolutely nothing. So when Mr Anderson's film reached the cinemas the disgruntled former revolutionaries revelled vicariously in what they saw as Mr Malcolm McDowell's glorious victory over an amorphous \\\"Them\\\" despite the fact that he was ruthlessly gunned down at the end,a fate that would have undoubtedly overtaken them had they succeeded in their attempts to get into the U.S.Embassy. The film told us nothing new about Public Schools,homosexuality,bullying cold showers,patrician sarcastic teachers,silly traditions.an all-too familiar list .It was declared to be an allegory comparing Britain to the corrupt,crumbling society represented by the school.Well,nearly forty years on the same schools are still flourishing,the British social system has not changed,the \\\"October Revolution\\\" has been long forgotten except by those involved on one side or the other and Mr Anderson has completed his \\\"State of the Country\\\" trilogy to no effect whatsoever. If by any chance you should wish to read a book about schoolboys who did buck the system rather more successfully than Mr McDowell and his friends and furthermore lived to tell the tale,find a copy of \\\"Stalky & Co.\\\"written by the man whose much-maligned poem \\\"If\\\" lent it's name to Mr Anderson's film,a man born in colonial India,a man whose work is quietly being airbrushed out of our literary history.And do it before the chattering classes succeed in declaring him a non-person.Perhaps somebody should start a revolution about that.\": {\"frequency\": 1, \"value\": \"The British Public ...\"}, \"The movie looked like a walk-through for \\\"Immoral Study\\\". Most likely I never got much involved with the burning need of the female artist to immortalize male nudes and thus all that fuss about \\\"Now, who drew this penis?!\\\" sounded a bit gratuitous. Dialogues in this movie are rather dreadful, albeit visually this movie got its moments. I almost dig it when Tassi got into painting a mental picture but then movie weered back onto penises. Highly recommended to those who has not seen one in a while.\": {\"frequency\": 1, \"value\": \"The movie looked ...\"}, \"A Vow to Cherish is a wonderful movie. It's based on a novel of the same title, which was equally good, though different from the film. Really made you think about how you'd respond if you were in the shoes of the characters. Recommended for anyone who has ever loved a parent, spouse, or family member--in other words, EVERYONE!

Though the production isn't quite Hollywood quality--no big special effects--still, the values and ideals portrayed more than make up for it. And the cast did a wonderful job of capturing the emotional connections between family members, and the devastation that occurs when one of them becomes ill.

You don't want to miss this!\": {\"frequency\": 1, \"value\": \"A Vow to Cherish ...\"}, \"OK, so I don't watch too many horror movies - and the reason is films like 'Dark Remains'. I caught this on (a surprisingly feature-filled) DVD and it scared me silly. In fact the only extra I think the DVD was missing was a pair of new pants.

However, the next day I was telling someone about it when I realised I'd only really seen about 10% of it. The rest of the time I'd been watching the pizza on my coffee table - nervous that my girlfriend would catch me if I actually covered my eyes. The few times I DID brave watching the screen I jumped so hard that I decided not to look up again.

The film-making is solid and the characters' situation was really compelling. The simplicity of the film is what really captured my jump-button - it's merely a woodland, a cabin and a disused jail - and a LOT of darkness. Most surprising to me was the fact that while this was clearly not a multi-million dollar production, the make-up effects really looked like it was! Also, it's obvious this is a film made by someone with a great love of film-making. The sound design and the music really made use of my surround system like many Hollywood movies have never done. I noticed on-line that this film won the LA Shriekfest - a really major achievement, and I guess that the festival had seen the filmmakers' clear talent - and probably a great deal more of this movie than I managed to.

Turn up the sound, turn off the lights, and, if you want to keep your girlfriend - order a pizza.\": {\"frequency\": 1, \"value\": \"OK, so I don't ...\"}, \"WARNING!!! TONS OF DEAD GIVEAWAYS!!! DON'T READ IF YOU HAVEN'T SEEN THIS SERIES! OR YOU CAN, WHATEVER.

They're are few words to describe a movie that claims to be the last and comes out with another; Liars, Cheats, maybe even some words that can't be uttered. But When Elm Street 6: Freddy's Dead shows everyone who thought the series got old, and wanted to stop seeing him, or people who wanted their hero (or Villian) just stops for his final breath, This film was it.

This film starts with a parody of Wizard of Oz, Then you see a kid who is named only as John Doe, Who is the last child in Springwood, Ohio, leaves and gets out of Freddy territory. A woman who resides at a hospital/ place to get kids off their feet kind of place meets this boy, and at the same time, has a dream about a man, a water tower, and a promise of a secret floating in her mind, goes back to Springwood to figure out this frightening vision, and soon finds out that she is Freddy's child, And we soon find out that Freddy can only leave Springwood if his daughter can be a sort of host for him. And beyond that, fright ensues. This film seems to hit the nail on the head of everything you wanted to know.

This film has tons of humor, and cameo appearences, like Rosanne Barr and Tom Arnold, Alice Cooper, Johnny Depp, and a very young Breckin Meyer playing a teenage stoner who sees psychadelic vision of flowers and Iron Butterfly's \\\"In-a-gadda-da-vida\\\", then gets stuck in a super Mario parody of sorts. This film will either make you hate this movie, or like Krueger even more. The best of the best.\": {\"frequency\": 1, \"value\": \"WARNING!!! TONS OF ...\"}, \"jim carrey can do anything. i thought this was going to be some dumb childish movie, and it TOTALLY was not. it was so incredibly funny for EVERYONE, adults & kids. i saw it once cause it was almost out of theatres, and now it's FINALLY coming out on DVD this tuesday and i'm way to excited, as you can see. you should definitely see it if you haven't already, it was so great!

Liz\": {\"frequency\": 1, \"value\": \"jim carrey can do ...\"}, \"Not sure why this movie seems to have gotten such rave reviews.

While watching \\\"Bang\\\" one night on TV, I found myself bored by the nonsensical, random plot which was occurring on screen. The entire movie seems to be nothing more than an exercise in meaningless, artsy-fartsy self-indulgence on the part of the filmmaker. The fact that the director/writer goes by a one name moniker only reinforces this sense of pretentiousness.

Those interested in indie flicks would be better off looking for something better written and dare I say, more entertaining than this complete waste of time.\": {\"frequency\": 1, \"value\": \"Not sure why this ...\"}, \"I often feel like Scrooge, slamming movies that others are raving about - or, I write the review to balance unwarranted raves. I found this movie almost unwatchable, and, unusual for me, was fast-forwarding not only through dull, clich\\ufffd\\ufffdd dialog but even dull, clich\\ufffd\\ufffdd musical numbers. Whatever originality exists in this film -- unusual domestic setting for a musical, lots of fantasy, some animation -- is more than offset by a script that has not an ounce of wit or thought-provoking plot development. Individually, June Haver and Dan Dailey appear to be nice people, but can't carry a movie as a team. Neither is really charismatic or has much sex appeal. They're both bland. I like Billy Gray, but his character is pretty one-note. The best part of the film, to me, are June Haver's beautiful costumes and great body.\": {\"frequency\": 1, \"value\": \"I often feel like ...\"}, \"1928 is in many ways a \\\"lost year\\\" in motion pictures. Just as some of the finest films of the silent era were being made in every genre, sound was coming in and - while reaping great profits at the box office - was setting the art of film-making back about five years as the film industry struggled with the new technology.

\\\"Show People\\\" is one of the great silent era comedies. The film shows that William Haines had comic skills beyond his usual formula of the obnoxious overconfident guy who turns everyone against him, learns his lesson, and then redeems himself by winning the football game, the polo game, etc. This movie is also exhibit A for illustrating that Marion Davies was no Susan Alexander Kane. She had excellent comic instincts and timing. This film starts out as the Beverly Hillbillies-like adventure of Peggy Pepper (Marion Davies) and her father, General Marmaduke Oldfish Pepper, fresh from the old South. General Pepper has decided that he will let some lucky movie studio executive hire his daughter as an actress. While at the studio commissary, the Peppers run into Billy Boone (William Haines), a slapstick comedian. He gets Peggy an acting job. She's unhappy when she finds out it is slapstick, but she perseveres. Eventually she is discovered by a large studio and she and Billy part ways as she begins to take on dramatic roles. Soon the new-found fame goes to her head, and she is about to lose her public and gain a royal title when she decides to marry her new leading man, whom she doesn't really love, unless fate somehow intervenes.

One of the things MGM frequently does in its late silent-era films and in its early sound-era films is feature shots of how film-making was done at MGM circa 1930. This film is one of those, as we get Charlie Chaplin trying to get Peggy's autograph, an abundance of cameos of MGM players during that era including director King Vidor himself, and even a cameo of Marion Davies as Peggy seeing Marion Davies as Marion Davies arriving at work on the lot. Peggy grimaces and mentions that she doesn't care for her. Truly a delight from start to finish, this is a silent that is definitely worth your while. This is one of the films that I also recommend you use to introduce people to the art of silent cinema as it is very accessible.\": {\"frequency\": 1, \"value\": \"1928 is in many ...\"}, \"Reda is a young Frenchman of Moroccan descent. Despite his Muslim heritage, he is very French in attitudes and values. Out of the blue, his father announces that Reda will be driving him to the Hajj (pilgrimage) to Mecca--something that Reda has no interest in doing but agrees only out of obligation. As a result, from the start, Reda is angry but being a traditional Muslim man, his father is difficult to talk to or discuss his misgivings. Both father and son seem very rigid and inflexible--and it's very ironic when the Dad tells his son that he should not be so stubborn.

When I read the summary, it talks about how much the characters grew and began to know each other. However, I really don't think they did and that is the fascinating and sad aspect of the film. Sure, there were times of understanding, but so often there was an undercurrent of hostility and repression. I actually liked this and appreciated that there wasn't complete resolution of this--as it would have seemed phony.

Overall, the film is well acted and fascinating--giving Westerners an unusual insight into Islam and the Hajj. It also provides a fascinating juxtaposition of traditional Islam and the secular younger generation. While the slow pace and lack of clarity about the relationship throughout the film may annoy some, I think it gave the film intense realism and made it look like a film about people--not some formula. A nice and unusual film.\": {\"frequency\": 1, \"value\": \"Reda is a young ...\"}, \"I can't remember many films where a bumbling idiot of a hero was so funny throughout. Leslie Cheung is such the antithesis of a hero that he's too dense to be seduced by a gorgeous vampire... I had the good luck to see it on a big screen, and to find a video to watch again and again. 9/10\": {\"frequency\": 1, \"value\": \"I can't remember ...\"}, \"For getting so many positive reviews, this movie really disappointed me! It is slow moving and long. At times the story is not clear, particularly in the evolving relationships among characters. My advice? Read the book, it's a fabulous story which loses it's impact on screen.\": {\"frequency\": 1, \"value\": \"For getting so ...\"}, \"This movie is one of the worst movies I have ever seen. There is absolutely no storyline, the gags are only for retards and there is absolutely nothing else that would make this movie worth watching. In the whole movie Fredi (oh my god what a funny name. ha ha) doesn't ask himself ONCE how he came from a plane to middle earth. There are plenty of stupid and totally unfunny characters whose names should sound funny. e.g. : Gandalf is called Almghandi, Sam is called Pupsi ... and so on. I didn't even smile once during the whole movie. The gags seem like they were made by people whose IQ is negative. If you laugh when someone's coat is trapped in the door (this happens about 5 times) then this movie is perhaps for you. Another funny scene: They try to guess the code word for a closed door (don't ask why- don't ever ask \\\"why\\\" in this movie) and the code word is (ha ha): dung. So if you laughed at this examples you might like this movie. For everybody else: Go to Youtube and watch \\\"Lord of the Weed\\\": it's a lot, lot more fun.\": {\"frequency\": 1, \"value\": \"This movie is one ...\"}, \"My boyfriend and I both enjoyed this film very much. The viewer is swept away from modern life into old Japan, while at the same time exposed to very current themes. The characters are realistic and detailed; it has an unpredictable ending and story, which is very refreshing. The story is made up of mini-plots within the life of several geisha living together in a poor city district. I highly recommend this movie to anyone who is interested in a realistic romance or life in old Japan.

\": {\"frequency\": 1, \"value\": \"My boyfriend and I ...\"}, \"The animation looks like it was done in 30 seconds, and looks more like caricatures rather than characters. I've been a fan of Scooby Doo ever since the series premiered in 1969. I didn't think much of the Scooby Doo animated movies, (I'm talking about the TV Series, not the full length movies.), but some of them were pretty cool, and I like most people found Scrappy Doo to be an irritant, but this series is pure garbage. As soon as I saw the animation, and heard the characters, (and I use that term loosely) speak, I cringed. Also, Mystery Inc., was a team, and without the entire crew to compliment each other, it just seems like opening up a box of chocolates to find someone has already ate the best ones, and the only thing left are the ones nobody wants. What's New Scooby Doo was better than this. If you're going to have a Scooby Doo TV series, include the elements that made the series endure so long. The entire cast of characters, and quality animation. They need to put this one back under the rock from where it came.\": {\"frequency\": 1, \"value\": \"The animation ...\"}, \"I work at a movie store, and as such, I am always on the look-out for an excellent movie. I decided to check out Nothing as it sat in our Canadian section, and I've been trying to support my country's movie industry. I was in for a surprise. The film features David Hewlett and Andrew Miller in a highly entertaining story that seems to delve into so much of our minds and relationships...without working that hard. It is consistently comedic through the interaction of the two characters, as well as some funny exchanges (\\\"We can't be dead, we have cable!\\\"). What more can I say without noting that it is worth a shot, even if you abandon it within the first half an hour.\": {\"frequency\": 1, \"value\": \"I work at a movie ...\"}, \"A terrorist attempts to steal a top secret biological weapon, and in the process of trying to escape, he is infected when the case containing the deadly agent is compromised. Soldiers are able to retrieve the case, but the terrorist makes his way to a hotel where he attempts to hide out. They eventually make it to where he's hiding, and \\\"cleanse\\\" the hotel and its occupants. Unfortunately they dispose of his body by cremation, and if you've seen Return of the Living Dead, you know what happens next.

Zombi 3 has been widely panned by critics and zombie fans alike, as a complete mess of a movie. While that's a fair assessment, it's not without it's high points. For one thing, it has plenty of bloody deaths to keep gore-hounds happy. There's an abundance of zombies that seem to come out from everywhere possible. They're in the water, the rafters of houses, hiding in trees, and for some reason, they like to hide under a bunch of dead brush, only to spring out to attack as the heroes try to escape. There's even a flying zombie head that hides inside a refrigerator. You have to see it to believe it, as that scene alone makes Zombi 3 required viewing IMO. It may have some terrible editing and some very questionable acting, especially from the doctor who has to be one of the worst actors I've seen, but Zombie 3 is still a very entertaining movie. Sometimes it's nice to sit back and watch a movie that doesn't require anything more than your time and an open mind. Zombi 3 fits that bill, and then some. It's even more enjoyable if you pop open a few beers, and watch it with some like minded friends. I give it an 8/10, just because of sheer enjoyment.\": {\"frequency\": 1, \"value\": \"A terrorist ...\"}, \"The prerequisite for making such a film is a complete ignorance of Nietzche's work and personality, psychoanalytical techniques and Vienna's history. Take a well-know genius you have not read, describe him as demented, include crazy physicians to cure him, a couple of somewhat good looking women, have his role played by an actor with an enormous mustache, have every character speak with the strongest accent, show ridiculous dreams, include another prestigious figure who has nothing to do with the first one (Freud), mention a few words used in the genius' works, overdo everything you can, particularly music, and you are done. Audience, please stay away.\": {\"frequency\": 1, \"value\": \"The prerequisite ...\"}, \"Not the best of the films to be watched nowadays. I read a lot of reviews about Shining and was expecting it to be very good. But this movie disappointed me. The sound and environment was good, but there was no story here. Not was there a single moment of fright. I expected it to a horror thriller movie, but there was no horror no thriller. The only scene where I got scared was during the chapter change scene showing \\\"Wednesday\\\". There are lots of fragments i the movie. Most of the things are left unexplained with nothing to link it to anything. The story does not tell us about the women or other scenes that is shown. Might be a good movie to watch in the 80's, but not for the 21st century.\": {\"frequency\": 1, \"value\": \"Not the best of ...\"}, \"Paul Greengrass definitely saved the best Bourne for last! I've heard a lot of people complain about they way he filmed this movie, and some have even compared the camera style to the Blair Witch Project. All I have to say to that is...are you kidding me? Come on it was not that bad at all. I think it helps the action scenes to feel more realistic, which I would prefer over highly stylized stunt choreography. As for the rest of the movie I really didn't even notice it.

You can tell that Damon has really gotten comfortable with the role of Jason Bourne. Sometimes that can be a bad thing, but in this case its a really good thing. He really becomes Jason Bourne in this installment. Damon also has a great supporting cast in Joan Allen, Ezra Kramer, and Julia Stiles. David Strathairn was a great addition to the cast, as he added more depth to the secret CIA organization.

Even though the movie is filled with great car chases and nonstop action, they managed to stick a fair amount of character development in their with all of that going on. This film stands far above the other two Bourne movies, and is definitely one of the best movies of the 2007 summer season!\": {\"frequency\": 1, \"value\": \"Paul Greengrass ...\"}, \"It's interesting how 90% of the high-vote reviews are all comprised of \\\"*random username*\\\" from \\\"United States\\\" (no state pride??) who all say more or less the exact same thing with the exact same grammatical style and all with the exact same complete lack of taste in movies. I would delve further into this suspicious trend, but alas, this is a review of the movie, and not the reviews themselves.

Let me start by saying that I am both a Christian and a true avid movie fan. This means I have seen a great many movies, from good to bad, and can wholeheartedly claim that Facing The Giants is, in fact, NOT a good movie. It has good intentions, but fails to meet many (if any) basic standards that I associate with a quality filmgoing experience.

The Acting: Mostly Terrible, Palatable At Best. Hearing that most were apparently volunteers does not at all surprise me.

The Dialogue: Clumsy, cheesy, the script comes off as a long version of some cheesy skit you'd see performed in Sunday School or youth group function. The Rave Review Robots revel in the absence of \\\"meaningless words\\\", but the cold hard truth is that such words are a part of the real world, and the complete absence of it is palpable. Let's just say the mean ol' head coach of a team in a State Championship game would have a lot more to say than \\\"OH NO!\\\" when things are not going his way.

The Plot: Mind-bogglingly predictable. It has been commented that this movie is \\\"not a Hollywood clich\\ufffd\\ufffd\\\", and yet it's like it was pulled directly from Making An Underdog Sports Movie For Dummies (including the mandatory quasi-romantic subplot for the ladies) and just had a Christian-themed coat of paint slapped on it. I'm not lying or bragging when I say I had almost every major detail in both the plot and subplot pegged immediately upon their inception. Only someone who has never seen a decent sports movie in their whole life would be emotionally stirred by the story presented here.

The Directing/Editing: It, too, was patterned almost exactly after the generic Underdog Sports Movie template. Still, acting aside, there weren't many noticeable goofs, so at least Facing The Giants was technically competent.

The Message: Ask Jesus and He will grant all your wishes. Part of me hoped that this movie would end in the team's eventual defeat to really emphasize the whole \\\"If we lose, we praise You\\\" part, because in the Real World, you WILL fail at one point or another and it's good to be prepared for that. But in the world of Facing The Giants, if you fail, clearly someone either screwed up or is cheating. Another interesting question being, what if the Eagles came across another team that had gotten religion? Would they be caught in an endless loop of miraculous plays and last-minute saves, or would the universe simply have exploded?

The Bottom Line: For the hardcore conservative Christian Parents crowd lamenting the evils of Hollywood, Facing The Giants will be another mediocre-at-best Christian film to hold up on a pedestal as the preferred model for modern film-making. For everyone else, the effects will range from boredom to a burning desire to be watching something else. And a warning: Any attempt to show this to non-Christians will lead not to conversion, but to derision. I give this two stars, one for the one scene that did not have me rolling my eyes, and another for basic technical proficiency on a low budget.\": {\"frequency\": 1, \"value\": \"It's interesting ...\"}, \"Sondra Locke stinks in this film, but then she was an awful 'actress' anyway. Unfortunately, she drags everyone else (including then =real life boyfriend Clint Eastwood down the drain with her. But what was Clint Eastwood thinking when he agreed to star in this one? One read of the script should have told him that this one was going to be a real snorer. It's an exceptionally weak story, basically no story or plot at all. Add in bored, poor acting, even from the normally good Eastwood. There's absolutely no action except a couple arguments and as far as I was concerned, this film ranks up at the top of the heap of natural sleep enhancers. Wow! Could a film BE any more boring? I think watching paint dry or the grass grow might be more fun. A real stinker. Don't bother with this one.\": {\"frequency\": 2, \"value\": \"Sondra Locke ...\"}, \"This film moved me beyond comprehension, it is and will remain my favourite film of all time, mainly because it has almost every emotion all rolled into its 157 minutes. What is the hardest part for me to take is that whenever i want to hear the amazing music and songs from the film, I have to put it into my DVD player, so I was wondering if anyone anywhere knows who sings the songs in the film and where they can be found, as I have looked everywhere I can think sporadically over the past 5 years. My favourite quote from the film is when in court the advocate says \\\"But your own words ask for direct confrontation, isn't that a direct call for violence?\\\" Biko replies \\\"Well you and I are in confrontation now, but I see no violence!!\\\"

CRAIG ROBERTSON Fife, Scotland\": {\"frequency\": 1, \"value\": \"This film moved me ...\"}, \"Night of the Comet starts as the world prepares for a once in a lifetime event, the passing of a 65 million plus year old comet. Instead of watching the light show Regina Belmont (Catherine Mary Stewart) decides to spend the night with cinema projectionist Larry Dupree (Michael Bowen) in his booth... They awake the next morning & as Larry attempts to leave the cinema he is attacked & killed by a zombie, the same zombie attacks Regina but she manages to escape where upon she discovers that almost everyone on the entire planet has been turned into red dust. Almost everyone because by some amazing coincidence the only other person to survive happens to be her sister Samantha (Kelli Maroney), they desperately search for more survivors & meet up with a long distance trucker named Hector Gomez (Robert Beltran). Meanwhile an evil bunch of scientists need human blood to develop a serum to save themselves from turning into dust & they're on the look out for unwilling donors...

Written & directed by Thom Eberhardt I found Night of the Comet a pretty rubbish viewing experience, I'm surprised at the amount of positive comments on IMDb about it because I just thought it was boring crap that never lived up to it's potential. The script starts off 100 miles an hour with the obliteration of the entire population of Earth & a zombie attack but then it goes absolutely nowhere & then eventually introduces the sinister blood stealing scientists towards the end of the film because by that time the slim story has run it's course. There are plot holes too, if these scientists want blood why shoot the three or four gang members & save the two sisters when the guys would have provided more blood for their experiments, killing them just seemed a totally bizarre & an almost suicidal thing to do considering they need blood to develop a cure, it just doesn't make sense I mean if your going to die & you need to experiment on human blood would rather have five or six donors providing blood or just two? I'm not having the fact that the two sisters survived independently of each other, I mean what are the odds on that? When Hector confronts the female scientist for the first time she never mentions Samantha or where she was or where the underground facility was where they took Regina before she committed suicide so how did Hector know these things? I also thought after the first twenty odd minutes the film slows down to a snails pace & became incredibly boring & dull to watch, after hearing so many good things about it Night of the Comet comes across to me as nothing more than an overrated boring piece of crap.

Director Eberhardt does a really good job, I liked the look of the film with it's red tinted sky & he manages to create a really cool atmosphere of isolation. Unfortunately there are far too many shots of empty streets, there are constant montage's of empty streets, deserted roads & abandoned buildings & it gets extremely repetitive & dull. OK we get it there's no one else about so there's no need to keep ramming it down our throats by constantly showing roads without cars on them. The zombies are totally wasted, there are two zombie attacks in the entire film & that's two individual zombies as well although there are a couple of effective nightmare scenes. Night of the Comet pays homage, or rips-off whichever you prefer, several other much better films including the obligatory end of the world shopping spree in a mall lifted from Dawn of the Dead (1978). Forget about any blood or gore as there isn't any.

Technically Night of the Comet is pretty good, the special effects are decent enough & the production crew were obviously very good at closing streets off. The acting was alright expect for Maroney as Samantha the air-head blonde who became highly irritating.

Night of the Comet was a big disappointment for me, I had hoped for so much more. Persoanlly I found this film dull, boring, uneventful & the puke inducing sequence where the sisters go shopping to the tune of 'Girls Just Wanna Have Fun' is probably the worst moment in the film. Really bad & I just don't get why so many people like this, I'm sure I'll get slaughtered for saying it so let the abuse begin I can take it...\": {\"frequency\": 1, \"value\": \"Night of the Comet ...\"}, \"This is another one of those movies that could have been great. The basic premise is good - immortal cat people who kill to live, etc. - sort of a variation on the vampire concept.

The thing that makes it all fall apart is the total recklessness of the main characters. Even sociopaths know that you need to keep a low profile if you want to survive - look how long it took to catch the Unibomber, and that was because a family member figured it out.

By contrast, the kid (and to a lesser extent, the mom) behave as though they're untouchable. The kid kills without a thought for not leaving evidence or a trail or a living witness. How these people managed to stay alive and undiscovered for a month is unbelievable, let alone decades or centuries.

It's really a shame - this could have been so much more if it had been written plausibly, i.e., giving the main characters the level of common sense they would have needed to get by for so long.

Other than that, not a bad showing. I loved the bit at the end where every cat in town converges on the house - every time I put out food on the porch and see our cats suddenly rush in from wherever they were before, I think of that scene.\": {\"frequency\": 1, \"value\": \"This is another ...\"}, \"I could not take my eyes off this movie when it showed up on cable. The dialogue and costumes are of a quality most readily associated with soft-core porn. In this case the expedient plot serves as a vehicle not for sex but for serial thrashings with nunchuks. (Perhaps for sex as well, but not on Indian TV, anyway.)

Not being a fan of the genre I couldn't place Jeff Wincott, and had no leads to search from. Only once Brigitte Nielsen traded in her futuristic-nurse coif (so mayoral!) for the high-top fade we remember from Beverly Hills Cop II did I make the positive ID on her.

This movie will no doubt entertain any admirer of early 90's couture or nod-and-wink schlock \\ufffd\\ufffd la Paul Verhoeven. Can we add a genre tag for \\\"so-bad-it's-good\\\"?\": {\"frequency\": 1, \"value\": \"I could not take ...\"}, \"Spoiler This is a great film about a conure. He goes through quite the ordeal trying to get back to his little girl owner. He learns a lot through his journey and meets up with a lot of other beautiful birds. If you love birds like my wife does, this film is for you. This film also has some sad parts that make the tears run. In the end it all works out for Paulie and his Russian friend. Rent this for the whole family, everyone will enjoy this.\": {\"frequency\": 1, \"value\": \"Spoiler This is a ...\"}, \"One of the worst movies I've ever seen. Acting was terrible, both for the kids and the adults. Most to all characters showed no, little or not enough emotion. The lighting was terrible, and there were too many mess ups about the time of the day the film was shot (In the river scene where they just get their boat destroyed, there's 4 shots; The sheriff and Dad in the evening on their boat, Jillian and Molly in the evening swimming, the rest of the kids in the daytime *when it's supposed to in the evening* at the river bank, and the doctor, Beatrice, and Simonton at night but not in the evening getting off their boat.) The best acting in the movie was probably from the sheriff, Cappy (Although, there's a slip of character when the pulse detector *Whatever that thing is when people die, it beeps* shows Cappy has died, he still moves while it can still be heard beeping, and while the nurse extra checks his pulse manually, then it shows the pulse again, and THEN he finally dies.) I guess it's not going to be perfect, since it's an independent movie, but it still could be better. Not worth watching, honestly, even for kids. Might as well watch something good, like The Lion King or Toy Story if you're going to see anything you'll remember.\": {\"frequency\": 1, \"value\": \"One of the worst ...\"}, \"I must admit that at the beginning, I was sort of reticent about watching this movie. I thought it was this stupid, little, romantic film about a French woman who meets in the train an American and decides to visit Vienna with him. I was not actually enchanted about this kind of script, since it continued to make me believe that it is just a movie. Still, I watched it! And I was amazed...\\\"Before Sunrise\\\" is one of the few films who dare to talk in a rather philosophical way, wondering about the fact that in the moment of our birth, we are sentenced to death, or that it is a middling idea that fact that a couple should rest together for eternity, or that, we, humans, can afford sometimes to live in fairy-tales.

The ending was wonderfully chosen (we do not know if they will meet again in six months, at six o'clock, in Vienna's station) -in our optimism, we sincerely hope so. The actors acted in a very good manner, so, that, I began to believe that I, myself could live a love-story just like this.\": {\"frequency\": 1, \"value\": \"I must admit that ...\"}, \"Based on the idea from Gackt, Moon Child took place in a poverty-stricken country called Mallepa. In a futuristic timeline, the story followed the lives of the two main characters, Kei (HYDE) and Sho (Gackt) and their friends growing up together.

Despite some actions might be overly done or perhaps humorous, I strongly believed that this is a movie about friendship. Even amongst all the hardships between each character, in the end, each of them wanted to have someone on their side, to have friends.

Unlike most vampire characters, Kei portrayed a vampire that loathed the idea of having to kill in order to live. A vampire found friendship in the hand of a young boy, Sho who's not afraid of Kei. Regardless of what some might've thought, I see Kei as a fatherly figure to Sho. Kei was there throughout the earlier life of Sho, he took care of him, and taught him to live in a world where power between gangs controls their lives. On the other hand, Sho who perhaps can be seen as an innocent enthusiastic style young man, he grew up to be a man who realised that life isn't all about fun and games, that death exists and able to take away his loved ones.

I love the part where Lee Hom, the actor who played Son, first appeared on the screen. The way they met up was quite cool indeed. Son also has a big part within this movie, the fact that he's from a different race, a Taiwanese, made quite an impact to the friendship theme within the movie. The way how friendships were developed despite background differences was portrayed excellently in this movie.

I believed that each actor did a great job considering that this was their first time to appear in such big screen movie. Both HYDE and Gackt managed to act quite well and created quite believable characters. Unlike movies that had musician turned actors and filled the movie with songs, they've done great acting jobs! Moon Child really made an impact for me, it has given friendships a new meaning and consideration, that we have to appreciate every friendship in our lifetimes. The movie shows a lot of hope, despite all the bad things that happen in their lives, that there's always hope. Life can be cruel, that it seems hope doesn't exist anymore. It also shows a very strong sense of friendships between each other, even when Son became the enemy, Sho did have some sort of \\\"fun\\\" at their last battle. Every single one of them desired peace in the end, no matter how far apart they've become. The ending scene showed it to us.\": {\"frequency\": 1, \"value\": \"Based on the idea ...\"}, \"Having not read the novel, I can't tell how faithful this film is. The story is typical mystery material: killer targets newlyweds; woman investigator falls in love with her partner and is diagnosed with a fatal disease. Yes, it sounds like a soap opera and that's exactly how it plays. The first 2/3 are dull, save for the murders and the last 1/3 makes a partial comeback as it picks up speed toward its twisty conclusion.

Acting is strictly sub par, though it's hard to blame the actors alone: the screenplay is atrocious. During the last 1/3 you stop noticing because the film actually becomes interesting, but that's only the last 1/3. Director Russell Mulcahy is very much in his element, but there's only so much he can do with a TV budget and the network censors on his back. He's pretty much limited to quick cutting and distorted lenses, though he managed to squeeze in a couple \\\"under the floor\\\" shots during the murders in the club restroom. Unfortunately, as this is made for TV, the cool compositional details he uses so well with a wider image are nowhere to be found. Note to producers: give this man a reasonable budget and an anamorphic lens when you hire him.

Summing it up: this film is bad by cinema standards and mediocre by TV standards(watch CSI, instead). If you're in the mood for a film like this, I've some excellent suggestions: pick up a copy of Dario Argento's \\\"Deep Red\\\"(my highest recommendation; superb film), \\\"Opera\\\", or even \\\"Tenebre\\\". They're stronger in every category.\": {\"frequency\": 1, \"value\": \"Having not read ...\"}, \"Now let me tell you about this movie, this movie is MY FAVORITE MOVIE!!! This movie has excellent combat fighting. This movie does sound like a silly story line about how Jet Li plays a super hero, like Spider-Man, or etc. But once you've seen this movie, you would probably want to see it again and again. I rate this movie 10/10.\": {\"frequency\": 1, \"value\": \"Now let me tell ...\"}, \"My first clue about how bad this was going to be was when the video case said it was from the people who brought us Blair Witch Project which was a masterpiece in comparison to this piece of garbage. The acting was on the caliber of a 6th grade production of Oklahoma and the plot, such as there was, is predictable, boring and inane. 85% of the script is four letter words and innumerable variations on them. Mother F seems to be the \\\"writer's\\\" favorite because it is used constantly. It must have taken all of 10 minutes to write this script in some dive at last call. Thank God I rented it and could jump through most of it on fast forward. Don't waste your time or money with this.\": {\"frequency\": 1, \"value\": \"My first clue ...\"}, \"the single worst film i've ever seen in a theater. i saw this film at the austin film festival in 2004, and it blew my mind that this film was accepted to a festival. it was an interesting premise, and seemed like it could go somewhere, but just fell apart every time it tried to do anything. first of all, if you're going to do a musical, find someone with musical talent. the music consisted of cheesy piano playing that sounded like they were playing it on a stereo in the room they were filming. the lyrics were terribly written, and when they weren't obvious rhymes, they were groan-inducing rhymes that showed how far they were stretching to try to make this movie work. and you'd think you'd find people who could sing when making a musical, right? not in this case. luckily they were half talking/half singing in rhyme most of the time, but when they did sing it made me cringe. especially when they attempted to sing in harmony. and that just addresses the music. some of the acting was pretty good, but a lot of the dialog was terrible, as well as most of the scenes. they obviously didn't have enough coverage on the scenes, or they just had a bad editor, because they consistently jumped the line and used terrible choices while cutting the film. at least the director was willing to admit that no one wanted the script until they added the hook of making it a musical. i hope the investors make sure someone can write music before making the same mistake again.\": {\"frequency\": 1, \"value\": \"the single worst ...\"}, \"Atlantis was much better than I had anticipated. In some ways it had a better story than come of the other films aimed at a higher age. Although this film did demand a solid attention span at times. It was a great film for all ages. I noticed some of the younger audience expected a comedy but got an adventure. I think everyone is tired of an endless parade of extreme parodies. A lot of these kids have seen nothing but parodies. After a short time everyone seemed very intensely watching Atlantis.\": {\"frequency\": 1, \"value\": \"Atlantis was much ...\"}, \"Its spelled S-L-A-S-H-E-R-S. I was happy when the main character flashed her boobs. That was pretty tight. Before and after that the movie pretty much blows. The acting is like E-list and it's shown well in the movie. Not to mention it is so low budget that Preacherman and Chainsaw Charlie are played by the same person. The whole movie looks like it was shot with a camcorder instead of half way decent film. The only other reason I liked the movie was because Chainsaw Charlie and Doctor Ripper were funny. They said many stupid things that made me laugh. Other than that if you see this movie at Blockbuster do everyone a favor hide it behind Lawnmowerman 2. Anybody that thinks this movie is good should be mentally evaluated.\": {\"frequency\": 1, \"value\": \"Its spelled ...\"}, \"in one of Neil Simon's best plays. Creaky, cranky ex-Vaudeville stars played by Walter Matthau and George Burns are teaming up for a TV comedy special. The problem is they haven't even SEEN each other in over a decade. Full of zippy one liners and inside showbiz jokes, this story flies along with a steady stream of humor. Good work also by Richard Benjamin as the harried nephew, Rosetta LeNoire as the nurse, and Howard Hesseman as the TV commercial director. Steve Allen and Phyllis Diller appear as themselves. Trivia note: The opening montage contains footage from Hollywood Revue of 1929 and shows Marie Dressler, Bessie Love, Polly Moran, Cliff Edwards, Charles King, Gus Edwards, and the singing Brox Sisters.\": {\"frequency\": 1, \"value\": \"in one of Neil ...\"}, \"I really liked this movie. I've read a few of the other comments, and although I pity those who did not understand it, I do agree with some of the criticisms. Which, in a strange way, makes me like this movie all the more. I accept that they have got a pretty cast to remake an intelligent movie for the general public, yet it has so many levels and is still great to watch. I also love the movies, such as this one, which provoke so many debates, theories, possible endings and hidden subtext. Congratulations Mr.Crowe, definitely in my Top Ten.

P.S. Saw this when it first came out whilst I was backpacking in Mexico, it was late at night and I had to get back to my hotel and I had a major paranoia trip! Where does the dream end and the real begin?\": {\"frequency\": 1, \"value\": \"I really liked ...\"}, \"I guess that \\\"Gunslinger\\\" wasn't quite as god-awful as most of the movies that \\\"Mystery Science Theater 3000\\\" shows, but westerns just aren't Roger Corman's forte. Portraying Rose Hood (Beverly Garland) becoming sheriff in an Old West town after her sheriff husband gets murdered and having to fight off baddies, the movie is pretty predictable. John Ireland is Rose's new hubby, secretly working for unctuous Allison Hayes (yes, the 50-foot woman). Also appearing briefly is frequent Corman co-star Dick Miller as a mailman (Miller nowadays stars in Joe Dante's movies).

I do wish to assert that you'll probably want to watch the \\\"MST3K\\\" version to really enjoy this movie. They had a great time with it.\": {\"frequency\": 1, \"value\": \"I guess that ...\"}, \"Do you know when you look at your collection of old, videotaped movies, and realize that there are some that you've only seen once or twice, and you can't remember if they're worth the time it takes to see them? The Alibi is/was one of those films; I found it, not long ago, and decided I might as well give it a chance. I'm not entirely sure if I'm happy with my decision... on one hand, the film is really, really bad, on the other, now I have another free tape... yeah, you get it. The plot is predictable and not in any way original. The pacing is bad. The acting is bad, but that's not really surprising, seeing as the two leads are former soap-opera stars... they're used to overact. The characters are poorly written clich\\ufffd\\ufffds. The film even manages to screw up the easiest damn way to impress me(through film): court scenes. Even those don't elicit one single emotion for or against any of the cardboard-thin characters. The film just has no real redeeming qualities whatsoever... even the dialog is bad. The thing is, it's so full of clich\\ufffd\\ufffds that it's laughable. And that's the one thing that lifts this above a rating of 1/10: the(albeit unintentionally so) comic relief of the many clich\\ufffd\\ufffds and stereotypes. I didn't pay very much attention to the film, but just about every time I looked at the screen, there was something to laugh at. One final note: I considered using the line \\\"Tori Spelling can't act\\\" as a one line summary, but I guess everyone knows that, so I opted for the current one, seeing as it's more informative. All in all, a thoroughly bad film, but not the worst if you've got nothing else to do and if it's on TV. Good for a few laughs, if you can sit through it. 3/10\": {\"frequency\": 1, \"value\": \"Do you know when ...\"}, \"It is no wonder this movie won 4 prices, it is a movie that lingers to any soul, it isn't a wonder why it took Paul Reiser 20 years to finally give in and talk to Peter Falk about his idea. I can understand every part of it, this is a movie that will make you cry just a tear, or thousands.

Story: 10/10 When Sam kleinman gets a letter from his wife about her leaving him to find something else his son and him take out on a road trip to find her, and while they do that they find something lost, Friendship, family, and affection for each other. At the beginning you know whats going to happen, but none soever the story is not that easy to figure out from beginning to end, it is a ride between a father and his son, and a husband and his wife. It is no wonder it took Paul Reiser 20 years to write this beautiful romance/comedy.

Actors: 10/10 Well you cant say anything else that what i about to say, hey it is with Peter Falk in it, he is a legend everything he does in movies are magic, when you use Peter Falk in a romance/comedy what do you think you get? A perfect outcome, it is no wonder this movie is that perfect and won that many prices. As the son Paul Reiser does an excellent job, although he isn't a great actor always that doesn't mean that this didn't work actually Peter Falk and Paul Reiser plays the perfect Father and Son, the rest of the cast is good enough but you don't see them as much so just say they do what they shall to get this to shine even more.

Music: 10/10 It doesn't always work when using music sometimes it just doesn't fit but that is not the thing in this movie, the music is perfect in tune, it makes the movie even more compelling. This part of the movie will shine off as good as the other parts, a great soundtrack for a Romance/Comedy thats for sure.

Overall: 10/10 There are so many Romance/Comedy movies out on tapes, DVDs, Blu-ray and what not, but this movie is one of the special ones. it doesn't happen everyday that you can create a story like this, it takes years thinking about this and the fact is that actually what it took to make it, a great piece that should be bought and kept into the human soul, see it when you get old and see it with your father at a old age, i think then this movie will spark like no other ever made.\": {\"frequency\": 1, \"value\": \"It is no wonder ...\"}, \"Rating: 4 out of 10

As this mini-series approached, and we were well aware of it for the last six months as Sci-Fi Channel continued to pepper their shows with BG ads, I confess that I felt a growing unease as I learned more.

As with any work of cinematic art which has stood up to some test of time, different people go to it to see different things. In this regard, when people think of Battlestar Galactica, they remember different things. For some it is the chromium warriors with the oscillating red light in their visor. For others, it is the fondness that they held for special effects that were quite evolutionary for their time. Many forget the state of special effects during the late 70s, especially those on television. For some the memories resolve around the story arc. Others still remember the relationships how how the relationships themselves helped overcome the challenges that they faced.

Frankly, I come from the latter group. The core of Battlestar Galactica was the people that pulled together to save one another from an evil empire. Yes, evil. The Cylons had nothing to gain but the extermination of the human race yet they did it. While base stars were swirling around, men and women came together to face an enemy with virtually unlimited resources, and somehow they managed to survive until the next show. They didn't survive because they had better technology, or more fire power. They survived because they cared for and trusted each other to get through to the next show.

The show had its flaws, and at times was sappy, but they were people you could care about.

The writers of this current rendition seemed to never understand this. In some ways he took the least significant part of the original show, the character's names and a take on the story arc and crafted what they called nothing less than a reinvention of television science fiction. Since that was their goal, they can be judged on how well they accomplished it: failure. It was far from a reinvention. In fact it was in many ways one of the most derivitive of science fiction endeavors in a long time. It borrows liberally from ST:TNG, ST:DS9, Babylon 5, and even Battlefield Earth. I find that unfortunate.

Ronald D. Moore has been a contributor to popular science fiction for more than a decade, and has made contribution to some of the most popular television Science Fiction that you could hope to see. One of the difficulties that he appears to have had was that there could be no conflict in the bridge crew of the Enterprise D & E. That was the inviolable rule of Roddenberry's ST:TNG. Like many who have lived under that rules of others who then take every opportunity to break the rules when they are no longer under that authority, Ron Moore seems to have forgotten some of the lessons he learned under the acknowledged science fiction master: Gene Roddenberry. Here, instead of writing the best story possible, he has created a dysfuntional cast as I have ever seen with the intent of creating as much cast conflict as he could. Besides being dysfunctional, some of it was not the least bit believable. Anyone who has ever been in the military knows that someone unprovokedly striking a superior officer would not get just a couple of days \\\"in hack,\\\" they could have gotten execution, and they never would have gotten out the next day. It wouldn't have happened, period, especially in time of war.

The thing that I remembered most of Ron Moore's earlier work was that he was the one who penned the death of Capt. James Kirk. He killed Capt. Kirk, and, alas for me, he has killed Battlestar Galactica.\": {\"frequency\": 1, \"value\": \"Rating: 4 out of ...\"}, \"Since I'd seen the other three, I figured I might as well catch this made for TV fourth part of The Omen series. As a stand alone film, this movie is mediocre; but as a sequel to the 1976 masterpiece; it's a travesty. The film goes along the same route that many series' go down when they're running out of ideas; that being the idea of changing the male lead to a female. It's always obvious that this film was made for television as the acting is very standard, the plot lacks ideas and the gruesome murder scenes seen in the previous three are kept to a bloodless minimum. The film does keep a thread with the original, which I won't reveal as despite being obvious; that revelation is one of the most interesting aspects of the movie. The basics of the plot largely copy Richard Donner's original, and see a young couple adopt a child, which they name Delia (not Damiella or Damiana, fortunately). There's a big dog involved, and a child minder; and pretty soon, the wife starts to suspect that the child may not quite be normal; as she's menstruating at eight years old, and never suffered from any illnesses...

The first two sequels to The Omen weren't bad at all, and the series really should have ended at number three. I guess there was money involved somewhere down the line, as there really is no artistic reason why this film should have been made. It brings nothing to the table in terms of originality, and the only thing it's likely to succeed in doing is annoying fans of the series. The film looks and feels like a TV movie all the way through and for the most part plays out like a film about the troubled upbringing of a young girl. Indeed, Asia Vieira does look like a little bitch; but she never convinces that she's the Antichrist, as her stares are redundant and most of the 'evil' she does is laughable. Faye Grant is given the meatiest role, and doesn't impress; while the rest of the cast regret agreeing to star in such an awful waste of time. The only good thing about this movie is the theme tune, which of course has been ripped off from the original; and is overused. On the whole, this film really isn't worth seeing; as it delivers nothing that the series is famous for, and doesn't even do justice to weaker second sequel.\": {\"frequency\": 1, \"value\": \"Since I'd seen the ...\"}, \"In \\\"Brave New Girl,\\\" Holly comes from a small town in Texas, sings \\\"The Yellow Rose of Texas\\\" at a local competition, and gets admitted to a prestigious arts college in Philadelphia. From there the movie grows into a colorful story of friendship and loyalty. I loved this movie. It was full of great singing and acting and characters that kept it moving at a very nice pace. The acting was, of course, wonderful. Virginia Madsen and Lindsey Haun were outstanding, as well as Nick Roth The camera work was really done well and I was very pleased with the end (It seems a sequel could be in the making). Kudos to the director and all others that participated on this production. Quite a gem in the film archives.\": {\"frequency\": 1, \"value\": \"In \\\"Brave New ...\"}, \"OK, forget all the technical inconsisties or the physical impossibilities of the Space Shuttle accidentally being launched by a quirky robot with a heart of gold. Forget the hideous special effects and poorly-constructed one-dimensional characters. Just looking at the premise of the story. The very reason for the film to exist in the first place, and you will see just how badly this film was pieced together.

I know 9 year olds that look at this insult to the intelligence and just laugh at it. The story is horrible. The acting is comical and the message its trying to show is incomprehensible. And whats worse, is that the cable Movie channels KEEP SHOWING IT! Its on twice a day every two or three days! Why does anyone in their right mind think that people would want to see this painful piece of celluloid multiple times, much less to see it at all?

My recomendation is dont even bother spending the energy to watch this thing. Its just not worth it.\": {\"frequency\": 1, \"value\": \"OK, forget all the ...\"}, \"I found this family film to be pleasant and enjoyable even though I am not a child. It is based on the concept of a high school girl, Susan (Elisha Cuthbert) discovering that the elevator in her upper class apartment building becomes a time machine when a key on a key chain she got from a blind scientist is turned in the elevator lock. She learns how to control the machine (with some uncertainty about time of day).

The film is not a work of serious science fiction. You have to ignore the usual instability paradox associated with altering the past through time travel, i.e, the past is changed to prevent the 1881 Walker family from becoming poor, but the change means the family never got into financial trouble, so Victoria wouldn't have told Susan about the financial problems her mother had, which means that Susan shouldn't have had a reason to change the past in the first place! But other than that, there are some nice touches in the story, such as the old elevator panel, found in the apartment of the woman who secretly invented and installed the time machine, not having a space for the lock that activates the time machine feature. As in many stories for children, we need to also suppose that a child will not share startling information about a time travel device with a parent or other adult but instead hide the time traveler.

It also requires disregarding some poorly staged scenes and uninspired performances by some of the adult actors. (The child actors (Elisha Cuthbert, Gabrielle Boni, and Matthew Harbour) all were very convincing in their parts.) In one scene in the 1300s native Americans notice Susan observing and photographing them. But they don't register surprise in the sudden appearance of this blond, white skinned girl in peculiar dress. Their response is to simply stop what they are doing and to walk calmly towards Susan. In the same scene an Indian mother is carrying what is supposed to be a baby but is so obviously a doll (its white skinned and its head flops around).

Timothy Busfield, the award winning actor who originally came to fame in TV's old \\\"Thirty Something,\\\" gives a somewhat uninteresting, sometimes listless, performance. In the other extreme Michel Perron hams it up as the Italian building superintendent (janitor), as does Richard Jutras in his role as a nosy neighbor. (The neighbor's name is Edward Ormondroyd, which is the name of the author of the novel the film is based on.) I suspect that these problems may be the fault either of the director or possible of a low budget.

Despite these flaws, I recommend the movie for kids. In addition to the interesting story, it also has some educational value, in that it points out how much both technology and social norms have changed in little more that 100 years.\": {\"frequency\": 1, \"value\": \"I found this ...\"}, \"In Stand By Me, Vern and Teddy discuss who was tougher, Superman or Mighty Mouse. My friends and I often discuss who would win a fight too. Sometimes we get absurd and compare guys like MacGyver and The Terminator or Rambo and Matrix. But now it seems that we discuss guys like Jackie Chan, Bruce Lee and Jet Li. It is a pointless comparison seeing that Lee is dead, but it is a fun one. And if you go by what we have seen from Jet Li in Lethal 4 and Black Mask, you have to at least say that he would match up well against Chan. In this film he comes across as a martial arts God.

Black Mask is about a man that was created along with many other men, to be supreme fighting machines. Their only purpose is to win wars that other people lose. They are invincible in some ways. Now that is the premise for the film, but what that does is sets up all the amazingly choreographed fight scenes.

Jet Li is a marvel. He can do things with and to his body that no human being should be able to do. And that is what makes watching him so fun.

Besides the martial arts in the film, Black Mask is strong with humour and that is due to the chemistry that Jet has with his co-star, the police officer. They are great together. But to be honest. if anyone is reading this review, they want to know if the film is kick ass in the action department. And the answer to that is a resounding YES!!! Lots and lots of gory mindless action. You will love this film.\": {\"frequency\": 1, \"value\": \"In Stand By Me, ...\"}, \"As a Turkish man now living in Sweden I must confess I often watch Scandinavian movies. Most if them I never understand. I think actors from Scandinavia work best in Hollywood. Last week I watched a film called \\\"The Polish Wedding\\\" together with a polish friend of mine and we both said it was the worst movie we ever watched. Unfortunately I was wrong this movie \\\" House of Angels\\\" is even worse. None of the actors can act, absolutely not the female so called star Helen Bergstrom. The plot is so silly nobody can believe it.I think the whole thing is a mess from the start. lots of bad acting except from Selldal and Wollter. Ahmed Sellam\": {\"frequency\": 2, \"value\": \"As a Turkish man ...\"}, \"\\\"What is love? What is this longing in our hearts for togetherness? Is it not the sweetest flower? Does not this flower of love have the fragrant aroma of fine, fine diamonds? Does not the wind love the dirt? Is not love not unlike the unlikely not it is unlikened to? Are you with someone tonight? Do not question your love. Take your lover by the hand. Release the power within yourself. Your heard me, release the power. Tame the wild cosmos with a whisper. Conquer heaven with one intimate caress. That's right don't be shy. Whip out everything you got and do it in the butt. By Leon Phelps\\\" When Tim Meadows created his quintessential SNL playboy, Leon Phelps, I cringed. Hearing his smarmy lisp and salacious comments made my remote tremble with outrage. I employed the click feature more than once, dear readers.

So When the film version of \\\"The Ladies Man\\\" came on cable, I mumbled a few comments of my own and clicked yet again. But there comes the day, gray and forlorn, when \\\"nothing is on\\\" any of the 100+ channels...sigh. Yes \\ufffd\\ufffd I was faced with every cable subscribers torment \\ufffd\\ufffd watch it or turn my TV off! There he was, Leon Phelps, smirking and ...making me laugh! What had happened? Had I succumbed to Hollywood's 'dumb-down' sit-com humor? Was I that desperate to avoid abdicating my sacred throne? The truth of the matter is I like \\\"The Ladies Man\\\" more than I should. A story about a vulgar playboy sipping cognac while leering at every female form goes against my feminist sensibilities.

What began as a crude SNL skit blossomed before my eyes into a tale about Leon and his playboy philosophy, going through life \\\"helping people\\\" solve their sexual conflicts. \\\"I am the Mother Teresa of Boning\\\", he solemnly informs Julie (Karyn Parsons), his friend and long-suffering producer of his radio show, \\\"The Ladies Man\\\". And he's not kidding. Leaving a string of broken hearts and angry spirits, Leon manages to bed and breakfast just about all of Chicago. That he does so with such genuine good-will is his calling-card through life.

Our self-proclaimed, \\\"Expert in the Ways of Love\\\", manages to get himself into a lot of trouble with husbands and boyfriends. One such maligned spouse, Lance (Will Ferrell), forms a \\\"Victims of the Smiling Ass, USA\\\" club, vowing to catch our lovable Don Juan. \\\"Oh yes, we will have our revenge\\\", he croons to his cohorts, in a show-stopping dance number.

Plus it's such a total delight to see Billy Dee Williams as Lester, the tavern owner and smooth narrator of Leon's odyssey to find his \\\"sweet thing\\\" and a pile of cash. (Where has he been hiding?) But would I choose this movie as my Valentine's Day choice? Leon's search for the easy life changes him in so many profound ways - that I had to give the nod to our \\\"Ladies Man\\\". That he can, at the movie's close, find true happiness with one woman, while still offering his outlandish advice, is the stuff of dreams!\": {\"frequency\": 1, \"value\": \"\\\"What is love? ...\"}, \"Here goes the perfect example of what not to do when you have a great idea. That is the problem isn't? The concept is fresh and full of potential, but the script and the execution of it lacks any real substance. It should grab you from the start and then pull a little on your emotions, get you interested and invested in the characters. This movie doesn't have what it takes to take off and sustain flight, and here is why. First you don't really care about the characters because they are not presented in a way that people can relate to, I mean this is not Superman or Mission Impossible here, it's suppose to be about normal people put in a stressful situation. They are not believable in the way they act and interact. Example : Jeffrey Combs as a cop over chewing is gum, frowning and looking intense all the time isn't the way to go here. I mean what is that?, he looks like he's on the toilet or something. I loved him in re-animator and the way he was playing the intense/neurotic, unappreciated medical genius was right on the money. But not for this, he tries too hard to over compensate by looking so intense and on edge but in a still mild neurotic manner, it's not natural, I'm surprised he didn't dislocate his jaw during filming. The movie is basically on life support, it barely has a pulse and it kept me waiting for something that would never come.\": {\"frequency\": 1, \"value\": \"Here goes the ...\"}, \"I watched this show and i simply didn't find it funny at all. It might have been the first episode. Lately i realize ABC is playing a lot of stupid shows nowadays and is going down as a station. All the characters on this show are pretty bad actors, but even if they were good the jokes and script are pretty horrible and would still bring the show down. I would say that I believe this show will be cancelled, but seeing as how ABC is doing pretty horrible for quality of shows they are playing, they might just keep this one simply because it's average compared to them.\": {\"frequency\": 1, \"value\": \"I watched this ...\"}, \"The only thing remarkable about this movie? is that all the actors could bomb at the same time. Idiocy. I want my money back...and I got it free from the library. Sheesh. I would rather chew on tin fool and shave my head with a cheese grater then watch this again.\": {\"frequency\": 1, \"value\": \"The only thing ...\"}, \"Oliver! the musical is a favorite of mine. The music, the characters, the story. It all just seems perfect. In this rendition of the timeless classic novel turned stage musical, director Carol Reed brings the Broadway hit to life on the movie screen.

The transition from musical to movie musical is not an easy one. You have to have the right voices, the right set, the right script, and the right play. All signs point to yes for this play. It almost appears that it was written for the screen!

Our story takes place in jolly old England where a boy named Oliver manages to work his way out of the orphanage. He winds his way through the country to London where he meets up with a group of juvenile delinquents, headed by Dodger, the smart talking, quick handed pick-pocket. The leader of this gang is named Fagin, an older fellow who sells all the stolen goods.

But all is not well in London town when Bill Sykes played by Oliver Reed and his loving girlfriend Nancy get tangled up with Oliver, Fagin and his young troops, and the law. What ensues is a marvelous tale of love, affection, and great musical numbers.

Whether or not you like musicals or not, one listen to these tunes and you will be humming them all day long. Oliver! is a triumph on and off the stage and is a timeless work of art.\": {\"frequency\": 1, \"value\": \"Oliver! the ...\"}, \"This is exactly the sort of Saturday matinee serial I loved during World War II. I was under ten years of age. And that's the audience this serial is designed for. Looking at it now, one must roar at its ineptitude and stupidity. The budget must have been next to nothing, given the shortcuts and repeats. The acting? Well, this is Republic pictures, 1944. They read the lines....and no doubt had one take to make them convincing.

One and half stars.\": {\"frequency\": 1, \"value\": \"This is exactly ...\"}, \"Okay, I saw this movie as a child and really loved it. My parents never purchased the movie for me, but I think I'll go about and buy it now. I'm a sucker for pre-2000 animated films. Anyway, onto the actual review.

WHAT I LIKED: There was an actual portrayal of heaven and hell, one of the few I've seen in animated films. Character development existed! It's easy to classify characters in this movie (i.e.: Charlie is the selfish mutt, Itchy is cynical but believes Charlie, Carface is obviously the relentless villain, etc.). I also loved King Gator's song. I've always loved loud, annoying, flamboyant guys. This song may have been random, but it was so fun. Finally, the detail of the animation was beautiful. You could tell Charlie was all gruff and stuff and the backgrounds were beautiful.

WHAT I DID NOT LIKE: The actual portrayal of heaven: The way Charlie reacted to it, \\\"no surprises whatsoever\\\", made it actually seem very boring. He denied a place in heaven and STILL got to return to it in the end. I remember a few lines of certain songs such as \\\"... you can't keep a good dog down\\\", \\\"... let's make music forever\\\", and \\\"... welcome to being dead\\\" but I can't remember the majority of any of them. The songs weren't that catchy, to be honest. Whippet Angel: She's annoying and that NECK! AUGH!

WHAT PARENTS MAY NOT LIKE: A few very scary (depending on the viewer) images of Hell are shown during the movie. Carface is quite threatening. Beer is also implied, but not actually DUBBED beer. Gambling is a key element in the movie. The good guy dies.

OVERALL: I LOVE this movie, even if it is a bit forgettable at times. The scarier children's animations are always my favorite ones. This was created back in a time when producers and writers weren't afraid to give kids a little scare now and then. Nowadays, this probably would have been rated PG. Kids under the age of 8 (or easily disturbed kids) should not watch this. Other than that, I give it 9/10. :)

Happy Viewing!\": {\"frequency\": 1, \"value\": \"Okay, I saw this ...\"}, \"Nacho Vigalondo is very famous in Spain. He is a kind of bad showman who can make you feel sick... Very embarrassing. Nacho had made some commercials in TV, I remember one in which Nacho was looking for Paul Mc Carney around Madrid (the commercial was about a Mc Carney CD collection).

This little movie is like a Nacho's commercial: bad storyline, bad directing, and awful performances. I can't believe that a disgusting movie like this was in The Kodak Theater. Poor Oscar...

Nacho could made this movie because of his wife, the producer of this 7:35, a woman very well connected with Spanish TV business men.\": {\"frequency\": 1, \"value\": \"Nacho Vigalondo is ...\"}, \"BABY FACE is a fast paced, wise cracking, knowing smirk of a film that

lasts only an hour and 15 minutes, but oh what a smart 75 minutes they

are! That a story that covers so much ground could be told in such a

short time puts most of today's movie makers to shame. Screenwriters of

today should study the economy of BABY FACE and cut the bloat that

overwhelms so many of their films.

The story is no nonsense. An amoral woman rises to wealth first under,

and then over the bodies of the men who fall madly in love with her.

Sure the production code loused it up with a redeeming, happy ending,

but it isn't hard to see in which the direction the writers wanted to

go, so enjoy what's there and use your imagination for the rest. Stanwyck is terrific as is George Brent and Douglass Dumbvrille as a

hapless suitor. Not a great film but certainly an enjoyable one. If

you've never seen BABY FACE catch it the next time it's shown on cable

or rent the cassette. It's worth the effort..\": {\"frequency\": 1, \"value\": \"BABY FACE is a ...\"}, \"\\\"The Godfather\\\" of television, but aside from it's acclaim and mobster characters, the two are nothing alike. Tony Soprano is forced to go to a psychiatrist after a series of panic attacks. His psychiatrist learns that Tony is actually part of two families -- in one family he is a loving father yet not-so-perfect-husband, and in the other family he is a ruthless wiseguy. After analysis, Dr. Melfi concludes that Tony's problems actually derive from his mother Livia, who's suspected to have borderline-personality disorder. Gandolfini is rightfully praised as the main character; yet Bracco and Marchand aren't nearly as recognized for their equally and talented performances as the psychiatrist and mother, respectively. Falco, Imperioli and DeMatteo are acclaimed for their brilliant supporting roles. Van Zandt (from the E-Street Band) plays his first and only role as Tony's best friend, and is quite convincing and latching. Chianese, the only recurring actor to have actually appeared in a Godfather film, plays Tony's uncle and on-and-off nemesis. Many fans also enjoyed characters played by Pastore, Ventimiglia, Curatola, Proval, Pantoliano, Lip, Sciorra and Buscemi. Tony's children are \\\"okay\\\" but not notable (with the exception of Iler's stunning performance in the third-to-last episode, \\\"The Second Coming\\\"); Sirico and Schirripa are unconvincing and over-the-top, but the show is too strong for them to hold it back. Even as the show continues for over six season, it ceases to have a dull or predictable moment.

**** (out of four)\": {\"frequency\": 1, \"value\": \"\\\"The Godfather\\\" of ...\"}, \"Nina Foch delivers a surprisingly strong performance as the title character in this fun little Gothic nail-biter. She accepts a position as secretary to a London society dowager (played imperiously by Dame May Witty) and her creepy son (the effete and bothersome George Macready). Before she knows it, she awakens to find herself in a seaside manor she's never seen before, where Witty and Macready are calling her Marian and trying to convince the servants and the nearby townspeople that she's Macready's mad wife. Of course this pair can only be planning dastardly deeds, and even though we know Julia has to eventually escape her trap, director Joseph Lewis builds real suspense in answering the question of just how she'll manage it.

\\\"My Name Is Julia Ross\\\" has nothing stylistically to set it apart from any number of films that came out at the same time period, but I was surprised by how well it held together despite its shoe-string budget and B-movie pedigree. There are quite a few moments that just may have you on the edge of your seat, and I found myself really rooting for Julia as she caught on to the scheme underfoot and began to outsmart her captors. In any other Gothic thriller, the heroine would have swooned, screamed and dithered, waiting for her hero to come and save her. So I can't tell you how refreshing it was to have the heroine in this film use her brain and figure out how to save herself.

Well done.

Grade: B+\": {\"frequency\": 1, \"value\": \"Nina Foch delivers ...\"}, \"Richard Dix is a big, not very nice industrialist, who has nearly worked himself to death. If he takes the vacation his doctors suggest for him, can he find happiness for the last months of his life? Well, he'll likely be better off if he disregards the VOICE OF THE WHISTLER.

This William Castle directed entry has some great moments (the introduction and the depiction of Richard Dix's life through newsreel a la Citizen Kane), and some intriguing plotting in the final reels. Dix's performance is generally pretty good. But, unfortunately, the just does not quite work because one does not end up buying that the characters would behave the way that they do. Also, the movie veers from a dark (and fascinating beginning) to an almost cheerful 30s movie like midsection (full of nice urban ethnic types who don't mind that they aren't rich) and back again to a complex noir plot for the last 15 minutes or so.

This is a decent movie -- worth seeing -- but it needed a little more running time to establish a couple of the characters and a female lead capable of meeting the demands of her role.\": {\"frequency\": 2, \"value\": \"Richard Dix is a ...\"}, \"After 'Aakrosh' , this was the second film for Govind Nihalani as a director.Till this movie was made there was no audience for documentaries in India.This movie proved a point that a documentary can fulfil the requirements of a commercial film without diluting its essence. It was one of the successful movies in the year in which it was released. This movie contested against the big banners of the bollywood like'COOLIE', 'BETAAB','HERO' in 1983.

SmithaPatel, in this movie acted more like a conscience of the hero whenever he drifted away or lost his composure she was there to remind him. She was not like an usual heroine to do the usual stuff of running around the trees and shrubs.At one time,she even gave up her love when the hero's ruthlessness touched the roof top.

There was another character in this movie, which was played by Om Puri contemporary, Naseeruddin Shah.He played as an inspector-turned-alcoholic character.The role conveyed the message of the end result of a honest cop who rubbed the wrong side of the system which also gave the viewers a chance to forecast the hero's ending.

In his debut film,Sadashiv Amrapurkar captivated the audience with his cameo role which ultimately won him the best supporting actor by the filmfare.The cop in the movie was not a complete straight forward personality he was able to adjust to the system to an extent. The anger which left half handedly continued in Govind Nihalani's other film \\\"Drohkaal\\\". Even after two decades, this movie is remembered just because of the director and the entire crew. Each one played their part par excellence.\": {\"frequency\": 1, \"value\": \"After 'Aakrosh' , ...\"}, \"Anyone who loved the two classic novels by Edward Ormondroyd will be disappointed in this film. All the magic and romance have been modernized out of his original story of a girl who does a good deed for a mysterious old lady, and given \\\"three\\\" in return. Three what? Not three wishes, but three rides into the 1800's on a rickety elevator...

The first novel is Time at the Top. The second is All in Good Time.\": {\"frequency\": 1, \"value\": \"Anyone who loved ...\"}, \"Having watched 10 minutes of this movie I was bewildered, having watched 30 minutes my toes were curling - I simply couldn't believe it: The movie is really awful. In fact it is so awful, that I had to watch all of it just to be convinced(!). During this, I came to realize that it reminded me of a bunch of Danish so-called comedies from the 60's and 70's. The pattern is as follows: Take one extremely popular comedian, make a script putting this comedian in as many grotesque situations as possible, add a bunch of jokes (especially one-liners), and spice it up with a couple of beautiful young girls - film that, and you have a success! I wouldn't know if this movie was a success, but unlike the Danish tradition which died quietly (with a few great comedians) it seems that there is a market for this kind of movie in the US.\": {\"frequency\": 1, \"value\": \"Having watched 10 ...\"}, \"At first I wasn't sure if I wanted to watch this movie when it came up on my guide so I looked it up on IMDb and thought the cover looked pretty cool so I thought I would give it a try expecting a movie like Elephant.

Once I got past the fact that I am supposed to dislike the Alicia character played excellently by Busy Phillips, I realized what a good job this movie was doing toward setting up the relationship between Alicia and Deanna. Alicia is so mean to Deanna played by Erika Christensen almost throughout the entire movie but we eventually find out that they despite being polar opposites they have one thing in common besides being present at the shooting. They share loneliness and to what extent is revealed as the film progresses.

I've just got to say how much I loved this movie and was glad to see all of the positive comments about it. I couldn't even get through Elephant because it just seemed to be exploiting the Columbine tragedy. This movie on the other hand was compelling and realistic. Busy Phillips acting is OFF the CHAIN!!! That is a good thing and I would love to see her progress into some more mature roles.\": {\"frequency\": 1, \"value\": \"At first I wasn't ...\"}, \"I spent almost two hours watching a movie that I thought, with all the good actors in it, would be worth watching. I couldn't believe it when the movie ended and I had absolutely no idea what had happened.....I was mad because I could have used that time doing something else....I tried to figure it all out, but really had no clue. Thanks to those who figured it out and have explained it....right or wrong, it's better than not knowing anything!! Who was the lady in the movie with dark hair that we saw a couple of times driving away? How did First Lady know that her husband was cheating on her? At the end of the movie Kate said she would eventually find out the truth. Does this mean that we're going to be subjected to End Game 2?\": {\"frequency\": 1, \"value\": \"I spent almost two ...\"}, \"This movie was awful and an insult to the viewer. Stupid script, bad casting, endless boredom.

In the usual tradition of Hollywood, the government of the US is shown as always evil. The Communist-sympathizer nitwits in Hollywood, most of whom are as dumb as a box of rocks, love taking the lone nutcase Eugene McCarthy and picturing him as the leader of a vast movement. The truth is that at the time he was considered a fringe character who was exploiting a legitimate concern about the Soviet Communists for political gain.

Oh yeah, and the US brought over all those evil Nazis. Like Werner VonBraun, without whom we would have no space program. He actually loved being American and became a great asset to the country.

And yet the irony is that the fools in Hollywood, an uneducated lot who live a fantasy existence, still believe that the government should run EVERYTHING and give us all what we want. And yet, this is the same government that they continually portray as a consummate evil in films like this.\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"Anyone who has experienced the terrors of divorce will empathize with this indie film's protagonist, a scared little boy who believes a zombie is hiding in his closet. Is Jake (a mesmerizing Anthony DeMarco) simply \\\"transferring\\\" the trauma of two bickering parents to an understandable image? Or could the creature be real? Writer/director Shelli Ryan neatly balances both possibilities and keeps the audience guessing. Her choice of using one setting - a suburban house - adds to the feeling of desperation and claustrophobia.

Brooke Bloom and Peter Sean Bridgers are highly convincing as the angry, but loving parents. However it is the creepy minor characters, Mrs. Bender(Barbara Gruen), an unhinged babysitter and Sam Stone (Ben Bode), a sleazy Real estate agent that linger in the mind. Jake's Closet is a darkly inspired portrait of childhood as a special kind of Hell.\": {\"frequency\": 1, \"value\": \"Anyone who has ...\"}, \"Not to mention easily Pierce Brosnon's best performance. Of course Greg Kinnear is always great. Really, when has he really been bad? I think this film is incredibly underrated! The use of colors in this movie is something very different in today's film world where every other movie has the Payback blue filter. I also love the way they used the song by Asia. Proving that even what was once thought of as kinda cheesy can be really cool placed correctly.

I was making my first feature when this came out. Being that my film was a hit-man movie, I had to check out anything in the genre that was released. After seeing it, I'm sure it had some effect on me through the process. It was pretty cool when my film got on the IMDb that it would recommend this film if you liked mine. How any of the others relate I have no idea, making an even more interesting coincidence.

http://www.imdb.com/title/tt1337580/\": {\"frequency\": 1, \"value\": \"Not to mention ...\"}, \"This film starts out with a family who were all going in different directions and their teenage daughter Martha MacIssac (Olivia Dunne) was very much in love with Joe MacLeod,(Zack). The mother is played by Mitzi Kapture,(Jill Dunne) who suddenly walks in on her daughter and Zack making out and then all kinds of problems seem to surface. Jill Dunne has a husband who is always traveling or staying away from the home quite often. There are also big problems that occur when the family decides to go on a camping trip which their daughter Olivia dislikes and just cannot adapt to sleeping outdoors and requires a tent to be kept out all the bugs. In many ways, Olivia does an outstanding performance as the teenage and Nick Mancuso,(Richard Grant) gives a great supporting role as a hotel owner. This film will keep you guessing how it will end and you will enjoy a film filled with plenty of horror and terror. Enjoy\": {\"frequency\": 1, \"value\": \"This film starts ...\"}, \"Diana Guzman is an angry young woman. Surviving an unrelenting series of disappointments and traumas, she takes her anger out on the closest targets.

When she sees violence transformed and focused by discipline in a rundown boxing club, she knows she's found her home.

The film progresses from there, as Diana learns the usual coming-of-age lessons alongside the skills needed for successful boxing. Michelle Rodriguez is very good in the role, particularly when conveying the focused rage of a young woman hemmed in on all sides and fighting against not just personal circumstances but entrenched sexism.

The picture could use some finesse in its direction of all the young actors, who pale in comparison to the older, more experienced cast. There are too many pauses in the script, which detracts from the dramatic tension. The overall quietness of the film drains it of intensity.

This is a good picture to see once, if only to see the power of a fully realized young woman whose femininity is complex enough to include her power. Its limitations prevent it from being placed in the \\\"see it again and again\\\" category.\": {\"frequency\": 1, \"value\": \"Diana Guzman is an ...\"}, \"You know you are in trouble watching a comedy, when the only amusing parts in it are from the Animal cast. It is a pity then that the parrot, Cat & Dog were only in support & not the other way around, as the humans in it were pretty abysmal throughout.

If I were you, Paul, Eva, Lake (what sort of name is that), Jason, & Lindsay, I would forget this acting lark & do something else, as all of you are as funny as watching paint dry, & awful actors to boot.

The main gag in the film is one of the characters shouting, me not Gay, which is funny as if you weren't, you might change your mind if you had to put up with the three bossy, tedious & dare I say very plain women leads in the film.

The worst film I have seen in years, & hopefully never see one as bad again, though I expect not.\": {\"frequency\": 1, \"value\": \"You know you are ...\"}, \"This film was Excellent, I thought that the original one was quiet mediocre. This one however got all the ingredients, a factory 1970 Hemi Challenger with 4 speed transmission that really shows that Mother Mopar knew how to build the best muscle cars! I was in Chrysler heaven every time Kowalski floored that big block Hemi, and he sure did that a lot :)\": {\"frequency\": 1, \"value\": \"This film was ...\"}, \"Kurt Russell's chameleon-like performance, coupled with John Carpenter's flawless filmmaking, makes this one, without a doubt, one of the finest boob-tube bios ever aired. It holds up, too: the emotional foundation is strong enough that it'll never age; Carpenter has preserved for posterity the power and ultimate poignancy of the life of the one and only King of Rock and Roll. (I'd been a borderline Elvis fan most of my life, but it wasn't until I saw this mind-blowingly moving movie that I looked BEYOND the image at the man himself. It was quite a revelation.) ELVIS remains one of the top ten made-for-tv movies of all time.\": {\"frequency\": 1, \"value\": \"Kurt Russell's ...\"}, \"When I had first heard of \\\"Solar Crisis\\\" then got a load of the cast, I wondered why I had never heard of a movie with such a big cast before. Then I saw it.

Now I know.

For a movie that encompasses outer space, the sun, vast deserts and sprawling metropolises, this is an awfully cramped and claustrophobic feature; it feels like everyone is hunkered close together so the camera won't have to pull too far back.

And the effects, while good, are pretty underwhelming; we're talking about the imminent destruction of the planet Earth if a team of scientists and soldiers cannot deflect a deadly solar flare. But other than shouting, sweating and a red glow about everything, there's no real feel of emergency.

Don't get me started about the cast. What Heston, Palance, Matheson, Boyle, et al are doing in this movie without even bothering to act with any feel for the material is anyone's guess. Makes you wonder who else's condos aren't paid for in Hollywood....

And as far as the end goes.... Well, let's just say it's tense and intriguing but it's too little too late in an effort like this. If it had kept up that kind of pace all through the film, maybe I would have heard of \\\"Solar Crisis\\\" sooner.

Two stars. Mostly for lost opportunities and bad career moves.

I wonder how Alan Smithee keeps his job doing junk like this?\": {\"frequency\": 1, \"value\": \"When I had first ...\"}, \"I had a video of the thing. And I think it was my fourth attempt that I managed to watch the whole film without drifting off to sleep. It's slow-moving, and the idea of a mid-Atlantic platform, which may have been revolutionary at the time, is now just a great big yawnaroony. Apart from Conrad Veidt, the rest of the cast are pretty forgettable, and it is only in the action towards the end that things get really interesting. When the water started to spill big-time it even, on one occasion, woke me up.

But give the man his due. No one could hold a cigarette like Conrad Veidt. He doesn't wedge it between his index and middle fingers like the lesser mortals. He holds it in his fingers, while showing us the old pearly-browns. There are a few scenes in this film where the smoke drifts up to heaven against a dark background,and looks very artistically done. But it does not say much about this film if all that impresses you is the tobacco smoke.\": {\"frequency\": 1, \"value\": \"I had a video of ...\"}, \"I love the frequently misnomered \\\"Masters of Horror\\\" series. Horror fans live in a constant lack of nourishment. Projects like this (and the similar \\\"Greenlight Project\\\" with gave us \\\"Feast\\\" - like it or lump it) are breeding grounds for wonderful thought bubbles in the minds of directors with a horror bent to develop and bring to maturation food for we who love to dine on horror.

This one began with a kernel of really-kool-idea and ran ... right off the edge of \\\"where in the world am I going with this?!!!\\\".

I don't know how to spoil the spoiled but \\\"SPOILER AHEAD\\\" All of a sudden ... no, there was that light drifting across the night sky earlier ... we have long haired luminescent aliens (huh? ... HUH?) brain drilling males and ... yeah, I get it but ... well ... the worst curse of storytelling - a rousing and promising set up without a rewarding denouement.

Cue to storytellers ... your build up has to have a payoff that exceeds build up. Not the other way around. Storytelling math 101.

End of Spoilers - Big Oops!\": {\"frequency\": 1, \"value\": \"I love the ...\"}, \"There are some redeeming qualities to this show. One is that the theme tune does have a decent melody. The show does have a nice premise. Also, I am probably in the minority, but I like Wanda. I like the fact she is caring, and is more a mother figure to Timmy. However, despite all this, I do not like this show, it isn't excrement but I do find it very annoying.

I wouldn't say that it is the best animated show on Planet Earth. When I use that term for an animated TV show, I think of Peter Pan and the Pirates, I think of Darkwing Duck, I think of Scooby Doo and I think of Talespin. And I hope I am not the only one who really likes the Wild Thornberrys and resent the fact it gets poked fun at. Nor do I think Fairly Odd Parents is the worst animated show on Planet Earth. I accept it's annoying, and in some ways overrated, but it isn't the worst show on Nickolodean. That is Chalk Zone, god that show is unwatchable. But the worst animated show I've ever seen is Shaggy and Scooby Doo:Get a Clue, which is crudely animated, unfunny and frankly a disgrace.

One thing I don't like about this show is the animation. The characters, forgive me if I offend, have very weird facial features, and a lot of the backgrounds are dull and lack the colour that make Spongebob Squarepants and Wild Thornberrys so nice to look at. The characters with the exception of Wanda I find very annoying. I can't believe such a talented voice actress like Tara Strong(aka. Charendoff) voiced Timmy. Timmy I don't find very likable as a lead character at all, he is annoying and sometimes patronising, and he is a poor decision maker as well. And his voice gets on my nerves. I actually like Strong but not in this show. Another annoying character is Cosmo, the supposedly funny character. Instead, his jokes are as unfunny as they could become. They are either a) contrived, or b) over familiar. Timmy's parents are awful characters, who don't give a toss about their son, and their personalities wear well thin.

The story lines are very unoriginal on the most part, and I keep thinking, where have I seen this before. The episodes after the arrival of the baby I thought were unwatchable. Even worse is the scripts, very unfunny, childish, witless and suffer from a complete lack of energy.

All in all, not the worst show ever, but pretty poor for an animation fan, and fairly uncomfortable to sit through. 3/10- there are redeeming qualities, and I completely understand if people like it. Bethany Cox\": {\"frequency\": 1, \"value\": \"There are some ...\"}, \"Today, I visited an Athenean Cinema with my two kids (6 & 8 years old), payed 3 x 12 euros (about 45 US $ total) not to mention gas, popcorn & soda, was asked to return my 3d special glasses after leaving the theater and was \\\"forced\\\" to watch what could have been a great 3d movie masterpiece but only proved to be a sick \\\"cold war like\\\" propaganda movie, like none I have seen during the last 20 years... AND THIS IS SUPPOSED TO BE A MOVIE FOR CHILDREN... IN HEAVEN'S NAME!

PS 1: The average working Greek makes no more than 850 Euros a month (approxiamtely 1050 US $)

PS 2 My kids liked it... but then again they are no more than babies >in Greek: mora, morons > like the one who wrote the script & the others who made this \\\"3d disgrace\\\" happen.

PS 3 3D animation is fantastic but who gives a ....!\": {\"frequency\": 1, \"value\": \"Today, I visited ...\"}, \"I don't quite know how to explain \\\"Darkend Room,\\\" because to summarize it wouldn't really do it justice. It's a quintessentially Lynchian short film with two beautiful girls in a strange, mysterious situation. I would say this short is definitely more on the \\\"Mulholland Drive\\\" end of the Lynchian spectrum, as opposed to \\\"The Elephant Man\\\" or \\\"The Straight Story.\\\" It's hidden on Lynch's website, and well worth the search.\": {\"frequency\": 1, \"value\": \"I don't quite know ...\"}, \"This film caught me off guard when it started out in a Cafe located in Arizona and a Richard Grieco,(Rex),\\\"Dead Easy\\\",'04, decides to have something to eat and gets all hot and bothered over a very hot, sexy waitress. While Rex steps out of the Cafe, he sees a State Trooper and asks him,\\\"ARE YOU FAST?\\\" and then all hell breaks loose in more ways than one. Nancy Allen (Maggie Hewitt),\\\"Dressed to Kill,\\\",'80, is a TV reporter and is always looking for a news scoop to broadcast. Maggie winds up in a hot tub and Rex comes a calling on her to tell her he wants a show down, Western style, with the local top cop in town. This is a different film, however, Nancy Allen and Richard Grieco are the only two actors who help this picture TOGETHER!\": {\"frequency\": 1, \"value\": \"This film caught ...\"}, \"Can I give this a minus rating? No? Well, let me say that this is the most atrocious film I have ever tried to watch. It was Painful. Boringus Maximus. The plot(?) is well hidden in several sub-levels of nebulosity. I rented this film with a friend and, after about thirty minutes of hoping it would get better, we decided to \\\"fast forward\\\" a little to see if things would get any better. It never gets better. This film about some dude getting kidnapped by these two girls, sounds interesting, but, in reality, it is just a bore. Nothing even remotely interesting ever happens. If you ever get the chance to watch this, do yourself a favor, try \\\"PLAN NINE FROM OUTER SPACE\\\" instead.\": {\"frequency\": 1, \"value\": \"Can I give this a ...\"}, \"I saw this movie a few days ago... what the hell was that?

I like movies with Brian O'Halloran, they are funny and enjoyable. When I saw a name of this title and genre I thought great, this one could be really good... some parody for slashers or another gore movies... but.. then i read a preview and thought right it could be good anyway... but it wasn't...

my opinion: if like movies they look little bit like documentary, with little bit of comedy try some Moore's movies or Alien autopsy, they are really about something. this one was empty.

and put A comedy to title... no comment... really bad joke\": {\"frequency\": 1, \"value\": \"I saw this movie a ...\"}, \"E! TV is a great channel and Talk Soup is so funny,in a flash you can view the episodes change. We want more funny writings by the best writer ever Stan Evans.. The patron Saint of the mindless masses... He is a truly talented, gifted writer, actor, comic, producer,director, and creative consultant.Anna Nicole loved him , but he was not a $$$$Billionaire so he left him for a Billionaire. Many super stars wanted to make films with the actor Stan Evans, who has a \\\"Humphrey Bogart\\\" {Clark Gable}acting style. He should make many more movies. Maybe with Stephen Spielberg, or perhaps many other talented producers.We wish him a moment of FAME with a great fortune to gain. Has he produced any mock-U-dramas? or perhaps any docudrama??? A project about Bernie Madhoff would be a great TV movie written by STAN EVANS. How many screenplays has he written?? Is he under $$$$$$$$$$$$billion contract with Disney?? He should earn more than $50 Million... He could also write a TV movie about the late KING OF POP.. Michael Jackson. We want to view a lot more of and by Stan Evans in the movies and on TV. Thank you so very much. Elvis has left the building!!!!!\": {\"frequency\": 1, \"value\": \"E! TV is a great ...\"}, \"I actually prefer Robin Williams in his more serious roles (e.g. Good Will Hunting, The Fisher King, The World According to Garp). These are my favorite Robin Williams movies. But Seize the Day, although well-acted, is one of the worst movies I've ever seen and certainly the worst Robin Williams movie (even worse than Death to Smoochy, Club Paradise, and Alladin on Ice).

Every good story is going to have its ups and downs. This movie, however, is one giant down. I don't need a feel-good Hollywood cheese-fest, but I've got to have something other than 90 minutes of complete and utter hopelessness. This movie reminds me of \\\"Love Liza\\\" (which is actually worse) because it seems that the only point of the movie is to see how far one person can fall. The answer? Who cares.\": {\"frequency\": 1, \"value\": \"I actually prefer ...\"}, \"Repetitive music, annoying narration, terrible cinematography effects. Half of the plot seemed centered around shock value and the other half seemed to be focused on appeasing the type of crowd that would nag at people to start a fight.

One of the best scenes was in the \\\"deleted scenes\\\" section, the one where she's in the principle's office with her mom. I don't understand why they'd cut that. The movie seemed desperate to make a point about anything it could and Domino talking about sororities would have been a highlight of the movie.

Ridiculous camera work is reminiscent of MTV, and completely not needed or helpful to a movie. Speeding the film up just to jump past a lot of things and rotating the camera around something repeatedly got old the first time it was used. It's like the directors are wanting to use up all this extra footage they didn't want to throw away.

Another movie with Jerry Springer in it? That should've told me not to watch it from the preview.

A popular movie for the \\\"in\\\" crowd.\": {\"frequency\": 1, \"value\": \"Repetitive music, ...\"}, \"I have spent the last week watching John Cassavetes films - starting with 'a woman under the influence' and ending on 'opening night'. I am completely and utterly blown away, in particular by these two films. from the first minute to the last in 'opening night' i was completely and utterly absorbed. i've only experienced it on a few occasions, but the feeling that this film was perfect lasted from about two thirds in, right through till the credits came up. everything about this film, from the way it was shot, the incredible performance of Gena Rowlands, the credits, the opening, the music, the plot, the sense of depth, the pace, the tenderness, the originality, the characters, the deft little moments.... for me, is truly sublime. i couldn't agree more with the previous comment about taking it to a desert island because the sheer depth of this film is something to behold. if your unlucky enough to have a house fire, i guarantee that instead of making a last ditch attempt to rescue that stash of money under your bed, you'll be rescuing your copy of this film instead.\": {\"frequency\": 1, \"value\": \"I have spent the ...\"}, \"I was babysitting a family of three small children for a night and their mother gave me this to show for them having just grabbed it at Wal-Mart earlier in the week. All three children actually got physically ill while watching it. I'm pretty sure it was the pizza they ate, or something they all had picked up from school, but really it could have been this film. Absolutely disgusting. How any one can produce this caliber of trash is beyond me. Fortunately, I turned off the film when I noticed the children were not responding and acting strangely. For any parents out there, I strongly advise you to refrain from letting young children view this movie.\": {\"frequency\": 1, \"value\": \"I was babysitting ...\"}, \"Imagine being so hampered by a bureaucracy that a one man spends 8 year's of his life, and has a mental breakdown trying to solve a mass murder case virtually by himself! The murder technique is clear, but a government unwilling to admit the truth let's a monster destroy dozens of lives. When I think my job is stressful, I merely remember the true story behind this wonder flick. The devotion to duty of the main character was masterfully portrayed by Rea. The comic (and almost tragic at times) relationship between Rea and the Sutherland character made this one of my favorite movies of the last 5 years. The catching of one of the worst mass murderers in history had me on the edge of my seat. While not nearly as well advertised and talked about as \\\"Silence of the Lamb's\\\", the plot was just as suspenseful. Rent or buy this movie today!\": {\"frequency\": 1, \"value\": \"Imagine being so ...\"}, \"A worn-out plot of a man who takes the rap for a woman in a murder case + the equally worn-out plot of an outsider on the inside who eventually is shut out.

With such an outstanding case, one would think the film would rise above its hackneyed origins. But scene after scene drones by with no change in intensity, no character arcs, and inexplicable behavior.

The homosexuality theme was completely unnecessary -- or on the other hand, completely unexplored. It seemed to be included only to titillate the viewers. When will Hollywood learn that having gay characters does not automatically make a more compelling picture?

A regrettably dreadful movie. When will Lauren Bacall pick a good one? I expected better of her and Kristin Scott Thomas. This one is definitely one to miss.\": {\"frequency\": 2, \"value\": \"A worn-out plot of ...\"}, \"This film features two of my favorite guilty pleasures. Sure, the effects are laughable, the story confused, but just watching Hasselhoff in his Knight Rider days is always fun. I especially like the old hotel they used to shoot this in, it added to what little suspense was mustered. Give it a 3.\": {\"frequency\": 1, \"value\": \"This film features ...\"}, \"But the rest of us, who love a good sentimental and emotional story that is a lock to get you crying..enjoy!

Tom Hulce is magnificent as Dominick, a mentally slow trashman who loves professional wrestling and his brother, Eugene, played by Ray Liotta, who is a doctor and who works very long hours.

Due to Eugene's work schedule, Dominick is alone a lot of the time and tends to make questionable judgment calls. He really just wants to be a good boy, to do the right thing, and to make his brother proud of him. He stops in church to pray at one point and expresses his emotions so openly and so well that the character has you crying before the damn movie even gets really started.

Not about to give anything away here, but the movie is extremely involving and sad and heartbreaking. Those unafraid of these things will have a field day with this beautiful story, its loving characters and a great song I cannot quote here, that has nothing to do with the movie at all but is strangely appropriate..but you hear it in a bar.

I thought Tom Hulce would be nominated for this movie, since he was for 'Amadeus' I figured that might give him the inside track to actually winning. No such luck. Liotta is just as good but has less of an emotional impact, but then he does later on. All I can say about Jamie Lee Curtis is that she doesn't have much of a part here but it was nice of her to lend her name to a small drama set in Pittsburgh about two brothers who you will never forget.\": {\"frequency\": 2, \"value\": \"But the rest of ...\"}, \"Generally, I've found that if you don't hear about a movie prior to seeing it on DVD, there's probably a good reason for it. I hadn't heard about this movie at all until I was in a Blockbuster the other day and saw it on a shelf. Since all the good movies had already been rented out (the ones I wanted to see, anyway), I figured I'd give this one a shot.

It's really not much different than other movies in the genre, such as The Singles Ward or the R.M. If you're into those type movies, you'll probably enjoy this.

However, if you're not a mormon, this movie probably won't appeal to you. There's no way to avoid the overtly religious (mormon) message contained within, and at times it comes across as sappy and cheesy. Ultimately, if you don't fall within the mormon demographic, you're probably better off watching something else.

Admittedly, there were some very funny moments in the film, but I didn't think that it was enough to salvage the movie overall.\": {\"frequency\": 1, \"value\": \"Generally, I've ...\"}, \"This movie is very funny. Amitabh Bachan and Govinda are absolutely hilarious. Acting is good. Comedy is great. They are up to their usual thing. It would be good to see a sequel to this :)

Watch it. Good time-pass movie\": {\"frequency\": 1, \"value\": \"This movie is very ...\"}, \"Difficult to call The Grudge a horror movie. At best it made me slightly jump from surprise at a couple of moments.

If one forgets the (failed) frightening dimension and looks at other sides of the movie, he is again disappointed. The acting is OK but not great. The story can be somewhat interesting at the beginning, while one is trying to get what's happening. But toward the end one understands there is not much to understand. \\\"Scary\\\" elements seems sometimes to have been added to the script without reason...

So... (yawn) See this movie it if you have nothing more interesting to do, like cutting the carrots or looking at the clouds.\": {\"frequency\": 1, \"value\": \"Difficult to call ...\"}, \"I watched this movie alongwith my complete family of Nine. Since my younger brother has recently got married, we could connect with the goings-on. The movie stands out for the classical touch given to the romance of the engaged couple. Thankfully this time all Indian locales like Ranikhet Almora etc have been used, which have been already visited by most of the urbanites, hence adding to the connection with movie. The dialogues are much better than those in the \\\"Umrao Jaan Ada\\\" - a supposedly dialogue based movie. The background music is augmenting the \\\"soft focus\\\" of the movie. It somehow remind me of VV Chopra's \\\"Kareeb\\\", in which neha and to some extent Bobby did full justice to the character. Same here, in that the lead pair does not disappoint in any department-looks or acting. The Supporting cast are too good. I rate the actress playing the role of Bhabhi in the front league. The situations of family interactions portrayed are real and you smile when you find yourself in place of one of the characters. Songs were too suiting the scenes and going along well with the movie. However, though I respect Ravindra Jain for his body of work from movies to Ramayana, I missed Ram Laxman badly.

It had no double entendres(Sivan category), no bikinis, no intrigue, and no nonsense. You would comfortably watch the movie with your parents except if you're already or going to be soon engaged. I want to express on candid thing here that though Suraj proposes that the marriages is between families and not only individuals, his approach is totally individualistic. The movie is only about Prem & Poonam, rest of the characters are incidental. Art immitating life? The \\\"peripheral characters\\\" are consigned to the background and the only protagonists are the lead pair.

Coming back, Everything was almost great. Except, for the drama part. The situation of tragedy was artificially created. The outcome, the sacrifice and the ensuing heart change are not compelling at all. That is why it lacks the emotional punch-the very purpose of this turn of events. But, a twist in the tale was necessary to transcend the movie from a beautiful pre-marital video to a 'feature film'. But I kept waiting for the punch and it never came. The preaching by Mohnish Bahal and later by Alok Nath on dowry was out of place and it made things too overboard. May be this will help the movie a tax-free status. But the plot could have been made more interesting and non-linear than what it was.

There were too question in my mind when the movie ended: 1 Has the movie really ended? 2 Has the movie ended?\": {\"frequency\": 1, \"value\": \"I watched this ...\"}, \"I can't even believe that this show lasted as long as it did. I guess it's all part of the dumbing down of America. Personally, like David Spade said, I liked this show better when it went by its original title - \\\"Seinfeld\\\". What bothers me the most about this show, aside from the obvious, base sense of \\\"humor\\\", and general smuttiness, is the pretentious way the episodes are titled. Truly great shows are still funny after many, repeated viewings, like, \\\"the one where Rob gets accidentally hypnotized\\\", on the \\\"Dick Van Dyke Show\\\", or \\\"the one where Lucy and Ethel work at the candy factory.\\\" In other words, it's an honor bestowed upon great programs by the viewers. That the writers and producers of \\\"Friends\\\" would have the unmitigated hubris to actually title the episodes, themselves, in such a fashion, before anyone's even had a chance to even see it a second time, speaks to not only the mediocrity and lack of original thinking on the part of said writers, but, also, of the stultified minds of their viewers.

You read the comments of some of these people and can only come to the conclusion that they live in a Hallmark Card-like Neverland, full of greeting card sentiment. The true meaning of friendship? I want to be a friend? I want to live in Manhattan? Wake Up. These people are supposed to be working in coffee shops and looking for work as actors, but they somehow manage to live in $4000/mo. apartments? Get real. All I have to say to those amongst us that want to move to Manhattan and live the idyllic New York life with your Rosses and Monicas, good luck with all of that. That New York doesn't exist for anyone making less than a serious six-figure income. But, good luck with all of that, anyway. Now, shut-up and pass the Soma.\": {\"frequency\": 1, \"value\": \"I can't even ...\"}, \"This movie was the most horrible movie watching experience i have ever had to endure, and what is worse is the fact that i had to watch it, and didn't have the opportunity to stop it because it was for school! Admittedly, the storyline was decent...but i found the acting terrible! The exception was Marianne Jean-Baptiste, i thought her performance was wonderful. She was the only highlight, without her, i doubt i would have been able to bear watching the film. Every time i hear somebody say \\\"daarling\\\" i cringe! i nearly attacked a customer the other day because they said \\\"it\\\". It made me remember one of the worst one and a half hours of my life!

(i apologise if this has offended anybody, i am only expressing my opinion)\": {\"frequency\": 1, \"value\": \"This movie was the ...\"}, \"Please! Do not waste any money on this movie. It really is nothing more than a boring German Blair Witch ripoff made by some high school kids. I couldn't finish watching it, and usually I like watching all kinds of B-movies. How on earth could they find a distributor for it?!!! Funny however: Check out Wikipedia for \\\"dark area\\\". The guy who wrote the entry must be completely out of his mind. Maybe he got loads of money from the producers. Money that should have been spend on actors, camera and editing. Even that wouldn't have helped, since there is absolutely no interesting idea behind this film. Unfortunately \\\"dark area\\\" has already gotten too much attention. Please, director, producer and author of this movie, STOP making movies like that...you are not doing yourself a favor. The world would be a better place without this film.\": {\"frequency\": 1, \"value\": \"Please! Do not ...\"}, \"I'm not usually one to slate a film . I try to see the good points and not focus on the bad ones, but in this case, there are almost no good points. In my opinion, if you're going to make something that bad, why bother? Part of the film is take up with shots of Anne's face while she breaths deeply, and violin music plays in the background. the other part is filled with poor and wooden acting. Rupert Penry Jones is expressionless. Jennifer Higham plays Anne's younger sister with modern mannerisms. Anne is portrayed as being meek and self effacing, which is fine at the beginning, but she stays the same all through the film, and you see no reason for captain Wentworth to fall in love with her. Overall the production lacks any sense of period, with too many mistakes to be overlooked, such as running out of the concert, kissing in the street, running about in the streets with no hat on (why was this scene in the film at all? the scene in the book was one of the most romantic scenes written.). To sum it up, a terrible film, very disappointing.\": {\"frequency\": 1, \"value\": \"I'm not usually ...\"}, \"I very much looked forward to this movie. Its a good family movie; however, if Michael Landon Jr.'s editing team did a better job of editing, the movie would be much better. Too many scenes out of context. I do hope there is another movie from the series, they're all very good. But, if another one is made, I beg them to take better care at editing. This story was all over the place and didn't seem to have a center. Which is unfortunate because the other movies of the series were great. I enjoy the story of Willie and Missy; they're both great role models. Plus, the romantic side of the viewers always enjoy a good love story.\": {\"frequency\": 1, \"value\": \"I very much looked ...\"}, \"I watched this movie recently together with my sister who likes the performances of Sophia Loren. I'm a person who they call a Cultural Barbarian. I hate art in any kind of shape or form. Rambo is more my kind of movie, action, kills, blood, horror. If you recognize yourself in this avoid this movie like the plague. No one dies, no action, no nudity, nothing of the kind. Let me give you a r\\ufffd\\ufffdsum\\ufffd\\ufffd in a few sentences. It starts out with 5 minutes in black and white Nazi propaganda. Every Italian in a housing block attends a parade in honor of Hitler, except for a housewife, an anti fascist and a caretaker. The housewife who is cheated by her husband, meets the anti fascist. She falls in love with him, wants to make love to him, but the anti fascist is gay. Despite of this they make love with each other. At the end of the day, the housewife reads a book from her gay lover, and the guy himself is deported by agents. The end. You want an even shorter r\\ufffd\\ufffdsum\\ufffd\\ufffd? BORING... That short enough? The guy should have used his gun in the beginning of this movie and shoot himself, to save the audience from this atrocity. On a side note my sister loved this movie. Like I said, I'm a Cultural Barbarian...\": {\"frequency\": 1, \"value\": \"I watched this ...\"}, \"Whoa nelly! I've heard a ton of mixed reviews for this...but one of my go to hardcore horror reviewers really found it to be disappointing. Man was he right on the nose! This movie was acted by pure amateurs. They HAD to have done one take, maybe two on each scene, the movie seemed soooo rushed. The script was also poor....they had lines that tried to be unique but failed. Miserably. \\\"Get your meathooks off of me!\\\" Oh man, I hate it when movies try to do that. It happens all the time with comedies...but, with a horror movie and with below average actors....the results are incredibly pathetic. The lines and scenarios were all very predictable. But what made me feel so negative towards this movie was, again, the damn acting. It was awful. Besides by the little Asian guy who worked the booth. I thought he was great.

The movie is about 5 stupid dumbsh!t tourist who are on a vacation in Asia. They end up at the wrong place and fall into the hands of a mafia run sex/slaughterhouse. Sounds like a cool story. But watching someone with a bad case of diarrhea is probably more fun and intense to watch. The only reason this is considered horror is because of the killing. There wasn't a trace of suspense.

I like many other horror fans were dying to get their bloody little mitts on this. But unfortunately with a HUGE capital U, the movie was incredibly disappointing. I did enjoy the ankle break and the blood effects. The flabby chicks were also so so.

Everything about this movie screams amateur. This is Ryan Nicholson's first feature length, and for the most part he failed. There's no denying he has a sick sense of humor and taste for horror. I pray his next movie doesn't play out like another B horror flick...unless he tells us that's what it's gonna be. Even after this disappointment I'm willing to give Ryan another shot. From what I've seen of him, he's a true, dedicated man to the genre. Good luck next time, because this was bad news.\": {\"frequency\": 1, \"value\": \"Whoa nelly! I've ...\"}, \"I am stunned to discover the amount of fans this show has. Haven't said that Friends was, at best an 'average' sitcom, and not as great as others have made out. Let's face it, if it wasn't for the casting of Courtney Cox Arquette, David Schwimmer, Matthew Perry, Lisa Kudrow, Jennifer Aniston and Matt Le Blanc, then who knows whether this show would've lasted as long as it has done. I very much doubt that. Although as the series progressed, Friends got more progressively predictable, lame and boring that I couldn't care less about the characters- of whom are the most overrated in TV history- or of their plight, nor of who was sleeping with whom. And it went from being funny in the first four seasons to occasionally funny. And even when it had all these A-list Hollywood actors from the movie world, I still didn't bother to tune in. The writing in Friends became stale that I lost interest in this show from the sixth season onwards and as for the ending, well it was predictable to say the least.

What was annoying though was that this lasted for ten seasons, whilst some of my favourite shows lasted for only three, four seasons for instance and were eventually cancelled and taken off the air for good. The show should've came to an immediate halt by the time the cast wanted bigger salaries. In truth, as much as the series waned, it was the show that was bigger than the actors themselves, not the other way round.

When it ended in 2004, I was so relieved to see the back of this sitcom. Now, there is talk of a friends reunion show coming to our TV screens very soon. And yet, I for one will not be looking forward to it whatsoever.\": {\"frequency\": 1, \"value\": \"I am stunned to ...\"}, \"Umm.. I was quite surprised that someone actually gave this film high marks.

Lets face it... Tori Spelling is not a great actress.. and this movie just proves the extent of her \\\"talent\\\". The movie's plot was weak... I bet the dork that came up with this concept was some perverted peeping tom. If there is a good thing about this movie, I would say it's that Tommy Chong's daughter, just for the fact that she's his daughter... and then there is that Soap-Opera-ish male lead who's decent good looks somewhat make him attractive, but ceases to help his dramatic abilities. *Why does IMDb require at least 10 lines? How many more ways can you simply say \\\"This movie sucks\\\"?\": {\"frequency\": 1, \"value\": \"Umm.. I was quite ...\"}, \"There are so many stupid moments in 'Tower of Death'/'Game of Death 2' that you really wonder if it's a spoof. At times, it felt like I was watching a sequel to Kung Pow rather than a Bruce Lee film.

To be honest, this film has bugger all to do with 'Game of Death'. If anything, it's more a sequel/remake of 'Enter the Dragon', incorporating many elements of that film - particularly the actual footage. Bruce Lee's character Billy Lo (apparently) investigates the sudden death of his friend and encounters a piece of film that was left with the man's daughter. When the body is stolen during the funeral (!), Billy is also killed and it's up to his wayward brother to avenge both men's deaths.

Tong Long stars as brother Bobby Lo and doesn't really have the sort of charisma to carry the film. His fighting abilities are very good however. Bruce Lee obviously turns up thanks to (no longer) deleted footage simply to cash-in on the legacy. Saying that, on the whole, the footage is actually edited-in better than in 'Game of Death' but it doesn't stop the film from being a mess.

OK, so the fights are actually very entertaining (dare I say mind-blowing) and make the film at least watchable. But there are so many daft elements to this film that it really tests your patience. First off, there's the supposed villain who lives on his palatial estate... or is that mental institution? Seriously, the nutter eats raw venison, drinks deer's blood, carries a monkey on his shoulder and owns some peacocks and lions (?!). This attempt to make him look tough and intelligent just makes you feel sorry for him - you half expect someone to escort him back to his room.

In fact, this middle section is awful and when the scene involving a naked hooker and a lion suit arrived I turned it off. However, I did finish the film and was kind of glad I did because the fight scene towards the end (much like 'GOD') was the whole reason for watching. While the story is an embarrassment, the action is very good and contains excellent choreography.

But even the finale disappoints if the premise was anything to go by. What we were told was that the 'Tower of Death' was a pagoda that was upside down and underground. This sounded great, like a twist on Bruce Lee's original idea with different styles of fighting on each level. Could this be the 'Game of Death' that was originally planned? No! The film should have been named \\\"Generator Room of Death\\\" because thats as far as the tower goes. Of yes, there were indeed one or two 'different' styles... there were foil clad grunts, leopard-skinned henchman and stupid monk. It's as though Enter the Dragon had never been made, with the plot being a poor imitation.

Worth watching once for the fast paced fight scenes, but so stupid sometimes that it hurts. If this was intended, then fine. Thumbs up, however, for recreating that projector room scene from 'Enter The Dragon'.\": {\"frequency\": 1, \"value\": \"There are so many ...\"}, \"This wasn't what i wanted to see. I bought this on DVD and under the movie i found myself irritated and turned off the movie for a moment.

Heres what i didn't like:

1 They were shooting at the father

2 The tribes was really annoying

3 the dinosaurs (mostly)looked to faked

4 The bad scientist well he was annoying

5 The picture quality on the DVD was really bad

What i DID like:

1 The music by Jerry Goldsmith. This music is really great. I have the bootleg soundtrack from this movie. Sadly the sound quality is not good, but its OK for its time.

2 The first time we see the dinosaurs they inspire a sort of awe.

3 Baby is kinda cute when he is in the water and is playing

4 That funny scene with the tent.

5 The children who sees this film would hopefully learn that evil always loses.\": {\"frequency\": 1, \"value\": \"This wasn't what i ...\"}, \"I have been looking for this film for ages because it is quite rare to find as it was one of the video nasties. I finally found it on DVD at the end of last year it is a very low budget movie The story is set around amazon jungle tribes that are living in fear of the devil. Laura Crawford is a model who is kidnapped by a gang of thugs while she is working in South America. They take her into the jungle Laura is guarded by some ridiculous native who calls himself \\\"The Devil\\\" she has to go though all unpleasant things until they are happy. Maidens are Chained up. The devil demonstrates eating flesh in a horrible manner. Peter Weston, is the devil hunter, who goes into the jungle to try and rescue her,\": {\"frequency\": 1, \"value\": \"I have been ...\"}, \"How you could say that Peaches, with its complex narrative dealing with a multitude of issues, is \\\"a small TV idea\\\" is beyond me. Besides I can think of many films that have \\\"a small TV idea\\\" in their plots. Your obvious dislike of the TV industry (\\\" Sue Smith has failed to rise above her television background\\\") is confusing. particularly as you are having such \\\"a great time\\\" working in TV. If only we could all be so talented as Ms Smith (no, I am not a friend or relative) - AFI award winning Brides of Christ, Road from Coorain,etc. All made for TV. Come to think of it, what about those other \\\"small TV ideas\\\" like \\\"Against the Wind\\\", \\\"Bodyline\\\", \\\"The Dismissal\\\", \\\"Scales of Justice\\\", \\\"Blue Murder\\\", \\\"Water under the Bridge\\\" ,etc. I think Peaches is a good entertaining film which had me interested, and most of my friends as well, from start to finish. It is far from flawless yet I think it is among the best Australian films I have seen over the last couple of years. Who knows, with a few more viewings (there's so much to think about), it might just be up there with classics like \\\"The Year My Voice Broke\\\", \\\"The Devil's Playground\\\". I really did enjoy this film much more than \\\"Somersault\\\" and \\\"Three Dollars\\\". These films, I think, had their moments-surreal, atmospheric, realistic and dealing with important contemporary issues, but as for sheer entertainment for mr.and mrs average movie goer and me, it was very ordinary if not boring. When I go to a movie, I am always conscious of the audience's reaction to a film (through in- cinemas reactions and overheard conversations in the foyer and loo). Some came out of Peaches shaking their heads, some with negative criticisms, but many seemed to have enjoyed the experience.\": {\"frequency\": 1, \"value\": \"How you could say ...\"}, \"This show is painful to watch ...

It is obvious that the creators had no clue what to do with this show, from the ever changing \\\"jobs\\\", boyfriends, and cast. It appears that they wanted to cast Amanda Bynes in something ... but had no idea what, and came up with this crappy show. They cast her as a teen, surrounded by twenty and thirty somethings, and put her in mostly adult situations at repeatedly failed attempts at comedy. Soon, they realize that she needs a \\\"clique\\\" and cast people in their late 20s to try to pass as teenagers.

How this show survived 4 seasons is beyond me. Somehow, ABC has now decided that it is a \\\"family\\\" show, and thrown it into it's afternoon lineup on ABC Family.\": {\"frequency\": 2, \"value\": \"This show is ...\"}, \"I am not so much like Love Sick as I image. Finally the film express sexual relationship of Alex, kik, Sandu their triangle love were full of intenseness, frustration and jealous, at last, Alex waked up and realized that they would not have result and future.Ending up was sad.

The director Tudor Giurgiu was in AMC theatre on Sunday 12:00PM on 08/10/06, with us watched the movie together. After the movie he told the audiences that the purposed to create this film which was to express the sexual relationships of Romanian were kind of complicate.

On my point of view sexual life is always complicated in everywhere, I don't feel any particular impression and effect from the movie. The love proceeding of Alex and Kiki, and Kiki and her brother Sandu were kind of next door neighborhood story.

The two main reasons I don't like this movie are, firstly, the film didn't told us how they started to fall in love? Sounds like after Alex moved into the building which Kiki was living, then two girls are fall in love. It doesn't make sense at all. How a girl would fall in love with another girl instead of a man. Too much fragments, you need to image and connect those stories by your mind. Secondly, The whole film didn't have a scene of Alex and Kik's sexual intercourse, that 's what I was waiting for\\ufffd\\ufffd\\ufffd\\ufffd. However, it still had some parts were deserved to recommend. The \\\"ear piercing \\\" part was kind of interesting. Alex was willing to suffer the pain of ear piercing to appreciate kik's love. That was a touching scene which gave you a little idea of their love. Also, the scene of they were lying in the soccer field, the conversation express their loves were truthful and passionate.\": {\"frequency\": 2, \"value\": \"I am not so much ...\"}, \"The super sexy B movie actress has another bit part as future \\\"Goodfellas\\\" star Ray Liotta's girlfriend in this box office bomb. She plays Marion, has only one line of dialog, well, one WORD of dialog actually. She shouts out \\\"Joe!\\\" as Ray's character is violating poor Pia Zadora with a plastic garden hose sprinkler. This movie is so bad though it becomes funny, hilarious at times. The guys at Mystery Science Theater 3000 would love this! Check out the hysterical scene at the end where Pia has a nervous breakdown and all the cheesy editing and effects they do to try and show how badly Pia's character is freaking out. Pia plays an aspiring Hollywood screenwriter in this. Pia Zadora as a screenwriter? Yeah, right. Pia can barely talk, let alone write! Pia is utterly and absolutely miscast in this dumb role. But who cares? The real star is the hot and fresh Glory Annen in her bit part in this cat's opinion! Rock on Glory!\": {\"frequency\": 1, \"value\": \"The super sexy B ...\"}, \"You know what kind of movie you're getting into when the serial killer main character is being transported to the electric chair (in what seems to be a bakery truck), only to have the prison vehicle collide with (and I'm not making this up) a genetic engineering tanker truck. The goo which spurts forth melts him, and fuses his DNA with the snow, creating our protagonist, the killer snowman.

My favorite portion of the movie, however, is an over-the-shoulder shot of the snowman thrashing some poor schmuck, in which his hands look suspiciously like a couple of white oven-potholder gloves.

Mmmmm, schlock...\": {\"frequency\": 1, \"value\": \"You know what kind ...\"}, \"While this movie has many flaws, it is in fact a fun '80s movie. Eddie Murphy peaks during his 80's movies here. While his character is indistinguishable from earlier movies, his timing is almost flawless with perfect partners and foils.

Couple this with the hypnotic beauty of Charlotte Lewis, this makes for a fun rainy day action-comedy flick.

\": {\"frequency\": 1, \"value\": \"While this movie ...\"}, \"There is no possible reason I can fathom why this movie was ever made.

Why must Hollywood continue to crank out one horrible update of a classic after another? ( Cases in point: Mister Magoo, The Avengers - awful! )

Christopher Lloyd, whom I normally enjoy, was so miserably miscast in this role. His manic portrayal of our beloved \\\"Uncle Martin\\\" is so unspeakably unenjoyable to be almost criminal. His ranting, groaning, grimacing and histrionics provide us with no reason to care for his character except as some 1 dimensional cartoon character.

The director must have thought that fast movements, screaming dialogue and \\\"one-take\\\" slapstick had some similarity to comedy. Apparently he told EVERY ACTOR to act as if they had red ants in their pants.

Fault must lie with the irresponsibly wrought script. I think the writer used \\\"It's a Mad, Mad, Mad, Mad World\\\" as an example of a fine comedy script. As manic as that 1963 classic is, it is far superior to this claptrap - in fact - suddenly it looks pretty good in comparison.

What is most sad about this movie is that it must have apparently been written to appeal to young children. I just am not sure whose children it was made for. Certainly no self-respecting, card-carrying child I know!

If they HAD to remake \\\"My Favorite Martian\\\", why didn't they add some of the timeless charm of the original classic?

Unfortunately, IMDB.com cannot factor in \\\"zero\\\" as a rating for its readers, that is the only rating that comes to mind in describing this travesty.

One good thing did come from this movie, the actors and crew were paid - I think.\": {\"frequency\": 1, \"value\": \"There is no ...\"}, \"This movie is great fun to watch if you love films of the organized crime variety. Those looking for a crime film starring a charismatic lead with dreams of taking over in a bad way may be slightly disappointed with the way this film strides.

It is a fun romp through a criminal underworld however and if you aren't familiar with Hong Kong films, then you may be pleasantly surprised by this one. I was somewhat disappointed by some of the choices made story-wise but overall a good crime film. Some things did not make sense but that seems to be the norm with films of the East.

People just randomly do things regardless of how their personalities were set up prior. It's a slightly annoying pattern that permeates even in this film.\": {\"frequency\": 1, \"value\": \"This movie is ...\"}, \"If you haven't seen Eva Longoria from the TV show \\\"Desperate House Wives\\\" then you are missing out. Eva is going to be one of the biggest Latina stars and you'll be seeing her in the theaters soon. This was Eva's first film and she does a fantastic job acting. She was 24 when she shot it, and looked hot then. As for this low budget film, it's pretty good for the first time director, who has another soon to be released movie \\\"Juarez, Mexico\\\" currently playing at many film festivals across the United States. In fact, it appears that it may have a limited theatrical release from some news. What would be nice to see is a \\\"Snitch'2\\\" with a higher budget.\": {\"frequency\": 1, \"value\": \"If you haven't ...\"}, \"Let me start by saying how much I love the TV series. Despite the tragic nature of a middle-aged man seemingly unable to pursue his dreams because of his overbearing, manipulative father, it was incredibly light-hearted and fun to watch in practice. In my opinion, it is without doubt one of the greatest British sitcoms of all time. The TV series has my 10 out of 10 rating without reservation.

This movie spin-off on the other hand is a true tragedy in every sense of the word. Hardly any of the essence of the TV show is transferred successfully onto film. This movie has a very dreary, depressing tone that almost moved me to tears on several occasions. Seeing Harold being beaten up in a pub (and not in a comical way) is not my idea of comedy but is most definitely one reason why fans of the TV series will not like this movie. The movie was painfully unfunny except for the scene where Albert bathes in the sink and is seen by a neighbour.

The romance between Harold and Zita is completely out of tone and it makes me wonder whether the producers of this movie ever bothered to watch the TV series. In the TV series, Harold always went after respectable girls, not strippers.

Albert's reactions to the remarks made against him by Harold's girlfriends were absolutely priceless in the TV series. In the movie, Albert says virtually nothing when such an opportunity rises.

Most movie spin-offs of British sitcoms tend to be quite dull, with the notable exception of the ON THE BUSES films (which in some respects were actually better than the TV series itself!). But, STEPTOE AND SON has to rank right at the very bottom of the pile, even below GEORGE AND MILDRED.

My advice - skip this one and see the second spin-off, STEPTOE AND SON RIDE AGAIN instead. It has a much lighter tone, is more faithful to the TV series, and is actually very funny.\": {\"frequency\": 1, \"value\": \"Let me start by ...\"}, \"A new way to enjoy Goldsworthy's work, Rivers and Tides allows fans to see his work in motion. Watching Goldsworthy build his pieces, one develops an appreciation for every stone, leaf, and thorn that he uses. Goldsworthy describes how the flow of life, the rivers, and the tides inspires and affects his work. Although, I was happy the film covered the majority of Goldsworthy's pieces (no snowballs), I do feel it was a bit long. The film makers did a wonderful job of bringing Goldsworthy's work to life, and created a beautiful film that was a joy to watch.\": {\"frequency\": 1, \"value\": \"A new way to enjoy ...\"}, \"TIllman Jr.'s drama about the first African American Navy Master Diver (Gooding Jr.), who defies all odds and achieves his goals despite a strict embittered trainer. The screenplay is not bad, a bit extreme at times, but the direction and acting is first-rate, and this film is inspiring and achieves what its supposed to do. I liked DeNiro in the lead, although its not on par with his masterful works (taxi driver, godfather and all the others) it is as good as his other good performances such as in King of Comedy or Angel Heart. DeNiro is always convincing and believable here, very good performance, Gooding Jr. is not bad, definitely one of his better performances. --- IMDb Rating: 6.6, my rating: 9/10\": {\"frequency\": 1, \"value\": \"TIllman Jr.'s ...\"}, \"Despite an overall pleasing plot and expensive production one wonders how a director can make so many clumsy cultural mistakes. Where were the Japanese wardrobe and cultural consultants? Not on the payroll apparently.

A Japanese friend of mine actually laughed out loud at some of the cultural absurdities she watched unfold before her eyes. In a later conversation she said, \\\"Imagine a Finnish director making a movie in Fnnish about the American Civil War using blond Swedish actors as union Army and Frenchmen as the Confederates. Worse imagine dressing the Scarlet O'Hara female lead in a period hoop skirt missing the hoop and sporting a 1950's hairdo. Maybe some people in Finland might not realize that the hoop skirt was \\\"missing the hoop\\\" or recognize the bizarre Jane Mansfield hair, but in Atlanta they would not believe their eyes or ears....and be laughing in the aisles...excellent story and photography be damned.

So...watching Memoirs of a Geisha was painful for anyone familiar with Japanese cultural nuances, actual geisha or Japanese dress, and that was the topic of the movie! Hollywood is amazing in its myopic view of film making. They frequently get the big money things right while letting the details that really polish a films refinement embarrassingly wrong. I thought \\\"The Last Samurai\\\" was the crowning achievement of how bad an otherwise good film on Japan could be. Memoirs of a Geisha is embarrassingly better and worse at the same time.\": {\"frequency\": 1, \"value\": \"Despite an overall ...\"}, \"For years I thought this knockabout service comedy was a product of John Ford, especially with Victor McLaglen as one of the leads. It certainly has the same rough house humor that Ford laces his films with.

To my surprise I learned it was George Stevens who actually directed it. Still I refuse to believe that this film wasn't offered to John Ford, but he was probably off in Monument Valley making Stagecoach.

Victor McLaglen along with Cary Grant and Douglas Fairbanks, Jr., play three sergeants in the Indian Army who have a nice buddy/buddy/buddy camaraderie going. But the old gang is breaking up because Fairbanks is engaged to marry Joan Fontaine. Not if his two pals can help it, aided and abetted by regimental beastie Gunga Din as played by Sam Jaffe.

The Rudyard Kipling poem served as the inspiration for this RKO film about barracks life in the British Raj. The comic playing of the leads is so good that it does overshadow the incredibly racist message of the film. Not that the makers were racist, but this was the assumption of the British there at the time, including our leads and Gunga Din shows this most effectively.

The British took India by increments, making deals here and there with local rulers under a weak Mogul emperor who was done away with in the middle of the 19th century. They ruled very little of India outright, that would have been impossible. Their rule depended on the native troops you see here. Note that the soldiers cannot rise above the rank of corporal and Gunga Din is considerably lower in status than that.

Note here that the rebels in fact are Hindu, not Moslem. There are as many strains of that religion as there are Christian sects and this strangling cult was quite real. Of course to those being strangled they might not have the same view of them as liberators. But until India organized its independence movement, until the Congress Party came into being, these people were the voice of a free India.

But however you slice it, strangling people isn't a nice thing to do and the British had their point here also. When I watch Gunga Din, I think of Star Trek and the reason the prime directive came into being.

Cary Grant got to play his real cockney self here instead of the urbane Cary we're used to seeing. Fairbanks and McLaglen do very well with roles completely suited to their personalities.

Best acting role in the film however is Eduard Ciannelli as the guru, the head of the strangler cult. Note the fire and passion in his performance, he blows everyone else off the screen when he's on.

Favorite scene in Gunga Din is Ciannelli exhorting his troops in their mountain temple. Note how Stevens progressively darkens the background around Ciannelli until all you see are eyes and teeth like a ghoulish Halloween mask. Haunting, frightening and very effective.

It was right after the action of this film in the late nineteenth century that more and more of the British public started to question the underlying assumptions justifying the Raj. But that's the subject of Gandhi.

Gunga Din is still a great film, entertaining and funny. It should be shown with A Passage to India and Gandhi and you can chart how the Indian independence movement evolved.\": {\"frequency\": 1, \"value\": \"For years I ...\"}, \"this is quite possibly the worst acting i have ever seen in a movie... ever. and what is up with the casting. the leading lady in this movie has some kind of nose dis-figuration and is almost impossible to look at for any period of time without becoming fixated on her nose. you could go to your local grocery store on a Sunday afternoon and easily find 50 more qualified, better looking possible leading ladies. i made the unfortunate mistake of renting this movie because it had a \\\"cool\\\" DVD case. This movie looks like it is just some class project for a group of multimedia students at a local technical college. i would rather have spent the hour or so that this movie was on watching public access television... at least the special effects are better and the people on there are more attractive than anyone you will see in this film\": {\"frequency\": 1, \"value\": \"this is quite ...\"}, \"Today I found \\\"They All Laughed\\\" on VHS on sale in a rental. It was a really old and very used VHS, I had no information about this movie, but I liked the references listed on its cover: the names of Peter Bogdanovich, Audrey Hepburn, John Ritter and specially Dorothy Stratten attracted me, the price was very low and I decided to risk and buy it. I searched IMDb, and the User Rating of 6.0 was an excellent reference. I looked in \\\"Mick Martin & Marsha Porter Video & DVD Guide 2003\\\" and \\ufffd\\ufffd wow \\ufffd\\ufffd four stars! So, I decided that I could not waste more time and immediately see it. Indeed, I have just finished watching \\\"They All Laughed\\\" and I found it a very boring overrated movie. The characters are badly developed, and I spent lots of minutes to understand their roles in the story. The plot is supposed to be funny (private eyes who fall in love for the women they are chasing), but I have not laughed along the whole story. The coincidences, in a huge city like New York, are ridiculous. Ben Gazarra as an attractive and very seductive man, with the women falling for him as if her were a Brad Pitt, Antonio Banderas or George Clooney, is quite ridiculous. In the end, the greater attractions certainly are the presence of the Playboy centerfold and playmate of the year Dorothy Stratten, murdered by her husband pretty after the release of this movie, and whose life was showed in \\\"Star 80\\\" and \\\"Death of a Centerfold: The Dorothy Stratten Story\\\"; the amazing beauty of the sexy Patti Hansen, the future Mrs. Keith Richards; the always wonderful, even being fifty-two years old, Audrey Hepburn; and the song \\\"Amigo\\\", from Roberto Carlos. Although I do not like him, Roberto Carlos has been the most popular Brazilian singer since the end of the 60's and is called by his fans as \\\"The King\\\". I will keep this movie in my collection only because of these attractions (manly Dorothy Stratten). My vote is four.

Title (Brazil): \\\"Muito Riso e Muita Alegria\\\" (\\\"Many Laughs and Lots of Happiness\\\")\": {\"frequency\": 1, \"value\": \"Today I found ...\"}, \"THE KING MAKER will doubtless be a success in Thailand where the similar (but superior) 'The Legend of Suriyothai' set box office records. The film directed by Lek Kitaparaporn after a screenplay by Sean Casey based on historical fact in 1547 Siam has some amazingly beautiful visual elements but is disarmed by one of the corniest, pedestrian scripts and story development on film.

The event the picture relates is the arrival of the Portuguese soldier of fortune Fernando de Gamma (Gary Stretch) whose vengeance for this father's murderer drives him to shipwrecked, captured and thrown into slavery and put on the bloc in Ayutthaya in the kingdom of Siam where he is purchased by the beautiful Maria (Cindy Burbridge) with the consent of her father Phillipe (John Rhys-Davies), a man with a name and a past that are revealed as the story progresses. There is a plot to overthrown the King and Fernando and his new Siamese sidekick Tong (Dom Hetrakul), after some gratuitous CGI enhanced choreographed martial arts silliness, are first rewarded by the King to become his bodyguards, only to be imprisoned together once Queen Sudachan (Yoe Hassadeevichit) reveals her plot to kill the king and son to allow her lover Lord Chakkraphat (Oliver Pupart) to take over the rule of Siam. Yet of course Fernando and Tong escape and are condemned to fight each other to save the lives of their families (Tong's wife and children and Fernando's now firm love affair with Maria) with the expected consequences.

The acting (with the exception of John Rhys-Davies) is so weak that the film occasionally seems as though it were meant to be camp. The predominantly Thai cast struggle with the poorly written dialog, making us wish they had used their native Thai with subtitles. The musical score by Ian Livingstone sounds as though exhumed form old TV soap operas. But if it is visual splendor you're after there is plenty of that and that alone makes the movie worth watching. It is a film that has obvious high financial backing for all the special effects and masses of cast and sets and shows its good intentions. It is just the basics that are missing. Grady Harp\": {\"frequency\": 1, \"value\": \"THE KING MAKER ...\"}, \"

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.\": {\"frequency\": 2, \"value\": \"

Back ...\"}, \"The great cinematic musicals were made between 1950 and 1970. This twenty year spell can be rightly labelled the \\ufffd\\ufffd\\ufffdGolden Era\\ufffd\\ufffd\\ufffd of the genre. There were musicals prior to that, and there have been musicals since\\ufffd\\ufffd\\ufffd but the true classics seem invariably to have been made during that period. Singin\\ufffd\\ufffd\\ufffd In The Rain, An American In Paris, The Band Wagon, Seven Brides For Seven Brothers, Oklahoma, South Pacific, The King And I, and many more, stand tall as much cherished products of the age. Perhaps the last great musical of the \\ufffd\\ufffd\\ufffdGolden Era\\ufffd\\ufffd\\ufffd is Carol Reed\\ufffd\\ufffd\\ufffds 1968 \\ufffd\\ufffd\\ufffdOliver\\ufffd\\ufffd\\ufffd. Freely adapted from Dickens\\ufffd\\ufffd\\ufffd novel, this vibrant musical is a film version of a successful stage production. It is a magnificent film, winner of six Oscars, including the Best Picture award.

Orphan Oliver Twist (Mark Lester) lives a miserable existence in a workhouse, his mother having died moments after giving birth to him. Following an incident one meal-time, he is booted out of the workhouse and ends up employed at a funeral parlour. But Oliver doesn\\ufffd\\ufffd\\ufffdt settle particularly well into his new job, and escapes after a few troubled days. He makes the long journey to London where he hopes to seek his fortune. Oliver is taken under the wing of a child pickpocket called the Artful Dodger (Jack Wild) who in turn works for Fagin (Ron Moody), an elderly crook in charge of a gang of child-thieves. Despite the unlawful nature of the job, Oliver finds good friends among his new \\ufffd\\ufffd\\ufffdfamily\\ufffd\\ufffd\\ufffd. He also makes the acquaintance of Nancy (Shani Wallis), girlfriend of the cruellest and most feared thief of them all, the menacing Bill Sikes (Oliver Reed). After many adventures, Oliver discovers his true ancestry and finds that he is actually from a rich and well-to-do background. But his chances of being reunited with his real family are jeopardised when Bill Sikes forcibly exploits Oliver, making him an accomplice in some particularly risky and ambitious robberies.

\\ufffd\\ufffd\\ufffdOliver\\ufffd\\ufffd\\ufffd is a brilliantly assembled film, consistently pleasing to the eye and excellently acted by its talented cast. Moody recreates his stage role with considerable verve, stealing the film from the youngsters with his energetic performance as Fagin. Lester and Wild do well too as the young pickpockets, while Wallis enthusiastically fleshes out the Nancy role and Reed generates genuine despicableness as Sikes. The musical numbers are staged with incredible precision and sense of spectacle \\ufffd\\ufffd\\ufffd Onna White\\ufffd\\ufffd\\ufffds Oscar-winning choreography helps make the song-and-dance set pieces so memorable, but the lively performers and the skillful direction of Carol Reed also play their part. The unforgettable tunes include \\ufffd\\ufffd\\ufffdFood Glorious Food\\ufffd\\ufffd\\ufffd, \\ufffd\\ufffd\\ufffdConsider Yourself\\ufffd\\ufffd\\ufffd, \\ufffd\\ufffd\\ufffdYou\\ufffd\\ufffd\\ufffdve Got To Pick A Pocket Or Two\\ufffd\\ufffd\\ufffd, \\ufffd\\ufffd\\ufffdI\\ufffd\\ufffd\\ufffdd Do Anything\\ufffd\\ufffd\\ufffd and \\ufffd\\ufffd\\ufffdOom-Pah-Pah\\ufffd\\ufffd\\ufffd \\ufffd\\ufffd\\ufffd all immensely catchy songs, conveyed via very well put together sequences. The film is a thoroughly entertaining experience and never really loses momentum over its entire 153 minute duration. Sit back and enjoy!\": {\"frequency\": 1, \"value\": \"The great ...\"}, \"During the cheap filmed in video beginning of Crazy Fat Ethel II, I wondered if it was the same film that was on the cover. Unfortunately, it was. The story itself is mindlessly simple. Ethel, a homicidal maniac with an eating disorder, is released into a halfway house because of hospital overcrowding. She is by far the most sane resident watching while one man puts dead flies into another's soup. Ethel is then teased by one of the halfway house employees with a chocolate bar after he hits on the cost cutting measure of feeding the residents dog food. Ethel retaliates by strangling him with a wire noose on the stairs and then....well, you get the idea. If this all sounds like fun, it isn't. This film was poorly made with cheap effects and even worse acting. The characters are so wooden when delivering their lines that they should be standing out in front of a cigar store. To make matters worse, half of the film consists of flashbacks to the first Ethel movie, Criminally Insane, which is little better. A VERY poor effort.\": {\"frequency\": 1, \"value\": \"During the cheap ...\"}, \"This indie film looks at the lives of a group of people taking an adult swim class in Connecticut. The plot is fairly thin. What drives the film is the characters, excellently played by mostly unknown actors. Standouts in the cast are Brewster as a high school teacher experiencing marital problems and Weixler as a casino dealer who moonlights as a stripper. The two actresses give natural performances and work well together. This is an impressive feature film debut for writer Schechter and director Setton. The latter keeps the narrative moving at a fast clip. The film title and poster suggest something raunchy, but this is a marvelous little comedy-drama.\": {\"frequency\": 1, \"value\": \"This indie film ...\"}, \"Houseboat Horror is a great title for this film. It's absolutely spot-on, and therefore the only aspect of the film for which I can give 10 out of 10. There are houseboats, there is horror, there's even horror that takes place on houseboats. But if there were ever a tagline for the film poster, it would surely be 'Something shonky this way comes...' for Houseboat Horror is easily the worst Australian horror film I've ever seen, not to mention one of the worst horror films I've ever seen, and a fairly atrocious attempt at film-making in general. The good news is, it's so bloody awful, it sails straight through the zone of viewer contempt into the wonderful world of unintentional hilarity. It's worth watching *because* it's bloody awful.

The category of 'worst' comes not from the storyline, for the simple reason that there actually is one: a record producer, a film crew and a rock band drive up to the mystifyingly-named Lake Infinity, a picturesque rural retreat somewhere in Victoria (in reality Lake Eildon) to shoot a music video. Someone isn't especially happy to see them there and, possibly in an attempt to do the audience a favour, starts picking them off one by one with a very sharp knife. Even more mystifying is how long it takes the survivors to actually notice this,

On the surface, it looks like a very bog-standard B-movie slasher. You've got highly-annoying youths, intolerant elders, creepy locals (one of whom, a petrol station attendant, would easily win a gurning competition), and let's face it, my description of the murderer could easily be Jason Voorhees. Ah, but if only the acting and production values were anywhere near as good as the comparative masterpiece that was Friday The 13th Part VII. Unfortunately, Houseboat Horror is completely devoid of both these things.

But in the end, this only makes what you do get so ridiculous and amusing. Fans of one-time 'Late Show' and 'Get This' member Tony Martin will already be aware of some of the real dialogue gems ('Check out the view...you'll bar up!'), while the actual song to accompany the music video is so bad it has to be heard to be believed - I can't help wondering if writer/director Ollie Wood hoped it would actually become a hit. The horror element is comparable I think to B-slashers of the genre and particularly of the period, but there were times when I couldn't help imagining someone biting into a hamburger off-screen and seeing a volley of tomato sauce sprayed at the wall on-screen.

Indeed, if you've been listening to Tony Martin recommending this film as hilarious rubbish like myself, I don't think you'll be disappointed. Any fans of 'so-bad-it's-good' horror should not pass up the opportunity. Whether you'll 'bar up' or not though is another matter. If, on the other hand, you are in search of genuine excellence in the Australian horror genre, get yourself a copy of the incomparable 'Long Weekend' and don't look back.\": {\"frequency\": 1, \"value\": \"Houseboat Horror ...\"}, \"Riding Giants is an amazing movie. It really shows how these people lived back then just to surf. Their lives were basically surfing, living, breathing, and having fun. They didn't care about money, jobs, girls or any thing. To them the waves were their girls. I have never been on a surf board, and it looks so hard, I don't understand how they can stay on them, it makes no sense at all. This is an awesome movie and if you love surfing then you should really see this movie. If you're a surfer and you want to find out who started surfing, how it came into life, who is really famous at it or what ever, then you should really see it. It might be a documentary, but it is really good. -Tara F.-\": {\"frequency\": 1, \"value\": \"Riding Giants is ...\"}, \"Currently, this film is listed on IMDb as the 42nd worst film ever made--which is exactly why I rented it from NetFlix. However, I am saddened to report that the film, while bad, is no where near bad enough to merit being in the bottom 100 films ever made list. I have personally seen at least 100 films worse than this one. Hardly a glowing endorsement, but it just didn't meet the expected level of awfulness to be included on this infamous list.

The film begin with Stewart Moss and Marianne McAndrew on their belated honeymoon (by the way, they are married in real life as well). He's a doctor who is obsessed with bats and insists they go to a nearby cave. Once there, they behave very, very, very stupidly (hallmark of a bad film) and are soon bitten by a bat. According to this film, bats love to attack people and there are vampire bats in the US--both of which are not true at all.

Oddly, after being bitten, the man doesn't even bother going to the hospital!! The first thing on anyone's mind (especially a doctor) is to get medical help immediately, but not this boob. Soon, he's having seizures--yet he STILL isn't interested in seeking help! Again and again you keep thinking that this must be the stupidest couple in film history!!

After a while, he eventually goes to see a doctor and is sent to the hospital. But, by then it's too late and his attacks become more violent and he begins killing people to suck their blood. When it's totally obvious to everyone that the man is a crazed killing machine, the wife (who, like her husband, has a grapefruit for a brain) refuses to believe he's dangerous--even after he attacks people, steals an ambulance and runs a police car off the road!!

Now most of the time Moss is going through these episodes, his eyes roll back and he looks like a normal person. Oddly, however, a couple times he develops bat-like hands and towards the end they used some nice prosthetics on him to make him look quite bat-like. Had this been really cheesy, the film would have merited a 1.

In the very end, in a twist that hardly made any sense at all, the wife inexplicably turned into a crazed bat lady and had a swarm of bats kill the evil sheriff. How all this was arranged was a mystery as was Moss' and McAndrew's belief that this film would somehow help their careers--though they both have had reasonably long careers on TV playing bit roles since 1974.

Overall, very dumb. The plot is silly and makes no sense and strongly relies on people acting way too dumb to be real. Not a good film at all, but not among the worst films of all time either.

NOTE: For some reason, IMDb shows the graphic for the three DVD set for IT'S ALIVE and it's two sequels of the web page for THE BAT PEOPLE. While THE BAT PEOPLE has been seen with the title \\\"It's Alive\\\", the two movies are not at all related. It's easy to understand the mistake--especially since they both came out in 1974, but the movie I just reviewed starred Stewart Moss and Marianne McAndrew and the other film starred John Ryan and Sharon Farrell.\": {\"frequency\": 1, \"value\": \"Currently, this ...\"}, \"Full marks for the content of this film, as a Brit I was not aware that there was segregation in the US Navy during WWII. A very brave attempt to bring this fact to the world. However, the movie is pathetic, direction is non existent, the acting is wooden and the script is just one clich\\ufffd\\ufffd after another. I can honestly say that this is one of the worst movies I have ever seen. I sat and cringed from the start until the end at the very poor way that this had been put together. This could have been a great movie, the story for many of us outside of the US was new, unique and also interesting. The sad fact of the matter is the way that it was put together. It is unfortunate that a true story like this, which could have changed people's attitudes, has been squandered on a low budget, badly directed movie. I only hope that some time in the future, one of the major studios will take this theme and do it justice.\": {\"frequency\": 1, \"value\": \"Full marks for the ...\"}, \"Yuck. I thought it odd that their ancient book on curses was made using a common script font instead of hand written. The acting is so apathetic at times and so over-dramatic at other times. Why would a \\\"demonico\\\" kill the two suspiciously quiet doctors who helped make him immortal? Just for the heck of it? And is it really necessary to show Lilith's motorcycle whenever she's out somewhere. We get it! You spent a little bit of money to rent some third rate crotch rocket. It doesn't mean you have to show it all the time! The \\\"Faith's\\\" lair looks like an old school Battlestar Galactica set with some last minute changes. There is a scene where we are introduced to a few people on a talk show for about 30 seconds before they are killed without apparent reason and without importance. Everyone is a throwaway character. Forgettable characters and an even more forgettable plot make this one of the most ill-conceived movies I've seen the SciFi channel come out with. Stay away unless you're into bad movies.\": {\"frequency\": 1, \"value\": \"Yuck. I thought it ...\"}, \"This week, I just thought it would be fun to catch up with Corey Haim, with just having seen the two \\\"Lost Boys\\\" films last week and all. Not that I'm a fan-boy - not by far - but I did like those two Coreys in some films back in my early teen days.

So, I prepared myself for three films starring him. Unfortunately, I picked \\\"Dream Machine\\\" as a first (never seen it before), and it was so godawfully horrible, I just decided to lock Corey back in my closet and let him sober up again first, before I pop in something else of his. But I managed to struggle my way through this film first. I had the impression it desperately wanted to play in the same league as \\\"Ferris Bueller's Day Off\\\" (1986) but got caught up in its own delusions. Practically the whole film it wants to be a comedy and near the end it hopelessly tries to be a thriller. The only good thing about \\\"Dream Machine\\\" is the premise: A dead body in the trunk of a Porsche. All the rest fails so badly, it's embarrassing. Even the most for Haim. I can dig him being his young, enthusiastic self, but at least when he comes with some form of directorial guidelines. This clearly wasn't the case in \\\"Dream Machine\\\". So, we have a perfect car, yes, that black Porsche. Haim's perfect girlfriend? Just a blonde chick who hardly has any lines in the film. The perfect murder... almost? Some dude that falls flat on his ass as the villain of the film, trying the whole movie to steal the body back out of the trunk, never really succeeds, and then at the end of the film thinks he's Michael Myers (minus the white William Shatner mask) and mistakes Corey Haim for Jamie Lee Curtis. Don't think they could have made this flick any lamer if they tried. A stupid, unfunny film with a story that leads to nowhere directed by a director that doesn't know how to direct his cast. Great accomplishment!

One last question for Mr. Haim: Who's idea was it to have you smile directly into the camera in that last shot of the movie? Yours or the director's? So not done.\": {\"frequency\": 1, \"value\": \"This week, I just ...\"}, \"I enjoyed \\\"American Movie\\\", so I rented Chris Smith's first film, which I thought was a documentary too. In the first minute I saw that it wasn't, but I gave it a go.

What a dead end film. Being true-to-life hardly serves you if you're merely going to examine tediousness, esp. tediousness that we're already familar with.

I'm sorry, but will it come as a relevation to ANYONE that 1) a lot of jobs suck and 2) most of them are crappy, minimum wage jobs in the service sector??? I knew that before I saw the film. It didn't really provide an examination of that anyway, as while the film struggles to feel \\\"real\\\" (handheld camera, no music, etc.), what's going on hardly plays out as it would in the \\\"real world.\\\"

Would an employer be so cheerful to Randy when he picks up his check, after Randy quit on him after 3 days when the guy said he expected him to stay 6 months?? Or the day after abandoning his job (and screwing up the machine he was working on), that everyone would be so easy on him??

A big problem is our \\\"hero\\\"(?), Randy. This guy is a loser. Not because he's stuck in these jobs, or has a crummy apartment, or looks like one. He's a dope. He doesn't pay attention or even really try at these jobs. He has zero personalty. If I had to hire someone, he wouldn't make it past the interview.

I'm looking forward to what Chris Smith does next, but guys, knock off the \\\"this-is-an-important-film\\\" stuff. \\\"American Job\\\" doesn't work.\": {\"frequency\": 1, \"value\": \"I enjoyed ...\"}, \"Strangler of the Swamp was made by low budget studio PRC and is certainly one of their best movies I've seen.

A man who was hanged for a murder he didn't commit returns as a ghost for revenge on the people who accused him. He uses a rope to strangle his victims and after several deaths, including the old man who operates the ferry across the swamp, he disappears. The old man's granddaughter takes over the ferry herself and also falls in love with one of the local men and they decide to get married.

This movie has plenty of foggy atmospheres, which makes it very creepy too.

The cast includes Rosemary La Planche, Blake Edwards and Charles Middleton (Flash Gordon) as the Strangler.

Strangler of the Swamp is a must for old horror fans like myself. Excellent.

Rating: 3 and a half stars out of 5.\": {\"frequency\": 1, \"value\": \"Strangler of the ...\"}, \"Uggh! I really wasn't that impressed by this film, though I must admit that it is technically well made. It does get a 7 for very high production values, but as for entertainment values, it is rather poor. In fact, I consider this one of the most overrated films of the 50s. It won the Oscar for Best Picture, but the film is just boring at times with so much dancing and dancing and dancing. That's because unlike some musicals that have a reasonable number of songs along with a strong story and acting (such as MEET ME IN ST. LOUIS), this movie is almost all singing and dancing. In fact, this film has about the longest song and dance number in history and if you aren't into this, the film will quickly bore you. Give me more story! As a result, with overblown production numbers and a weak story, this film is like a steady diet of meringue--it just doesn't satisfy in the long run.

To think...this is the film that beat out \\\"A Streetcar Named Desire\\\" and \\\"A Place in the Sun\\\" for Best Picture! And, to make matters worse, \\\"The African Queen\\\" and \\\"Ace in the Hole\\\" weren't even nominated in this category! Even more amazing to me is that \\\"Ace in the Hole\\\" lost for Best Writing, Screenplay to this film--even though \\\"An American in Paris\\\" had hardly any story to speak of and was mostly driven by dance and song.\": {\"frequency\": 1, \"value\": \"Uggh! I really ...\"}, \"This is the best Emma in existence in my opinion. Having seen the other version (1996) which is also good, and read the book, I think I can safely say with confidence that this is the true interpretation and is the most faithful to Jane Austen's masterpiece. The 1996 movie with G. Paltrow is good too, it's just that it's almost like a different story altogether. It's very light and fluffy, you don't see the darker edges of the characters and if you just want a pleasant movie, that one would do fine but the intricacies of some of the plot points, such as the Churchill/Fairfax entanglement is so much glossed over as to be virtually non-existent. But if you want the characters fleshed out a bit, more real and multidimensional, the 1996 TV version is the superior. Emma is a remarkable person, but she is flawed. Kate Beckinsale is masterful at showing the little quirks of the character. You see her look casually disgusted at some of the more simple conversation of Harriet Smith, yet she shows no remorse for having ruined Harriet's proposal until that action has the effect of ruining her own marital happiness at the ending. You see her narcissism and it mirrors Frank Churchill's in that they would do harm to others to achieve their own aims. For Emma, it was playing matchmaker and having a new friend to while away the time with after having suffered the loss of her governess to marriage. For Frank Churchill, it is securing the promise of the woman he loves while treating her and others abominably to keep the secret. In the book, she realizes all of this in a crushing awakening to all the blunders she has made. Both Kate Beckinsale and Gyneth Paltrow are convincing in their remorse but Paltrow's is more childlike and stagnant while Beckinsale's awakening is rather real and serious and you see the transition from child-like, selfish behavior to kind and thoughtful adult. Both versions are very good but I prefer this one.\": {\"frequency\": 1, \"value\": \"This is the best ...\"}, \"It begins on a nice note only to falter quickly and let down expectations.

Mac (Akshay Kumar) and Sam's (John Abraham) characters are not properly built before Mac's boss decides to hitch him with three air hostess. Rest of the drama is about how Mac, Sam and Uncle Mambo (Paresh Rawal) deal with situations which at times seem forced.

About the cast, Paresh Rawal is a very talented actor, I thought was wasted in the role of a moody cook. Akshay Kumar is tolerable, John Abraham is very bad keeps stumbling over furniture & Rajpal Yadav is the only saving grace in the movie.

The second half of the movie is funny at times, but in all a DUD (songs are boring) and a major let down if you are hoping for some wholesome entertainment and comedy.\": {\"frequency\": 1, \"value\": \"It begins on a ...\"}, \"I would have liked to write about the story, but there wasn't any. I would have liked to quote a couple of hard hitting dialogs from the movie but \\\"hinglish\\\" is only funny for like 5 minutes, after that its overkill. I would have liked to swoon over the 'keep-u-guessing suspense' but it was as predictable as... um mm, a Yash raj movie (?). I would have liked to talk of the edge-of-the-seat action, but I don't like cartoons much.

*sigh*

All in all, this movie is perfect for: 1. people attempting suicide - I promise it'll push you over the edge 2. Sado-masochists- this movie is way more effective than the barbed wire that Silas guy in the Da-Vinci code wore. 3. People researching alternative ways to spread terrorism - I swear the audience leaving the hall seemed to be in a mood to kill someone 4. Movie Piraters: More power to them. If any movies deserves to not have the audience spending money to watch - this is it. 5.Barnacles, most types of plankton & green algae - Because almost all other living things would require an IQ factor somewhat greater than what the movie offers. Afterthought: The director of the movie, obviously, is a species of his own. ( And i hope to god that he is the only one of his kind..one is enough)

Things that could have made this a better movie: 1. A story 2. A choreographer 3. A Screenplay writer 4. A stunt coordinator 5. A story (Did I already say that?) 6. A director - preferably one who is not mentally challenged (although even one who was challenged could have done a better job) 7. Anil Kapoor=Bubonic plague - Avoid at all costs 8. A statutory warning - \\\"Watching Yash Raj movies is Injurious to your mental health\\\" ?

Things I liked about the movie: 1. Kareena Kapoor - For obvious reasons 2. The English sub-titles - \\\"Mera Dil Kho Gaya\\\" becomes - \\\"My heart is in a void\\\" , \\\"Chaliya Chaliya Chaliya\\\" turns into \\\"Im a flirt, Im a lover, Im a vagabond\\\" ..priceless.

In short, Tashan to me, is like the opposite of a Rubrics cube - The cube is supposed to increase the IQ of the player, Tashan promises to lower your IQ, and that.. in a mere 2.5 hours! Woot!

*sigh*..But thats just me. I could be wrong You've been warned anyways.\": {\"frequency\": 1, \"value\": \"I would have liked ...\"}, \"For all of the Has-Beens or Never Was's or for the curious, this film is for you....Ever played a sport, or wondered what it felt like after the lights went down and the crowd left..this film explores that and more.

Robin Williams(Jack Dundee) is a small town assistant banker in Taft CA., whose life has been plagued, by a miscue in a BIG rival high school football game 13 years ago, when he dropped the pass that would have won over Bakersfield, their Arch-Rival, that takes great pleasure in pounding the Taft Rockets, season after season . Kurt Russell(Reno Hightower) was the Quarterback in that famous game, and is the local legend, that now is a van repair specialist, whose life is fading into lethargy, like the town of Taft itself.

Williams gets an idea to remake history, by replaying the GAME ! He meets with skeptical resistance, so he goes on a one man terror spree, and literally paints the town , orange, yellow and black , to raise the ire of the residents to recreate THE game . After succeeding, the players from that 1972 team reunite, and try to get in shape to practice, which is hysterical . The game is on , Bakesfield is loaded with all of the high tech gadgets, game strategies, and sophisticated training routines . Taft is drawing plays in the mud, with sticks, stones, and bottle caps, what a riot ! Does Taft overcome the odds, does Robin Willians purge the demons from his bowels, does Kurt Russell rise from lethargy, watch \\\"The Best of Times\\\" for one of the BEST viewing experiences ever!

One of Robin Williams best UNDERSTATED performances, the chemistry between Robin and Russell is magic . And who is Kid Lester ???

Holly Palance and Pamela Reed give memorable performances as the wives of Williams and Russell. Succeeds on Many Levels. A 10 !\": {\"frequency\": 1, \"value\": \"For all of the ...\"}, \"This film isn't just about a school shooting, in fact its never even seen. But that just adds to the power this film has. Its about people and how they deal with tragedy. I know it was shown to the students who survived the Columbine shooting and it provided a sense of closure for a lot of them. The acting is superb. All three main actors (Busy Phillips, Erika Christensen and Victor Garber) are excellent in their roles...I highly recommend this film to anyone. Its one of those films that makes you talk about it after you see it. It provokes discussion of not only school shootings but of human emotions and reactions to all forms of tragedy. It is a tear-jerker but it is well worth it and one i will watch time and time again\": {\"frequency\": 1, \"value\": \"This film isn't ...\"}, \"Ed Harris's work in this film is up to his usual standard of excellence, that is, he steals the screen away from anyone with whom he shares it, and that includes the formidable Sean Connery. The movie, which is more than a bit sanctimonious, comes alive only in the scenes when Harris is interrogated by the attorney for another convict. It is breathtaking, a master class in artistic control.

The other cast members are all adept and Connery is reliable, as is Fishbourne, but the story itself packs no wallop. The plot depends largely on the premise that a black prisoner always will be mistreated and coerced by white law enforcement officers. This is the engine which drives the story, right or wrong, and makes one feel a tad cheated at the end.

Still, worth watching to see Harris in action.\": {\"frequency\": 1, \"value\": \"Ed Harris's work ...\"}, \"I suppose all the inside jokes is what made Munchies a cult classic. I thought it was awful, though given the ridiculous story and the nature of the characters, it probably could've been a much better (and funnier) movie. Maybe all they needed was a real budget.

Munchies, as many viewers have pointed out already, is something of a Gremlins parody. Hence, all the references to the movie. The movie begins somewhere in Peru during an archeological dig. An annoying dufus named Paul, aspiring stand up comedian who offers no sarcasm or witty jokes during the movie despite his career plans, is holed up with his dad in the caves. His dad is an unconventional kind of archeologist, searching the caves not for artificats or mummies or anything, but proof of U.F.O.'s. And that's where the Munchies come into the picture. Hidden in the crevice of a rock is an ugly little mutant that looks like a gyrating rubber doll with a Gizmo voice. They name him Arnold, stash him in a bag, and bring him home so Paul's dad can finally show proof of extra terrestrial life.

Paul, the idiot that he is, breaks his promise to his dad to watch Arnold (a wager he made with his dad, if he loses, it's off to community college to get a 'real' career). The creepy next door neighbor with the bad rug, Cecil (television veteran Harvey Korman), wonders what his neighbors are up to. So, he and his lazy son, some airhead hippie type (who looks more like they should've made his character a biker or heavy metal enthusiast) to go and snatch Arnold. Why? A get rich quick scheme of course. And of course, even Cecil's son is too dumb to look after Arnold. And after a few pokes and prods at Arnold, he multiplies into more Munchies.

This wasn't even a movie that was so bad it was good. It was just plain awful. I was hoping that the Munchies would've mutated and killed the morons that were always after them, even Paul and his girlfriend. At least it would be one way to get rid of all the bad acting in this movie that really hams up the movie. Not to mention poor special effects that look like hand puppets. And really bad writing all around--it wasn't even funny--not even that young cop who can really give you the homicidal twitch in your eye. Like I said, Munchies, if they had been given an actual budget and better actors, they might've been able to pull off a good parody. Pass.\": {\"frequency\": 1, \"value\": \"I suppose all the ...\"}, \"Anna (Charlotte Burke) develops a strange fever that causes her to pass out and drift off into a world of her own creation. A bleak world she drew with a sad little boy as the inhabitant of an old dumpy house in the middle of a lonely field. Lacking in detail, much like any child drawing the house and it's inhabitant Marc (who can't walk because Anna didn't draw him any legs) are inhabitants of this purgatory/limbo world. Anna begins visiting the boy and the house more frequently trying to figure what's what and in the process tries to help save the boy, but her fever is making it harder for her to wake up each time and may not only kill her, but trap her and Marc there forever.

Wow! Is a good word to sum up Bernard Rose's brilliantly haunting and poetic Paperhouse. A film that is so simple that it's damn near impossible to explain and impossible to forget. While you may find this puppy in your horror section it's anything but. It's more of a serious fantasy, expertly directed, and exceptionally well acted by it's cast, in particular Charlotte Burke and Elliot Speirs (Marc). And yet, it's not a children's movie either, but meant to make us remember those carefree days of old that are now just dark memories. Rose creates a rich tapestry of moody ambiance that creates a thrilling backdrop for the brilliant story and great actors to play with. Paperhouse stays away from trying to explain it's more dreamy qualities and leaves most things to the viewers imagination. There's much symbolism and ambiguity here to sink your teeth into. Paperhouse enjoys playing games with the viewers mind, engrossing you with it's very own sense of reasoning. As the story unfolded I was again and again impressed at just how powerful the film managed to be up to the finale which left me with a smile on my face and a tear in my eye.

Bernard Rose's visuals are brilliant here. He's able to create an unnervingly bleak atmosphere that appears simple on the surface, but as a whole is much greater than the sum of it's parts. The acting is of young Charlotte Burke in this, her feature debut, is a truly impressing as well. Unfortunately she's not graced the screen since. A much deserved Burnout Central award only seems proper for that performance. Toward the end the movie lags a bit here and there, but I was easily able to overlook it. I wished they had took a darker turn creating a far more powerful finale that would have proved to be all the more unnerving and truly riveting in retrospect. The movie as is, is still one for the books and deserves to be seen by any serious film lover. It's a poetic ride told through the innocent eyes of a child, a powerful film in which much is left to be pondered and far more to be praised.\": {\"frequency\": 2, \"value\": \"Anna (Charlotte ...\"}, \"\\\"Cinderella\\\" is one of the most beloved of all Disney classics. And it really deserves its status. Based on the classic fairy-tale as told by Charles Perrault, the film follows the trials and tribulations of Cinderella, a good girl who is mistreated by her evil stepmother and equally unlikable stepsisters. When a royal ball is held and all eligible young women are invited (read: the King wants to get the Prince to marry), Cinderella is left at home whilst her stepmother takes her awful daughters with her. But there is a Fairy Godmother on hand...

The story of \\\"Cinderella\\\" on its own wouldn't be able to pad out a feature, so whilst generally staying true to the story otherwise, the fairly incidental characters of the animals whom the Fairy Godmother uses to help get the title character to the ball become Cinderella's true sidekicks. The mice Jaq and Gus are the main sidekicks, and their own nemesis being the stepmother's cat Lucifer. Their antics intertwine generally with the main fairy-tale plot, and are for the most part wonderful. Admittedly, the film does slow down a bit between the main introduction of the characters and shortly before the stepsisters depart for the ball, but after this slowdown, the film really gets going again and surprisingly (since \\\"Cinderella\\\" is the most worn down story of all time, probably) ends up as one of the most involving Disney stories.

The animation and art direction is lovely. All of the legendary Nine Old Men animated on this picture, and Mary Blair's colour styling and concept art (she also did concept art and colour styling for \\\"Alice in Wonderland\\\", \\\"Peter Pan\\\", \\\"The Three Caballeros\\\" and many many others) manage to wiggle their way on screen. The colours and designs are lovely, especially in the Fairy Godmother and ball scenes, as well as in those pretty little moments here and there.

Overall, \\\"Cinderella\\\" ranks as one of the best Disney fairy-tales and comes recommended to young and all that embodies the Disney philosophy that dreams really can come true.\": {\"frequency\": 1, \"value\": \"\\\"Cinderella\\\" is ...\"}, \"Absolutely wonderful drama and Ros is top notch...I highly recommend this movie. Her performance, in my opinion, was Academy Award material! The only real sad fact here is that Universal hasn't seen to it that this movie was ever available on any video format, whether it be tape or DVD. They are ignoring a VERY good movie. But Universal has little regard for its library on DVD, which is sad. If you get the chance to see this somewhere (not sure why it is rarely even run on cable), see it! I won't go into the story because I think most people would rather have an opinion on the film, and too many \\\"reviewers\\\" spend hours writing about the story, which is available anywhere.

a 10!\": {\"frequency\": 1, \"value\": \"Absolutely ...\"}, \"Be warned!

This is crap that other crap won't even deign to be in company with because it's beneath them! Okay, got that out of the way, let me say something more substantive.

I've seen Ashes of Time a very long time ago thinking it was a fresh take on the material which is based on a highly revered wuxia tome of a novel due to the emerging reputation of the director, Wong Kar Wai. Well, despite of all of that WKW hasn't succeeded at adapting the novel on screen according to a lot of wuxia fans; mostly it is just shots of dripping water, beads of sweats, legs of horses running, etc. I couldn't sit through most of the movie.

Fast forward many years later when I wanted to give Mr. Wong's movies another shot after hearing many praises, especially from Cannes. I was intrigued by his latest, 2046. A friend told me to start w/ Chungking Express because it is his most accessible movies. So wrong! I was just p.o. that I got duped into wasting my time and money on this piece of pretentious nothingness. Some professional reviewers mentioned it as a meditation on alienation and loneliness in a modern big city, blah, blah, blah. It's all fine if the director has a point of view with something to say as to why these things happen and tell it. But no, he merely shows what is. Faye Wong's acting is very typical of Hong Kong's style: garbled enunciation, deer in the headlight wide eye expression, try to be cute and girlish kind of acting; the rest of the cast is equally uninspired.

I think the word, Auteur, is a euphemism for a director who tries something new and different, which is to be applauded, but not one who hasn't yet mastered the art of cinematic story telling, which is what Mr. Wong is, for the last 17 years!\": {\"frequency\": 1, \"value\": \"Be warned!

I can't understand the praise given to this film. The writing was downright awful and delivered by some of the worst acting I have seen in a very long time.

One thing that especially annoyed me about this film was that often when people were talking to each other there was an unnatural pause between lines. I understand using a pause to create a feeling of awkwardness (like in Happiness). This was not that type of pause -- it was just simply bad directing. This film might actually be much better with subtitles, and maybe the overseas market is the best one for this film, because then the innane dialogue and bad acting wouldn't be noticed as much.

I generally like these types of small quirky films (The Real Blonde, Walking and Talking, Lovely and Amazing), but this one failed on so many levels that I consider it one of the very worst films I have sat through in the last few years.\": {\"frequency\": 1, \"value\": \"My girlfriend and ...\"}, \"A police officer (Robert Forster) in a crime ridden city has his wife attacked and young son killed after she dares to stand up to a thug at a petrol station. After the murderers get off scot-free thanks to a corrupt judge and he himself is jailed for 30 days for contempt of court, he decides to take matters into his own hands by joining a group of vigilantes led by a grizzled looking Fred Williamson. These Robin Hood types sort out any criminal that the law is unwilling to prosecute, and with their help he attempts to track down those that wronged him..

This film is nothing but a big bag o'clich\\ufffd\\ufffds. The only thing out of the ordinary is the on-screen slaying of a two year old boy, which was pretty sick. Otherwise it's business as usual for this genre e.g involves lots of car chases, beatings and shootings mixed in with plenty of male posturing. I could have done without the prison fight in the shower involving all those bare-a**ed inmates, though. Also, did they run out of money before filming the last scenes? I mention this because it ends very abruptly with little closure. If anyone knows, give me a bell.. actually, don't bother.

To conclude: File under \\\"Forgettable Nonsense\\\". Next..\": {\"frequency\": 1, \"value\": \"A police officer ...\"}, \"Vampires, sexy guys, guns and some blood. Who could ask for more? Moon Child delivers it all in one nicely packaged flick! Gackt is the innocent Sho - who befriends a Vampire Kei (HYDE), their relationship grows with time but as Sho ages, Kei's immortality breaks his heart. It doesn't help that they both fall in love with the same woman. The special effects are pretty good considering the small budget. It's a touching story ripe with human emotions. You will laugh, cry, laugh, then cry some more. Even if you are not a fan of their music, SEE THIS FILM. It works great as a stand alone Vampire movie.

9 out of 10\": {\"frequency\": 1, \"value\": \"Vampires, sexy ...\"}, \"Spielberg's first dramatic film is no let-down. It's a beautifully made film without any flaws about the life of an African-American woman. It also proves that not all movies that have the African-American ethnicity as the center of the story have to be helmed by an African-American director.

What I love about this movie is Spielberg's ability to make it very realistic despite the fact that it was based on a book. Furthermore, Danny Glover was excellent as Mr. And usually, he's just himself throughout most of his movies. But in this, he completely branches out and is someone else for once. But, the performance de resistance of the whole film comes from Whoopi Goldberg. She is excellent as Celie. You will never forget these characters once you've seen this movie.

Now, I heard that the musical version of it is going to be a film as well, and all I can say is: I hope it's about as good as this one is, because this one is a film that shouldn't be missed.\": {\"frequency\": 1, \"value\": \"Spielberg's first ...\"}, \"How can such good actors like Jean Rochefort and Carole Bouquet could have been involved in such a... a... well, such a thing ? I can't get it. It was awful, very baldy played (but some of the few leading roles), the jokes are dumb and absolutely not funny... I won't talk more about this movie, except for one little piece of advice : Do not go see it, it will be a waste of time and money.\": {\"frequency\": 1, \"value\": \"How can such good ...\"}, \"John Schlesinger's 'Midnight Cowboy' is perhaps most notable for being the only X-rated film in Academy history to receive the Oscar for Best Picture. This was certainly how I first came to hear of it, and, to be completely honest, I didn't really expect much of the film. This is not to say that I thought it would be horrible, but somehow I didn't consider it the sort of movie that I would enjoy watching. This is one reason why you should never trust your own instincts on such manners \\ufffd\\ufffd a remarkable combination of stellar acting, ambitious directing and a memorable soundtrack (\\\"Everybody's talking' at me, I don't hear a word they're sayin'\\\") make this film one of the finest explorations of life, naivety and friendship ever released.

Young Joe Buck (then-newcomer Jon Voight), dressed proudly as a rodeo cowboy, travels from Texas to New York to seek a new life as a hustler, a male prostitute. Women, however, do not seem to be willing to pay money for his services, and Joe faces living in extreme poverty as his supply of money begins to dry up. During these exploits, Joe comes to meet Enrico \\\"Ratso\\\" Rizzo (Dustin Hoffman), a sickly crippled swindler who initially tries to con Joe out of all his money. When they come to realise that they are both in the same predicament, Ratso offers Joe a place to stay, and, working together, they attempt to make (largely dishonest) lives for themselves in the cold, gritty metropolis of New York.

Joe had convinced himself that New York women would be more than willing to pay for sex; however, his first such business venture ends with him guiltily paying the woman (Sylvia Miles) twenty dollars. Though he might consider himself to be somewhat intelligent, Ratso is just as na\\ufffd\\ufffdve as Joe. Ratso, with his painful limp and hacking cough, is always assuring himself that, if only he could travel to the warmth of Miami, somehow everything would be all right. This misguided expectation that things will get better so easily is quite reminiscent of Lennie and George of John Steinbeck's classic novel, 'Of Mice and Men.'

Shot largely on the streets of New York, 'Midnight Cowboy' is a grittily-realistic look at life in the slums. Watching the film, we can almost feel ourselves inside Ratso's squalid, unheated residence, our joints stiff from the aching winter cold. The acting certainly contributes to this ultra-realism, with both Voight and Hoffman masterfully portraying the two decadent dregs of modern society. Hoffman, in particular, is exceptional in his role (I'm walkin' here! I'm walkin' here!\\\"), managing to steer well clear of being typecast after his much-lauded debut in 1967's 'The Graduate.' Both stars were later nominated for Best Actor Oscars (also nominated for acting \\ufffd\\ufffd bafflingly \\ufffd\\ufffd was Sylvia Miles, for an appearance that can't have been for more than five minutes), though both ultimately lost out to John Wayne in 'True Grit.' 'Midnight Cowboy' eventually went on to win three Oscars from seven nominations, including Best Picture, Best Director for Schlesinger and Best Writing for Waldo Salt.

'Midnight Cowboy' is told mainly in a linear fashion, though there are numerous flashbacks that hint at Joe's past. Rather than explicitly explaining what these brief snippets are actually about, the audience is invited to think about it for themselves, and how these circumstances could have led Joe onto the path he is now pursuing. The achingly-beautiful final scene leaves us with a glimmer of hope, but a large amount of uncertainty. Gritty, thought-provoking and intensely fascinating, 'Midnight Cowboy' is one for the ages.\": {\"frequency\": 1, \"value\": \"John Schlesinger's ...\"}, \"This movie isn't as bad as I heard. It was enjoyable, funny and I love that is revolves around the holiday season. It totally has me in the mood to Christmas shop and listen to holiday music. When this movie comes out on DVD it will take the place of Christmas Vacation in my collection. It will be a movie to watch every year after Thanksgiving to get me in the mood for the best time of the year. I heard that Ben's character was a bit crazy but I think it just adds to the movie and why be so serious all the time. Take it for what is it, a Christmas comedy with a love twist. I enjoyed it. No, it isn't Titanic and it won't make your heart pound with anticipation but it will bring on a laugh or two. So go laugh and have a good time:)\": {\"frequency\": 1, \"value\": \"This movie isn't ...\"}, \"Frank Tashlin's 'The Home Front' is one of the more lifeless Private Snafu shorts, a series of cartoons made as instructional films for the military. Rather than have Snafu take some inadvisable actions leading to disaster, 'The Home Front' instead focuses on his loved ones back home and how much they have to offer to the war effort too. Snafu realises he was wrong when he thought they had it easy. It's a concept with few possibilities for good gags and instead Tashlin plays the risqu\\ufffd\\ufffd card more heavily, extended jokes involving strippers and scantily clad dancing girls in place of much effective comic relief. The result is a well-meaning short which has little relevance or entertainment value today other than as an historical artefact.\": {\"frequency\": 1, \"value\": \"Frank Tashlin's ...\"}, \"Man, this movie sucked big time! I didn't even manage to see the hole thing (my girlfriend did though). Really bad acting, computer animations so bad you just laugh (woman to werewolf), strange clips, the list goes on and on. Don't know if its just me or does this movie remind you of a porn movie? And I don't mean all the naked ladys... It's something about the light or something... This could maybee become a classic just because of the bad acting and all the naked women, but not because it's an original movie white a nice plot twist. My final words are: Don't see it! It's not worth the time. If you wanna see it because the nakedness there's lots of better ones to see!\": {\"frequency\": 1, \"value\": \"Man, this movie ...\"}, \"This movie has it all, action, fighting, dancing, bull riding, music, pretty girls. This movie is an authenic look at middle America. Believe me, I was there in 1980. Lots of oil money, lots of women, and lots of honky tonks. Too bad they are all gone now. The movie is essentially just another boy meets girl, boy loses girl, boy gets girl back, but it is redeemed by the actors and the music. There is absolutely no movie with any better music that this movie, and that includes American Graffiti. It is a movie I watch over and over again and never get tired of it. Every time I watch it, I am young again, and it is time to go out honky tonking. The only reason I only gave it a 9 is because you cannot rate a movie zero, I do not feel you should rate one 10.\": {\"frequency\": 1, \"value\": \"This movie has it ...\"}, \"Nothing new is this tired serio-comedy that wastes the talents of Danny Glover and Whoopi Goldberg. Considering that this was produced by the stars and Spike Lee, it's pretty tame and tired stuff. And how come the Whoop never changes her hair or glasses over the many years this film covers? Blah!\": {\"frequency\": 1, \"value\": \"Nothing new is ...\"}, \"I've seen this movie after watching Paltrow's version. I've found that one a very good one, and I thought this would not be as good... but I was wrong: British version was far better and enjoyable! I found Jeremy Northam more \\\"agreeable\\\" than Mark Strong, but I can say that Strong catches much better Austen's Knightley. Anyway, both versions are good,but anyone that loved Austen's books, should watch this movie. I agree with *caalling*: Andrew Davies changed a few things, but still remains faithful to the original.

10 out of 10

My 2 cents!\": {\"frequency\": 1, \"value\": \"I've seen this ...\"}, \"While Hollywood got sort of stagnant during the few years after WWII, England developed a very prolific film industry. In \\\"The Man in the White Suit\\\", inventor Sidney Stratton (Alec Guinness) creates a suit that never gets dirty. Unfortunately, this means that certain other businesses are now likely to go out of business! How can Sidney deal with this and maintain his dignity? This is an example of one of the great movies in which Alec Guinness starred before he became Obi Wan Kenobi. It's a good look at the overall absurdity of the business world. If you're planning to start any kind of business, you might want to consider watching this movie.\": {\"frequency\": 1, \"value\": \"While Hollywood ...\"}, \"This is an amateur movie shot on video, not an \\\"electrifying drama\\\" as the DVD liner notes falsely boast. I have seen much better stuff from undergrad film students. The bulk of the story unfolds with an all-nite taxi ride around Jakarta. This movie could have been made using a single video camera, but there are a few sections where two cameras were used and the content was bounced together later. The editing is extremely rough. The final edit was probably done with two cameras, bouncing content back and forth, instead of with a proper editor. Perhaps they did the editing in the taxi too? The English subtitles were written by someone not fluent in English, e.g., \\\"Where you go now?\\\" To say the production quality is on a par with Blair Witch is generous. If you're not scared away yet, this film was an ambitious and creative endeavor, with lots of cool and funky images from all over Jakarta.\": {\"frequency\": 1, \"value\": \"This is an amateur ...\"}, \"I first came across 'My Tutor Friend' accidentally one or two years ago while TV surfing. Prior to that, I'd never watched any Korean films before in my whole life, so MTF was really the first Korean film I've ever watched. And- what a delightful surprise! I was thoroughly amused from the beginning to end, and had a great time laughing. Its comic style is quite different from those of the Hong Kong comic films (which I've been to used to all my life and hence tired of as well), breathing fresh air into my humdrum film viewing experience. I thought there're quite a few scenes and tricks in MTF that are pretty hilarious, witty, and original too.

I watched MTF the second time a few days ago, and having watched it once already, the surprise/comic effect on me kind of mitigated. That has, however, by no means affected negatively my opinion of the film. Instead, something else came through this time- it moved me- the story about how two young, seemingly 'enemies' who're utterly incompatible get thrown together, and how they gradually resolve their differences and start caring for each other without realizing the feelings themselves, reminds me of the long gone high school days. To me, Su Wan and Ji Hoon ARE actually compatible as they both have something that is pure and genuine inside them, a quality that separates them from people like say, Ji Hoon's sassy girlfriend.

The film is divided into two distinct parts- the 1st part deals with the 'fight' between Su Wan and Ji Hoon, and is more violent and faster in pace. After Ji Hoon gets a pass in his final examination and Su Wan dances the (in Ji Hoon's opinion) provocative dance, things start to change. The pace slows down and... Ji Hoon suddenly realizes he cares for Su Wan more than he could ever imagine. So the 2nd part deals with the development of their mutual feelings, leading of course to a happy ending accompanied by a final showdown with the gang boss.

Just one last comment. I find this to be a bit unbelievable- the fact that a 21-year-old self-proclaimed 'bad boy' would feel embarrassed being almost naked in front of the girl he bullies and loses his 'cool' is just a little... odd. I guess that shows that Ji Hoon is just a boy pure at heart and isn't really what his appearance seems. Btw, Kwong San Woo (Ji Hoon) DOES have a sexy body and perfect figure! ;-)

MTF is definitely on my list of top 10 favorite films of all time.\": {\"frequency\": 1, \"value\": \"I first came ...\"}, \"This was one of the DVD's I recently bought in a set of six called \\\"Frenchfilm\\\" to brush up our French before our planned holiday in beautiful Provence this year. So far, as well as improving our French we have considerably enhanced our appreciation of French cinema.

What a breath of fresh air to the stale, predictable, unimaginative, crash bang wallop drivel being churned out by Hollywood. What a good example for screenplay writers, actors, directors and cinematographers to follow. It was so stimulating also to see two identifiable characters in the lead roles without them having to be glossy magazine cover figures.

The other thing I liked about this film was the slow character and plot build up which kept you guessing as to how it was all going to end. Is there any real good in this selfish thug who continually treats his seemingly na\\ufffd\\ufffdve benefactor with the type of contempt that an ex-con would display? Will our sexually frustrated poor little half deaf heroine prove herself to the answer to her dreams and the situation that fate has bestowed upon her? The viewer is intrigued by these questions and the actors unravel the answers slowly and convincingly as they face events that challenge and shape their feeling towards each other.

Once you have seen this film, like me you may want to see it again. I still have to work out the director's psychological motive for the sub plot in the role of the parole officer and some of the subtle nuances of camera work are worth a second look. The plot does ask for a little imagination when our hero is given a chance to assist our misused and overworked heroine in the office. You must also be broad minded to believe in her brilliant lip reading and how some of the action falls into place. But if you go along for the thrilling ride with this example of French cinema at its best you will come out more than satisfied. Four stars out of five for me.\": {\"frequency\": 1, \"value\": \"This was one of ...\"}, \"\\\"Scoop\\\" is also the name of a late-Thirties Evelyn Waugh novel, and Woody Allen's new movie, though set today, has a nostalgic charm and simplicity. It hasn't the depth of characterization, intense performances, suspense or shocking final frisson of Allen's penultimate effort \\\"Match Point,\\\" (argued by many, including this reviewer, to be a strong return to form) but \\\"Scoop\\\" does closely resemble Allen's last outing in its focus on English aristocrats, posh London flats, murder, and detection. This time Woody leaves behind the arriviste murder mystery genre and returns to comedy, and is himself back on the screen as an amiable vaudevillian, a magician called Sid Waterman, stage moniker The Great Splendini, who counters some snobs' probing with, \\\"I used to be of the Hebrew persuasion, but as I got older, I converted to narcissism.\\\" Following a revelation in the midst of Splendini's standard dematerializing act, with Scarlett Johansson (as Sondra Pransky) the audience volunteer, the mismatched pair get drawn into a dead ace English journalist's post-mortem attempt to score one last top news story. On the edge of the Styx Joe Strombel (Ian McShane) has just met the shade of one Lord Lyman's son's secretary, who says she was poisoned, and she's told him the charming aristocratic bounder son Peter Lyman (Hugh Jackman) was the Tarot Card murderer, a London serial killer. Sondra and Sid immediately become a pair of amateur sleuths. With Sid's deadpan wit and Sondra's bumptious beauty they cut a quick swath through to the cream of the London aristocracy.

Woody isn't pawing his young heroine muse -- as in \\\"Match Point,\\\" Johansson again -- as in the past. This time moreover Scarlett's not an ambitious sexpot and would-be movie star. She's morphed surprisingly into a klutzy, bespectacled but still pretty coed. Sid and Sondra have no flirtation, which is a great relief. They simply team up, more or less politely, to carry out Strombel's wishes by befriending Lyman and watching him for clues to his guilt. With only minimal protests Sid consents to appear as Sondra's dad. Sondra, who's captivated Peter by pretending to drown in his club pool, re-christens herself Jade Spence. Mr. Spence, i.e., Woody, keeps breaking cover by doing card tricks, but he amuses dowagers with these and beats their husbands at poker, spewing non-stop one-liners and all the while maintaining, apparently with success, that he's in oil and precious metals, just as \\\"Jade\\\" has told him to say.

That's about all there is to it, or all that can be told without spoiling the story by revealing its outcome. At first Allen's decision to make Johansson a gauche, naively plainspoken, and badly dressed college girl seems not just unkind but an all-around bad decision. But Johansson, who has pluck and panache as an actress, miraculously manages to carry it off, helped by Jackman, an actor who knows how to make any actress appear desirable, if he desires her. The film actually creates a sense of relationships, to make up for it limited range of characters: Sid and Sondra spar in a friendly way, and Peter and Sondra have a believable attraction even though it's artificial and tainted (she is, after all, going to bed with a suspected homicidal maniac).

What palls a bit is Allen's again drooling over English wealth and class, things his Brooklyn background seems to have left him, despite all his celebrity, with a irresistible hankering for. Jackman is an impressive fellow, glamorous and dashing. His parents were English. But could this athletic musical comedy star raised in Australia (\\\"X-Man's\\\" Wolverine) really pass as an aristocrat? Only in the movies, perhaps (here and in \\\"Kate and Leopold\\\").

This isn't as strong a film as \\\"Match Point,\\\" but to say it's a loser as some viewers have is quite wrong. It has no more depth than a half-hour radio drama or a TV show, but Woody's jokes are far funnier and more original than you'll get in any such media affair, and sometimes they show a return to the old wit and cleverness. It doesn't matter if a movie is silly or slapdash when it's diverting summer entertainment. On a hot day you don't want a heavy meal. The whole thing deliciously evokes a time when movie comedies were really light escapist entertainment, without crude jokes or bombastic effects; without Vince Vaughan or Owen Wilson. Critics are eager to tell you this is a return to the Allen decline that preceded \\\"Match Point.\\\" Don't believe them. He doesn't try too hard. Why should he? He may be 70, but verbally, he's still light on his feet. And his body moves pretty fast too.\": {\"frequency\": 1, \"value\": \"\\\"Scoop\\\" is also ...\"}, \"This movie is a good example of the extreme lack of good writers and directors in Hollywood. The fact that people were paid to make this piece of junk shows that there is a lack of original ideas and talent in the entertainment business. The idea that audiences paid to see this movie (and like an idiot I rented the film) is discouraging also.

Obsessed teacher (3 years prior) kills teenager's family because he wants her. For no reason he kills the mother, father and brother. From the first five minutes you see the bad acting and direction. Years later, obsessed teacher breaks out of prison. HMM--usual bad writing--no one in the town he terrorized knows until the last minute. Obsessed teacher somehow becomes like a Navy SEAL and can sneak around, sniff out people and with a knife is super killer. Sure!!! Now obsessed teacher kills hotel maid for no reason, knifes bellhop for the fun of it, and starts to hunt down the teenager's friends. Now there is the perfect way to get the girl to love you. Obsessed teacher sneaks out of hotel---again it is stupid, ever cop would know his face--but he walks right by them. Now he kills two cops outside teenager's house and somehow sneaks into her bedroom and kills her boyfriend.

There is not one single positive thing about this piece of garbage. If any other profession put out work of this low quality, they would be fired. Yet these idiots are making hundreds of thousands of dollars for writing and directing this trash.\": {\"frequency\": 1, \"value\": \"This movie is a ...\"}, \"I have not read the other comments on the film, but judging from the average rating I can see that they are unlikely to be very complementary.

I watched it for the second time with my children. They absolutely loved it. True, it did not have the adults rolling around the floor, but the sound of the children's enjoyment made it seem so.

It is a true Mel Brooks farce, with plenty of moral content - how sad it is to be loved for our money, not for whom we are, and how fickle are our friends and associates. There are many other films on a similar subject matter, no doubt, many of which will have a greater comic or emotional impact on adults. It's hard for me to imagine such an impact on the junior members of the family, however.

Hence, for the children, a 9/10 from me.\": {\"frequency\": 1, \"value\": \"I have not read ...\"}, \"This film is a joke and Quinton should be ashamed of himself, trying to pass this off as a Modesty Blaise Film. If you are having trouble sleeping then all means rent this film. The stick figure they call a actress who is suppose to be Modesty Blaise has got to be the most boring person on this planet. Maybe she could be used as a hat stand in the back ground of a real film.seventy-five minutes of nothing thank you who ever invented the fast forward button. If you see this film if you can call it that coming your way RUN. I can't help but think what 3rd world country could of used the money wasted of this crap. this film is boring the actors are boring waste of colour a waste air they breath If you would like to see Mostey Blaise Film then watch the one they made in the 60's maybe that what the director should of done.\": {\"frequency\": 1, \"value\": \"This film is a ...\"}, \"Look, although we don't like to admit it, we've all have to suppress our fears concerning the extreme likelihood of experiencing the events that take place in this movie. You know: you get into your car and you immediately start thinking,\\\"Gosh, I hope today isn't the day that my accelerator sticks at a comfortable cruising speed of 55 mph, all four door latches break in the locked position, both my main and emergency brake fail, my ignition switch can't be turned off, and I've got a full tank of gas; all simultaneously.\\\" Fortunately, for most of us, our Thorazine kicks-in before we actually decide that it's a bad idea to be driving a car. Not so for the makers of the harrowing, white-knuckle, edge-of-your-seat (if only in preparation to leave the room) action juggernaut, \\\"Runaway Car\\\" But they go ahead and drive anyway!

I am endlessly pleased to have found (thanks to the imdb) that this movie is real, and that I didn't merely dream it.

This movie is, at the very least, one of the fantastic sights you will see on your journey to find the El Dorado of Very Bad Cinema.

I highly recommend it.\": {\"frequency\": 1, \"value\": \"Look, although we ...\"}, \"\\\"Casomai\\\" is a masterful tale depicting the story of a young couple who wade through the murky waters of marriage. The story is very believable in telling the strange see-saw between oblivion and continuous interference by others, which is fairly typical in Italy (one may wonder whether such happenings are different elsewhere, though). Pavignano and D'Alatri were very good at writing, and that is one of the strong points of the movie. Acting by Stefania Rocca and Fabio Volo is sober and gripping. And the figure of the sympathetic priest is funny and well-rounded. All in all, a truly deserving movie, probably one of the best Italian movies of the year.\": {\"frequency\": 1, \"value\": \"\\\"Casomai\\\" is a ...\"}, \"So, Todd Sheets once stated that he considers his 1993, shot-on-video Z-epic, Zombie Bloodbath to be his first feature film. Anyone who's ever seen a little beauty called Zombie Rampage knows exactly how untrue that statement is. I mean, what makes this one that much more superior? Well, then again, Zombie Rampage doesn't include that mullet guy, now does it?

For one to comprehend exactly why Zombie Bloodbath is actually considered worth a damn, one must remember what the 90's were like for lovers of bad horror. A decade that all but said goodbye to B and Z-cinema as we knew it. Technological advances, awkward trends, and the internet would abolish the mysterious charms of the s.o.v.'s big-boxed golden years. And anything remotely resembling quality schlock was all too self-aware for it's own good, basically defeating the purpose. Luckily, not everyone changes with the times. Enter Zombie Bloodbath.

And I guess this is the part where I explain the same exact premise from 500 other zombie flicks from the last 40 years. Alright, so, Some kind of accident at a nuclear plant infects everyone in sight, turning them into flesh-eating zombies, who go on a rampage, inflicting some of the most gruesome, yet humorous gore-scenes of the 90's. The first 20 minutes are cluttered with the most awkward-sounding conversations you could imagine. Conversations that let you know that this isn't just a low-budget zombie flick, this is a Z-grade disasterpiece, fella. plenty Hysterical, non-existent acting to go around, and that goes triple for Mr. Mullet. That guy is truly the highlight of the night.

The fact that Todd Sheets seriously considers Zombie Bloodbath to be THAT superior to Zombie Rampage, amuses me to no end. I mean really, both are complete jokes on celluloid, but then again, so is Redneck Zombies, so, obviously Todd Sheets is in the company of awsomeness. By 1993, a movie this bad would no doubt, be a full-blast spoof, but Mr. Sheets stands his ground, giving us some good old fashion schlock, the way it was meant to be, unaware, clueless, and pointless. God bless Todd Sheets. For anyone seeking surprisingly worthwhile 90's B-Horror, Leif Jonker's Darkness should be at the top of your list. As for Zombie Bloodbath, if you're a gorehound who got bored sometime around 1990, then '93 would be the perfect time to pick up. 8/10\": {\"frequency\": 1, \"value\": \"So, Todd Sheets ...\"}, \"I agree with \\\"Jerry.\\\" It's a very underrated space movie (of course, how many good low-budget ones AREN'T underrated?) If I remember correctly, the solution to the mystery was a sort of variation (but not \\\"rip-off\\\") of 2001, because the computer controlling the spaceship had actually been a man, who had somehow been turned into a computer. And like HAL, they tried to disconnect his \\\"mind\\\", but not the mechanical parts of him, and as with HAL, it led to disaster. There is at least one funny moment. When the Christopher Cary character, who can't find any food, finds the abandoned pet bird, there's a kind of ominous moment, but then the obvious thing doesn't happen after all.\": {\"frequency\": 1, \"value\": \"I agree with ...\"}, \"It's easy to forget, once later series had developed the alien conspiracy plot arc more, that once upon a time, The X-Files' wrote episodes like \\\"GenderBender\\\" and \\\"Fearful Symmetry\\\", where the aliens weren't all little grey men or mind-control goop, but could actually surprise you.

\\\"Fearful Symmetry\\\" starts with an \\\"invisible elephant\\\" - actually an elephant somehow dislocated in space and time, not a mile away from \\\"The Walk\\\" - and ends with a pregnant gorilla being abducted. And it's very much an episode of wonderful moments. The subplot is annoyingly worthy - yeah, we get it, zoos are bad except when they're not - but the ideas that within it are fascinating, visually powerful, and very memorable, and it covers an angle on abduction that is largely overlooked - why *would* humans be the only things that aliens are interested in?

In the end, it wasn't an instant classic, but it was enjoyable viewing while it lasted, again, very memorable, and mainly, it's something that you couldn't imagine many other shows doing.\": {\"frequency\": 1, \"value\": \"It's easy to ...\"}, \"By all the fawning people have been doing over Miike and his work. I sat through this flick tonight. I figured, if it's half as good as Ringu, as I assumed from these comments it might be, than it will be worth my time.

No such luck.

I'm all for finding the next great director (or writer), but I don't think Miike is the one. I don't have an NYU Masters of Fine Arts, but I do know this much: a horror movie has to have pacing. It also has to give the viewer more credulity than this movie does.

This film's pacing had me shaking my head. Some of the scenes near the end dragged so badly, I went to the fridge and lingered there while Kou Shibasaki stared at the camera for seemingly minutes on end, eyes wide and mouth agape. A famous director once made the claim, and I'm paraphrasing, a movie could be made by turning the camera on a beautiful woman and letting it roll. Kou is not a good enough actress to make that work. She stares paralyzed at the undead girl for more scenes than I care to remember. And she isn't the only one doing an impersonation of a deer in headlights; other cast members apparently feel the need to imitate this non-performance. The script gives them little room to do much else for far too much of the time.

I like Asian cinema. Hong Kong action flicks from the last 30 years, Korean horror like \\\"Phone\\\" and \\\"Koma\\\", Ang Lee's work, some of the trashy but fun Filipino movies with gratuitous sex and fighting, as well as others. Chakushin Ari I could have done without.\": {\"frequency\": 1, \"value\": \"By all the fawning ...\"}, \"As a spiritualist and non Christian. I thought i really was going to be holding onto my faith, but what a load of i seers. I thought the film would have great arguments, but only got one sided views from Atheists and Jews??? And who are all these street people he's interviewing who don't know the back of their arm from their head. Where are the proper theologians and priests and stuff he could have got arguments from. Not retired nuts who wrote books and finished their studies in 1970. Personally this DVD was a waste of time and not worth my time to check if the facts are right or wrong or if i should or should not believe because an anti-Christ told me so. Please to think he came up with the conclusion of not finding God because his own ego and demons got the better of him. No im not going to say the movie was stunning to help atheists reading this feel better about themselves. But if you really want to show the world you care about us poor souls who believe in Jesus then entice us with your worth, not your beating off the drums.\": {\"frequency\": 1, \"value\": \"As a spiritualist ...\"}, \"Whenever I see most reviews it's called 'a misfire for Eddie Murphy'. These critics want to take a look at some of the stuff he's doing these days, and maybe soften their stance in retrospect... \\\"The Golden Child\\\" is not highbrow entertainment, but thanks to some of the cast it breaths new life into old clich\\ufffd\\ufffds, and gives Murphy one of his best roles. I don't understand the pervading lack of 'love' for its efforts, at all. Perhaps it was released at a time when the establishment had grown weary of knockabout, thrill-a-minute adventures? Steven Spielberg started it with Indiana Jones; it's unfair to make this one a scapegoat when what is possibly its biggest sin is also utterly harmless. There's nothing necessarily wrong with trying to capitalise on trends.

Yes it's silly, but even an occasional observer should be able to understand that 'ridiculous' is where Hollywood's idea of mysticism begins and ends. What's more important than believability with a story like this is that the audience have entertaining tour guides on hand to show them the mysterious sights. Michael Ritchie and Eddie Murphy fit the bill for this capacity just fine. My advice to you is to buy the ticket and take the ride.\": {\"frequency\": 1, \"value\": \"Whenever I see ...\"}, \"Two warring shop workers in a leather-goods store turn out to be secret sweethearts as they correspond under box-number aliases. Within this simple idea and an everyday setting, Lubitsch produces a rich tapestry of wit, drama, poignancy and irony that never lets up. Stewart and Sullavan are perfect as the average couple with real emotions and tensions, and the rest of the well-developed characters have their own sub-plots and in-jokes. Although wrongly eclipsed by Stewart's big films of 39/40 (Destry, Philadelphia Story, Mr Smith) this is easily on a par and we enjoy a whole range of acting subtlties unseen in the other films.\": {\"frequency\": 1, \"value\": \"Two warring shop ...\"}, \"This is a truly classic movie in its story, acting, and film presentation. Wonderful actors are replete throughout the whole movie, Miss Sullivan, and Jimmy Stewart being the foremost characters. In real life she greatly admired, and liked Jimmy, and indeed gave him his basically first acting roles, and helped him be more calm with his appearance on the set. The \\\"chemistry\\\" between the two was always apparent, and so warm and enjoyable to behold. She was such a beautiful, young woman, and so sweet in her personality portrayals. The story of these two young people, and how they eventually come together in the end is charming to watch, and pure magical entertainment. Heart warming presentations are also given by the other supporting actors in this marvelous story/movie. I whole heartily give Miss Sullivan a perfect 10 in this Golden Age Cinema Classic, that has a special appeal for all generations. A must see for all!\": {\"frequency\": 1, \"value\": \"This is a truly ...\"}, \"This movie is one of my favourites. It is a genre-mixture with ingredients of the Action-/Horror-/Romantic-/Comedygenre. Some of the special effects may seem outdated compared to modern standards. This minor flaw is easily ignored. There is so much to discover in this story. The romantic relation between the two main characters is so beautiful that it hurts. The visuals are beautiful too. The action is great which is no surprise, it is originating from Honkong, birthplace of the world's best action movies. The humour sometimes seems a little bit silly but in a good way. Somehow this movie is being able to balance the different moods and keeps being good. Absolutely recommended.\": {\"frequency\": 1, \"value\": \"This movie is one ...\"}, \"It is not every film's job to stimulate you superficially. I will take an ambitious failure over a mass-market hit any day. While this really can't be described as a failure, the sum of its parts remains ambiguous. That indecipherable quality tantalizes me into watching it again and again. This is a challenging, provocative movie that does not wrap things up neatly. The problem with the movie is in its structure. Its inpenetrable plot seems to be winding up, just as a second ending is tacked on. Though everything is technically dazzling, the movie is exactly too long by that unit. The long-delayed climax of Leo's awakening comes about 20 minutes late.

Great cinematography often comes at the expense of a decent script, but here the innovative camera technique offers a wealth of visual ideas. The compositing artifice is provocative and engaging; A character is rear-projected but his own hand in the foreground isn't. The world depicted is deliberate, treacherous and absurd. Keep your eyes peeled for a memorable, technically astonishing assassination that will make your jaw drop.

The compositions are stunning. Whomever chose to release the (out of print) videotape in the pan & scan format must have never seen it. Where is the DVD?

It is unfathomable how anyone could give this much originality a bad review. You should see it at least once. You get the sense that von Trier bit off more than he could chew, but this movie ends up being richer for it. I suspect he is familiar with Hitchcock's Foreign Correspondent in which devious Europeans also manipulate an American dupe and several Welles movies that take delirious joy in technique as much as he does. All von Trier movies explore the plight of the naif amidst unforgiving societies. After Zentropa, von Trier moved away from this type of audacious technical experiment towards dreary, over-rated, un-nuanced sap like Breaking the Waves and Dancer in the Dark.\": {\"frequency\": 1, \"value\": \"It is not every ...\"}, \"Faithful adaptation of witty and interesting French novel about a cynical and depressed middle-aged software engineer (or something), relying heavily on first-person narration but none the worse for that. Downbeat (in a petit-bourgeois sort of way), philosophical and blackly humorous, the best way I could describe both the film and the novel is that it is something like a more intellectual Charles Bukowski (no disrespect to CB intended). Mordantly funny, but also a bleak analysis of social and sexual relations, the film's great achievement is that it reflects real life in such a recognisable way as to make you ask: why aren't other films like this? One of the rare examples of a good book making an equally good film.\": {\"frequency\": 1, \"value\": \"Faithful ...\"}, \"The plot intellect is about as light as feather down. But the advantage here is the boy and girl classic refusal we have become accustomed to in \\\"The Gay Divorcee\\\" and \\\"Top Hat\\\" is now absent. Instead of the typical accidental acquaintance, the dancing duo are the former lovers Bake Baker and Sherry Martin, who are still in love since their dancing days.

Of course, being a 30s musical, there's the problems of misunderstood romance, classy courtship and the slight irritation of a sabotaged audition with bicarbonate soda has costing Ginger something rather special. And then in the grand tradition of dwindling finances, there's nothing better for Hollywood's best entertainers than put on a show.

Delightful numbers from Irving Berlin are sprinkled throughout the show. Top hats and evening dresses are saved right until the end, which remains a refreshing change. Fred and Ginger are out again to charm the world...and charm the navy. Everyone and everything is once again just so enjoyable.

Pure classic silliness at its best. But with Astaire and Rogers, we just know it's got to work.

Rating: 8.25/10\": {\"frequency\": 1, \"value\": \"The plot intellect ...\"}, \"If you are going to attempt building tension in a film it is always a good idea not to build it beyond the point of total tedium.

Unfortunately the Butcher Brothers haven't grasped this yet.

This film sucks, unlike the majority of its characters who (if you didn't work out they are vampires in the first few minutes then shame on you) preference stringing up the plentiful supply of 'no one knows where I am' cheerleader types and homosexual drifters that waft conveniently and with a fast food swagger, past their isolated door.

The only tiny bit of originality in the plot is how these vampires come to be vampires in the first place but the rest of it is ludicrous and sloppy.

Forced to up sticks (as opposed stakes) on a regular basis due to their penchant for filling their basement with bloodless corpses, they really are none too bright. If they fed their victims they could run their own little blood farm and it would cut down on the mortality rate, thereby allowing them to settle down and get chintzy.

Why the producers felt it necessary to introduce the incestuous twins and the homicidally gay older brother I am not sure. It added zero to the plot, which was unfortunate given that there wasn't a great deal of plot to start with and had no shock value at all.

One was never told why the parents had died, unless of course that was explained during one of my frequent tea breaks. Clearly the social worker must have been alerted to the family for some reason or other but again, it was for the viewer to write their own reason.

The only well rounded character was the youngest brother who emerges looking like Pugsley from the Adams Family. Indeed he was way too rounded, having the appearance of a child who has inadvertently wandered from a Weight watchers' class in to a very bad horror film. Oh heavens, he had. Never mind dear, have another doughnut with a yummy blood centre.\": {\"frequency\": 1, \"value\": \"If you are going ...\"}, \"One could wish that an idea as good as the \\\"invisible man\\\" would work better and be more carefully handled in the age of fantastic special effects, but this is not the case. The story, the characters and, finally the entire last 20 minutes of the film are about as fresh as a mad-scientist flick from the early 50's. There are some great moments, mostly due to the amazing special effects and to the very idea of an invisible man stalking the streets. But alas, soon we're back in the cramped confinement of the underground lab, which means that the rest of the film is not only predictable, but schematic.

There has been a great many remakes of old films or TV shows over the past 10 years, and some of them have their charms. But it's becoming clearer and clearer for each film that the idea of putting ol' classics under the noses of eager madmen like Verhoeven (who does have his moments) is a very bad one. It is obvious that the money is the key issue here: the time and energy put into the script is nowhere near enough, and as a result, \\\"Hollow Man\\\" is seriously undermined with clich\\ufffd\\ufffds, sappy characters, predictability and lack of any depth whatsoever.

However, the one thing that actually impressed me, beside the special effects, was the swearing. When making this kind of film, modern producers are very keen on allowing kids to see them. Therefore, the language (and, sometimes, the violence and sex) is very toned down. When the whole world blows up, the good guys go \\\"Oh darn!\\\" and \\\"Oh my God\\\". \\\"Hollow Man\\\" gratefully discards that kind of hypocrisy and the characters are at liberty to say what comes most natural to them. I'm not saying that the most natural response to something gone wrong is to swear - but it makes it more believable if SOMEONE actually swears. I think we can thank Verhoeven for that.\": {\"frequency\": 1, \"value\": \"One could wish ...\"}, \"This movie has some things that are pretty amazing. First, it is supposed to be based on a true story. That, in itself, is amazing that multiple tornadoes would hit the same town at night in the fall-in Nebraska. I wonder if the real town's name was close to \\\"Blainsworth\\\" (which is the town's name in the movie). There is an Ainsworth, Nebraska, but there is also a town that starts with Blains-something.

It does show the slowest moving tornadoes on record in the the seen where the boys are in the house. On the other hand, the scene where the TV goes fuzzy is based in fact. Before Doppler radar and weather radio, we were taught that if you turned your TV to a particular channel (not on cable) and tuned the brightness just right, you could tell if there was a tornado coming. The problem was that by then you would be able to hear it.

Since I know something about midwest tornadoes, it made this movie fun for me. I enjoy it more than Twister. I mean, give me a break-there is no way you could make it through and F5 by chaining yourself to a pipe in a well house.\": {\"frequency\": 1, \"value\": \"This movie has ...\"}, \"Robert A. Heinlein's classic novel Starship Troopers has been messed around with in recent years, in everything to Paul Verhoeven's 1997 film to a TV series, to a number of games. But none of these, so to speak, has really captured the spirit of his novel. The games are usually unrelated, the TV series was more of a spin off, and the less said about Verhoeven's film, the better. Little do most know, however, that in Japan, an animated adaptation had already been done, released the year of Heinlein's death. And, believe it or not, despite its differences, this 6-part animated series is, plot-wise, the most faithful adaptation of Heinlein's classic.

The most obvious plus to this series is the presence of the powered armor exoskeletons, something we were deprived of in Verhoeven's film. Like the book, the series focuses more on the characters and their relationships than on action and space travel, though we see a fair amount of each. While events happen differently than in the book, the feel of the book's plot is present. Rico and Carmen have a romantic entanglement, but it's only slightly more touched upon than in the book. While some may believe the dialogue and character interaction to be a bit inferior to the book (it gets a bit of the anime treatment, but what did you expect?), but it's far superior to the film. Heinlein's political views are merely excised, as opposed to the film, where they are reversed. The big payoff of the series, however, is the climatic battle on Klendathu between the troopers and the bugs/aliens, which features the kind of action from the powered armor suits we would have like to have seen in a film version.

Overall, I enjoyed this series because I wanted to see a vision closer to that of Heinlein. And I think they did pretty well with this. If you can find this series, give it a look.\": {\"frequency\": 1, \"value\": \"Robert A. ...\"}, \"Thsi is one great movie. probably the best movie i have ever seen. I Watch it over and over again. I must give it 10/10 stars because like i said this is probably the best movie i have ever seen. This Movie +Popcorn+Coke= Best mix you can imagine. If you want to watch some movie then i clearly recommend this one. First i sawed it i liked it so i buy-ed it and now i own it and watch it probably every day. my sons like it and think that this is the best movie ever seen. This movie is about Guy In Fantasy World. i don't want to spoil all the movie so you can enjoy it after you read my text. Lovely Movie Lovely Characters, Lovely Story, And Just great stuff. a must watch movie. hope you enjoyed my comment Cya

Jim Make\": {\"frequency\": 1, \"value\": \"Thsi is one great ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"Normally, I have ...\"}, \"What boob at MGM thought it would be a good idea to place the studly Clark Gable in the role of a Salvation Army worker?? Ironically enough, another handsome future star, Cary Grant, also played a Salvation Army guy just two years later in the highly overrated SHE DONE HIM WRONG. I guess in hindsight it's pretty easy to see the folly of these roles, but I still wonder WHO thought that Salvation Army guys are \\\"HOT\\\" and who could look at these dashing men and see them as realistic representations of the parts they played. A long time ago, I used to work for a sister organization of the Salvation Army (the Volunteers of America) and I NEVER saw any studly guys working there (and that includes me, unfortunately). Maybe I should have gotten a job with the Salvation Army instead!

So, for the extremely curious, this is a good film to look out for, but for everyone else, it's poor writing, sloppy dialog and annoying moralizing make for a very slow film.\": {\"frequency\": 1, \"value\": \"What boob at MGM ...\"}, \"This early role for Barbara Shelley(in fact,her first in Britain after working in Italy),was made when she was 24 years old,and it's certainly safe to say that she made a stunning debut in 1957's \\\"Cat Girl.\\\" While blondes and brunettes get most of the attention(I'll always cherish Yutte Stensgaard),the lovely auburn-haired actress with the deep voice always exuded intelligence as well as vulnerability(one such example being 1960's \\\"Village of the Damned,\\\" in which her screen time was much less than her character's husband,George Sanders).She is the sole reason for seeing this drab update of \\\"Cat People,\\\" and is seen to great advantage throughout(it's difficult to say if her beauty found an even better showcase).Her character apparently sleeps in the nude,and we are exposed to her luscious bare back when she is awakened(also exposed 8 years later in 1965's \\\"Rasputin-The Mad Monk\\\").The ravishing gown she wears during most of the film is a stunning strapless wonder(I don't see what held that dress up,but I'd sure like to).All in all,proof positive that Barbara Shelley,in a poorly written role that would defeat most actresses,rises above her material and makes the film consistently watchable,a real test of star power,which she would find soon enough at Hammer's studios in Bray,for the duration of the 1960's.\": {\"frequency\": 1, \"value\": \"This early role ...\"}, \"I came home late one night and turned on the TV, to see Siskel and Ebert summarizing their picks of the week. I didn't hear anything about \\\"Red Rock West\\\", except two thumbs up and see it before it went away. It wouldn't stay in theaters very long because of the distributor's money problems and lack of promotion, but they said it deserved better.

The next afternoon, I followed their advice. They were right, it was some of the most fun I have ever had at the movies. As some readers point out, there are a few plot holes and the last 10 minutes don't ever seem to end. But it's well worth it, for the fine craftwork that went into the first hour. It's the best role that I have ever seen for Nicholas Cage, but almost everybody seems perfectly cast. Dennis Hopper goes almost over the top, which gets silly but reinforces how well everything else works. The sets and the music contribute a great deal to almost every scene.

When I rented it later for my family, it didn't work as well. The long scenes that built the tension in the theater were difficult to appreciate, with the distractions at home. It deserves your full attention; turn off the phone, make sure you won't be disturbed, watch and listen to every scene, especially in the beginning.\": {\"frequency\": 1, \"value\": \"I came home late ...\"}, \"The world at war is one of the best documentaries about world war 2.

The 24 episodes cover the war and what it was like in the countries involved in it. The first episode tells us how the Hitler came to power, and how he was able to build up one of the strongest armies in the world. They also fucus on the military actions taken during the war, and the holocaust. One of the strongest and best documentaries ever made. All of you must watch this. Perfection! 10/10

\": {\"frequency\": 1, \"value\": \"The world at war ...\"}, \"Once again the two bickering professors must join together to save the lost world. The five members of the first expedition return (see The Lost World, 1992, for a list of actors). A man seeking oil brings a drilling crew to the plateau. Instead of striking oil they tap an underground volcano which threatens all life in the Lost World. The oil crew clash with the native people and the scientific expedition. Although the situation looks hopeless.... (I'm not going to tell you the ending).\": {\"frequency\": 1, \"value\": \"Once again the two ...\"}, \"Yes, this is an ultra-low budget movie. So the acting isn't award winning material and at times the action is slow-paced because the filmmakers are shooting longer sequences and not a million instants that then get edited into a movie. This film makes up for that with an outstanding script that takes vampirism seriously, explains it and develops a full plot out of it. Aside from the vampire story, we get detailed genetics info, legal and law enforcement, martial arts action, philosophical musings, and some good metal music. Kudos go to Dylan O'Leary, the director/writer/main actor. It is beyond me how this man could have fulfilled all these roles and do them so well. I think to appreciate this movie, you have to be well-versed in all sorts of themes to see that the writer did a lot of research and knows about all these things. There are some great camera work, too, interesting camera angles and one underwater vampire attack- something I haven't seen before, but which pays homage to the underwater zombie attack in Fulci's Zombi. The casting is good, in so far as the sexy female is sexy indeed. The main vampire also looks perfect for the role. The female victim looks vulnerable. My only complaint is that for a low budget horror flick, there should have been more nudity. If you want to see an original vampire movie with a great story, this flick is for you. I'm looking forward to seeing future projects by Mr. O'Leary.\": {\"frequency\": 1, \"value\": \"Yes, this is an ...\"}, \"A recent viewing of THAT'S ENTERTAINMENT has given me the urge to watch many of the classic MGM musicals from the forties and fifties. ANCHORS AWEIGH is certainly a lesser film than ON THE TOWN. The songs aren't as good, nor is the chemistry between the characters. But the film beautifully interweaves classical favorites, such as Tchaikovsky. And the scene at the Hollywood Bowl, with Sinatra and Kelly emerging from the woods above it at the top, and then running down the steps, while dozens of pianists play on the piano, is the best scene in the film, even though the scene in which Kelly dances with Jerry Mouse is more famous. Classical music enthusiasts will no doubt identify the music the pianists are playing. Sinatra then croons, \\\"I Fall in Love Too Easily,\\\" before having his epiphany about whom he loves. The color is beautiful, Hollywood looks pretty with its mountains and pollution-free air (Can you imagine Hollywood in the twenties, let alone the mid-1940s?!), and the piano music is absolutely glorious. MGM certainly had a flair for creating lyrical moments like these.\": {\"frequency\": 1, \"value\": \"A recent viewing ...\"}, \"I absolutely LOVED this movie when I was a kid. I cried every time I watched it. It wasn't weird to me. I totally identified with the characters. I would love to see it again (and hope I wont be disappointed!). Pufnstuf rocks!!!! I was really drawn in to the fantasy world. And to me the movie was loooong. I wonder if I ever saw the series and have confused them? The acting I thought was strong. I loved Jack Wilde. He was so dreamy to an 10 year old (when I first saw the movie, not in 1970. I can still remember the characters vividly. The flute was totally believable and I can still 'feel' the evil woods. Witchy poo was scary - I wouldn't want to cross her path.\": {\"frequency\": 1, \"value\": \"I absolutely LOVED ...\"}, \"This is the worst adaption of a classic story I have ever seen. They needlessly modernize it and some points are actually just sick.

The songs rarely move along the story. They seem to be thrown in at random. The flying scene with Marley is pointless and ludicrous.

It's not only one of the worst movies I've seen, but it is definitely the worst musical I've ever seen.

It's probably only considered a classic because \\\"A Christmas Carol\\\" is such a classic story. Just because the original story was a classic doesn't mean that some cheap adaption is.\": {\"frequency\": 1, \"value\": \"This is the worst ...\"}, \"We viewed the vcr and found it to be fascinating. Not knowing anything about this true story, I thought: \\\"Oh, no, P.Brosnan as an American Indian ('red' Indian in the film), what a bad choice\\\" until I discovered the truth about Grey Owl. The film does a good job of demonstrating the dignity of these native peoples and undermining the racist myths about them. And Annie Galipeau, WOW, what a beauty, and very convincing as an Indian woman (I believe she is French-Canadian; she sure reverts to the all-too familiar speech of such). In spite, of Brosnan's detached, grunting style, in the end he comes through convincingly as a passionate, dedicated man. The plot is a little weak in demostrating his conversion from trapper to animal coservationist. Good film, highly recommended.\": {\"frequency\": 1, \"value\": \"We viewed the vcr ...\"}, \"This is a dry and sterile feature filming on one of most interesting events in WWII and in history of warfare behind the front line. Bad drama composition is worst about this film as plot on killing Hitler suppose to be pretty dramatic event. There is no character development at all and idea that Tom Cruise suppose to play a high rank commander that questions his deepest inner thoughts on patriotism and treason is completely insane. I believe that Mister Bin would play it better. Generally speaking, film pretty much looks as a cheep copy of good German TV movie \\\"Stauffenberg\\\" from 2004, but can't get close to that film regarding any movie aspect whatsoever. However, movie obviously gets its financial goal with pop-corn audience that cherishes Hollywood fast-mood blood and shallow art values.\": {\"frequency\": 1, \"value\": \"This is a dry and ...\"}, \"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.

\": {\"frequency\": 1, \"value\": \"This is definitely ...\"}, \"If you're a T-Rex/Marc Bolan fan, I recommend you check this out. It shows a whimsical side of Marc Bolan as well as Ringo Starr, apparently having a pretty good time shooting some of the scenes that aren't part of the concert, but fun to watch, leaving you with a sense of getting to know them as just people, and when the concert is shown a talented musician, both playful and professional that rocks and seems to impress the screaming girls. Watching him in concert, you would never know that being a rock star is a job, but just having a great time playing some great songs with some good friends, like Elton John and Ringo Starr appearing in some of the live performances. True, there are a few songs missing that I would like to have seen on there, but like any album it can't have everything. I just bought this in 2006, but if I would have know it came out in 1972, I would have definitely bought it years ago. Sad and strange that a man with so many songs about his love for cars, would never learn to drive and would die in a car crash!\": {\"frequency\": 1, \"value\": \"If you're a ...\"}, \"This movie is BAD! It's basically an overdone copy of Michael Jackson's Thriller video, only worse! The special effects consist of lots of glow in the dark paint, freaky slapstick fastmoving camera shots and lots of growling. I think the dog was the best actor in the whole movie.\": {\"frequency\": 1, \"value\": \"This movie is BAD! ...\"}, \"Good story. Good script. Good casting. Good acting. Good directing. Good art direction. Good photography. Good sound. Good editing. Good everything. Put it all together and you end up with good entertainment.

The shame of it is that there aren't nearly enough films of this caliber being made these days. We may count ourselves lucky that writers/directors like John Hughes are occasionally able to make their creative voices heard.

Whenever I notice that I'm watching a film for the third or fourth time and still find it thoroughly satisfying I have to conclude that something about that film is right.\": {\"frequency\": 1, \"value\": \"Good story. Good ...\"}, \"THE BEAVER TRILOGY is, without a doubt, one of the most brilliant films ever made. I was lucky enough to catch it, along with a Q&A session with director Trent Harris, at the NY Video Festival a few years back and then bought a copy off of Trent's website. This movie HAS to be seen to be believed! I sincerely recommend searching for Trent's name on the web and then buying the film from his site. He's an incredibly nice guy to boot. Don't get confused: The cameraman in the fictional sections of THE BEAVER TRILOGY is NOT Trent!

After having seen the TRILOGY a few times, I do have to admit that I could probably do without the Sean Penn version. It's like a try-out version for the Crispin Glover \\\"Orkly Kid\\\" section and is interesting more as a curiosity item if you're a Penn fan than it being a good video. Penn is pretty funny, though, and you can see the makings of a big star in this gritty B&W video.

This is probably also one of Crispin Glover's best roles and I would just love to see an updated documentary about the original Groovin' Gary. Once you see this film, you'll never get Gary's nervous laughter out of your head ever again.\": {\"frequency\": 1, \"value\": \"THE BEAVER TRILOGY ...\"}, \"Just bought the VHS on this film for two bucks, Did I waste my money! Hey, I dig Adam \\\"Batman\\\" West and Tina \\\"Giligan's Island\\\" Louise, but hello! This third rate production is a rehash of a dozen other biker films; crazed bunch of bikers psychos ride into a hick town, beat up everybody and everything, and then are defeated in the man by a dashing hero. Adam West looks the part as a hero, but he's missing cape, and his Batman uniform. Sorry, just isn't the same. Tina L. looks really nervous and frightened the whole show, but at least we know what happened to \\\"Ginger\\\" once she was rescued from the island...LOL! The bikers are a motley group, and known of them ever acted again or at least shouldn't have. Hell Riders is Hell to Watch!\": {\"frequency\": 1, \"value\": \"Just bought the ...\"}, \"The first half hour or so of this movie I liked. The obvious budding romance between Ingrid Bergman and Mel Ferrer was cute to watch and I wanted to see the inevitable happen between them. However, once the action switched to the home of Ingrid's fianc\\ufffd\\ufffd, it all completely fell apart. Instead of romance and charm, we see some excruciatingly dopey parallel characters emerge who ruin the film. The fianc\\ufffd\\ufffd's boorish son and the military attach\\ufffd\\ufffd's vying for the maid's attention looked stupid--sort of like a subplot from an old Love Boat episode. How the charm and elegance of the first portion of the film can give way to dopiness is beyond me. This film is an obvious attempt by Renoir to recapture the success he had with THE RULES OF THE GAME, as the movie is very similar once the action switches to the country estate (just as in the other film). I was not a huge fan of THE RULES OF THE GAME, but ELENA AND HER MEN had me appreciating the artistry and nuances of the original film.\": {\"frequency\": 1, \"value\": \"The first half ...\"}, \"I've been looking for the name of this film for years. I was 14 when I believe it was aired on TV in 1983. All I can remember was it was about a teenaged girl, alone, having survived a plane crash AND surviving the Amazon. I remember people were looking for her(family) and that she knew how to take care of herself---she narrates the story and I vividly remember about her knowing that bugs were under her skin. I don't remember much else about this movie, and want to see it again--if this IS the same one--and if any of you have a copy, could you email me at horsecoach4hire@hotmail.com? I'd be curious to attain a copy to see if it is in fact the same film I remember. It was aired on Thanksgiving(US) in 1983, and I was going through problems of my own and this film really impacted heavily on me. Thanks in advance!\": {\"frequency\": 1, \"value\": \"I've been looking ...\"}, \"I absolutely LOVED this movie! It was SO good! This movie is told by the parrot, Paulie's point of view. Paulie is given to the little girl Marie, as a present. Paulie helps Marie learn to talk and they become best friends. But when Paulie tells Marie to fly, she falls and the bird is sent away. That's when the adventure begins. Paulie goes through so much to find his way back to Marie. This movie is so sweet, funny, touching, sad, and more. When I first watched this movie, it made me cry. The birds courage and urge to go find his Marie for all that time, was so touching. I must say that the ending is so sweet and sad, but you'll have to watch it to find out how it goes. At the end, the janitor tries to help him, after hearing his story. Will he find his long lost Marie or not? Find out when you watch this sweet, heart warming movie. It'll touch your heart. Rating:10\": {\"frequency\": 1, \"value\": \"I absolutely LOVED ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"Hilariously ...\"}, \"What could have been an engaging-and emotionally charged character study is totally undermined by the predictable factor. Fox is OK as Nathaniel Ayers, the Julliard trained musician who dreams of playing with the Walt Disney orchestra until his bouts with schizophrenia drive him into the street and ultimately skid row. Looking for a good story to boost his flagging career, reporter Steve Lopez {Robert \\\"rehab\\\" Downey } gets to know him and tells his story. Taking every element of the classic \\\"how we hit the skids\\\" movies, borrowing very liberally from \\\"A Beautiful Mind\\\", taking the bogus \\\"feel good\\\" attitude of films like \\\"Rocky\\\"-you pick the sequel number-and whipping up too much 1930s style melodrama all that is left on the screen is a burnt out shell of a movie. It is corny, trite, utterly predictable and plays way too often on our sentiments. I hate to say it, but this is the kind of movie that, if you say you hated it, people will give you bad looks. I really wish I could say something positive about this film, but I really can't. The acting redeems it somewhat, but not enough for me to give it more than one star. Strictly made for TV movie stuff. Not worth your time.\": {\"frequency\": 1, \"value\": \"What could have ...\"}, \"I don't remember \\\"Barnaby Jones\\\" being no more than a very bland, standard detective show in which, as per any Quinn Martin show, Act I was the murder, Act II was the lead character figuring out the murder, Act III was the plot twist (another character murdered), Act IV was the resolution and the Epilogue was Betty (Lee Meriwether) asking her father-in-law Barnaby Jones (Buddy Ebsen) how he figured out the crime and then someone saying something witty at the end of the show.

One thing I do remember was the late, great composer Jerry Goldsmith's excellent theme song. Strangely, the opening credit sequence made me want to see the show off and on for the seven seasons the show was on the air. I will also admit that it was nice to see Ebsen in a role other than Jed Clampett despite Ebsen being badly miscast. I just wished the show was more entertaining than when I first remembered it.

Update (1/11/2009): I watched an interview with composer Jerry Goldsmith on YouTube through their Archive of American Television channel. Let's just say that I was more kind than Goldsmith about the show \\\"Barnaby Jones.\\\"\": {\"frequency\": 1, \"value\": \"I don't remember ...\"}, \"Shakespeare said that we are actors put into a great stage. But when this stage is Israel the work that we interpret multiplies for ten and all the actions we do are full of a hard style. Dan Katzir manages to do a spectacular portrait of a part of life in Tel Aviv, but besides, Katzir manages to penetrate into the heart of the Israeli people and, this people, far from being simple prominent figures, they speak to us from the heart. Katzir's film allows Israel escape from dark informative crux in which they live, and this wonderful country arises to the light as a splendid bird which is born of his ashes. It is very great for me because the reality of state of Israel, which the Europeans only know for the informative diaries or the newspapers, appears as a close and absolutly human reality, the reality of million people who looking for his place, exploring the whole state, the whole culture with the only aim to feel part of it. Katzir constructs an absolutely wonderful documentary and he demonstrates that when a man films with passion the deepest feelings are projected with force, and these feelings cross our hearts. Thank you Dan for open our eyes and give us one of the most beautiful portraits of the most wonderful countries of the world.\": {\"frequency\": 1, \"value\": \"Shakespeare said ...\"}, \"This is one of my favorite sports movies. Dennis Quaid is moving and convincing in the part of a man who gave up his dream of being a baseball pitcher when his arm gave out on him. As a high school coach, he challenges his players to win the division championship by telling them he'll try out for a baseball team if they do. They win (partly because of all the batting practice they take with a coach who can pitch over 90 miles an hour), and he keeps his side of the bargain--and is signed!

If you have ever decided to try something new and terrifying as an adult, Jim Morris's story will resonate with you. It is moving and inspiring, and the man's relationships ring true.

Inspiration is not the only reason I rent this one, though. Dennis Quaid is just downright purdy in the part, and a baseball movie with a good-looking man changing a diaper is my idea of heaven. Ladies, if you feel the way I do, check this one out.\": {\"frequency\": 1, \"value\": \"This is one of my ...\"}, \"This is an interesting idea gone bad. The hidden meanings in art left as clues by a serial killer sounds intriguing, but the execution in \\\"Anamorph\\\" is excruciatingly slow and without much interest. There is no other way to describe the film except boring. The death clues are the only interesting part of \\\"Anamorph\\\". Everything connecting them is tedious. Willem Dafoe gives a credible performance as the investigator, but he has little to do with a script that is stretched to the limit. Several supporting character actors are wasted , including Peter Stormare as the art expert, James Rebhorn as the police chief, Paul Lazar as the medical examiner, and most notably Deborah Harry, who is featured on the back of the DVD case, yet only has a couple lines spoken through a cracked door. Not recommended. - MERK\": {\"frequency\": 2, \"value\": \"This is an ...\"}, \"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!\": {\"frequency\": 1, \"value\": \"OK, first of all, ...\"}, \"This movie stinks. The stench resembles bad cowpies that sat in the sun too long. I can't believe that so many talented actors wasted their time making such a hopelessly awful film. Whew!\": {\"frequency\": 1, \"value\": \"This movie stinks. ...\"}, \"This film is something like a sequel of \\\"White Zombie\\\", since it is made by the same man (Halperin) and features zombies. Halperin, the George A. Romero of his day, fails to deliver with this one, though.

We have a man who can control the minds of people in Cambodia, and a search to destroy the source of his power so the zombies can be sent free. Also, a love interest for the evil man.

Where this film really excels is in the imagery. The Cambodian temples and dancers are very nice and the zombie look very powerful in their large numbers. Unfortunately, we don't really get to see much of the zombies in action and the love story seems to play a much too large role for a horror film (though this has a valid plot reason later on).

I would have loved to see some 1930s zombies attack helpless city folk, but this film just did not deliver. And no strong villain (like Bela Lugosi) was waiting to do battle against our heroes. And the use of Lugosi's eyes? A nice effect, but misleading as he is never in the film... why not recreate this with the new actor's eyes? Overall, a film that could be a great one with a little script re-working and could someday be a powerful remake (especially if they keep it in the same post-war time frame). Heck, if they can fix up \\\"The Hills Have Eyes\\\" then this film has hope.\": {\"frequency\": 1, \"value\": \"This film is ...\"}, \"A few weeks ago the German broadcaster \\\"SAT1\\\" advertised this movie as the \\\"TV-Event of the year\\\" - sorry, but I've seen better things on TV this year.

I didn't thought much of the movie but I soon reminisced about two other horrible movies when I watched the commercial - namely Titanic and Pearl Harbor because the picture looked so familiar: The \\\"heroine\\\" (if I can really call her that) in the middle and her two \\\"loved-ones\\\" next to her - Pearl Harbor, anyone? In fact the love-story is a poor man's version of the one in Pearl Harbor and that one was already poor!

But as I like watching movies and analyzing their patterns I eventually decided to watch that rubbish. The movie begins with a doctor leaving his family for the military strike against Russia near the end of the Third Reich promising his wife that he will return. Now fast forward to Spring 1948: Germany lost the war and the allies & Russia captured the country and they both try to eliminate each other for world power and their ideologies: capitalism versus communism. Well, I guess you already know the story because you have to know it - The movie doesn't really bother with it so much and literally takes a dump on historical facts. The movie tries to depict the US government as angels and completely ignores the contribution of other countries during the airlift especially Great Britain who was responsible for nearly a quarter of the rations despite having their country bombed from a country that they're trying to help.

What was also pretty annoying were the historical remarks the people said in the movie like when the heroine's mother tells her daughter that Germany might be parted in two with a response like: \\\"That's impossible!\\\" Or when Stalin (where the director thought we just stick similarly looking mustache on the actor and he WILL look like him) says that Russia has to stop \\\"Coca Cola\\\" from spreading in Germany. Yeah right, if Stalin has ever said something like this. Or there is this one US pilot who tells his fellow of a bread with meat and everything possible in it - please! Burgers were invented WAY before that time.

In the movie you once see a map showing the airlines, funnily enough the map looks like it came straight out of a laser printer - in '48. The US general Lucius Clay who's main idea was to stay in Berlin is portrayed as a guy who is mean and grumpy and all the ideas he historically had like for example the airlift and improving on that idea came from the fictive character Phillip Turner, the love interest of the main actress which leads me to other aspects: Not enough African-American soldiers in the movie, there were like two in the whole film! Also relationships between US soldiers and German civilians was not allowed and by a revealing of such a relationship the US soldier would've been sent home. I don't want to say that there were no relationships at all but in this movie there was a couple that almost got married, If it wasn't for the death of the pilot in his fake CGI plane which looked terribly unrealistic especially the CGI fire!

If it wasn't enough all Americans in this movie spoke accent-free German although they only were in Germany for a couple of months - look I'm also American living in Germany for my whole life and even I have a little accent. Notably bad was also the child acting - the kids had like two expressions on their faces: \\\"Normal-I-look-monotonous-like-a-robot\\\" and grinning.

All in all the movie was boring from beginning to end moving way too slow especially the love story which was the same as the one in Pearl Harbor just with half of the dialogue. The sad part is that the movie was very successful - 8.97 millions watched the first part and 7.83 millions the second part the day after thus SAT1 receiving two consecutive wins in the overall market share and a whopping win in the commercial relevant group. But like I always think: The biggest pile of bull-crap is where the most flies go to.\": {\"frequency\": 1, \"value\": \"A few weeks ago ...\"}, \"This is an excellent show! I had a US history teacher in high school that was much like this. There are many \\\"facts\\\" in history that are not quite true and Mr Wuhl points them out very well, in a way that is unforgettable.

Mr Wuhl is teaching a class of film students but history students and even the general public will appreciate the witty way that he uncovers some very well known fallacies in the history of the world and strive to impress them upon that brains of his students. Use of live actors performing \\\"skits\\\" is also very entertaining.

I highly recommend this series to anyone interested in having the history they learned as a child turned upside down.\": {\"frequency\": 1, \"value\": \"This is an ...\"}, \"It is always satisfying when a detective wraps up a case and the criminal is brought to book. In this case the climax gives me even greater pleasure. To see the smug grin wiped off the face of Abigail Mitchell when she realises her victim has left \\\"deathbed testimony\\\" which leaves no doubt about her guilt is very satisfying.

Please understand: while I admire Ruth Gordon's performance, her character really, *really* irritates me. She is selfish and demanding. She gets her own way by putting on a simpering 'little girl' act which is embarrassing in a woman of her age. Worse, she has now set herself up as judge, jury and executioner against her dead niece's husband.

When Columbo is getting too close she tries to unnerve him by manipulating him into making an off-the-cuff speech to an audience of high-class ladies. He turns the tables perfectly by delivering a very warm and humane speech about the realities of police work.

Nothing can distract Columbo from the pursuit of justice. Abby's final appeal to his good nature is rejected because he has too much self-respect not to do his job well. Here is one situation you can't squirm out of Ms Mitchell!\": {\"frequency\": 1, \"value\": \"It is always ...\"}, \"What can I say ? An action and allegorical tale which has just about everything. Basically a coming of age tale about a young boy who is thrust into a position of having to save the world ..... and more. He meets a dazzling array of heroes and villains, and has quite a time telling them apart. A definite must-see.\": {\"frequency\": 1, \"value\": \"What can I say ? ...\"}, \"This is the version that even the author hated, because it's so schmaltzy. They gave it a 'happy ending' and changed a lot of the dialogue, and it's just a big pile of saccharine. The 'stage manager' is quite good, I believe he originated the role, but everyone else falls into that acting style of the 40's that is really just posing. The one great feature- the music. This has one of the best scores ever recorded, and it's worth seeking out in a record shop. Overall I think the 1989 Spalding Grey/ Eric Stoltz/ Penelope Miller version is far superior.\": {\"frequency\": 1, \"value\": \"This is the ...\"}, \"Johnny Weissmuller's final film as 'King of the Jungle', after 16 years in the role, TARZAN AND THE MERMAIDS, is bound to disappoint all but the most ardent of his fans. At 44, the ex-Olympian, one of Hollywood's most active 'party animals', was long past the slim athleticism of his youth, and looked tired (although he was in marginally better condition than in his previous entry, TARZAN AND THE HUNTRESS).

Not only had Weissmuller gotten too old for his role; Johnny Sheffield, the quintessential 'Boy', had grown to manhood (he was a strapping 17-year old), so he was written out of the script, under the pretext of being 'away at school'. Brenda Joyce, at 35, was appearing in her fourth of five films as 'Jane' (she would provide the transition when Lex Barker became the new Tarzan, in 1949's TARZAN'S MAGIC FOUNTAIN) and was still as wholesomely sexy as ever.

Produced by Sol Lesser, at RKO, on a minuscule budget, the cast and crew took advantage of cheaper labor by filming in Mexico. While the location gave a decidedly Hispanic air to what was supposedly darkest Africa, veteran director Robert Florey utilized the country extensively, incorporating cliff diving and an Aztec temple into the story.

When a young island girl (Tyrone Power's future bride, Linda Christian) is rescued in a jungle river by Tarzan, he learns that a local high priest (George Zucco, one of filmdom's most enduring villains) had virtually enslaved the local population, threatening retribution from a living 'God' if they don't do his bidding. The girl had been chosen to become the 'God's' bride, so she fled. Faster than you can say 'Is this a dumb plot or WHAT?', the girl is kidnapped by the priest's henchmen and returned to the island, and Tarzan, followed by Jane, colorful Spanish character 'Benjy' (charmingly played by John Laurenz, who sings several tunes), and a government commissioner are off to take on the Deity and his priest (poor Cheeta is left behind). After a series of discoveries (the 'God' is simply a con man in an Aztec mask, working with the priest in milking the island's rich pearl beds), a bit of brawling action, and comic relief and songs by Benjy, everything reaches the expected happy conclusion.

Remarkably, TARZAN AND THE MERMAIDS features a musical score by the brilliant film composer, Dimitri Tiomkin, and is far better than what you'd expect from this 'B' movie!

While the film would provide a less-than-auspicious end to Weissmuller's time in Tarzan's loincloth (he would immediately go on to play Jungle Jim, a more eloquent variation of the Ape Man, in khakis), the talent involved lifted the overall product at least a little above the total mess it could have been.

Tarzan was about to get a make over, and become much sexier...\": {\"frequency\": 1, \"value\": \"Johnny ...\"}, \"The best part of An American In Paris is the lengthy ballet sequence at the end, where Gene Kelly and Leslie Caron are the living personification of several major painters. Kelly has earlier been established as a pavement artist in Paris, so the sequence is the logical ending to a musical bursting with life and energy, Gershwin tunes, and cast members like Georges Guetary and Oscar Levant. Kelly was at his best here - it's a little different to Singin' in the Rain, and the effect of all the film as one topped with the ballet gives it a definite wow factor. No wonder the sequence ended 'That's Entertainment' after all other MGM musical highlights had gone by!\": {\"frequency\": 1, \"value\": \"The best part of ...\"}, \"What can I add that the previous comments haven't already said. This is a great film and the Light Sabre duel Star Wars tribute has to be seen to be believed!! There are moments of genius throughout this movie, if you can, SEE IT NOW! Thanks again to Rick Baker who gave me this movie many years ago!\": {\"frequency\": 1, \"value\": \"What can I add ...\"}, \"This is just short of a full blown gore fest based on a Stephen King story. Two tabloid reporters, one seasoned(Miguel Ferrer)and one not so accomplished(Julie Entwisle), begin to believe that a serial killer(Michael H. Moss) may actually be a vampire. Stranger than odd is this modern day blood sucker does not wing his way naturally, but by way of a black Cessna he seeks his victims. The gore actually gets gruesome as the film nears its stupid finale. Keep in mind that Mr. King had nothing to do with this film. I do admit it is a bit scary in the wee hours of the night.\": {\"frequency\": 1, \"value\": \"This is just short ...\"}, \"I have just seen this movie and have not read the book. The good thing of the movie is that at some parts it gets you thinking for a little while on the spiritual subject, evolution, sincronicity and your part in the world.

However, the movie's immersion is easily broken and there is very little rapport between the viewer and the characters. It is very clear that the book looses a lot in this movie version. The events that were suppose to show sincronicity taking place are almost unrecognizable. A lot of reasoning has to be done for the viewer to see that the scene indicates a coincidence, and even more to imagine that it has something to do with a greater purpose.

Enlightenment scenes are visually poor and do not create the better feeling that it was supposed to. Do you recall the enlightenment with Keanu Reeves (in Little Buddha) ? Well, this is nothing like that.

Most scenes are poorly executed. There are a lot of scenes that really don't develop the story and also do not help in creating an atmosphere.

The better actors in this movie, namely Hector Elizondo, Joaquim de Almeida and J\\ufffd\\ufffdrgen Prochnow cannot save it. The first 2 seem to have gotten more scenes than their characters should in an attempt to save the movie, and because they were paid more, but this does not work. Most of the scenes are not really necessary and do not help the story at all.

J\\ufffd\\ufffdrgen does good in his scenes and sells as an evil guy (as always), but the script does not help him at all. The scene where he first tries to convince John (Matthew Settle) to join him is just bad script. The execution of the scene when he dies in an explosion is absurdly bad executed. The flashbacks throughout the movie cannot even be commented.

Overall this movie is a big waist of time, read the book! I have not read it, but it is probably a billion times better than this, it has to be.

It is so bad that I had to write my first comment in IMDb.\": {\"frequency\": 1, \"value\": \"I have just seen ...\"}, \"I saw this last week after picking up the DVD cheap. I had wanted to see it for ages, finding the plot outline very intriguing. So my disappointment was great, to say the least. I thought the lead actor was very flat. This kind of part required a performance like Johny Depp's in The Ninth Gate (of which this is almost a complete rip-off), but I guess TV budgets don't always stretch to this kind of acting ability.

I also the thought the direction was confused and dull, serving only to remind me that Carpenter hasn't done a decent movie since In the Mouth of Madness. As for the story - well, I was disappointed there as well! There was no way it could meet my expectation I guess, but I thought the payoff and explanation was poor, and the way he finally got the film anti-climactic to say the least.

This was written by one of the main contributors to AICN, and you can tell he does love his cinema, but I would have liked a better result from such a good initial premise.

I took the DVD back to the store the same day!\": {\"frequency\": 1, \"value\": \"I saw this last ...\"}, \"I've seen this movie at least fifty times and after watching it last week for the first time in a long time I still FELT it.

The story itself was incredible but came alive by Spielberg's expertise and the fabulous cast including Whoopi Goldberg, Oprah Winfrey, Danny Glover, and Margaret Avery. Akosua Busia deserved an Oscar nomination for her short but powerful portrayal of Nettie.

You'll experience every human emotion while watching this film. I laughed, cried, and got angry. Like most great movies it was looked over by the Academy with a host of nominations but no wins. But this movie, without a doubt, is definitely one of the best films of all time.\": {\"frequency\": 1, \"value\": \"I've seen this ...\"}, \"Please see also my comment on Die Nibelungen part 1: Siegfried.

The second part of UFA studio's gargantuan production of the Nibelungen saga continues in the stylised, symphonic and emotionally detached manner of its predecessor. However, whereas part one was a passionless portrayal of individual acts of heroism, part two is a chaotic depiction of bloodletting on a grand scale.

As in part one, director Fritz Lang maintains a continuous dynamic rhythm, with the pace of the action and the complexity of the shot composition rising and falling smoothly as the tone of each scene demands. These pictures should only be watched with the note-perfect Gottfried Huppertz score, which fortunately is on the Kino DVD. Now, with this focus on mass action, Lang is presented with greater challenges in staging. The action sequences in his earliest features were often badly constructed, but now he simply makes them part of that rhythmic flow, with the level of activity on the screen swelling up like an orchestra.

But just as part one made us witness Siegfried's adventures matter-of-factly and without excitement, part two presents warfare as devastating tragedy. In both pictures, there is a deliberate lack of emotional connection with the characters. That's why Lang mostly keeps the camera outside of the action, never allowing us to feel as if we are there (and this is significant because involving the audience is normally a distinction of Lang's work). That's also why the performances are unnaturally theatrical, with the actors lurching around like constipated sleepwalkers.

Nevertheless, Kriemhild's revenge does constantly deal with emotions, and is in fact profoundly humanist. The one moment of naturalism is when Atilla holds his baby son for the first time, and Lang actually emphasises the tenderness of this scene by building up to it with the wild, frantic ride of the huns. The point is that Lang never manipulates us into taking sides, and in that respect this version has more in common with the original saga than the Wagner opera. The climactic slaughter is the very antithesis of a rousing battle scene. Why then did Hitler and co. get so teary-eyed over it, a fact which has unfairly tarnished the reputation of these films? Because the unwavering racial ideology of the Nazis made them automatically view the Nibelungs as the good guys, even if they do kill babies and betray their own kin. For Hitler, their downfall would always be a nationalist tragedy, not a human one.

But for us non-nazi viewers, what makes this picture enjoyable is its beautiful sense of pageantry and musical rhythm. When you see these fully-developed silent pictures of Lang's, it makes you realise how much he was wasted in Hollywood. Rather than saddling him with low-budget potboilers, they should have put him to work on a few of those sword-and-sandal epics, pictures that do not have to be believable and do not have to move us emotionally, where it's the poetic, operatic tonality that sweeps us along.\": {\"frequency\": 1, \"value\": \"Please see also my ...\"}, \"Daniel Day Lewis is one of the best actors of our time and one of my favorites. It is amazing how much he throws himself in each of the characters he plays making them real.

I remember, many years ago, we had a party in our house - the friends came over, we were sitting around the table, eating, drinking the wine, talking, laughing - having a good time. The TV was on - there was a movie which we did not pay much attention to. Then, suddenly, all of us stopped talking and laughing. The glasses did not clink, the forks did not move, the food was getting cold on the plates. We could not take our eyes off the screen where the young crippled man whose entire body was against him and who only had a control over his left foot, picked up a piece of chalk with his foot and for what seemed the eternity tried to write just one word on the floor. When he finished writing that one word, we all knew that we had witnessed not one but three triumphs - the triumph of a human will and spirit, the triumph of the cinema which was able to capture the moment like this on the film, and the triumph of an actor who did not act but who became his character.

Jim Sheridan's \\\"My Left Foot\\\" is an riveting, unsentimental bio-drama about Christy Brown, the man who was born with cerebral palsy in a Dublin slum; who became an artist and a writer and who found a love of his life.

I like every one of Day Lewis's performances (I have mixed feelings about his performance in GONY) but I believe that his greatest role was Christy Brown in \\\"My Left Foot\\\"\": {\"frequency\": 1, \"value\": \"Daniel Day Lewis ...\"}, \"I have to say I was really looking forward on watching this film and finding some new life in it that would separate it from most dull and overly crafted mexican films. I have no idea why but I trusted Sexo, Pudor y Lagrimas to be the one to inject freshness and confidence to our non-existent industry. Maybe it was because the soundtrack(which I listened to before I saw the film) sounded different from others, maybe it was because it dared to include newer faces(apart from Demian Bichir who is always a favorite of mexican film directors) and supposedly dealed within it's script with modern social behaviour, maybe because it's photography I saw in the trailers was bright and realistic instead of theatrical. The film turned out to be a major crowd pleaser, and a major letdown. What Serrano actually deals here with is the very old fashioned \\\"battle of the sexes\\\" as in \\\"all men are the same\\\" and \\\"why is it that all women...;\\\" blah,blah,blah. Nothing new in it, not even that, it uses so much common ground and clich\\ufffd\\ufffd that it eventually mocks itself without leaving any valuable reflexion on the female/male condition. Full of usual tramps on the audience like safe gags about the clich\\ufffd\\ufffds I talked about before(those always work, always) and screaming performances(it is a well acted film in it's context)..and by screaming I mean, literally. The at first more compelling characters played by Monica Dionne and Demian Bichir turn out to be according to Serrano the more pathetic ones. I completely disagree with Serrano, they shouldn't have been treated that way only to serve as marionettes for his lesson to come through...he made sure we got HIS message and completely destroyed their roles that were the only solid ground in which this story could have stood. Anyway, it is after all, a very entertaining film at times and you will probably have a good time seeing it (if you accept to be manipulated by it).\": {\"frequency\": 1, \"value\": \"I have to say I ...\"}, \"Mel Gibson's Braveheart was a spectacularly accomplished film, but it left a sour taste in the mouth. Rob Roy, by contrast, is slightly less polished, but a better film by far. This is a historical film which combines timeless themes with truly historical values, whereas Braveheart put a gross and unpleasant comtemporary gloss on an ancient tale. What makes this film is the cast. Liam Neeson plays the hero, in a role he basically reprised (in a watered-down fashion) in the Phantom Menace. The character is heroic, but is neither the greatest fighter nor the most demonic lover. Admirable yet human, he commands the screen. Against him are set a selection of equally human adversaries including Tim Roth's Cunningham, obnoxious but brilliant, and John Hurt's morally bankrupt laird. Also to praise is Jessica Lange, as Rob's pragmatic wife: also strong and noble, but 300 years away from a modern heroine, which is only as it should be. This is not the most original film you will see, but it has the courage of its own convictions, and the strong performances make you care.\": {\"frequency\": 1, \"value\": \"Mel Gibson's ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"In 1958, ...\"}, \"One of the worst films I have ever seen. How to define \\\"worst?\\\" I would prefer having both eye balls yanked out and then be forced to tap dance on them than ever view this pitiful dreck again. Somehow, One-Hit Wonder Zwick manages a film that simultaneously offends Elvis fans, Mary Kay saleswomen, Las Vegas, gays, FBI agents and the rest of humanity with any intelligence with a shoddy, sloppy farce so forced it deserves to be forsaken ed. How Elvis Presley Enterprises could allow the rights of actual Elvis songs to be used in a film with a central premise that seems to be \\\"The only good Elvis Presley Imitator is a dead one\\\" is beyond me. The worst part of this mess - and that takes some work - is the mangled script: In 1958, Elvis' words and songs that he would speak/perform in the 1970's are quoted! Worst special effect? That Oscar would go to the moron who decided that Elvis' grave, potentially the most photographed/recognizable grave in the world, resembles a pyramid with a gold record glued atop and is situated in the middle of a park somewhere. Potentially, this film's biggest audience would be Elvis fans. However, the rampant stupidity (Nixon gave Elvis a DEA badge, not FBI credentials...and I could go on and on) actually undercuts THAT conventional wisdom. Ugh. I used the word \\\"wisdom\\\" to describe this stupid movie. This is truly a horrible, horrible film.\": {\"frequency\": 1, \"value\": \"One of the worst ...\"}, \"Saw this my last day at the festival, and was glad I stuck around that extra couple of days. Poetic, moving, and most surprisingly, funny, in it's own strange way. It's so rare to see directors working in this style who are able to find true strangeness and humor in a hyper-realistic world, without seeming precious, or upsetting the balance. Manages to seem both improvised, yet completely controlled. It I hesitate to make comparisons, because these filmmakers have really digested their influences (Cassavetes, Malick, Loach, Altman...the usual suspects) and found their own unique style, but if you like modern directors in this tradition (Lynne Ramsay, David Gordon Greene), you're in for a real treat. This is a wonderful film, and I hope more people get to see it. If this film plays in a festival in your city, go! go! go!\": {\"frequency\": 1, \"value\": \"Saw this my last ...\"}, \"I hated the way Ms. Perez portrayed Puerto Ricans! We are not all ghetto - and we do speak Spanish- not Puerto Rican! I can not speak for the uneducated persons you have run into. But our language is intact, our island is our pride. Puerto Rico is better off economically than any other Caribbean island! I'm glad we are not like Cuba, Dominican Republic or Haiti, free from American influence? Free in true poverty, not the U.S. standard of poverty. We are not victims we are resilient, humble,honest and intelligent people. Our ancestry does include strong African roots, but not \\\"black\\\" roots- I have nothing in common with Black Americans 9do the research).

The analogy between Pedro Albizu, Che Guevarra and Martin L. King could not be more off the mark.

MLK was a great hero a true revolutionary- an honest man who saw a day when we would all be free.

Che Guevarra helped Castro create the Cuba that is today, is that why boat fulls of Cubans risk their lives to come to America- because Che made such a better place for them? You had a great, awesome, bright idea but you politicized it too much. We have so many things to be proud of as a people - don't bring shame to our people by victimizing us. I am not a Nuyorican and perhaps that is why I can't share your views. I am Puerto Rican, I speak Spanish, I am not a victim and I have been able to accomplish many of my goals in America. If there is a part 2 in the future - less politics more history more stories of triumph- there are many.

Damaris Maldonado\": {\"frequency\": 1, \"value\": \"I hated the way ...\"}, \"Daniel Day Lewis in My Left Foot gives us one of the best performances ever by an actor. He is brilliant as Christy Brown, a man who has cerebral palsy, who then learned to write and paint with his left foot. A well deserved Oscar for him and Brenda Fricker who plays his loving mother. Hugh O'Conner is terrific as the younger Christy Brown and Ray McAnally is great as the father. Worth watching for the outstanding performances.\": {\"frequency\": 1, \"value\": \"Daniel Day Lewis ...\"}, \"This miracle of a movie is one of those films that has a lasting, long term effect on you. I've read a review or two from angry people who I guess are either republicans or child beaters, and their extremist remarks speak of the films power to confront people with their own darkest secrets. No such piece of art has ever combined laughter and tears in me before and that is the miracle of the movie. The realism of the movie and it's performance by Bret Carr is not to be missed. The very nature of it's almost interactive effect, will cause people to leave the theater either liberated or questioning their very identity. Bravo on the next level of cinema.\": {\"frequency\": 1, \"value\": \"This miracle of a ...\"}, \"Wow...what can I say...First off IMDb says this is in the late 60s...which means Carlito would be very close to going to prison, He got out in 75 and said he was in for 5 years. They used a bunch of nobody actors, and a story that didn't even make sense. They bring back only one actor, Guzman, and hes playing a totally different guy. Why did it end with him and this Puerto Rican chick? Wheres Gale? He said he was in love with her before. Wheres Kleinfeld? He said he knew him forever...You'd think he'd have been in this one. And if this made sense, where are Rocco and the black dude in the first one? It was all just stupid...This is an insult to Pacino and the first film.\": {\"frequency\": 1, \"value\": \"Wow...what can I ...\"}, \"When I took my seat in the cinema I was in a cool mood and didn't plan on changing it. But this movie is a dramatic powerhouse. I was all in sweat and needed a shower afterward. So what have we? Theoretically a coming of age story of a teenage Turkish girl living in Copenhagen, Denmark. It came to my mind soon that the plot seemed pretty much completely borrowed from \\\"Bend it like Beckham\\\", where we had an Indian girl playing football and spoiling the wedding of her sister. Here we have it transferred to a Turkish girl spoiling her brother's wedding by doing Kung Fu. And we have a love story and a competition of course, too. After I accepted this, this really turned out to be a gripping, emotional drama and it shows off some beautiful Kung Fu (I'm not an expert, though). The lead actress Semra Turan is not only Denmark's female champion but she also delivers an excellent performance, so that it appears to be safe to assume that we have quite some autobiographic impressions here taking into account that this is her first movie and that she has no education as an actress. Rest of the supporting cast is okay, camera good, Kung Fu intense. Sidenotes: - The male Turkish audience showed respect so that they must have done something right. - The audience burst into cheers when our heroine finally fought back and attacked the boys who were gravely beating up her brother in revenge. - Xian Gao, a Chinese cinematic Kung Fu instructor/actor (Hidden Tiger, Crouching Dragon) played the lead role's master

If you get the chance to see this in cinema do it, you'll probably have a good and intense experience and I don't know if this works on small screen as well\": {\"frequency\": 1, \"value\": \"When I took my ...\"}, \"Origins of the Care Bears & their Cousins. If you saw the original film you'll notice a discrepancy. The Cousins are raised with the Care Bears, rather than meeting them later. However I have no problems with that, preferring to treat the films as separate interpretations. The babies are adorable and it's fun watching them play and grow. My favourite is Swift Heart Rabbit. The villain is a delightfully menacing shapeshifter. I could empathise with the three children since I was never good at sports either. Cree Summer is excellent as Christy. The songs are sweet and memorable. If you have an open heart, love the toys or enjoyed the original, this is not to be missed. 9/10\": {\"frequency\": 1, \"value\": \"Origins of the ...\"}, \"I suck at gratuitous Boob references, so i'm just going to write a plainly flat (no pun intended) review. I love Elvira, not in a \\\"I'm-going-to-shoot-the-pres-just-to-impress-jodi-foster-fanatical\\\" way, But suffice to say I think she rocks. The movie is played like a 50's horror film only alot more fun, look for the \\\"Leasurely stroking of the ankle\\\" reference to know what I mean. what relay shines through in the movie is Elvira's (or should that be cassandras) absolute charm. i first saw this movie at the tender age of 8, and have seen it contless times since.. I realy should get around to buying a copy, the videostore version is looking a little worse for the wear. If any other fans of the movie want to e-mail me about it feel free.

p.s another great performance from Edie McClurg (chastedy pariah) an actress who never gets the attention she deserves.\": {\"frequency\": 1, \"value\": \"I suck at ...\"}, \"I must admit, at first I wasn't expecting anything good, at all. I was only expecting a cheesy movie promoting Gackt's and Hyde's image, but I'm glad to say it has much more to offer.

Yes, the acting is not that great, but it doesn't suck either, all the cast's well disciplined and they bring enough strength to their characters. Effects lack consistency but action scenes are satisfying enough.

What really hooked me up was the essence of the storyline, although it merges fantastic elements, it also displays a crude reality. The developing of the characters, their doubts and their feelings really got on to me and I think that's the key of this movie. It puts you to think and it does well transmitting all the angst.

It fulfills any expectations for a good drama. I would definitely recommend it to everyone.\": {\"frequency\": 1, \"value\": \"I must admit, at ...\"}, \"In his first go as a Hollywood director, Henry Brommell whips an enthralling yarn that is all of penetrating relatable marital issues with melancholic authenticity, and lacing such with an equally absorbing subplot of a father-son hit-man business. The film is directed astutely and consists of a wonderfully put together cast as well as a swift, family-conscious screenplay (also by Brommell) that brings life to an otherwise fatigued genre. As a bonus, 'Panic' delivers subtle, acerbic humor\\ufffd\\ufffdan unexpected, undeniably charming, and very welcome surprise\\ufffd\\ufffdthrough its bumbling, unsure-of-himself, low-key star, whose ever-cool state is enticing, especially given his line of work.

The forever-great William H. Macy again captures our hearts as Alex, a unhappy, torn, middle-aged husband and father who finds solace in the most dubious of persons: a young, attractive, equally-messed-up 23-year-old named Sarah (Neve Campbell), whom he meets in the waiting-room at a psychologist's office, where he awaits the therapy of Dr. Josh Parks (John Ritter) to discuss his growing eagerness to quit the family business that his father (Donald Sutherland) built. Alex, whose lust to lead a new life is obstructed by the fear of disappointing his dictating father, strikes an unwise fancy for Sarah, which ultimately leads him to understand the essence and irrefutable responsibility of being a husband to his wife and, more importantly to him, a good father to his six-year-old son, Sammy (played enthusiastically by the endearing David Dorfman).

Henry Brommell's brilliant 'Panic' is something of a rarity in Hollywood seldom seen (with the exception of 2002's 'Road to Perdition') since its conception in 2000\\ufffd\\ufffdit weaves two conflicting genres (organized-crime, family drama) into a fascinating, warm hunk of movie-viewing that is evenly strong in either direction\\ufffd\\ufffdand it's one that will maintain its exceptional, infrequent caliber and gleaming sincerity for ages to come.\": {\"frequency\": 1, \"value\": \"In his first go as ...\"}, \"Everything was better in past days. Even children's television. And Fraggle Rock proves my point quite easily. At the time of writing this comment I am fourteen years old but even in my teen years I can't resist the charm of Fraggle Rock. For those of you that have indeed been living under a rock (haha!), Fraggle Rock is about a horde of playful and goofy creatures called Fraggles who live-amazingly-in a rock. But they're not the only creatures. The rock is inhabited with many other species like the hardworking Doozers and countless living plants. Outside the rock on one side live inventor-scientist Doc and his dog Sprocket (who later befriends Gobo Fraggle), on the other side a family of Gorgs-supposed rulers of the Universe. The five main Fraggles Gobo (fearless leader), Mokey (arty and peaceful), Wembley (indecisive and a friend to Gobo), Boober (a pessimistic domestic god) and Red (loves anything to do with sport and general feistyness)get caught up in some strange situations each episode while at the same time sing and dance their cares away.

Fraggle Rock is definitely a family show-the plots may have intricate details that infants may not follow well, but the song-and-dance routines will hold their attention. The characters are strong and likable, their conflicts believable and their adventures thrilling. The Gorgs are frightening, Doc and Sprocket enlightening, Uncle Travelling Matt hilarious (the postcard segments are very 80s!) and the final episode, Change of Address, genuinely touching. Let's go down to Fraggle Rock again!\": {\"frequency\": 1, \"value\": \"Everything was ...\"}, \"This movie was amazingly bad. I don't think I've ever seen a movie where every attempt at humor failed as miserably. Let's see...the acting was pathetic, the \\\"special effects\\\" where horrible, the plot non-existant...that pretty much sums up this movie.

\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"One of the most disgusting films I have ever seen. I wanted to vomit after watching it. I saw this movie in my American History class and the purpose was to see an incite on the life of a farmer in the West during the late 1800's. What we saw were pigs being shot and then slaughtered, human birth, branding. Oh and at the end there was a live birth of a calf and let me tell you that the birth itself wasn't too bad, but the numerous fluids that came out drove most people in my class to the bathroom. The story itself was OK. The premise of the story is a widow and her daughter and they move to the west to be a house keeper of this cowboy. They live a life of hardship and it is an interesting a pretty accurate view of life in the West during the late 1800's. But if you have a choice, do not see this movie.\": {\"frequency\": 1, \"value\": \"One of the most ...\"}, \"Welcome to Oakland, where the dead come out to play and even the boys in DA hood can't stop them. This low-budget, direct-to-video production seems timed to coincide with the release of Land of the Dead, the latest installment of George A. Romero's famed zombie series. The ghetto setting and hip-hop soundtrack may provide additional appeal for inner- city gore hounds. Ricky (Carl Washington) works at a medical research facility while raising his kid brother, Jermaine (Brandon Daniels). But the teenager, bored by macaroni-and-cheese dinners in their tract house, would rather spend his time hanging with street friends Marco and Kev. Apparently there is not a lot for African-American high-school dropouts to do on this side of the bay except deal drugs and scuffle with the homeys, including rival Latino gang bangers. Ricky plans to sell their late parents' house and move inland to the Castro Valley, a more middle-class and presumably safer environment. Unfortunately, before this can happen, a drive-by shooting leaves Jermaine dead on the porch. Grief-stricken Ricky tries a last desperate ploy. He tells Scotty, his lab assistant, to steal some of the experimental cell regeneration formula they have been testing on rats. When a double dose fails to revive Jermaine, there is no choice except to call 911. But a funny thing happens on the way to the morgue. The boy is reanimated as a sputtering, growling zombie, chews the ambulance drivers and staggers off into the night, bent on revenge and hungry for fresh meat. The feeding frenzy infects more victims, and before the night is over the East Bay is a battleground between the living and the blood-spattered undead. The horror genre has seen more than its share of cheap movie makers, from Ed Wood to Herschel Gordon Lewis to Charles Band. But low budgets do not necessarily mean bad films. Consider Val Lewton's programmers (Cat People, The Leopard Man, Isle of the Dead), Roger Corman's Poe quickies, Romero's Night of the Living Dead and John Carpenter's Halloween. The difference between memorable and awful has more to do with talent and ambition than money. Hood Of The Living Dead is more fun than several hundred million dollars' worth of recent high-priced horrors. Cheapness has its charms. In truly cheap films actors wear their own clothes amid real settings. Here the tract houses have freshly painted walls in neutral matte tones, lending a bleakness as oppressive as Douglas Sirk's bourgeois melodramas of the '50s. Lines seem more improvised than scripted. \\\"So what the hell are we gonna do now?\\\" \\\"Just keep your eyes open for any F N' thing that looks out of the ordinary.\\\" Ricky and Scotty call their boss, who calls an ex-military man named Romero. \\\"I have a huge bitch of a problem that we have to take care of fast.\\\" \\\"Not a problem,\\\" says the merc, closing his phone and grabbing his guns. Everybody has guns, and even when fighting zombies they're on their cell phones, as who isn't nowadays? Information is exchanged with naturalistic understatement. \\\"What happened?\\\" \\\"We got into it with some crazy motherfockers.\\\" \\\"Deja F N' vu. It's that park zombie again. ...\\\" Ricky even has to blow his twitching girlfriend away, saying only, \\\"She's gotten out of hand.\\\" Unlike most zombie movies, this one provides a motive for mayhem. Jermaine takes revenge on the gang bangers who shot him, who in turn continue the rumble. This is urban film-making that implies its own social commentary, a near-guerrilla production suggesting a future for low-budget horror that reflects real life instead of supernatural clich\\ufffd\\ufffds. The brothers Quiroz, who have trademarked their name as if in anticipation of a new movement, may inspire others to tell stories arising from personal experience rather than imitating tired Hollywood product. Considering their limited resources, Jose and Eduardo Quiroz have made a cheap but technically acceptable feature about people they know. Photographer Rocky Robinson gets the job done, music by Eduardo Quiroz is no simpler than Carpenter's haunting Halloween theme, and hip-hop songs by The Darkroom Familia and others add atmosphere. The result is promising if not exactly exhilarating. They are learning their craft and, unlike Lewis and Wood, who never got any better, their next may be one to watch.\": {\"frequency\": 1, \"value\": \"Welcome to ...\"}, \"Imagine the worst skits from Saturday Night Live and Mad TV in one 90 minute movie. Now, imagine that all the humor in those bad skits is removed and replaced with stupidity. Now imagine something 50 times worse.

Got that?

OK, now go see The Underground Comedy Movie. That vision you just had will seem like the funniest thing ever. UCM is the single worst movie I've ever seen. There were a few cheap laughs...very few. But it was lame. Even if the intent of the movie was to be lame, it was too lame to be funny.

The only reason I'm not angry for wasting my time watching this was someone else I know bought it. He wasted his money. Vince Offer hasn't written or directed anything else and it's no surprise why.\": {\"frequency\": 1, \"value\": \"Imagine the worst ...\"}, \"Being a fan of silent films, I looked forward to seeing this picture for the first time. I was pretty disappointed.

As has been mentioned, the film seems to be one long, long, commercial for the Maxwell automobile.

Perhaps if the chase scene was about half the length that it is, I may have enjoyed the film more. But it got old very fast. And while I recognize that reality is stretched many times in films, without lessening a viewer's enjoyment, what was with the Mexican bandits? I mean, they are chasing a car through the mountains, a car that most of the time is moving at about one mile per hour, yet they can't catch up to it?\": {\"frequency\": 1, \"value\": \"Being a fan of ...\"}, \"Domestic Import was a great movie. I laughed the whole time. It was funny on so many levels from the crazy outfits to the hilarious situations. The acting was great. Alla Korot, Larry Dorf, Howard Hesseman, and all the others did an awesome job. Because it is an independent film written by a first-time writer, it doesn't have the clich\\ufffd\\ufffds that are expected of other comedies, which was such a relief. It was a unique and interesting and you fall in love with the characters and the heart-warming story. I heard it was based on a true story? If so, then that is hilarious (and amazing!). I highly recommend this movie.\": {\"frequency\": 1, \"value\": \"Domestic Import ...\"}, \"This is a cute little horror spoof/comedy featuring Cassandra Peterson aka Elvira: Mistress of the Dark, the most infamous horror hostess of all time. This was meant to be the pilot vehicle for Elvira and was so successful that it was picked up by the NBC Network. They filmed a pilot for a television series to feature the busty babe in black but unfortunately the sit-com never made it past the pilot stage due to it's sexual references. This film however, is very amusing. Elvira is the modern-day Chesty Morgan and the queen of the one-liners. This film was followed up a few years later by the abysmal \\\"Elvira's Haunted Hills\\\" which was meant to be a take-off of the old Roger Corman movies but falls flat on it's face. Watch this movie instead for a much more entertaining experience!\": {\"frequency\": 1, \"value\": \"This is a cute ...\"}, \"Well, you know the rest! This has to be the worst movie I've seen in a long long time. I can only imagine that Stephanie Beaham had some bills to pay when taking on this role.

The lead role is played by (to me) a complete unknown and I would imagine disappeared right back into obscurity right after this turkey.

Bruce Lee led the martial arts charge in the early 70's and since then fight scenes have to be either martial arts based or at least brutal if using street fighting techniques. This movie uses fast cuts to show off the martial arts, however, even this can't disguise the fact that the lady doesn't know how to throw a punch. An average 8 year old boy would take her apart on this showing.

Sorry, the only mystery on show here is how this didn't win the golden raspberry for its year.\": {\"frequency\": 1, \"value\": \"Well, you know the ...\"}, \"This film breeches the fine line between satire and silliness. While a bridge system that has no rules may promote marital harmony, it certainly can't promote winning bridge, so the satire didn't work for me. But there were some items I found enjoyable anyway, especially with the big bridge match between Paul Lukas and Ferdinand Gottschalk near the end of the film. It is treated like very much like a championship boxing match. Not only is the arena for the contest roped off in a square area like a boxing ring, there is a referee hovering between the contestants, and radio broadcaster Roscoe Karns delivers nonstop chatter on the happenings. At one point he even enumerates \\\"One... Two... Three... Four...\\\" as though a bid of four diamonds was a knockdown event. And people were glued to their radios for it all, a common event for championship boxing matches. That spoof worked very well indeed.

Unfortunately, few of the actors provide the comedy needed to sustain the intended satire. Paul Lukas doesn't have much of a flair for comedy and is miscast; lovely Loretta Young and the usual comic Frank McHugh weren't given good enough lines; Glenda Farrell has a nice comic turn as a forgetful blonde at the start of the film, but she practically disappears thereafter. What a waste of talent!\": {\"frequency\": 1, \"value\": \"This film breeches ...\"}, \"I have to say that this TV movie was the work that really showed how talented Melissa Joan Hart is. We are so used to, now, seeing her in a sitcom and I really hope that a TV station will show this TV movie again soon as it will show the Sabrina fans that MJH shines in a drama. Seen as we have watched her on Sabrina now for now 5 years and so to give the viewers a taste of her much unused talent would be a plus. Melissa plays her role so well in this wanting her parents \\\"done away\\\" with so she can be with the guy she loves. One thing that all Sabrina viewers will notice, Melissa works with David Lascher in this, well before he took the role of Josh on Sabrina. So it would be kind of neat to see this currently whenever it gets aired again. Hopefully MJH gets some good roles in movies or even in more TV Movies, sort of like Kellie Martin who has always shined in TV Movies. Lots of unused talent waiting to bust out when it comes to Melissa Joan Hart, you shine always Melissa!!!\": {\"frequency\": 1, \"value\": \"I have to say that ...\"}, \"There are few movies that appear to provide enterntainment as well as realism. If you've ever wondered about the role of snipers in modern war, take a look at this one.

I just loved the scene where hundred soldiers get shooting at the jungle, no-one quite sure where that shot came?

And, they nicked one scene to Saving Private Ryan, so it has to have some merit in the scene.

\": {\"frequency\": 1, \"value\": \"There are few ...\"}, \"This isn't among Jimmy Stewart's best films--I'm quick to admit that. However, while some view his film as pure propaganda, I'm wondering what's so wrong with that? Yes, sure, like the TV show THE FBI, this is an obvious case of the Bureau doing some PR work to try to drum up support. But, as entertainment goes, it does a good job. Plus, surprisingly enough for the time it was made, the film focuses more on crime than espionage and \\\"Commies\\\". Instead, it's a fictionalization of one of the earliest agents and the career he chose. Now considering the agent is played by Jimmy Stewart, then it's pretty certain the acting and writing were good--as this was a movie with a real budget and a studio who wasn't about to waste the star in a third-rate flick. So overall, it's worth seeing but not especially great.\": {\"frequency\": 1, \"value\": \"This isn't among ...\"}, \"LL Cool J. Morgan Freeman. Dylan McDermott. Kevin Spacey. John Heard. Cary Elwes. Roslyn Sanchez. Justin Timberlake -- wait a minute. Justin Timberlake? And he's the star? I should have known better than to rent EDISON FORCE. In fact, I did know better. But in a moment of absolute weakness, I rented this STV. When you have big names like Freeman and Spacey in an STV, you know it's one of two things: an indie or a dog. As in sat-on-a-shelf. Which this did. And with good reason. The plot as such involves a squad of corrupt killer cops a la MAGNUM FORCE, and \\\"journalist\\\" Timberlake is the only one brave enough to uncover them. He is targeted for his efforts -- or maybe I should say for his horrible acting. I turned it off after one of the bad guys was shot through the forehead and still had the forethought to turn to his shooter and smile before collapsing. Just awful. The real tipoff to how bad this flick is to see Freeman on the cover and throughout the movie sporting an unruly beard, looking like nothing so much as a hobo. You just know the director was not in control. Freeman is clearly slumming.\": {\"frequency\": 1, \"value\": \"LL Cool J. Morgan ...\"}, \"What a GREAT British movie, a screaming good laugh and sexy Gary Stretch too, and oh, lots of bikes and lovely Welsh countryside.

Members of our club the ARROWHEAD Bike and Trike Social Club appear in it as extras! Hooray!!

There are some genuinely hilarious bits, good acting, a good idea.

Met the director, Jon Ivay at a showing in Wareham, Dorset. A great man, down to earth and a good laugh. This film must be supported, as all great Brit movies should!

So please go and see it if you can, they have a website with cinemas that are showing it , so find one near you!

I can't wait to get the DVD. Some of our biker friends have seen the film two or three times already and can't get enough of it.

Amanda\": {\"frequency\": 1, \"value\": \"What a GREAT ...\"}, \"This film is excellently paced, you never have to wait for a belly laugh to come up for more than about a minute and there's much more going on than the initial premise of the film. Throughout it there are mockeries of the traditional schmaltzy local-boys-done-good-overcoming-adversity genre of which this parodies. Don't let anyone tell you that they're trying to get cheap laughs just by using obscenities;- sure, there's plenty of that but it's all contextual, not gratuitous. I loved this film and it only cost me \\ufffd\\ufffd2.99 on DVD , so in terms of entertainment value for money, it has been the best film I've seen this year.\": {\"frequency\": 1, \"value\": \"This film is ...\"}, \"Canadians are too polite to boo but the audience at the Toronto Film Festival left the theater muttering that they would rate this film 0 or 1 on their voting sheets. The premise is that a modern filmmaker is interpreting a 17th century fable about the loves of shepherds and shepherdesses set in the distant past when Druids were the spiritual leaders. Working in three epochs presents many opportunities to introduce anachronisms including silly and impractical clothing and peculiar spiritual rites that involve really bad poetry. Lovers are divided by jealousy and their rigid adherence to idiotic codes of conduct from which cross-dressing and assorted farcical situations arise. The film could have been hilarious as a Monty Python piece, which it too closely resembles, but Rohmer's effort falls very flat. The audience laughed at the sight jokes but otherwise bemoaned the slow pace. The ending comes all in a rush and is truly awful. This is a trivial film and a waste of your movie going time.\": {\"frequency\": 1, \"value\": \"Canadians are too ...\"}, \"Trite, clich\\ufffd\\ufffdd dialog and plotting (the same kind of stuff we saw all through the 1980s fantasy movies), hokey music, and a paint-by-numbers characters knocks this out of the running for all but the most hardcore fans.

What saves this film from the junk heap is the beautiful crutch of Bakshi's work, the rotoscoping, and the fact that Frank Frazetta taught the animators how to draw like him. This is Frazetta...in motion. The violence is spectacular and the art direction and animation are unlike any other sword & sorcery movie of the period.

I like to watch this with the sound off, playing the soundtrack to the first Conan movie instead.\": {\"frequency\": 1, \"value\": \"Trite, clich\\u00e9d ...\"}, \"This is a decent endeavor but the guy who wrote the screenplay seems to be a bit in the dark as to what exactly makes a zombie movie cool. No, it isn't CGI bugs and software companies. Actually I'm not sure whether it was a software company - I saw it without subtitles so I had to guess what they're talking about. Anyway my point was - instead of wasting your time animating some dumb-ass bug, why not throw in more zombies and more action. 2/3 of the 20 minutes consist of news bulletins, bugs, some guys yelling about something. And to makes matters worse (more boring) most of the deaths occur off-screen. I realize that's all too common for no-budget movies, but then there were some very impressive effects (well, kind-a of) which left me wondering why did the director (or screenwriter, whatever) chose to focus on how the epidemic started - it's a short, nobody's gonna care anyway.\": {\"frequency\": 1, \"value\": \"This is a decent ...\"}, \"I watched this movie. To the end. And that was really not easy. It is so boring, bad played and in nearly every detail stolen from \\\"BLAIR WITCH PROJECT\\\" that you can't believe the makers take this serious. Even harder to believe, is how this \\\"product\\\" made it onto VHS and DVD.

So, if want to see a horror-movie, just watch \\\"Scream\\\", but if you want to laugh out loud and have a good time, watching some kids running through the woods screaming at each other and showing of their inability, watch dark area.\": {\"frequency\": 1, \"value\": \"I watched this ...\"}, \"Time for a rant, eh: I thought Spirit was a great movie to watch. However, there were a few things that stop me from rating it higher than a 6 or 7 (I'm being a little bit generous with the 7).

Point #1: Matt Damon aggravates me. I was thinking, 'what a dicky voice they got for the main character,' when I first heard him narrate - and then I realized it is Matt Damon. The man bugs me so very bad - his performance in \\\"The Departed\\\" was terrible and ruined the movie for me (before the movie got a chance to ruin itself, but that's another story for some other time), as it almost did \\\"Spirit\\\". I was able to get past this fact because of how little narration there actually was... thankfully.

Point #2: Brian Adams sucks... The whole score was terrible... The songs were unoriginal, generic, and poorly executed; not once did I find the music to fit; and the lyrics were terrible. Every time one of the lame songs came on, I was turned off. I almost thought I'd start hearing some patriotic propaganda slipped into the super-American freedom style lyrics (I couldn't help but be reminded of those terrible patriotic songs that played on the radio constantly after 9/11). In light of the native American aspects of the film, they should have gone with fitting music using right instruments, not petty radio-hit, teen-bop, 14-year-old-girl crap. I thought I was back in junior high school. I can't believe no better could have been done--I refuse to. Had it not have been for this, I'd rank the film up more with Disney, which knows a thing or two about originality (ok, don't bother saying what I know some of you are probably thinking ;). Too bad, it's a shame they couldn't have hired better musicians.

I liked the art and animation, except for some things here and there... like sometimes the angles appear too sharp on the face and the lines too thick or dark on the body (thick/dark lines mainly near the end). There were often times when I thought they _tried too hard_ on the emotion and facial expressions and failed at drawing any real emotion. But there were also times when the emotion ran thick. Anyhow, many scenes were lazy and the layers were apparent.

OK, I'm falling asleep here so I'll sum it up before I start making less sense...

Nice try on an epic film... it turned out mediocre though. Matt Damon, you suck!\": {\"frequency\": 1, \"value\": \"Time for a rant, ...\"}, \"As a huge fan of the original, I avoided this film like the plague when the bad reviews started coming in eight years ago, but I just finished watching this film and found it to be a really pleasant surprise.

Okay, if you are looking for a retread of the original, you're in for a big disappointment, but if you are looking for something quite different, a bit edgy and political, then this is the film for you.

Gregory is now thirty four and works as a teacher at his old comprehensive school, where he's being pursued by a fellow teacher and having sexual dreams about one of his students. When the student insists on meeting up with Gregory, a series of misadventures ensue that include torture, breaking and entering and all manner of unexpected twists and turns that left me feeling elated and moved.

If you are looking for something original, then I highly recommend this film. I only wish that more people had gone to see this when it was released and seen it for what it really is.\": {\"frequency\": 1, \"value\": \"As a huge fan of ...\"}, \"OK, so I know of this movie because of a friend of mine's in it and I actually visited the set when they were filming, so from a personal stand-point, I was intrigued to finally view this obscure little gem. If you dig at all on info regarding this movie, you'll find it's mired in legal troubles (even over 7 years after being filmed) so, if you are at all like me -- then you'll do whatever it takes to obtain a copy. My source? Ebay. About $15 but I felt ripped because when I got it today in the mail, it was a very rough, grainy copy of a \\\"SCREENER ONLY\\\" release, complete with annoying top mini time-code but alas, I could still enjoy it but not as much as if I had a proper copy, something I suggest you obtain if you want the full impact this film may or may not have on you. From what I have gleaned, it's been released on DVD in Germany & now Spain. With that, good luck & happy searching/bidding...;). The score/sndtrk is worth it alone. Very eclectic and varied (somethinbg rare these days IMHO in film) -- I think that will be my next sndtrk/score to locate, but I digress...

Now, onto the review. The film opens as Billy Zane's character is injecting a nurse in the mental ward he is apparently locked up in. He steals her clothes (even shoes) and quickly moves into a series of holding up a bank/loan shop but after escaping with the loot, well, I guess this is where the \\\"plot\\\" begins -- he inadvertently looses it. After perpetrating several campy over-the-top crimes & dalliances to various A to C-list celebs to locate the money, he finds himself somehow in a cemetery where a funeral -- I think for the dead guy he shoots in the loan office/bank, and -- even with 1950's police cars and cops looking all over for him steadily throughout -- he never gets seen or nabbed. (He sees daily newspapers reporting his \\\"crimes\\\") This I liked, because it gave the thin plot an extension. After all, it's a MOVIE (see: fiction) & director Iris Iliopulos does what I think is everything possible to 1) Bring Wood's vision to fruition and 2) Give it an updated feel, yet have shots of authentic 50's police cars intertwined with, ahh, local L.A..99$ stores -- so well hence my 9 rating. If the period and props were authentic -- I would have given it a 10. Now it wraps it self up kinda weird and I won't spoil it for anyone but let's just say the final ending is somewhat disappointing for it, to me, it had promise, action and comedy -- all up till the end, so...with ALL that said --locate a copy at your own discretion.

Just realize that, as there is no dialouge (except for some narration and singing) this may be up your alley -- maybe not-- but I definitely think it's worth a watch. The actors all do fine performances and it's only the inconsistency in proper period pieces that really made me long for just that correction -- then I would say by all means check this film out for it's not like anything these studios put out these days (or will in the future, too) I am sure.\": {\"frequency\": 1, \"value\": \"OK, so I know of ...\"}, \"A delightful gentle comedic gem, until the last five minutes, which degenerate into run of the mill British TV farce. The last five minutes cost it 2 points in my rating. Despite this major plot and style flaw, it's worth watching for the character acting and the unique Cornwall setting. Many fine little bits to savor, like the tense eternity we all go through waiting for the bank approval after the clerk has swiped the credit card...made more piquant when we're not - quite - sure the card is not maxed.\": {\"frequency\": 1, \"value\": \"A delightful ...\"}, \"In Europe, it's known as Who Dares Wins; in America, it's known as The Final Option, but under any title this ludicrous SAS action flick asks the audience to put their disbelief to one side for around two hours. I find it incredibly hard to comprehend how Lewis Collins (the hero here) was almost chosen as Roger Moore's successor in the Bond films.... this guy is so expressionless he'd struggle to get a job in a waxwork museum (as a waxwork!!!) Luckily, Judy Davis is on hand to partially redeem the affair with a meaty performance as a hard-line lady terrorist, and there's a climactic ten minute action sequence that is quite competently orchestrated by director Ian Sharp. Let it be added that it's a very, very, very long wait for these closing excitements to come around, and I can't honestly say that a near two hour wait for a bit of decent action was worth the effort.

SAS hard man Peter Skellen (Lewis Collins) goes undercover among a group of peace protesters who would like to see the end of nuclear weapons stock-piling. He meets their leader Frankie (Judy Davis), a strong-talking and opinionated woman who might just be capable of taking extraordinary measures to achieve her goals. Frankie's dedicated bunch violently lay siege to the American Embassy in London, demanding that a nuclear missile be fired at a naval base in Scotland (she believes that when the world witnesses a nuclear blast for real, everyone will be so appalled that they will join her campaign for disarmament). Unfortunately for Frankie, she makes the mistake of taking Skellen on her little embassy raid, and he plans to thwart their plan from inside with a little well-timed outside help from his SAS comrades.

The film is inspired - quite obviously - by the awesome SAS assault on the Iranian Embassy in 1981. Someone who saw that event on the news apparently thought it would be good to devise a film along similar lines. Unfortunately, the film is rather banal, with too much stupid dialogue and a heck of a lot of embarrassingly bad scenes (the arch-bishop's debate which descends into a riot, anyone?) Frankie's idea to bring about peace by instigating a nuclear blast is ridiculous anyway, so she becomes a laughable figure just when the audience is on the verge of viewing her as an interesting villain. Who Dares Wins tries to be a celebration of the military legend that is the SAS, but at the same time it dips into clumsy action clich\\ufffd\\ufffds and ill-thought-out plotting. The result is a well-intentioned but wholly ineffective slice of Boy's Own absurdity.\": {\"frequency\": 1, \"value\": \"In Europe, it's ...\"}, \"\\\"Cut\\\" is a full-tilt spoof of the slasher genre and in the main it achieves what it sets out to do. Most of the standard slasher cliches are there; the old creepy house, the woods, the anonymous indestructible serial killer, buckets of gore, and of course the couple interrupted by the killer while they're having sex (that's hardly a spoiler).

The set-up is simplicity itself: film-school nerds set out to complete an unfinished slasher \\\"masterpiece\\\", unfinished because of the murders of a couple of the cast. This also neatly - okay, messily - disposes of Kylie Minogue in the first reel. They are joined by one of the survivors of the original film, played by Molly Ringwald who absolutely steals the film because she gets all the best lines. The rest of the cast fit their roles well, especially the lovely Jessica Napier, who plays it straight while the mayhem and gore erupt around her.

There are plenty of red herrings and fake suspenseful moments, and there is very little time to try to work out who the killer is because the film moves at such a fast pace. It also has an appropriate low budget look, including some clumsy editing which is probably deliberate. Good soundtrack, too. If there is a difficulty with this film it is deciding whether it is a send-up of or a homage to the slasher genre. Probably a bit of both.\": {\"frequency\": 1, \"value\": \"\\\"Cut\\\" is a full- ...\"}, \"Okay, my title is kinda lame, and almost sells this flick short. I remember watching Siskel & Ebert in '94 talking about this movie, and then playing a clip or two. Not being a rap-conscious guy (although I could identify Snoop Dogg, Vanilla Ice, and MC Hammer music), I wasn't much interested when they started talking about the film. But then, S&E showed the scene where the band explains how they picked their name (using some \\\"shady\\\" logic and a bunch of \\\"made up\\\" facts), and then another scene where the band, and their rival band, both visit a school to promote getting involved (and, of course, NWH comes up with some \\\"info\\\" about how the rival band leader is a loser because he got good grades in school and was on the yearbook committee). So I filed it away that I should see this movie.

A couple of years later, this thing shows up on HBO and I recorded it, only to laugh my butt off for hours. Yes, it has a \\\"Spinal Tap\\\" kind of rhythm to it...even the documentarist takes essentially the same \\\"tone\\\" in setting up the clips, and the band follows a similar path (what I now call the \\\"Behind the Music\\\" phenomenon - smalltime band has good chemistry, gets famous, too much money too fast, squabbling, drugs, some type of death, band breaks up, then reconciles, finishing with a hope for more albums in the future, and fade to black). The one thing that is true is that in Spinal Tap, you catch the band perhaps with a little more success in their past. But Tap drags at some points, and in my mind is reduced to laughs that are set up by specific scenes. Oh, this is his rant about the backstage food, this is spot where he wants the amp to go to \\\"ELEVEN\\\", this is the spot where the guy makes the pint-sized stonehenge, etc...

Contrasting to FoaBH, which seems to have more \\\"unexpected\\\" humor. You can see some of it coming, but there isn't a big setup for every joke. Sometimes, the jokes just kinda flow. Cundieff and the other actors in the band had a real chemistry that worked. Also, the direct references to Vanilla Ice, Hammer, and a bunch of other caricature-type rappers really worked well. This strikes me as a film you watch once to get the main story and laughs, and then go back and watch to catch the subtle jokes. And the songs. Is \\\"My Peanuts\\\" better than \\\"Big Bottom\\\" (from Spinal Tap)? I don't know - but they're both damn funny. Tone Def's awful video during his \\\"awakening\\\" phase is so bizarre, yet so funny.

I could go on awhile, but save your time and don't waste it on CB4. I watched the first half hour, and got bored. You don't get bored on FoaBH. There are slightly less funny moments, but you can never tell when something good is about to happen. Perhaps my favorite scene is when Ice Cold and Tastey Taste (name ripoffs if I've ever heard any) discover they've been sharing the same girl....at one point, you've got those two pointing guns at each other, and the next thing you know, the manager, the photographer, the girl, and I think even Tone Def are in the room pointing guns at each other, switching targets back and forth. And, of course, someone does get shot.

I did find it odd that NWH's managers suffered similar fates to Spinal Tap's drummers (although none spontaneously combusted, I don't think). There were enough similarities that I cannot ignore the likelihood that Cundieff saw \\\"Spinal Tap\\\" prior to writing this film, although this is clearly much more the Spinal Tap of hip-hop. While some similarities exist, the humor is different, and the movie seems more like a real documentary (maybe because we don't recognize a single actor in this thing, even the guy who played \\\"Lamar\\\" from \\\"Revenge of the Nerds\\\"). All in all, this movie has, in my opinion, \\\"street cred\\\". Kinda like NWH.\": {\"frequency\": 1, \"value\": \"Okay, my title is ...\"}, \"It is hard to describe this film and one wants to tried hard not to dismiss it too quickly because you have a feeling that this might just be the perfect film for some 12 years old girl...

This film has a nice concept-the modern version of Sleeping Beauty with a twist. It has some rather dreamy shots and some nice sketches of the young boy relationship with his single working mother and his schoolmate... a nice start you might say, but then it got a bit greedy, very greedy, it tries to be a science fiction, a drama, a thriller, a possible romantic love story, fairy tale, a comedy and everything under the sun. The result just left the audience feeling rather inadequate. For example, the scene when the girl(played by Risa Goto) finally woken by his(Yuki Kohara) kiss, instead of being romantic, it try's to be scary in order to make us laugh afterwards... it is a cheap trick, because it ruin all the anticipation and emotion which it was trying to build for the better half of the film.

I have not read the original story the film is base on (it is the well-known work by the comic-book artist Osamu Tezuka is famous with his intriguing and intricate stories) I wonder if all the problems exsist in the original story or did it occur in the adaption? It is rather illogical even for someone who is used to the \\\"fussy logic\\\" of those japanese comic-book. For instance, how did Yuki Kohara's character manage to get to the hospital in an instant(when its suppose to be a long bus-ride away)to run away Risa Goto's character in front of the tv cameras right after he saw her live interview on the television?

There are also some scenes that is directly copied(very uncreative!) from other films and they all seem rather pointlessly annoying ie. the famous \\\"the Lion mouth has caugh my hand\\\" scene from \\\"the \\\"Roman Holiday\\\"

The film tries to be everything but ends up being nothing... it fails to be a fairy tale and it did not have enough jokes to be a comedy... and strangely there are some scenes that even seem like an unintentional \\\"ghost\\\" movie. Nevertheless, one should give it credit that it has managed to caputured some of the sentiment of the japanese teenager.

It is by watching this film I have a feeling that there might be some films that should have come with a warning label that said \\\"this film might only be suitable for person under the 18 of age\\\", it would have definitly been on the poster of this film.

\": {\"frequency\": 1, \"value\": \"It is hard to ...\"}, \"My very favorite character in films, but in nearly all of them the character of Zorro has a small bit of cloth as a mask and if the villain`s can`t tell who is under that cloth then they are daft.

But in Reed Hadley`s \\\"Zorro`s Fighting Legion\\\" (serial 1939) the mask fills his whole face making it a real mystery as to who Zorro really is.

But anyway Zorro is one of the best character`s in films and to bring it up to date l think Anthony Hopkins in \\\"The Mask of Zorro\\\" (1998) is a delight.

My interest in films is vast, but l have a real liking for the serial`s of the 30s/40s....

Bond2a\": {\"frequency\": 1, \"value\": \"My very favorite ...\"}, \"I am a big fan of cinema verite and saw this movie because I heard how interesting it was. I can honestly say it was very interesting indeed. The two lead actors are awesome, the film isn't ever boring, and the concept behind it (though obviously inspired by the Columbine killings and the home movies of the killers) is really interesting. There are some weaknesses, such as the final 20 minutes which really detracts from the realism seen in the first hour or so and the ending really doesn't make any sense at all. The shaky camera sometimes can be a distraction, but in cinema verite that is a given. But I still think the movie is very well done and the director Ben Coccio deserves some credit.\": {\"frequency\": 1, \"value\": \"I am a big fan of ...\"}, \"The Movie I thought was excellent it was suppose to be about romance with a little suspense in between.

Rob Stewart is a wonderful actor I don't know why people keep giving him a bad rap. As for Mel Harris she is a great actress and for those who thinks she looks too old for Rob it's only by five years.

Rob had a lead role in his own TV series as well as one on the Scifi channel. I'm sure you remember Topical Heat aka Sweating Bullets and PainKiller Jane.

He also starred in a number of TV movies and is now making a TV Mini series.

They need to give him more leading roles that is what he is best at.\": {\"frequency\": 1, \"value\": \"The Movie I ...\"}, \"Okay. This has been a favourite since I was 14. Granted, I don't watch it multiple times a year anymore, but... This is not a movie for an older generation who want a deeper meaning or some brilliant message. This movie is FUN. It's pretty dated, almost passe, but Parker Posey is so brilliant that it's unbelievable. If you want to be charmed by a 90's Breakfast at Tiffany's, attended 90's raves, or love Parker, this movie is for you. Otherwise, don't bother.\": {\"frequency\": 1, \"value\": \"Okay. This has ...\"}, \"The opening 5 minutes gave me hope. Then Meyers proved he only had one good idea for the rest of the movie. Absolute lowest common denominator humor. Painful viewing. A complete chore. Written no doubt in less than a week, just like the first one. Give Meyers the hook and lock him in a cell with Adam Sandler and Will Farrell. And don't let him out until he's developed a decent script for something, anything. He has it in him. These Austin Powers things are just embarrassing.

Let Goldmember sink without trace.\": {\"frequency\": 1, \"value\": \"The opening 5 ...\"}, \"Ah, Domino is actually a breath of fresh air, something new to the cinema world. I enjoyed the movie a lot because of the intricate plot, the varied characters, and the intense camera effects. I've seen some complain about the camera work and, in fact, according to the creators themselves, the flashy and wild shots were all the culmination of mistakes made through time. All of what you see was the desired effect. Perhaps some complain because something quite like this has never been done before, although that's what sets it apart. In a deeper aspect, what you are seeing is just how Domino sees things through her eyes, think about it.

When it comes to the story, I don't see anything quite bad about it. Despite it's \\\"messy\\\" nature, according to some, it is in fact just a rapid form of storytelling. The plot really isn't all that hard to follow, if you actually focus on what's going on. Maybe it's just me because I see movies from many different aspects such as the acting, the plot, etc. I'm no \\\"interpreter\\\" or anything who picks movies apart, it just comes to me. With that said, I believe this is quite an excellent movie indeed, despite it's future as a cult-classic, blockbuster, or whatever.

And the characters, well there's no doubting how varied the cast is. I believe the cast is excellent as they all do fine jobs portraying their characters effectively, that's what makes a movie ladies and gentlemen. The characters are all very unique and a plus is that you get to witness a small piece of each one of their lives, setting them apart even further. Basically, I personally loved the cast and characters.

All those who bash and burn this film perhaps just don't see it as I do, or it just doesn't appeal to them. No matter, this is a great film in it's own right, no, it's a great film period.\": {\"frequency\": 1, \"value\": \"Ah, Domino is ...\"}, \"This had a good story...it had a nice pace and all characters are developed cool.

I've watched a whole bunch of movies in the last two weeks and this had to be the best one I've seen in the two weeks.

Jason Bigg's character was the best though.

Even though it was small, it was cleverly crafted from the very beginning.

This may be a romantic comedy and I don't like most, but the writing, direction, performing, sound, design overall in all capacity just was really thought out pretty cool.

This film scored pretty high out of all the movie's I've seen lately - and the rest were big budget or better publicized.

Good job in writing.\": {\"frequency\": 1, \"value\": \"This had a good ...\"}, \"If you were ever sad for not being able to get a movie on DVD, it was probably 'Delirious' you were looking for. How often do you laugh when watching stand up comedy routines? I was too young to see Richard Pryor during his greatest time, and when I was old enough to see Eddie Murphy's 'Delirious' and 'Raw' (not as funny) I never knew where Eddie got a big part of his inspiration. Now that I'm older, and have seen both Pryor and many of the comedians after Murphy, I realize two things: Everybody STEALS from Eddie, while Eddie LOVINGLY BORROWED from Richard. That's the huge difference: Eddie was original, funny, provocative, thoughtful \\ufffd\\ufffd and more. He was something never before seen. He was all we ever needed. These days Eddie Murphy is boring and old \\ufffd\\ufffd but once upon a time he was The King, and 'Delirious' was the greatest castle ever built. Truly one of the funniest routines of all time.\": {\"frequency\": 1, \"value\": \"If you were ever ...\"}, \"This is one of the most beautiful films I have ever seen. The Footage is extraordinary, mesmerizing at times. It also received an Oscar for best photography, and deservedly so. I have many movies in my film collection and several more I've seen besides them, and not many of them are more beautifully or even equally as beautifully shot as this one.

It's unique and an overall great movie. The cast is terrific and do a great job in portraying their characters. We follow their destinies with devotion, and get very emotionally attached to them. Along the way, we also learn things about ourselves and our lives. I think much of this film for what it represent, and how it present it. I warmly recommend it\": {\"frequency\": 1, \"value\": \"This is one of the ...\"}, \"My favorite quote from Crow was, when the car was going off the cliff, \\\"The movie is so bad, even the car wants to get out of it!\\\"

This had to be the funniest movie I have ever seen. It was seriously out there to scare you, which makes it even funnier! If it weren't for Mystery Science Theater I wouldn't be here today! :-P\": {\"frequency\": 1, \"value\": \"My favorite quote ...\"}, \"Some of the background details of this story are based, very, very loosely, on real events of the era in which this was placed. The story combines some of the details of the famous Leopold and Loeb case along with a bit of Aimee Semple McPherson.

The story begins with two mothers (Shelley Winters and Debbie Reynolds) being hounded as they leave a courtroom. The crowd seems most intent on doing them bodily harm as their sons were just convicted of a heinous thrill crime. One person in the crowd apparently slashes Winters' hand as they make their way to a waiting car.

Soon after they arrive home, they begin getting threatening phone calls, so Reynolds suggests they both move to the West Coast together and open a dance school. The dance school is s success and they cater to incredibly obnoxious parents who think their child is the next Shirley Temple. One of the parents of these spoiled kids is a multimillionaire who is quite smitten with Reynolds and they begin dating. Life appears very good. But, when the threatening phone calls begin again, Winters responds by flipping out--behaving like she's nearing a psychotic break and she retreats further and further into religion--listening on the radio to 'Sister Alma' almost constantly. Again and again, you see Winters on edge and it ultimately culminates in very bad things!! I won't say more, as it might spoil this suspenseful and interesting film.

In many ways, this film is a lot like the Bette Davis and Joan Crawford horror films of the 1960s like \\\"Whatever Happened to Baby Jane?\\\", \\\"Straight-Jacket\\\" and \\\"The Nanny\\\". While none of these are exactly intellectual fare, on a kitsch level they are immensely entertaining and fun. The writing is very good and there are some nice twists near the end that make it all very exciting. Winters is great as a fragile and demented lady and Reynolds plays one of the sexiest 39 year-olds I've ever seen--plus she can really, really dance.

My only concern about all this is that some might find Winters' hyper-religiosity in the film a bit tacky--like a cheap attack on Christianity. At first I felt that way, but when you meet Sister Alma, she seems sincere and is not mocked, so I took Winters' religious zeal as just a sign of craziness--which, I assume, is all that was intended.

By the way, this film is packaged along with \\\"Whoever Slew Auntie Roo?\\\"--another Shelley Winters horror film from 1971. Both are great fun...and quite over-the-top!\": {\"frequency\": 1, \"value\": \"Some of the ...\"}, \"I had watched this film from Ralph Bakshi (Wizards, Hey Good Lookin'), one night ago on www.afrovideo.org, and I didn't see anything racial (I am not stupid), I do admit the character designs are a bit crude and unaccpectable today, but I think it's a satire and a very,very urban retelling of the old Uncle Remus stories that the Black American culture, created right down to the main characters and the blatant nod to \\\"The Tar Baby\\\" and \\\"The Briar Patch.\\\" These aren't bigoted stories, mind you, but cultural icons created by Black Americans, and me being a white woman read and love those stories. And I also found it an interesting time-capsule view on the black culture in Harlem, New York in the 70's.

Well to get to the nitty-gritty of this film: This film is a live-action/animated film, which begins in live-action with a fellow named Sampson (Barry White) and the Preacherman (Charles Gordone) rush to help their friend, Randy (Philip Michael Thomas) escape from prison, but are stopped by a roadblock and wind up in a shootout with the police. While waiting for them, Randy unwillingly listens to fellow escapee Pappy (Scatman Crothers), as he begins to tell Randy the animated story of Brother Rabbit, a young newcomer to the big city who quickly rises from obscurity to rule over all of Harlem; you know, to me Rabbit,Bear and Fox are animal versions of Randy,Sampson and the Preacherman. An abstract juxtaposition of stylized animation and live action footage, the film is a graphic and condemnatory satire of stereotypes prevalent in the 70s \\ufffd\\ufffd racial, ethnic, and otherwise.

So anyway, it is another GOOD Bakshi movie; and should we sweep films like this under the rug? pretend they never exist? hmmm...I think that would be a shame; I think we should watch these films entacted, and learn about what goes on back then, just how far we come since then.\": {\"frequency\": 1, \"value\": \"I had watched this ...\"}, \"I read this Thornton Wilder play last year in eighth grade. I was also forced to sit through this weak translation of it on screen. Let me tell you, it's not a terrific play, it is easily surpassed, but man it deserves a much better shot. The acting was really lacking, the scenery-honest to God-looked like it was designed out of cardboard by a group of three-year-olds. As if it couldn't get worse, the sound quality is lousy...there is this mind-numbing 'buzz' whenever an actor speaks...and I also couldn't help but notice that the chemistry between George and Emily, well, is non-existant. The actors all seem very uncomfortable to be there. There is no music. It is in black and white, which would be OK but it brings out the cheesiness of it all the more. In any case I think that if you're going to make a point of seeing this movie, which I don't really reccomend, then don't aim your hopes to high. The play, as stalwart as it is, is probably better.\": {\"frequency\": 1, \"value\": \"I read this ...\"}, \"One of a multitude of slashers that appeared in the early eighties, Pranks is notable only for an early performance by Daphne Zuniga (The Sure Thing, The Fly 2); her character dies fairly early on, and the rest of the film is totally forgettable.

During their Christmas break, a group of students volunteer to clear a condemned college building of its furniture. A crazy killer, however, throws a spanner in the works by methodically bumping off the youngsters one by one in a variety of gruesome ways.

Exploiting every stalk 'n' slash clich\\ufffd\\ufffd in the book, director Jeffrey Obrow delivers a tedious and unexciting horror that had me praying for the characters to be killed, so that I could get on with watching something more worthwhile. The majority of the deaths (which, let's face it, is why we generally watch this kind of film) are brief and not that gory; the only truly grisly imagery comes right at the end when the bodies of the victims are discovered by the remaining survivor (there is one notably bloody dismembered corpse\\ufffd\\ufffdthe film could've done with more).

At the last minute, the film saves itself from the disgrace of receiving the lowest possible score from me by having a nice unexpectedly downbeat ending, but this really is one for slasher completists only.\": {\"frequency\": 1, \"value\": \"One of a multitude ...\"}, \"Manhattan apartment dwellers have to put up with all kinds of inconveniences. The worst one is the lack of closet space! Some people who eat out all the time use their ranges and dishwashers as storage places because the closets are already full!

Melvin Frank and Norman Panama, a great comedy writing team from that era, saw the potential in Eric Hodgins novel, whose hero, Jim Blandings, can't stand the cramped apartment where he and his wife Muriel, and two daughters, must share.

Jim Blandings, a Madison Ave. executive, has had it! When he sees an ad for Connecticut living, he decides to take a look. Obviously, a first time owner, Jim is duped by the real estate man into buying the dilapidated house he is taken to inspect by an unscrupulous agent. This is only the beginning of his problems.

Whatever could be wrong, goes wrong. The architect is asked to come out with a plan that doesn't work for the new house, after the original one is razed. As one problem leads to another, more money is necessary, and whatever was going to be the original cost, ends up in an inflated price that Jim could not really afford.

The film is fun because of the three principals in it. Cary Grant was an actor who clearly understood the character he was playing and makes the most out of Jim Blandings. Myrna Loy, was a delightful actress who was always effective playing opposite Mr. Grant. The third character, Bill Cole, an old boyfriend of Myrna, turned lawyer for the Blandings, is suave and debonair, the way Melvin Douglas portrayed him. One of the Blandings girls, Joan, is played by Sharyn Moffett, who bore an uncanny resemblance to Eva Marie Saint. The great Louise Beavers plays Gussie, but doesn't have much to do.

The film is lovingly photographed by James Wong Howe, who clearly knew what to do to make this film appear much better. The direction of H.C. Potter is light and he succeeded in this film that will delight fans of classic comedies.\": {\"frequency\": 1, \"value\": \"Manhattan ...\"}, \"This is yet another tell-it-as-it-is Madhur Bhandarkar film. I am not sure why he has this obsession to show Child moles***ion and g*y concepts to the Indian filmy audience, but I find some of those scenes really disgusting! What's new? It is a nice piece put together by Bhandarkar, where he shows the story of an entertainment reporter played by leading lady in the famous film, Mr & Mrs Iyer. What makes this movie different is, that it also covers the stories of people that this reporter interacts with or is friends with, such as her roomies, her colleagues, film stars, models, rich people and others featured in the Entertainment Page#3 in her newspaper.

Noticeable: It is another good performance from Mrs Iyer. She is likely to be noticed for this role. She does selective roles but shines in them. She is noticeably de-glamorized and less beautiful in this film. But then, entertainment reporters are not supposed to outshine the people they cover, right? Verdict: Madhur has come up with another good movie, that brings social issues to the limelight very nicely. However, this movie loses focus and one is not sure what the director is trying to convey.

Is he trying to show us the glitz and glamor of the rich people? or is he trying to show us the life of an entertainment reporter and contrasting that with the life of the REAL crime reporter? Is he trying to tell us how the government and rich folks rule the press? or is he trying to illustrate the issues with child abuse and g*y folk. The other concepts brought forth include the unwritten rule that young women have to sleep with directors or co-stars, if they wish to enter Bollywood.

In addition, he talks about how flight assistants get sick and tired of their jobs after a while and resort to extreme measures by marrying much elder people, etc. He also talks about unhappy women and spoilt kids in rich families.

This was all okay for me.. but might be too complex for an average movie-goer, who just wants to relieve some stress from day to day work\": {\"frequency\": 1, \"value\": \"This is yet ...\"}, \"This is an excellent film dealing with a potentially exploitative subject with great sensitivity. Anne Reid, previously best known in the UK for her TV roles including 'Dinnerladies' (a Victoria Wood scripted series on in-company catering workers, if you're wondering), gives a performance of finely judged understatement as May, a late-60s bereaved mother of two chattering class adults in an inner-London borough. Her husband Toots (Peter Vaughan) dies on their visit to the male of the latter species (Bobby), and we see the pair being rather casually greeted by Bobby and his family. May's teacher daughter Paula (Cathryn Bradshaw) lives nearby, however, and the relationship between May and Paula initially appears closer. Thus when May decides she cannot live in her own home and comes back to London, she is able to stay in Paula's house and do some child-minding of Paula's more appreciative offspring.

It is on May's visits to Bobby's house that she embarks on an affair with Darren, a mid-30s friend of Bobby who is working on a house extension. In what may be the first mainstream British film to so portray it, it is May and not Darren (Daniel Craig*) who initiates the encounter, and, at least to begin with, it seems that the relationship is founded on mutual respect. There is no explicit sexual content (at least in the DVD I saw: differences in the IMDb cast list suggests the existence of other versions), and the physical basis of the affair is handled directly but not exploitatively. More strongly portrayed is the relationship between May and daughter Paula, a recent convert to 'therapy and self-exploration', who announces that mummy has never been supportive of her. Paula is also Darren's lover, and when she finds May's explicit but rather poor drawings of Darren and May together, things go downhill in dramatic but controlled fashion. Only in an English film, perhaps, could a daughter announce that she is going to hit her mother, politely ask her to stand up, and duly wallop her.

In the mean time, May is being drawn into a putative relationship with a decent but older (of her own generation) member of Paula's writing group. The contrast between the ensuing unwanted intercourse and her affair with Darren is clearly made; it is at that point that May starts to acquiesce to Paula, and Darren's worm begins to turn (he reveals on cocaine that he may have been after her money, if not all along, but for some of the ride). So May finds herself superfluous to both of her children's needs, and finally does return home (but later leaves on a jet plane for pastures new).

The film's strength is that it portrays with unflinching but sympathetic truth the nature of contemporary adult parent-sibling relationships, where bereavement may leave the surviving parent feeling more alone than if they had no-one to care for them. This is not new, but the openness of the portrayal of sexual need in the over-60s may well be. The darkness of the film's content, from a screenplay by Hanif Kureishi, stands in contrast to the way in which it is lit (it seems to be perpetual summer), and the overall mood is uplifting - it could so easily have been yet another piece set in a dour and rainy England. The ending is perhaps under-written, as we don't know where May is going or for how long - perhaps she's Shirley Valentine with a pension, she's certainly no Picasso. Anne Reid is, however, revealed as a fine actor whose professional life will surely have changed forever. Like Julie Andrews in Torn Curtain (said by Paul Newman), \\\"There goes your Mary Poppins {read Dinnerladies} image for good\\\".

* Yes, he: announced Oct 2005 as the new James Bond.\": {\"frequency\": 1, \"value\": \"This is an ...\"}, \"I saw The Big Bad Swim at the 2006 Temecula film festival, and was totally caught off guard by how much I was drawn into it.

The film centers around the lives of a group of people taking an adult swim class for various reasons. A humorous idea in its own right, the class serves as a catalyst for greater changes in the students' lives.

What surprised me about the film was how real it felt. Rarely in ensemble pieces are characters treated so well. I enjoyed the scenes in the class immensely, and the drama that took place outside was very poignant. Nothing seemed out of place or out of character, and ultimately it left a very strong feeling, much like attending school or summer camp - where you find fast friends, form strong bonds, and make discoveries about yourself, yet have to depart all too soon.

My only complaint was that the character of Paula had a very strong and unusual introduction, which made you want to know a little more about her than was ultimately revealed. I suppose you don't get to meet everyone in class, though...

Aside from this, I found the film very well-rounded and quite enjoyable. See it if you get the opportunity.\": {\"frequency\": 1, \"value\": \"I saw The Big Bad ...\"}, \"Geez! This is one of those movies that you think you previously reviewed but you didn't. I mean, you didn't give a crap about it but somehow it came to your mind.

To be honest and brief; this is one of the worst, boring, and stupid slashers ever made. I can't say anything good about this piece of crap because there are barely decent sequences that could tell it's made by professional film makers.

The death scenes are horrible, bloodless, stupid. The plot is somehow good taking in account that it copied \\\"Popcorn\\\" from 1991.

To make things even worse, this isn't a movie so bad that it's good. It's just plain bad.

Molly Ringwald tried to do her best but it wasn't enough.\": {\"frequency\": 1, \"value\": \"Geez! This is one ...\"}, \"Simply, I found the TV show \\\"Mash\\\" trite, preachy, oh ever so \\\"politically correct\\\", repetitious, pretentious and biggest sin of all, and that is,? that it is (was) incredibly dull. You have Alan Alda as the main lead, \\\"(star)\\\", who is so in love with himself and his cleverness, that it actually made me uncomfortable to even try and sit through an episode. The original series had both McLean Stevson, and Wayne Rogers, whom I'll happily admit had a certain panache and style to their character presentation. However, Harry (Henry) Morgan, and Mike Farrell, both singularly and compositely together is like eating caviar and fresh oysters with Wonder Bread. Loretta Swit, which I also found dull, also to no fault of her own wasn't a wonder to look at, and Gary Burghoff, who was good in the movie got tired looking and acting as the show wore on. Seeing one show a year showed that to me. Jamie Farr was just low brow \\\"comedy\\\" and is not even worth really mentioning here at all. The reason I did not give it a (one) rating, which anyone reading this by now would be wondering, is that ratings of any sort is not only a subjective call, but a relative one. Television, except for relatively few exceptions, is such crud. That relatively speaking, Mash had some production quality, (by television standards) of that era and today, and therefore it is deserved of a two. Rob Ritter\": {\"frequency\": 1, \"value\": \"Simply, I found ...\"}, \"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\": {\"frequency\": 1, \"value\": \"I bought this ...\"}, \"Oh where to begin. The cinematography was great. When the movie first started because of the initial landscape scenes I thought that I was in for a good movie. Then the cgi Bigfoot showed up .It looked like a cartoon drawing of the Lion king and king Kong's love child.It totally took away from the believability of the character.Now I knew there wasn't a Bigfoot chasing people hiking around the woods for no apparent reason but a cheesy cgi cartoon.So from then on the whole movie was shot for me.The money they flushed down the toilet for the cgi they could of spent on a costume like roger Patterson did. His was the best Bigfoot costume ever no one else could match his.I am a hardcore cheesy Bigfoot movie fan and I was warned about this movie but my compulsion led me to watching this movie and I was disappointed like the previous reviews warned me about. I know after you read this review you will still say \\\"I must watch Sasquatch hunters,must watch Sasquatch hunters.\\\" Then you will say why did I waste my good hard earned money on such a excruciatingly bad boring movie!\": {\"frequency\": 1, \"value\": \"Oh where to begin. ...\"}, \"This is an amazing movie from 1936. Although the first hour isn't very interesting (for the modern viewer), the stylish vision of the year 2036 that comes afterwords makes up for it. However, don't plan on being able to understand all of the dialog - the sound quality and accents (it's American - but \\\"1930s\\\" American) make it difficult.

Basically, the story is a sweeping 100 year look at a fictional US town called \\\"Everytown\\\". It spans from 1936, when a war is on the horizon, to 2036, when technology leaps forward and creates its own problems.

The first one hour is a bit slow - although it's tough to tell what audiences back then would have thought. The events, suspense and visuals are pretty low-key in today's terms. However, when it gets to the future, it's just plain fun to watch. The large sets and retro sci-fi look of everything is hard to beat.

Unless you have great listening abilities, this movie is hard to listen to. I think I understood only 80% of the dialog. It could use closed-captioning.

If you're a sci-fi fan, this is one of the genre's classics and is a must see (well, at least after the first hour). For the average viewer, wait until there's a closed caption version and then watch it if you're comfortable with movies of this time period.\": {\"frequency\": 1, \"value\": \"This is an amazing ...\"}, \"This, and Immoral Tales, both left a bad taste in my mouth. It seems to me that Borowczyk is disgusted by sex, and these two films are cautionary tales about what will happen if you do have sex. As a film, it's not very well done -- some of the acting is truly epically bad (such as the \\\"American\\\" woman with the French accent). The young woman's sudden flip-flop from being anxious about the marriage to being interested (when it seems like it should have been the other way around), and the aunt's sudden realization of the young man's secret don't make sense -- they're not explained at all. I also didn't like how the daughter's relationship with a black man was presented as a sign of her family's perversion or predilection for bestiality. The central idea, the idea that there's this \\\"sexy beast,\\\" if you will, that lives in the woods, could have been a foundation for a perverse but fun story, but instead is just used as a basis for a nasty, sex-negative, morality play.\": {\"frequency\": 1, \"value\": \"This, and Immoral ...\"}, \"I gave 1 to this film. I can't understand how Ettore Scola,one of the greater directors of Italian cinema, made a film like this, so stupid and ridiculous! All the stories of the people involved in the movie are unsubstantial,boring and not interesting. Too long,too boring. The only things I save in this movie are Giancarlo Giannini and Vittorio Gasmann. Hope that Scola will change radically themes and style in his next film.\": {\"frequency\": 1, \"value\": \"I gave 1 to this ...\"}, \"As you probably already know, Jess Franco is one prolific guy. Hes made hundreds upon hundreds of films, many of which are crap. However, he managed to sneak in an occasionally quality work amongst all the assembly line exploitation. \\\"Succubus\\\" isn't his best work (thats either \\\"The Diabolical Dr. Z\\\" or \\\"Vampyros Lesbos\\\"), but it has many of his trademarks that make it a must for anyone interested in diving into his large catalog. He combines the erotic (alternating between showing full-frontal nudity and leaving somethings left to the imagination) and the surreal seamlessly. This is a very dreamlike film, full of great atmosphere. I particularly liked the constant namedropping. Despite coming off as being incredibly pretentious, its amusing to hear all of Franco's influences.

Still, there are many users who don't like \\\"Succubus\\\" and I can see where they're coming from. Its leisurely paced, but I can deal with that. More problematic is the incoherency. The script here was obviously rushed, and within five minutes into the film I had absolutely no idea what was going on (and it never really came together from that point on). Those who want some substance with their style, look elsewhere. Also, if its a horror film, it never really becomes scary or even suspenseful. Still, I was entertained by all the psychedelic silliness that I didn't really mind these major flaws all too much. (7/10)\": {\"frequency\": 1, \"value\": \"As you probably ...\"}, \"I went into The Straight Story expecting a sad/happy type drama with nice direction and some good acting. These I got. What I wasn't expecting was an allegory for the trials of human existence. Leave it to Lynch to take a simple story about a 300 mile trip on a lawnmower and turn it into a microcosm for the human condition.

If you didn't notice, watch it again, paying attention to the ages of the people Alvin meets, the terrain he's driving through, the reactions people give him, the kinds of discussions he has (one of the first is about pregnancy and children, one of the last is outside of a cemetery). The last road he drives down is particulary haunting in this context, as it narrows and his fear and nervousness mount. The last mechanical failure could be seen as a death, and the miraculous rebirth of his engine relating to an afterlife, in which he achieves the desired reunion.

I only hope some of the people who branded this as a slow sappy melodrama take the time to watch with a more holistic attention.\": {\"frequency\": 1, \"value\": \"I went into The ...\"}, \"Preminger's adaptation of G. B. Shaw's ''Saint Joan''(screenplay by Graham Greene) received one of the worst critical reactions in it's day. It was vilified by the pseudo-elite, the purists and the audiences was unresponsive to a film that lacked the piety and glamour expected of a historical pageant. As in ''Peeping Tom'', the reaction was malicious and unjustified. Preminger's adaptation of Shaw's intellectual exploration of the effects and actions surrounding Joan of Arc(her actual name in her own language is Jeanne d'Arc but this film is in English) is totally faithful to the spirit of the original play, not only on the literal emotional level but formally too. His film is a Brechtian examination of the functioning of institutions, the division within and without of various factions all wanting to seize power. As such we are not allowed to identify on an emotional level with any of the characters, including Joan herself.

As played by Jean Seberg(whose subsequent life offers a eerie parallel to her role here), she is presented as an innocent, a figure of purity whose very actions and presence reveals the corruption and emptiness in everyone. As such Seberg plays her as both Saint and Madwoman. Her own lack of experience as an actress when she made this film(which does show up in spots) conveys the freshness and youth of Jeanne revealing both the fact that Jeanne la Pucelle is a humble illiterate peasant girl who strode out to protect her village and her natural intelligence. By no means did she deserve the harsh criticism that she got on the film's first release, it's a performance far beyond the ken and call of any first-time actress with no prior acting experience. Shaw and Preminger took a secular view towards Joan seeing her as a medieval era feminist, not content with being a rustic daughter who's fate is to be married away or a whore picked up by soldiers to and away from battlefields. Her faith, her voices, her visions which she intermingles with words such as \\\"imagination\\\" and \\\"common sense\\\" leads her to wear the armour of her fellow soldiers to lead them to battle to chase the invading Englishman out of France.

And yet it can be said that the film is more interested in the court of the Dauphin(Richard Widmark), the office of the clergy who try Joan led by Pierre Cauchon(Anton Walbrook, impeccably cast) and the actions of the Earl of Warwick(John Gielgud) then in Joan herself. The superb ensemble cast(all male) portray figures of scheming, Machievellian(although the story precedes Niccolo) opportunists who treat religion as a childish toy to be used and manipulated for their own ends. The sharp sardonic dialogue gives the actors great fun to let loose. John Gielgud as the eminently rational Earl whose intelligence,(albeit accompanied by corruption), allows him to calculate the precise manner in which he can ensure Joan gets burnt at the stake and Anton Walbrook's Pierre Cauchon brings a three dimensional portrait to this intelligent theologian who will give Joan the fair trial that will certainly find her guilty. Richard Widmark as the Dauphin is a real revelation. As against-type a casting choice you'll ever find, Widmark portrays the weak future ruler of France in a frenzied, comic caricature that's as close as this film comes to comic relief. A comic performance that feels like an imitation of Jerry Lewis far more than an impetuous future ruler of France.

Preminger shot ''Saint Joan'' in black and white, the cinematographer is Georges Perinal who worked with Rene Clair and who did ''The Life and Death of Colonel Blimp'' in colour. It's perfectly restrained to emphasize the rational intellectual atmosphere for this film. Preminger's preference for tracking shots of long uninterrupted takes is key to the effectiveness of the film, there's no sense of a wasted movement anywhere in his mise-en-scene.

It also marks the direction of Preminger's most mature(and most neglected period) his focus is on the conflict between individuals and the institutions in which they work, how the institution function and how the individual acts as per his principles. These themes get their most direct treatment in his film and as always he keeps things unpredictable and finds no black and white answers. This is one of his very best and most effective films.\": {\"frequency\": 1, \"value\": \"Preminger's ...\"}, \"Zodiac Killer. 1 out of 10. Worst acting ever. No really worst acting ever. David Hess (Last House on the Left\\ufffd\\ufffd. No the one from the seventies\\ufffd\\ufffd. Rent it it's really good) is the worst of the bunch (Pretty stiff competition but he is amazingly god-awful.) One would be hard pressed to find a home movie participant with such an awkward camera presence. The film actually screeches to a stunning painful halt when he is on the screen.

Not that the film actually has any redeeming qualities for Mr. Hess to ruin. It is filmed with a home movie camera and by the looks of things a pretty old one complete with attached boom mike. No post production either. Come on there has to be some shovelware a five year old computer could use that could clean up this picture. Throw in bizarre stock footage pictures of autopsy's and aircraft carrier takeoffs and this is one visually screwed up picture. The autopsy pictures are interjected the way Italian cannibal films interject those god-awful real life animal killings. And the Navy footage is supposed to be some anti war statement (Cause we know all the bloodthirsty maniacs join the Navy) What in the world is Lion's Gate is doing releasing this garbage? It would embarrass Troma. The plot is about the Zodiac Killer (Last seen in Dirty Harry \\ufffd\\ufffd. No the one from the seventies\\ufffd\\ufffd. Rent it it's really good) Somebody gets shot in the stomach in LA and the cops assume the Zodiac Killer is back? Uh-huh. What can you expect from a movie that doesn't know that DSM IV is a book not a psychiatric disorder and where the young killer older man relationship resembles that of a congressional page and closeted congressman? Yeah eighties haircuts and production values meet a Nambla subplot. Sign me up.\": {\"frequency\": 1, \"value\": \"Zodiac Killer. 1 ...\"}, \"I found 'Time At The Top' an entertaining and stimulating experience. The acting, while not generally brilliant, was perfectly acceptable and sometimes very good. As a film obviously aimed at the younger demographic, it is certainly one of the better works in the genre (Children's Sci-Fi). Normally, I would say that Canada, the United Kingdom and Australia produce the best movies and TV shows for children, and 'Time At The Top' does nothing to discount this theory! I don't think that continuity and great acting are important to younger people. A good plot and an imaginative screenplay are far more important to them. Both are in abundance in this film. The special effects are good, without detracting from the story, or closing the viewers off from their own imaginations. It would have been very easy to inject an over-load of SFX in this film, but it would have totally destroyed its entire 'Raison D'etre'.

The settings and camera work are of a very high standard in this movie, and complement the fine wardrobe and historical accuracy. Overall, this film is highly satisfactory, and I recommend it to all viewers who can see the world through children's eyes, or those that try to, like myself! Now, I really must read the original book, as soon as possible.\": {\"frequency\": 1, \"value\": \"I found 'Time At ...\"}, \"Nothing will ruin a movie as much as the combination of a poor script and poor direction. This is the case with \\\"The Mummy's Tomb.\\\"

The script is leftover ideas from older, better Universal horror flicks like \\\"Dracula\\\" and \\\"Frankenstein.\\\" The direction is trite and stale. The acting is mediocre. Even Chaney's Kharis is feeble compared to Tom Tyler's in \\\"The Mummy's Hand,\\\" and the producers are foolish enough to add footage from Christy Cabanne's vastly better prequel and point up the weakness of their own film!

Universal realized how bad this movie was, and essentially remade it from scratch two years later as \\\"The Mummy's Ghost\\\" with a much better script and better director. The result was likely the best film in their four film \\\"Mummy\\\" cycle, although not anywhere near as good as Karl Freund's 1932 original.

Cabanne's footage raises this film to a 3. The \\\"new\\\" stuff is a 2 at best. Dick Foran and Wallace Ford were probably glad to see their characters bumped off so they wouldn't have to appear in dreck like this anymore!\": {\"frequency\": 1, \"value\": \"Nothing will ruin ...\"}, \"Admittedly, I find Al Pacino to be a guilty pleasure. He was a fine actor until Scent of a Woman, where he apparently overdosed on himself irreparably. I hoped this film, of which I'd heard almost nothing growing up, would be a nice little gem. An overlooked, ahead-of-its-time, intelligent and engaging city-political thriller. It's not.

City Hall is a movie that clouds its plot with so many characters, names, and \\\"realistic\\\" citywide issues, that for a while you think its a plot in scope so broad and implicating, that once you find out the truth, it will blow your mind. In truth, however, these subplots and digressions result ultimately in fairly tame and very familiar urban story trademarks such as Corruption of Power, Two-Faced Politicians, Mafia with Police ties, etc. And theoretically, this setup allows for some thrilling tension, the fear that none of the characters are safe, and anything could happen! But again, it really doesn't.

Unfortunately, the only things that happen are quite predictable, and we're left with several \\\"confession\\\" monologues, that are meant as a whole to form modern a fable of sorts, a lesson in the moral ambiguity of the \\\"real world\\\" of politics and society. But after 110 minutes of names and missing reports and a spider-web of lies and cover-ups, the audience is usually treated to a somewhat satisfying reveal. I don't think we're left with that in City Hall, and while it's a very full film, I don't find it altogether rich.\": {\"frequency\": 1, \"value\": \"Admittedly, I find ...\"}, \"This obvious pilot for an unproduced TV series features young Canadian actress Shiri Appleby as an amnesiac with some pretty incredible powers that must be put to use when a man-turned-flying demon is let loose on the world. The CGI is par for a TV job, and Appleby is OK as an amnesiac but hard to swallow as a superheroine. Familiar TV face Richard Burgi is along for the ride as Appleby's mentor, but he can do nothing to elevate this dreck above the mediocre level. We see way too much of the cartoonish flying demon right from the start, a bad sign. Also, the scenes where Burgi is training Appleby for battle are actually laughable. They are a bad copy of similar scenes in several other movies, most notably REMO WILLIAMS.\": {\"frequency\": 1, \"value\": \"This obvious pilot ...\"}, \"This one is just like the 6th movie. The movie is really bad. It offers nothing in the death department. The one-liners are bad and are something that shouldn't be in a NOES movie. Freddy comes off as a happy child in the whole movie. Lisa Wilcox is still the only thing that makes this one worth while. The characters are extremely underdeveloped. All in all better than the 6th one, but still one the worst movies of the series. My rating 2/10\": {\"frequency\": 1, \"value\": \"This one is just ...\"}, \"What is contained on this disk is a first rate show by a first rate band. This disc is NOT for the faint of heart...the music is incredibly intense, and VERY cool. What you will learn when you watch this movie is just why the Who was so huge for so long. It is true that their records were great, but their shows were the top of the heap. In 1969 when this concert was shot, the screaming teenie boppers that threw jelly beans at the Beatles were gone and bands (and audiences) had settled down to long and often amazing displays of musical virtuosity--something that few audiences have the intellectual curiosity to pursue in the age of canned music by Britney and Christina. What you especially learn here are the amazing things that can happen when gifted musicians are encouraged to improvise. Try the concert out, it really is amazing.\": {\"frequency\": 1, \"value\": \"What is contained ...\"}, \"For me too, this Christmas special is one that I remember very fondly. In 1989, I snatched up the 2 CDs I found of the soundtrack recording, giving one to my sister and keeping the other for myself. It's part of my family's Christmas tradition now, and I would love to be able to actually see the show again rather than just remember it as I listen.

It has been noted elsewhere that John Denver made a number of appearances on the Muppet Show, and they did more than one special together. The good rapport between Denver and his fuzzy companions comes through clearly here, in a charming and fun show that is good for all ages.\": {\"frequency\": 1, \"value\": \"For me too, this ...\"}, \"This TV film tells the story of extrovert Frannie suddenly returning to Silk Hope to visit friends and family, but unaware of her mother's death. Her sister runs the family home, but is intending to sell it and move away with her new husband. Frannie strongly objects to the idea, and vows to keep the family heirloom as it were, by getting a job and maintaining responsibility.

In comes handsome Ruben and the two soon fall in love (as you do), and it's from this point that I sort of lost interest....

There is more to Farrah Fawcett than just the blonde hair and looks, she can portray a character extremely convincingly when she puts her mind to it - and it is certainly proved here as well as some of her previous efforts like Extremities and Small Sacrificies - a great performance from the legendary Charlie's Angel.

Silk Hope is the type of film that never shies away from its cheap and cheerful TV image, and you know there was a limit to the budget, but it's not the worst film ever made. The positive aspects are there; you just have to find them.\": {\"frequency\": 1, \"value\": \"This TV film tells ...\"}, \"I loved this movie. First, because it is a family movie. Second, because it offers a refreshing take on dealing with the news of HIV in a family, with far less hysteria than what I have normally seen in the movies. The brothers are very close, yet are not judgmental. Their desire to protect the youngest brother is noble, but not needed in the end. I understand that Leo's choice on how to deal with his treatment may not have been the most popular one with people, but I believed it was the right choice for him. I can't believe that this was a french television programme. It had great production values. I gave this movie a ten, and I think you will too, once you have seen it.\": {\"frequency\": 1, \"value\": \"I loved this ...\"}, \"I remember the original series vividly mostly due to it's unique blend of wry humor and macabre subject matter. Kolchak was hard-bitten newsman from the Ben Hecht school of big-city reporting, and his gritty determination and wise-ass demeanor made even the most mundane episode eminently watchable. My personal fave was \\\"The Spanish Moss Murders\\\" due to it's totally original storyline. A poor,troubled Cajun youth from Louisiana bayou country, takes part in a sleep research experiment, for the purpose of dream analysis. Something goes inexplicably wrong, and he literally dreams to life a swamp creature inhabiting the dark folk tales of his youth. This malevolent manifestation seeks out all persons who have wronged the dreamer in his conscious state, and brutally suffocates them to death. Kolchak investigates and uncovers this horrible truth, much to the chagrin of police captain Joe \\\"Mad Dog\\\" Siska(wonderfully essayed by a grumpy Keenan Wynn)and the head sleep researcher played by Second City improv founder, Severn Darden, to droll, understated perfection. The wickedly funny, harrowing finale takes place in the Chicago sewer system, and is a series highlight. Kolchak never got any better. Timeless.\": {\"frequency\": 1, \"value\": \"I remember the ...\"}, \"This is it. This is the one. This is the worst movie ever made. Ever. It beats everything. I have never seen worse. Retire the trophy and give it to these people.....there's just no comparison.

Even three days after watching this (for some reason I still don't know why) I cannot believe how insanely horrific this movie is/was. Its so bad. So far from anything that could be considered a movie, a story or anything that should have ever been created and brought into our existence.

This made me question whether or not humans are truly put on this earth to do good. It made me feel disgusted with ourselves and our progress as a species in this universe. This type of movie sincerely hurts us as a society. We should be ashamed. I really cannot emphasize that our global responsibility as people living here and creating art, is that we need to prevent the creation of these gross distortions of our reality for our own good. It's an embarrassment. I don't know how on earth any of these actors, writers, or the director of this film sleeps at night knowing that they had a role in making \\\"Loaded\\\". I don't know what type of disgusting monsters enjoy watching these types of movies.

That being said, I love a good \\\"bad\\\" movie. I love Shark Attack 3, I love Bad Taste, they are HILARIOUS. I tell all my friends to see them because they are \\\"bad\\\".

But this.......this crosses the line of \\\"bad\\\" into a whole new dimension. This is awkward bad. This is the bad where you know everything that is going to happen, every line, every action, every death, every sequence BEFORE they happen; and not just like a second or two before, I mean like, after watching the first 5 minutes before.

Every cheesy editing \\\"effect\\\" is shamelessly used over and over again to a sickening point. I really never want to see the \\\"shaky\\\" camera \\\"drug buzz rush\\\" effect or jump cuts or swerve cuts or ANY FANCY CUT EVER AGAIN EVER. This is meticulously boring, repetitive and just tortures the audience.

But.......and let me be specific here, the most DISTURBING thing about this movie is that given the production, it appears that a somewhat decent amount of money was actually put into this excrement. I personally will grab the shoulders of the director if I ever see him and shake him into submission, demanding that he run home and swallow two-gallons of Drain-O or I will do it for him.

If we ever needed a new form of inhumane torture for our war prisoners abroad, just keep showing them this movie in a padded cell over and over again. Trust me, I think they will become more extravagant with suicide methods after the 72nd time of sitting through this.

Stop these movies, they are just the most vile of all facets of our society. Please. Stop. NOW.\": {\"frequency\": 1, \"value\": \"This is it. This ...\"}, \"I used to watch this on either HBO or Showtime or Cinemax during the one summer in the mid 90's that my parents subscribed to those channels. I came across it several times in various parts and always found it dark, bizarre and fascinating. I was young then, in my early teens; and now years later after having discovered the great Arliss Howard and being blown away by \\\"Big Bad Love\\\" I bought the DVD of \\\"Wilder Napalm\\\" and re-watched it with my girlfriend for the first time in many years. I absolutely loved it! I was really impressed and affected by it. There are so many dynamic fluid complexities and cleverness within the camera movements and cinematography; all of which perfectly gel with the intelligent, intense and immediate chemistry between the three leads, their story, the music and all the other actors as well. It's truly \\\"Cinematic\\\". I love Arliss Howard's subtle intensity, ambivalent strength and hidden intelligence, I'm a big fan of anything he does; and his interplay with Debra Winger's manic glee (they are of course married) has that magic charming reality to it that goes past the camera. (I wonder if they watch this on wedding anniversaries?.......\\\"Big Bad Love\\\" should be the next stop for anyone who has not seen it; it's brilliant.) And, Dennis Quaid in full clown make-up, sneakily introduced, angled, hidden and displayed by the shot selection and full bloomed delivery is of the kind of pure dark movie magic you don't see very often. Quaid has always had a sinister quality to him for me anyways, with that huge slit mouth span, hiding behind his flicker eyes lying in wait to unleash itself as either mischievous charm or diabolical weirdness (here as both). Both Howard and Quaid have the insane fire behind the eyes to pull off their wonderful intense internal gunslinger square-offs in darkly cool fashion. In fact the whole film has a darkly cool energy and hip intensity. It's really a fantastic film, put together by intelligence, imagination, agility and chemistry by all parties involved. I really cannot imagine how this got funded, and it looks pretty expensive to me, by such a conventional, imagination-less system, but I thank God films like this slip through the system every once in awhile. In a great way, with all of its day-glo bright carnival colors, hip intelligence, darkly warped truthful humor and enthralling chemistry it reminds me of one of my favorite films of all time: \\\"Grosse Pointe Blank\\\".......now that's a compliment in my book!\": {\"frequency\": 1, \"value\": \"I used to watch ...\"}, \"No wonder that the historian Ian Kershaw, author of the groundbreaking Hitler biography, who originally was the scientific consultant for this TV film, dissociated himself from it. The film is historically just too incorrect. The mistakes start right away when Hitler`s father Alois dies at home, while in reality he died in a pub. In the film, Hitler moves from Vienna to Munich in 1914, while in reality he actually moved to Munich in 1913. I could go on endlessly. Hitler`s childhood and youth are portrayed way too short, which makes it quite difficult for historically uninformed people to understand the character of this frustrated neurotic man. Important persons of the early time of the party, like Hitler`s fatherly friend Dietrich Eckart or the party \\\"philosopher\\\" Alfred Rosenberg are totally missing. The characterization of Ernst Hanfstaengl is very problematic. In the film he is portrayed as a noble character who almost despises Hitler. The script obviously follows Hanfstaengl`s own gloss over view of himself which he gave in his biography after the war. In fact, Hanfstaengl was an anti-semite and was crazy about his \\\"Fuehrer\\\". But the biggest problem of the film is the portrayal of Hitler himself. He is characterized as someone who is constantly unfriendly,has neither charisma nor charm and constantly orders everybody around. After watching the film, one wonders, how such a disgusting person ever was able to get any followers. Since we all know, what an evil criminal Hitler was, naturally every scriptwriter is tempted to portray Hitler as totally disgusting and uncharismatic. But facts is, that in private he could be quite charming and entertaining. His comrades didn`t follow him because he constantly yelled at them, but because they liked this strange man. Beyond all those historical mistakes, the film is well made, the actors are first class, the location shots and the production design give a believable impression of the era.\": {\"frequency\": 1, \"value\": \"No wonder that the ...\"}, \"I haven't written a review on IMDb for the longest time, however, I felt myself compelled to write this! When looking up this movie I found one particular review which urged people NOT to see this film. Do not pay any attention to this ignorant person! NOTHING is a fantastic film, full of laughs and above all... imagination! Aren't you sick and tired of being force fed the same old cycle of bubble-gum trash movies? Sometimes a film like NOTHING comes along and gives you something you have never seen before. I don't even care if you dislike (even hate) the movie, but no one has a right to discredit the film. IMDb has a monumental impact on reputations and no negative review should discredit the film like that. Just say you hate it and why you hate it... but don't try to tell people that they shouldn't watch it. We have minds of our own and will make up our own minds thank you.

If my judgment is any good, I'd say that more people will enjoy this movie as opposed to those who hate it.

Treat your mind to a bit of eye-candy! See NOTHING!\": {\"frequency\": 1, \"value\": \"I haven't written ...\"}, \"This movie could have been very good, but comes up way short. Cheesy special effects and so-so acting. I could have looked past that if the story wasn't so lousy. If there was more of a background story, it would have been better. The plot centers around an evil Druid witch who is linked to this woman who gets migraines. The movie drags on and on and never clearly explains anything, it just keeps plodding on. Christopher Walken has a part, but it is completely senseless, as is most of the movie. This movie had potential, but it looks like some really bad made for TV movie. I would avoid this movie.\": {\"frequency\": 1, \"value\": \"This movie could ...\"}, \"I first saw BLOOD OF THE SAMURAI at its premiere during the Hawaii International Film Festival. WOW! Blood just blew us away with its sheer verve, gore, vitality, gore, excitement, gore, utter campiness, and even more gore, and all in SUCH GREAT FUN! Especially for those of you who enjoy all those Japanese chambara samurai and ninja films, YOU DEFINITELY HAVE TO SEE BLOOD!\": {\"frequency\": 1, \"value\": \"I first saw BLOOD ...\"}, \"The Gang of Roses. \\\"Every rose has its thorns.\\\"

A mix of old western and hip hop, blended perfectly together. The clothing styles, the scenery, and the plot are all suited to what the director wanted.

Plot - in five years, they robbed twenty-seven banks and then vanished without a trace. Now, a small western town is under siege, and one of the first victims is Rachel's sister. The Rose Gang is ready to ride again. And this time it's personal.

Rachel (Michael Calhoun), Chastity (Lil' Kim), Maria (Lisaraye), Zang Li (Marie Matiko) and Kim (Stacey Dash), five gunslinging women who split up after five years of riding together. When Rachel's sister is killed, she ends up rounding up her friends once again and riding on a trail of vengeance.

A good, muck around version of western. (If you've seen Bad Girls, well this is a little bit better in the ways of the female characters).

I gave it 10/10 because the characters, plot and scenery made it for me.\": {\"frequency\": 1, \"value\": \"The Gang of Roses. ...\"}, \"Gino Costa (Massimo Girotti) is a young and handsome drifter who arrives in a road bar. He meets the young, beautiful and unsatisfied wife Giovanna Bragana (Clara Calamai) and her old and fat husband Giuseppe Bragana (Juan de Landa), owners of the bar. He trades his mechanical skills by some food and lodging, and has an affair with Giovanna. They both decide to kill Giuseppe, forging a car accident. The relationship of them become affect by the feeling of guilty and the investigation of the police. This masterpiece ends in a tragic way. The noir and neo-realistic movie of Luchino Visconti is outstanding. This is the first time that I watch this version of `The Postman Always Rings Twice'. I loved the 1946 version with Lana Turner, and the 1981 version, where Jack Nicholson and Jessica Lange have one of the hottest sex scene in the history of the cinema, but this one is certainly the best. My vote is ten.\": {\"frequency\": 1, \"value\": \"Gino Costa ...\"}, \"After viewing \\\"Whipped\\\" at a distributor's screening at the AFM the other night, I have to say that I was thoroughly impressed. The audience was laughing all the way through. Unfortunately, every territory was already sold, so I did not have the opportunity to purchase the film, but I truly believe that it will be a big hit both domestically and over seas. I agree with the comment that \\\"Whipped\\\" should not be pitched as a male \\\"Sex and the City,\\\" mainly because unlike \\\"Sex and the City,\\\" \\\"Whipped\\\" is a satire about dating that never takes itself too seriously. \\\"Whipped\\\" pokes fun at relationships in a way that most sex comedies wouldn't dare. Also, the film that I screened at the AFM had more of a plot and story than \\\"Swingers,\\\" \\\"Clerks,\\\" and \\\"Sex and the City\\\" combined. \\\"Whipped\\\" never slowed down for a beat and provided the audience with non-stop comedy. The performances of Amanda Peet and the rest of the cast were all rock solid, which only made the film more impressive considering the budget.\": {\"frequency\": 1, \"value\": \"After viewing ...\"}, \"If Saura hadn't done anything like this before, Iberia would be a milestone. Now it still deserves inclusion to honor a great director and a great cinematic conservator of Spanish culture, but he has done a lot like this before, and though we can applaud the riches he has given us, we have to pick and choose favorites and high points among similar films which include Blood Wedding (1981), Carmen (1983), El Amore Brujo (1986), Sevillanas (1992), Salom\\ufffd\\ufffd (2002) and Tango (1998). I would choose Saura's 1995 Flamenco as his most unique and potent cultural document, next to which Iberia pales.

Iberia is conceived as a series of interpretations of the music of Isaac Manuel Francisco Alb\\ufffd\\ufffdniz (1860-1909) and in particular his \\\"Iberia\\\" suite for piano. Isaac Alb\\ufffd\\ufffdniz was a great contributor to the externalization of Spanish musical culture -- its re-formatting for a non-Spanish audience. He moved to France in his early thirties and was influenced by French composers. His \\\"Iberia\\\" suite is an imaginative synthesis of Spanish folk music with the styles of Liszt, Dukas and d'Indy. He traveled around performing his compositions, which are a kind of beautiful standardization of Spanish rhythms and melodies, not as homogenized as Ravel's Bolero but moving in that direction. Naturally, the Spanish have repossessed Alb\\ufffd\\ufffdniz, and in Iberia, the performers reinterpret his compositions in terms of various more ethnic and regional dances and styles. But the source is a tamed and diluted form of Spanish musical and dance culture compared to the echt Spanishness of pure flamenco. Flamenco, coming out of the region of Andalusia, is a deeply felt amalgam of gitane, Hispano-Arabic, and Jewish cultures. Iberia simply is the peninsula comprising Spain, Portugal, Andorra and Gibraltar; the very concept is more diluted.

Saura's Flamenco is an unstoppably intense ethnic mix of music, singing, dancing and that peacock manner of noble preening that is the essence of Spanish style, the way a man and a woman carries himself or herself with pride verging on arrogance and elegance and panache -- even bullfights and the moves of the torero are full of it -- in a series of electric sequences without introduction or conclusion; they just are. Saura always emphasized the staginess of his collaborations with choreographer Antonio Gades and other artists. In his 1995 Flamenco he dropped any pretense of a story and simply has singers, musicians, and dancers move on and off a big sound stage with nice lighting and screens, flats, and mirrors arranged by cinematographer Vittorio Storaro, another of the Spanish filmmaker's important collaborators. The beginnings and endings of sequences in Flamenco are often rough, but atmospheric, marked only by the rumble and rustle of shuffling feet and a mixture of voices. Sometimes the film keeps feeding when a performance is over and you see the dancer bend over, sigh, or laugh; or somebody just unexpectedly says something. In Flamenco more than any of Saura's other musical films it's the rapt, intense interaction of singers and dancers and rhythmically clapping participant observers shouting impulsive ol\\ufffd\\ufffd's that is the \\\"story\\\" and creates the magic. Because Saura has truly made magic, and perhaps best so when he dropped any sort of conventional story.

Iberia is in a similar style to some of Saura's purest musical films: no narration, no dialogue, only brief titles to indicate the type of song or the region, beginning with a pianist playing Albeniz's music and gradually moving to a series of dance sequences and a little singing. In flamenco music, the fundamental element is the unaccompanied voice, and that voice is the most unmistakable and unique contribution to world music. It relates to other songs in other ethnicities, but nothing quite equals its raw raucous unique ugly-beautiful cry that defies you to do anything but listen to it with the closest attention. Then comes the clapping and the foot stomping, and then the dancing, combined with the other elements. There is only one flamenco song in Iberia. If you love Saura's Flamenco, you'll want to see Iberia, but you'll be a bit disappointed. The style is there; some of the great voices and dancing and music are there. But Iberia's source and conception doom it to a lesser degree of power and make it a less rich and intense cultural experience.\": {\"frequency\": 1, \"value\": \"If Saura hadn't ...\"}, \"note to George Litman, and others: the Mystery Science Theater 3000 riff is \\\"I don't think so, *breeder*\\\".

my favorite riff is \\\"Why were you looking at his 'like'?\\\", simply for the complete absurdity. that, and \\\"Right well did not!\\\" over all, I would say we must give credit to the MST3K crew for trying to ridicule this TV movie. you really can't make much fun of the dialog; Bill S was a good playwright. on the other hand, this production is so bad that even he would disown it. a junior high school drama club could do better.

I would recommend that you buy a book and read 'Hamlet'.\": {\"frequency\": 1, \"value\": \"note to George ...\"}, \"Here Italy (I write from Venice). Why cancelated? The ABC should have given it a chance to build an audience. The cast (w/Hope Davis, Campbell Scott, Erika Christensen, Zoe Saldana, Jay Hernandez and Bridget Moynahan) is one of the best I've seen in recent. We need more shows like this that makes viewers feel like they are intelligent individuals not mindless drones. I hope that ABC will reconsider its decision or another station will pick it up. Please sign online petition to Abc: http://www.PetitionOnline.com/gh1215/petition.html Please sign online petition to Abc: http://www.PetitionOnline.com/gh1215/petition.html\": {\"frequency\": 1, \"value\": \"Here Italy (I ...\"}, \"From the beginning of the show Carmen was there. She was one of the best characters. Why did they get rid of her?! The show not the same as before. Its way worse.

The best episodes were with Carmen in them. You can't replace someone from the beginning! That is like South Park without Kyle or Child's Play without Chucky! It's not right! The niece who replaced her is just, ugh! Awful. She doesn't fit into the storyline at all. She was one of the main characters, and the niece can't replace her. She was an awesome actress. Way better than the niece. Get her back, or you'll lose a TON of viewers.\": {\"frequency\": 2, \"value\": \"From the beginning ...\"}, \"The minute you give an 'art film' 1/10, you have people baying for your ignorant, half-ass-ed, artistically retarded blood. I won't try and justify how I am not an aesthetically challenged retard by listing out all the 'art house cinema' I have liked or mentioning how I gave some unknown 'cult classic' a 10/10. All I ask is that someone explain to me the point, purpose and message of this film.

Here is how I would summarize the film: Opening montage of three unrelated urban legends depicting almost absurd levels of co-incidence. This followed by (in a nutshell, to save you 3 hours of pain) the following - A children's game show host dying of lung cancer tries to patch things up with his coke-addicted daughter, who he may or may not have raped when she was a child, and who is being courted by a bumbling police officer with relationship issues, while the game-show's star contestant decides that he doesn't want to be a failed child prodigy, a fate which has befallen another one of the game show contestants from the 60s, who we see is now a jobless homosexual in love with a bartender with braces and in need of money for 'corrective oral surgery', while the game show's producer, himself dying of lung cancer, asks his male nurse to help him patch up with the son he abandoned years ago, and who has subsequently become a womanizing self help guru, even as Mr. Producer's second wife suffers from guilt pangs over having cheated a dying man; and oh, eventually, it rains frogs (You read correctly). And I am sparing you the unbelievably long and pointless, literally rambling monologues each character seems to come up with on the fly for no rhyme or reason other than, possibly, to make sure the film crosses 3 hours and becomes classified as a 'modern epic'.

You are probably thinking that I could have done a better job of summarizing the movie (and in turn of not confusing you) if I had written the damn thing a little more coherently, maybe in a few sentences instead of just one... Well, now you know how I feel.\": {\"frequency\": 1, \"value\": \"The minute you ...\"}, \"I was really hoping that this would be a funny show, given all the hype and the clever preview clips. And talk about hype, I even heard an interview with the show's creator on the BBC World Today - a show that is broadcast all over the world.

Unfortunately, this show doesn't even come close to delivering. All of the jokes are obvious - the kind that sound kind of funny the first time you hear them but after that seem lame - and they are not given any new treatment or twist. All of the characters are one-dimensional. The acting is - well - mediocre (I'm being nice). It's the classic CBC recipe - one that always fails.

If you're Muslim I think you would have to be stupid to believe any of the white characters, and if you're white you'd probably be offended a little by the fact that almost all of the white characters are portrayed as either bigoted, ignorant, or both. Not that making fun of white people is a problem - most of the better comedies are rooted in that. It's only a problem when it isn't funny - as in this show.

Canada is bursting with funny people - so many that we export them to Hollywood on a regular basis. So how come the producers of this show couldn't find any?\": {\"frequency\": 1, \"value\": \"I was really ...\"}, \"If you like films about school bullies, brave children, hilarious toddlers and worm eating, then How to Eat Fried Worms will appeal to you.

The film is about a boy named Billy, who when arriving on his first day at a new school, discovers that some of his classmates have played a prank on him by putting worms into his lunch. The school bully, Joe and his \\\"team\\\" of friends start teasing Billy and calling him \\\"worm boy\\\".

Billy decides to play along by saying that \\\"he eats worms all the time\\\". Joe and his friends don't believe him but Billy assures them and bets Joe that he can eat ten worms in one day otherwise he will come to school with worms in his pants.

The boys take Billy up on his bet, leaving the weak stomached child with a mission to gain respect from his classmates by eating worms cooked, fried, or alive.

The film may sound gross but there are a lot of messages in it. For one, it portrays true friendship and how to accept people for who they are. It also shows you why some bullies resort to bullying other children.

The film's protagonist, Billy is a strong minded and brave person who all of us can relate to. It is easy to empathize with him as we silently cheer for him to reach his goal, even though we might not always agree with what he's doing or the choices he makes.

The children in the film are portrayed exactly how children are in real life and the film deserves a lot of credit for that. The child actors are the stars of this show, showing true emotion and feeling than most other children's movies portray.

Some adults may not enjoy this film but kids will, perhaps even teenagers.

There are hardly any other good movies on circuit at the moment, so if you're not in the mood to see snakes on a plane, try worms on a plate in How to Eat Fried Worms. It is a feel good fun film and not just Fear Factor for kids.\": {\"frequency\": 2, \"value\": \"If you like films ...\"}, \"As I said in my comment about the first part: These two movies are better than most Science Fiction Fans confess.

The scenario in the second movie is not that moving as we don't see the destruction of human civilization, but the aftermath, thousands of refugees fleeing in tiny space cans, protected by only one powerful spaceship.

But when Battlestar Pegasus appears, the story heats up, carrying the battle back to the Cylon Planets. Okay, it has a little bit of Mad Max because all they fight for is fuel for their spaceships to travel on to find the distant Earth, but it works for me. It is thrilling Science Fiction entertainment featuring fine actors and decent special effects (even though those tend to repeat themselves, to say the least :-) ).

I would have loved a continuation with Starbuck and Apollo on board. Instead, we got a second sequel with no name characters who proved that the story had worked before especially because the feature characters were so well-chosen...

So thumbs down for the productions of 1980, but thumbs up for the two movies from 1978.\": {\"frequency\": 1, \"value\": \"As I said in my ...\"}, \"Years ago, when I was a poor teenager, my best friend and my brother both had a policy that the person picking the movie should pay. And, while I would never pay to see some of the crap they took me to, I couldn't resist a free trip to the movies! That's how I came to see crap like the second Conan movie and NEVER SAY NEVER AGAIN! Now, despite this being a wretched movie, it is in places entertaining to watch--in a brain dead sort of way. And, technically the stunts and camera-work are good, so this elevates my rating all the way to a 2! So why is the movie so bad? Well, unlike the first Rambo movie, this one has virtually no plot, Rambo himself only says about 3 words (other than grunts and yells), there is a needless and completely irrelevant and undeveloped \\\"romance\\\" and the movie is one giant (and stupid) special effect. And what STUPIFYINGLY AWFUL special effects. While 12383499143743701 bullets and rockets are shot at Rambo, none have any effect on him and almost every bullet or arrow Rambo shoots hits its mark! And, while the bad guys are using AK-47s, helicopters and rockets, in some scenes all Rambo had is a bow and arrows with what seem like nuclear-powered tips!! The scene where the one bad guy is shooting at him as he slowly and calmly launches one of these exploding arrows is particularly made for dumb viewers! It was wonderfully parodied in UHF starring Weird Al. Plus, HOT SHOTS, PART DEUX also does a funny parody of the genre--not just this stupid scene.

All-in-all, a movie so dumb and pointless, it's almost like self-parody!\": {\"frequency\": 1, \"value\": \"Years ago, when I ...\"}, \"Now I myself am a lover of the B movie genre but this piece of trash insults me to no end. First of all the movie is starring Lizzy McGuire's brother as the annoying little kid that goes looking for his lost 3 legged dog. Now please what kind of dumb ass mistakes a three-legged dog for a god damn mutated crocodile please I ask you? And heres another point for pondering, why do they show the Dinocroc on the back of the movie box being enormous and actually in the water? I believe if memory serves the thing spent about 2.6 minutes in the water and was just shy of 6 feet tall, that was a heart breaker. But redeeming qualities to this movie were that it was so bad that i almost died laughing because believe me the bad acting made me wish for death. But the fact remains that once again this thing is created by another military testing site to train super crocodiles for military combat or something like that from the source of all things evil E.V.I.L Corporation. And let's not forget the characters let's see we have jerk off #1 as the male lead and half way decent chick (who doesn't know how to act) as the female lead to that I say WOW! The only thing worse then the acting was the end of course the heroes spend about what seems like 2 hours talking and planning some long elaborate way of killing the dinocroc only to have it fail and kill it in an ordinary way that could have taken about 15 seconds to come up with. All in all this movie was beyond gay with its random opera music in the background and the fact that it was probably the gayest of all CGI monsters ever made along with the fact it of course was impervious to bullets and bombs (otherwise it wouldn't have been made for the military DUH!). By far the best scene was when Lizzy McGuire's brother runs into the shack and the dinocroc eats him causing his head to pop clean off with a popping noise i might add. I believe that you would be better off shooting yourself between the eyes then to watch Dinocroc. And as for the director I believe that we should get a bunch of people to hang him by a noose and all take turns kicking him in the crotch for wasting an hour and a half of our lives until he finally dies and then I can go on living.\": {\"frequency\": 1, \"value\": \"Now I myself am a ...\"}, \"John Boorman's \\\"Deliverance\\\" concerns four suburban Atlanta dwellers who take a ride down the swift waters of the Cahulawassee\\ufffd\\ufffd The river is about to disappear for a dam construction and the flooding of the last untamed stretches of land\\ufffd\\ufffd

The four friends emphasize different characters: a virile sports enthusiast who has never been insured in his life since there is no specific risk in it (Burt Reynolds); a passionate family man and a guitar player (Ronny Cox); an overweight bachelor insurance salesman (Ned Beatty); and a quiet, thoughtful married man with a son who loves to smoke his pipe (Jon Voight).

What follows is the men's nightmarish explorations against the hostile violence of nature\\ufffd\\ufffdIt is also an ideal code of moral principle about civilized men falling prey to the dark laws of the wilderness\\ufffd\\ufffd

Superbly shot, this thrilling adult adventure certainly contains some genuinely gripping scenes\\ufffd\\ufffd\": {\"frequency\": 1, \"value\": \"John Boorman's ...\"}, \"Usually, any film with Sylvester Stallone is usually going to suck ass. Rambo: First Blood Part II was no exception to this. The only movies that Sylvester Stallone were in that were good were Rocky and First Blood. This film is extreamly unrealistic, and boring. It has action, but not very good action. I didn't enjoy watching it, and I would never ever watch this again. No wonder why it won the Razzie Award for Worst Picture. I would give this a 3/10, the only reason why it got the 3 was because it had somewhat good action, but not good enough.\": {\"frequency\": 1, \"value\": \"Usually, any film ...\"}, \"Ripping this movie apart is like shooting fish in a barrel. It's too easy. So I'm going to challenge myself to acknowledge the positive aspects of Little Man. First, I'm impressed with the special effects. It really did look like Marlon Wayans' head was attached to the body of a little person. I never doubted it for a minute.

Secondly, I loved some of the unexpected cameos. David Alan Grier played an annoying restaurant singer, and his renditions of \\\"Havin' My Baby\\\" and \\\"Movin' On Up\\\" were priceless. John Witherspoon, who, coincidentally, played Grier's father in 1992's Boomerang (if you remember, he \\\"coordinated\\\" the mushroom belt with the mushroom jacket) now plays Vanessa's father in Little Man. So that was fun.

Beyond that, this movie is about as believable as White Chicks. How dumb is it when even the doctor can't tell that it's a 40-year-old man and not a baby? He's got a full set of teeth!!! How is it possible that no one seems to notice that it's not a baby? Little Man is so bad that there's a Rob Schneider cameo. And please, if you're stupid enough to waste $8 on this movie, at least do me a favor and DO NOT bring your children. This movie is way too sexual for small children (lots of jokes and innuendo about sex, going down, eating out, etc.), and I felt embarrassed for the parents who brought their kids to the screening I was forced to endure. If you insist on seeing an idiotic film, as least spare your children the pain and suffering.\": {\"frequency\": 1, \"value\": \"Ripping this movie ...\"}, \"Rated PG-13 for violence, brief sexual humor and drug content. Quebec Rating:13+(should be G) Canadian Home Video Rating:14A

I have seen Police Story a couple of times now.In my opinion Police Story is Chan's best film from the 80's.He originally made it because he didn't like the other cop film he had to star in which was The Protector.I have not seen the protector so I cant compare.The acting isn't too bad and the plot is pretty good.I don't remember the plot well because I saw this film a while back but what I do remember is this film has lots of great action,stunts and comedy just what a good Chan film needs.If you can find Police Story and you are Chan fan then buy this film!

Runtime:106min

9/10\": {\"frequency\": 1, \"value\": \"Rated PG-13 for ...\"}, \"Yet another movie with an interesting premise and some wondrous special effects falling right into the trash can.

Boring direction and performances (with the exception of the lovely Annabel Schofield who is much cuter as a brunette and probably deserves better material, and the ever earnest Charlton Heston) earn the rating of a real stinker.

It's amazing to watch Heston perform up to his usual par and display how really bad this movie is. He even plays in a sub-plot that kept me interested just to see how it tied back into the main line of the movie. The way they ended up resolving it was that they didn't. It simply falls off the end.

Really. Don't waste your time on this one.\": {\"frequency\": 1, \"value\": \"Yet another movie ...\"}, \"I have read with great interest the only available comment made before mine on this movie and I would first like to say that I understand the point of view of the previous user who commented on this movie very well: viewed from an Israeli perspective, I can very well imagine that this movie touches upon very sensitive issues and that the slightest detail can have a great importance for a viewer who is more or less directly concerned by the events depicted in this movie. What I would like to say is that 'Distortion' was shown at a film festival in Geneva in November 2005 (Festival 'Cin\\ufffd\\ufffdma tout \\ufffd\\ufffdcran') where it won the award of the audience ('Prix du public'in French). For what affects me, I liked the 'nervous camera' work of Mr Bouzaglo, who, in my opinion, portrayed an atmosphere of extreme tension and uneasiness in the movie very well, and I think that most of the swiss viewers appreciated this in the movie. This perspective, however, might seem totally 'alien' to an Israeli viewer, but not so surprising when it comes to swiss viewers, because Switzerland is a country which has NEVER been subject to any terrorist attack. It therefore comes as no surprise that the audience in Geneva judged this film with a much more 'detached' perspective.I would also like to quote what Mr Bouzaglo said when he was interviewed by a Geneva newspaper (I'm translating from French): ''After 50 years of living here and after undergoing all this violence, we may ask ourselves if it is still possible to remain normal.We might sometimes think that it would be easier to commit suicide than to go on living. We are like the characters in my movie,''on the edge of the edge''. This is the reason why the private detective, who is somehow ''voyeur'' is the happiest character in the movie, because he earns a living thanks to the system, he takes advantage of this situation'' This is, in substance, the main thing that I and the swiss public, in my opinion, pointed out in this movie, and that we did not pay attention to some inconsistencies regarding the characters in the movie which the precedent reviewer pointed out with great accuracy and humor. So, to sum up, different country=different perspective, but I think that this is somehow great, because it reassures me for what affects the future of cinema, that is to say that it well never be subject to a 'unique' of 'formatted' way of thinking.\": {\"frequency\": 1, \"value\": \"I have read with ...\"}, \"Ok, where do we start with this little gem? Mutant slugs begin to take over a small New England (?) town. Only one man can stop them... and that man... is Mike Brady! Now, if that wasn't laughable enough, stay tuned.

The footage of the slugs is what's known as stock footage. No matter who the slugs attack or where they are, the same shot of piles of slugs oozing everywhere is shown. Keep in mind, this singular shot occupies at least half the movie.

The acting in the movie was knock down, drag out, steal your wallet, punch your girlfriend, kill your dog, BAD. I'm sure there's worse, but you're going to be hard pressed to find it. The only gem was... you guessed it.... MIKE BRADY! He must have taken a few night classes at the YMCA, because he was the best in the bunch.

As for horror? This film is not to be taken seriously. There isn't horror! They're slugs for crying out loud. The entire rising action could have been avoided with a salt shaker or two. Only watch this film in a MST3K type environment, otherwise I can see some major damage to the brain.\": {\"frequency\": 1, \"value\": \"Ok, where do we ...\"}, \"I watched this movie really late last night and usually if it's late then I'm pretty forgiving of movies. Although I tried, I just could not stand this movie at all, it kept getting worse and worse as the movie went on. Although I know it's suppose to be a comedy but I didn't find it very funny. It was also an especially unrealistic, and jaded portrayal of rural life. In case this is what any of you think country life is like, it's definitely not. I do have to agree that some of the guy cast members were cute, but the french guy was really fake. I do have to agree that it tried to have a good lesson in the story, but overall my recommendation is that no one over 8 watch it, it's just too annoying.\": {\"frequency\": 1, \"value\": \"I watched this ...\"}, \"This is a VERY entertaining movie. A few of the reviews that I have read on this forum have been written by people who, apparently, think that the film was an effort at serious drama. IT WAS NOT MADE THAT WAY....It is an extremely enjoyable film, performed in a tongue in cheek manner. All of the actors are obviously having fun while entertaining us. The fight sequences are lively, brisk and, above all, not gratuitous. The so-called \\\"Green Death\\\", utilized on a couple of occasions, is not, as I read in one review, \\\"gruesome\\\". A couple of reviewers were very critical of the martial arts fight between Doc and Seas near the end of the film. Hey, lighten up... Again, I remind one and all that this is a fun film. Each phase of this \\\"fight\\\" was captioned, which added to the fun aspect. The actors were not trying to emulate Bruce Lee or Jackie Chan. This is NOT one of those martial arts films. Ron Ely looks great in this film and is the perfect choice to play Doc. Another nice touch is the unique manner in which the ultimate fate of the \\\"bad guy\\\" (Seas) is dealt with. I promise you that if you don't try to take this film very seriously and simply watch it for the entertainment value, you will spend 100 minutes in a most enjoyable manner.\": {\"frequency\": 1, \"value\": \"This is a VERY ...\"}, \"Disney have done it again. Brilliant the way Timone and Pumbaa are brought back to life yet again to tell us how they came to meet and help Simba when he needed them. I love this film and watch it over and over again. It shows how Timone lived with his family and fellow meerkats before setting off to find his dream home and adventure. Then he meets Pumbaa and things do change. Together, they search for the home Timon wants and repeatedly fail, which is funny as Timone gets more and more crazy. Then Simba turns up and we see more of his childhood than we did in the previous 2 films. The rest, you already know.\": {\"frequency\": 1, \"value\": \"Disney have done ...\"}, \"I still can't believe this movie. They got so much unbelievable things in it, that it's hard to believe anyone wanted to make it.

The story is a joke, but in the sense of being funny, but more like no story at all. How can you mix a slapstick comedy with a train robbery, a prison movie, town conspiracies, sex-jokes and a FBI-agent? You can't.

Beside the terrifying directing the most noticeable thing are the actors. I watched this film and thought: 'Is this really Marlon Brando? No, it can't be. (5 minutes later) Is this Charlie Sheen? Wow, maybe Brando is true. (5 minutes later) This can't be Donald Sutherland. (5 minutes later) No, not Mira Sorvino. This movie is too bad for all of them. (At the end). No, no, no, this can't absolutely not be Martin Sheen!!! Not for 10 seconds of such a movie.' Then it was over and I down with my nerves. SO many good, oscar-winning, usually convincing actors in such a stupid, dumb, awful movie. I rarely wanted to know so much how they came to act in this one. They couldn't got so much money.

Only just an unbelievable silly idiotic movie.

3/10 \\\\ 1/4 \\\\ 5 (1+ - 6-)\": {\"frequency\": 1, \"value\": \"I still can't ...\"}, \"This could have been interesting \\ufffd\\ufffd a Japan-set haunted house story from the viewpoint of a newly-installed American family \\ufffd\\ufffd but falls flat due to an over-simplified treatment and the unsuitability of both cast and director.

The film suffers from the same problem I often encounter with the popular modern renaissance of such native fare, i.e. the fact that the spirits demonstrate themselves to be evil for no real reason other than that they're expected to! Besides, it doesn't deliver much in the scares department \\ufffd\\ufffd a giant crab attack is merely silly \\ufffd\\ufffd as, generally, the ghosts inhabit a specific character and cause him or her to act in a totally uncharacteristic way, such as Susan George seducing diplomat/friend-of-the-family Doug McClure and Edward Albert force-feeding his daughter a bowl of soup!

At one point, an old monk turns up at the house to warn Albert of the danger if they remain there \\ufffd\\ufffd eventually, he's called upon to exorcise the premises. However, history is bound to repeat itself and tragedy is the only outcome of the tense situation duly created \\ufffd\\ufffd leading to a violent yet unintentionally funny climax in which Albert and McClure, possessed by the spirits of their Japanese predecessors, engage in an impromptu karate duel to the death! At the end of the day, this emerges an innocuous time-waster \\ufffd\\ufffd tolerable at just 88 minutes but, in no way, essential viewing.\": {\"frequency\": 1, \"value\": \"This could have ...\"}, \"Encouraged by the positive comments about this film on here I was looking forward to watching this film. Bad mistake. I've seen 950+ films and this is truly one of the worst of them - it's awful in almost every way: editing, pacing, storyline, 'acting,' soundtrack (the film's only song - a lame country tune - is played no less than four times). The film looks cheap and nasty and is boring in the extreme. Rarely have I been so happy to see the end credits of a film.

The only thing that prevents me giving this a 1-score is Harvey Keitel - while this is far from his best performance he at least seems to be making a bit of an effort. One for Keitel obsessives only.\": {\"frequency\": 1, \"value\": \"Encouraged by the ...\"}, \"Complete drivel. An unfortunate manifestation of the hypocritical, toxic culture of a decade ago. In this movie, pedestrian regrets for slavery go hand in hand with colonialist subtexts (the annoying redhead feeding Shaka rice?). Forget historical reality too. Didn't most western slaves comes from West Africa? An American slaver easily capturing Shaka with a handful of men?. Finally, David Hasslehoff could not have been any more obnoxious. One can only ponder, how would he have fared in the miniseries? (Promptly impaled most likely). The miniseries was superb, and it is unfortunate that DH should have gotten his hands on something unique, and made it mundane. (I tend to think that he had hand in creating this fiasco).\": {\"frequency\": 1, \"value\": \"Complete drivel. ...\"}, \"Ahista Ahista is one little small brilliant. I started watching it, and at the beginning I got a little bored since the pacing was slow and the main idea of one guy meeting a girl who is lost was not really new. But as the film went on, I started getting increasingly and gradually engaged by the film, the fantastic writing and the charming romance. The film was extremely simple and natural and after some time I felt I was watching a real documentation of one guy's life. There's one very good reason the film got this feel, and it's the fresh talent called Abhay Deol. He is extremely convincing as the simple, kind-hearted and struggling Ankush, whose new love motivates him to make amends and fight for a better life. Throughout the film, he is presented as an ordinary mischievous prankster, but also as a helping and loving person, who, like anyone else will do anything to protect his love. Deol portrays all the different shades of his character, whether positive or negative, naturally and with complete ease.

Shivam Nair's direction is very good. His depiction of the life of people in the rural neighbourhood is excellent, but what gets to be even more impressive is his portrayal of Ankush's relationships with the different people who surround him, including his friends and his love interest Megha who he is ready to do anything for. I also immensely liked the way Nair portrayed his interaction with his friend's loud and plump mother whom he calls 'khala' (aunty). He likes to drive her crazy and annoy her on every occasion, yet we see that she occupies a very special place in his heart and is like a mother-figure to him as evidenced in several scenes. Except for Abhay, the rest of the cast performed well. Though Soha Ali Khan did not stand out according to me, she was good and had some of her mother's charm. The actors who played Ankush's friends were very good as was the actress who played Ankush's 'khala'.

Apart from the performances, the film's writing was outstanding. The dialogues were sort of ordinary yet brilliant, and the script was also fantastic. That's mainly because despite a not-so-new story it was never overdone or melodramatic and there were no attempts to make it look larger-than-life. The film's biggest weakness was Himesh Reshammiya's uninspiring music which was unsuitable for this film. Otherwise, Ahista Ahista was a delightful watch and it got only better with every scene. The concept may not be new, but the film manages to look fresh and becomes increasingly heartwarming as the story goes by. The ending was bittersweet, kind of sad yet optimistic. In short, this movie really grows on you slowly, and this can be easily attributed to the wonderful writing, the moving moments, the charming romance, the realistic proceedings, and of course Abhay Deol's memorable performance.\": {\"frequency\": 1, \"value\": \"Ahista Ahista is ...\"}, \"The quote I used for my summary occurs about halfway through THE GOOD EARTH, as a captain of a Chinese revolutionary army (played by Philip Ahn) apologizes to a mob for not having time to shoot MORE of the looters among them, as his unit has just been called back to the front lines. Of course, the next looter about to be found out and shot is the main character of the film, the former kitchen slave girl O-Lan (for whose portrayal Luise Rainer, now 99-years-old, won her second consecutive best actress Oscar).

The next scene finds O-Lan dutifully delivering her bag of looted jewels to her under-appreciative husband, farmer Wang Lung (Paul Muni), setting in motion that classic dichotomy of a man's upward financial mobility being the direct inverse of his moral decline.

For a movie dealing with subject matter including slavery, false accusations, misogyny, starvation, home invasion, eating family pets, mental retardation, infanticide, exploited refugees, riots, civil war, summary mass street executions, bigamy, child-beating, adultery, incest, and insect plagues of biblical proportions, THE GOOD EARTH is a surprisingly heart-warming movie.

My parting thought is in the form of another classic quote, from O-Lan herself (while putting the precious soup bone her son has just admitted stealing from an old woman back into the cooking pot after husband Wang Lung had angrily tossed it to the dirt floor on the other side of their hut): \\\"Meat is meat.\\\"\": {\"frequency\": 1, \"value\": \"The quote I used ...\"}, \"I managed to tape this off my satellite, but I would love to get an original release in a format we can use here in the States. Eddie truly is Glorious in this performance from San Francisco. I don't remember laughing so hard at a stand up routine. My wife and I both enjoyed this tape and his work on Glorious I just wish I could buy a copy and help support Eddie financially through my purchase. We need more of his shows available.\": {\"frequency\": 1, \"value\": \"I managed to tape ...\"}, \"For your own good, it would be best to disregard any positive reviews concerning this movie. This flick STINKS. Now, I like (at least in theory) low budget horror movies, but this one makes the worst mistake a low budget flick can make: It takes itself WAY too seriously. And, unfortunately, that's not it's only problem.

It's the story of the murderous Beane clan of the British Ilses transposed to modern times. An interesting premise, but there are two things that are immediately perplexing about this film once you start watching it.

#1- Why is the biggest name on the CD box Jenna Jameson? She's a below average looking woman who can't act, and she has a minor role. ANSWER: She's apparently a well known porn star (as you no doubt read in other reviews), so I guess this is a \\\"cameo\\\" appearance for her. She's giving the film much needed \\\"name recognition\\\", it seems. Her top billing isn't any indication of her talent, though, it's an indication of how UNtalented the rest of the cast is.

#2- How can film makers be so stupid to think Canada can be passed off as Ireland? It doesn't even remotely look like Ireland. And the house that the guests/victims stay in is this great big North American wood frame Edwardian thing. They should have skipped the whole Beane theme and developed a story that took place in N.A. Also, if you're going to make a movie that takes place in Ireland, it's probably best to have more than one character with an Irish accent (and that was a REALLY REALLY REALLY BAD Irish accent.) Now,this wouldn't have been so bad if the director wasn't trying to make the next \\\"Night of the Living Dead\\\", but it seems he was. Too bad. He could have had some fun with it. In fact, some of the scenes weren't far from being unintentionally comedic as they were.

Like the infamous gutting scene, were the woman is chained to the table, stripped naked, and then sliced open and eviscerated. That's funny, you ask? Well, in the deleted scene version, the mutant killer pulls out mile after mile after mile of intestines. It's actually funny after awhile. And what self respecting cannibal eats intestines, anyway? Do we eat the intestines of cows and chickens? Heck no, we eat hams and ribs and drumsticks. Oh well.

Some of the other cast who were annoying: the whiny, creepy Howard Rosenstein. I'm not sure, but I THINK he was supposed to be cast as a STUD. In fact, he's as big a loser and goof ball as his name would imply. Which would explain why the character played by the equally annoying Gillian Leigh fell for him.

I checked Gillian Leigh on her link on IMDb, and apparently it's important to know that she graduated high school with honors. I can't decide if it's more amusing or pathetic to know that only a couple years after graduation, the honor student is doing nude soft-core porn scenes in a shower with a guy named Howard Rosenstein. Wonder if her former classmates have seen this movie? If they have, hopefully they'll get the message: AVOID THIS FATE! GO TO COLLEGE!!! I could go on and on, but why. If you like gore, you'll find something redeeming in this flick, but not much more.\": {\"frequency\": 1, \"value\": \"For your own good, ...\"}, \"I know some people think the movie is boring but I disagree. It is a biography of a very complex and extraordinary person. I liked the characters in the film and think that leaving parts of Archie's life a mystery captured his humanity. I don't think the purpose of a good biography should be the detailing of someone's life but rather the complexities and relationships that make them interesting. And what is more fascinating than someone so successfully reinventing themselves? \\\"Men become what they dream - you have dreamed well.\\\" Good job to Lord Attenborough. I also wanted to mention that Nathaniel Arcand really stood out to me as a charismatic actor and I hope to see him in more films.\": {\"frequency\": 1, \"value\": \"I know some people ...\"}, \"'1408' is the latest hodge podge of cheap scare tactics. The kind that might make date-movie styled horror fans occasionally jump in their seat and scream in your ear, but disappoint audiences searching for a little depth and direction.

John Cusak plays a writer who's made a career of writing books describing his experiences of staying in rumored haunted hotels. Despite assurances by patrons and owners that ghosts roam the halls, there is little to make him a real believer in the paranormal. When he learns of the history of Room 1408 at the Overlook Hotel--no wait, I mean, Dolphin Hotel in New York City--he decides it would make the perfect closing chapter to his latest book. But, Samuel L. Jackson, playing the hotel owner, strongly attempts to dissuade his guest with narration of the atrocities that have occurred in theat room since the hotel's opening many years ago. The story is simple and we, as possible skeptics, must sit through Jackson's lengthy foreshadowing ramble.

In other words: be afraid! Be very afraid!

Of course, it would be easy to convince audiences that they've just paid to see an edge-of-the-seat thriller if it didn't take so long to build up to this point. And also, if what followed was a lot more than cheap \\\"boos\\\" that become so frequent and arbitrary that eventually, you might soon expect them. The temperature in the room changes automatically. The walls drip with blood. The fearless writer can't open the door, etc. And after nearly an hour and a half of delivering these to audiences promised big thrills, you might sit and hope that at least you can be wowed by the ending. With suspicions of dream sequences and other derivative time-wasters, even that fails to quell our doubts that before the movie is over, we might finally have something to make the movie a little less than completely forgettable.

Despite grand performances (as always) by Cusak, who essentially is the entire film, most everyone else of note is wasted (i.e. Samuel L. Jackson) in insignificant minor roles. The true mystery here is how this movie received such a high viewer rating. Ballot-stuffing ghosts?\": {\"frequency\": 1, \"value\": \"'1408' is the ...\"}, \"I thought watching employment videos on corporate compliance was tedious. This movie went nowhere fast. What could have been a somewhat cheesy half hour twilight zone episode turned into a seemingly endless waste of film on people parking their cars, a picture of some dude's swimming pool (he really needs to answer his phone by the way) a dot matrix printer doing its job, and Heuy and Louey sitting in a yellow lighted control room repeating \\\"T minus 10 and counting\\\" as if something exciting is going to happen. It doesn't so don't get your hopes up. The best thing about this movie is to see James Best and Gerald McC, in something other than there famous TV personalities, and that is stretching to find anything good. And do NOT get me started on the music which was totally composed of a Tympani, some large marine mammals, and microphone feedback. This movie is as close as I have given a one yet, but it gets the 2 because I actually was able to finish this insomnia cure, and didn't have to leave in the middle. AVOID AT ALL COSTS.\": {\"frequency\": 1, \"value\": \"I thought watching ...\"}, \"This could have been the gay counterpart to Gone With The Wind given its epic lenght, but instead it satisfied itself by being a huge chain of empty episodes in which absolutely nothing occurs. The characters are uni-dimensional and have no other development in the story (there's actually no story either) than looking for each other and kissing. It's a shame that an interesting aesthetic proposition like having almost no dialog is completely wasted in a film than makes no effort in examining the psychology of its characters with some dignity, and achieving true emotional resonance. On top of that, it pretends to be an \\\"art\\\" film by using the worst naive clich\\ufffd\\ufffds of the cinematic snobbery. But anyway, if someone can identify with its heavy banality, I guess that's fine.\": {\"frequency\": 1, \"value\": \"This could have ...\"}, \"This is a weak film with a troubled history of cuts and re-naming. It doesn't work at all. Firstly the dramaturgy is all wrong. It's very slow moving at first and then hastily and unsatisfactorily moves to an end. But there is also (and that may have to do with the cuts) an uneasy moving between genres. It starts off with being a thriller to be taken at face value and then degenerates into a farce rather than satire. the ending may be funny but it's also so blunt that I almost felt it insulted my intelligence (what little there is). So the film tries to be everything but does not really succeed on any level at all. You can also see that in the very unsteady character development.You almost get the impression Connery plays three roles rather than one.\": {\"frequency\": 1, \"value\": \"This is a weak ...\"}, \"Due to budget cuts, Ethel Janowski (again played by Priscilla Alden) is released from a mental institution (even though she killed six people) and delivered to the Hope Bartholomew halfway house. Once there, she immediately relapses into her criminally insane ways and kills anyone who gets between her and her food.

HOLY MOLY! Does this movie suck! You know you are in trouble when the open credits start up and they are just the credits from the first film, apparently filmed off a TV screen. Nick Millard (under his pseudonym Nick Phillips) decided to return to the world of Crazy Fat Ethel over ten years later and with a budget that probably covered the cost of a blank tape and a video camera rental for the weekend. Let's just say that Millard's unique style doesn't translate well to video. Seriously, I have made home movies with more production value than this. And Millard tries to pull a SILENT NIGHT, DEADLY NIGHT 2 by padding half the running time with footage from the first film (which looks like it was taken off a worn VHS copy). Alden is again good as Ethel but the film is so inept that you start to feel sorry for her for starring in this garbage. I mean, at least the first film tried. Here we have no music, weaker effects (if that is at all possible), shaky camera work, horrible audio and editing that looks like it was done with two VCRs hooked up. Avoid this at all costs!\": {\"frequency\": 1, \"value\": \"Due to budget ...\"}, \"Leave it to Braik to put on a good show. Finally he and Zorak are living their own lives outside of Spac Ghost Coast To Coast. I have to say that I love both of these shows a whole lot. They are completely what started Adult Swim. Brak made it big with an album that came out in the year 2000. It may not have been platinum, but his show was really popular to tons of people out there that love Adult Swims shows. I have to say that out of all the Adult Swim shows with no plot, this has to be the one with the most none plot ever made. That is why I like it so much, it is just such a classic in the Adult Swim history. I believe this is just such a great show, if you don't like it. Hey there were tons who hated it and tons who loved it.\": {\"frequency\": 1, \"value\": \"Leave it to Braik ...\"}, \"While not as bad as his game-to-movie adaptations, this hunk of crud doesn't fare much better.

Boll seems to have a pathological inability to accept that he doesn't make good movies. One of these days he'll run out of money and stop inflicting the world with his bombs.

The acting was sub-par, the dialog sounded like they were reading TelePrompTers and Boll's special little 'touches' were seen throughout the whole thing.

Like all Uwe Boll movies, this one just shouldn't exist.

Plain and simple.

Just like Uwe Boll himself shouldn't exist. >_>\": {\"frequency\": 1, \"value\": \"While not as bad ...\"}, \"I thought I had seen this movie, twice in fact. Then I read all the other reviews, and they didn't quite match up. A man and three young students, two girls and a boy, go to this town to study alleged bigfoot sightings. I still feel pretty confident that this is the movie I saw, despite the discrepancies in the reviews. Therefore I'm putting my review back: If you like the occasional 'B' movie, as I do, then Return to Boggy Creek is the movie for you! Whether it's setting the sleep timer, and nodding off to your favorite movie-bomb, or just hanging out with friends. Boggy Creek, the mute button, and you've got a fun night of improv. Look out! Is the legend true? I think we just might find out, along with a not-so-stellar cast. Will there be any equipment malfunctions at particularly key moments in the film? Does our blonde, manly, young hero have any chest hair? Will the exceptionally high-tech Technicolor last the entire film? You'll have to watch to find out for yourself.\": {\"frequency\": 1, \"value\": \"I thought I had ...\"}, \"AntiTrust could have been a great vehicle for Rachael Leigh Cook, but the director cut out her best scenes. In the scenes that she are in, she is just a zombie. She is involved in a sub-plot that is simular to a sub-plot in \\\"Get Carter\\\", but she handles the sub-plot better in \\\"Get Carter\\\".(I blame the director) The director's homage to Hitchcock was corny. (It's the scene were Ryan Philippe's charactor realizes he may not be able to trust Tim Robbin's charactor, at least I think it's a homage to Hitchcock. The DVD shows the scenes that were cut out. I think the director should have trust his instincts and not listen to the test audiences.\": {\"frequency\": 1, \"value\": \"AntiTrust could ...\"}, \"Years ago I was lucky enough to have seen this gem at a >Gypsy film festival in Santa Monica. You know the ending >is not going to be rosie and tragedy will strike but it's >really about the journey and characters and their dynamics and how they all fit into what was \\\"Yugoslavia\\\". >While I am not Yugonostalgic and tend to shy away from >the current crop of \\\"Yugoslavian\\\" films (give me Ademir >Kenovic over late 90s Kustarica) I'd be happy to have the >chance to stumble on this film again, as it shines in my >celluloid memories. Ever since seeing Who's Singing Over >There\\\" 15 years ago I still hear the theme tune, sung by >the Gypsies, ruminating through my head\\ufffd\\ufffd \\\"I am miserable, >I was born that way\\ufffd\\ufffd\\\" with the accompanying jew's harp and accordian making the tune both funny and sad. The late, great actor Pavle Vujisic (Muzamer from When Father >was Away on Business) was memorable as the bus driver of >the ill-fated trip in his typical gruff yet loveable manner. Hi\": {\"frequency\": 1, \"value\": \"Years ago I was ...\"}, \"Where was this film when I was a kid? After his parents split up Tadashi moves with his mom to live his his grandfather. Tadashi's sister stays with their dad and they talk frequently on the phone. Grandfather is only \\\"here\\\" every third day. Moms never really home. The kids always are picking on the poor kid. During a village festival Tadashi is chosen the \\\"kirin rider\\\" or spiritual champion of the peace and justice. Little does he suspect that soon he will have to actually step into role of hero as the forces of darkness join up with the rage of things discarded in a plot to destroy mankind and the spiritual world.

Okay that was the easy part. Now comes the hard part, trying to explain the film.

This is a great kids film. No this is a great film,flawed, (very flawed?) but a great film none the less. It unfolds like all of those great books you loved as a kid and is just as dense at times as Tadashi struggles to find the strength to become a hero. Watching it I felt I was reading a great book, and thought how huge this would have been if it was a book. I loved that the film does not follow a normal path. Things often happen out of happenstance or through miscommunication, one character gets sucked into events simply because his foot falls asleep. There are twists and turns and moments that seem like non sequiters and are all the more charming for it (which is typical Miike) Certainly its a Takashi Miike film. That Japanese master of film is clearly in charge of a film that often touching, scary and funny all at the same time. No one except Miike seems to understand that you can have many emotions at the same time, or that you can suddenly have twists as things get dark one second and then funny the next. I admire the fact that Miike has made a film that is bleak and hopeful, that doesn't shy away from being scary, I mean really scary, especially for kids. This is the same dark territory that should be in the Harry Potter movies but rarely is. This a dark Grimms tale with humor. My first reaction upon seeing the opening image was that I couldn't believe anyone would begin a kids film with a picture of the end of the world, then I realized who was making the movie. Hats off to Miike for making a movie that knows kids can handle the frightening images.

Its also operating on more than one level. The mechanical monsters that the bad guys make are forged from mankind's discarded junk. Its the rage of being thrown away that fuels the monsters.One of the Yokai (spirits) talks about the rage sneakers thrown away because they are dirty or too small feels when they are tossed. You also have one of the good guys refusing to join the bad guys because that would be the human thing to do. Its a wild concept, but like other things floating around its what lifts this movie to another level. (there are a good many riffs and references to other movies,TV shows and novels that make me wonder who this film is for since kids may not understand them, though many parents will) And of course there are the monsters. They run the gamut from cheesy to spectacular with stops everywhere in between. Frankly you have to forgive the unevenness of their creation simply because they are has to be hundreds if not thousands of monsters on screen. Its way cool and it works. One of the main characters is a Yokai which I think is best described as a hamster in a tunic and is often played by a stuffed animal, it looks dumb and yet you will be cheering the little bugger and loving every moment he rides on Tadashi's head. (Acceptance is also easier if you've ever seen the old woodcuts of the weird Japanese monsters) I mentioned flaws, and there are a few. The effects are uneven, some of the sudden turns are a bit odd (even if understandable) and a few other minor things which are fading now some two hours after watching the film.. None of them truly hurt the film over all, however most kind of keep you from being completely happy with the movie.

I really loved this movie. I'm pretty sure that if I saw this as a kid it would have been my favorite film of all time. (where's the English dub?).See this movie. Its a great trip. (Besides its a good introduction to the films of Miike minus the blood and graphic sex)\": {\"frequency\": 1, \"value\": \"Where was this ...\"}, \"The acting is pretty cheesy, but for the people in this area up in the 80s and are now Detroit area automotive engineers, this is a great movie. I even work with a Japanese supplier so that makes this movie even more funny.

Jay Leno was showing his age last night on The Tonight Show! He looks pretty young here...17 years ago. The opening scene, with the drag race on what appears to be Woodward Ave was great.

Leno also owns some bad a** cars now, it would e great to see a remake of this with his modern collection. I'm sure the blown Vette in the opening scene was his own car.

Typical 80s movie. Watch it and enjoy. No computer generated crap!\": {\"frequency\": 1, \"value\": \"The acting is ...\"}, \"I watched the movie while recovering from major surgery. While I knew it was only a \\\"B\\\" film, a space western, I loved it. It may have lacked the flash of high dollar productions it non-the-less held my imagination and provided great escapism. Sadly our society has so much available, discounting small attempts is too easy. In the same way that I can enjoy a even a grade school performance of Shakespeare, I can appreciate many levels of achievement for the art sake. I am a cop and found affinity with the retired LAPD. Dreams like his haunt me that I will be unable in the moment of crisis be able to respond to save another's life (or my own). while it was a romantic ending where Farnsworth did take out the bad guy (predictable) I needed a little happy romance where good can triumph. My world is really too cynical.\": {\"frequency\": 1, \"value\": \"I watched the ...\"}, \"When I saw this movie, I couldn't believe my eyes. Where these hilarious creatures, dustbin muppets with big pointy teeth, really meant to be scary? Or where they designed to have a good laugh (I sincerely hope so). If you watch carefully you can even see the strings operating them (better; dragging them across the screen). The whole was rather funny than scary and I had a good time watching the movie because I was amazed by its overall incapacity to have only one good part. It is one big joke from beginning to end and I believe this movie belongs into a new category: So unbelievable crappy you'll be laughing from beginning to end. (I'm not even gonna try to comment on the acting or all the other things)\": {\"frequency\": 1, \"value\": \"When I saw this ...\"}, \"Sorry this movie did not scare me it just annoyed me. It was just so frustrating when I saw the potential and that, all that, fell by the wayside. The children! The father! The premonition! Had so much potential and ziltch! zero, nada! I have heard it all before. Scary! No! I can scare myself alone, here where I sit, than they could in the movie. Are there men writing that figure that women should be so annoying? Huh? This movie was quite atmospheric. Or at least it could have been, had the director/writer bothered to work it. We could have had some good music that would have added to the tension too, if someone had made the effort. What I really want to know is why do they get the money? Just give it to me and save all that hassle. Abandoned?... No we where betrayed\": {\"frequency\": 1, \"value\": \"Sorry this movie ...\"}, \"The premise and subject about making a criminal realize what his victims went through by capturing his family hostage sounds promising and interesting. But this is the only interesting part which was also dealt 20 years ago with quite finesse by director Ravi Tandon in his film \\\"Jawab'(1985) too. The problem here is Ace Director Rajkumar Santoshi found himself in some sort of confusion as to whether to make it a fast paced action-thriller (viz. Khakee) or an emotions-rich heavy duty drama (Viz. Damini) and this confusion is quite evident in the final outcome. If we ignore two of his-Pukar (2000) and Lajja(2001), this brilliant director has always given us fairly engrossing films with high entertainment value. Therefore this film comes as a surprise, as to what made this script \\ufffd\\ufffdsensitive director going for half-baked characterization of both of his protagonists-Amitabh Bachchan and Aryeman. As the film is getting over, audience didn't know whom to hate and whom to sympathize with and this factor is the major limiting force in the complete narration. Therefore what starts as a war between a common man and an underworld don ends on a strange note of self-realization and regret by the Don about what went wrong with his own family. The revelation of Don's son as a real baddie does not come as a surprise element in the climax which if compared to similar situation in 'Khakee\\\" worked so effectively with Aishwarya's character. That is not all, there is more to it. The whole dramatization of life of an Underworld Don, operating from abroad looks quite illogical. His openly landing up at Mumbai from where he is suppose to be absconding as well as running after his enemies and shooting them himself does not look believable. Pitching a mediocre, newcomer actor like Aryeman opposite Mr. Bachchan is again not a good idea. But nonetheless film has some plus points. Ashok Mehta's fine camera-work, two good fight sequences (co-ordinator Abbas Ali Moughal), some light well-acted scenes of Akshay Kumar in the Ist half, Santoshi's fast-paced slick treatment and of course Mr. Bachchan as usual trying hard to put some life into his lifeless character. But all these put together does not make this viewing an exciting experience for you and your Family!\": {\"frequency\": 1, \"value\": \"The premise and ...\"}, \"

I am a big-time horror/sci-fi fan regardless of budget, but after watching countless horror movies late night on cable and video, this has to be the worst of all movies. With bloody special effects (what looked like a roast covered in fake blood or ketchup that kept being shown over and over again) and people running around screaming from left, then to right, then back again. It should have stayed with the beginning convenience store scene and stopped there and been 15 minutes. Instead, it is dragged out very long. It is very, very x5 low budget. Many scenes were way, way too long. Narrator sounded very amateurish like a random person out of junior high was talking. This is the only movie to rate lower in my opinion than Manos, Red Zone Cuba, Benji,and Godzilla vs. megalon despite their higher budgets. 10 snoozes, try to stay awake through whole movie in one setting or better yet, avoid it like you would an undead brain-eating mob. The Why-Did-I-Ever-See-This-Piece-Of-Zombie-Dung-Blues. Epitome of nauseatingly bad made movies etc..ad infinitum. -infinity/10\": {\"frequency\": 1, \"value\": \"

I am a ...\"}, \"This is one powerful film. The first time I saw it, the Scottish accents made it tough for me to understand a lot and that ruined the viewing experience. I gave up on it but then acquired the DVD, used the English subtitles when I needed them, and really got into this movie, discovering just how good it is. It is excellent.

The widescreen picture makes it spectacular in parts, with some wonderful rugged scenery and the story reminded me of Braveheart, an involving tale of good versus evil. Here, it's Liam Neeson (good) vs. Tim Roth (evil). Both do their jobs well.

Few actors come across as despicable as Roth. Man, you really want to smack this guy in his arrogant, irritating puss. (He is so nasty and vile the sick critics love his character more than anyone else's here). Neeson is a man's man and a solid hero figure as Gibson was in Braveheart. Jessica Lange is strong in here as the female lead. The movie draws you in and gets you totally involved, so prepared to have an emotional experience viewing this.\": {\"frequency\": 1, \"value\": \"This is one ...\"}, \"Clara Bow (Hula Calhoun) is daughter of plantation owner Albert Gran (Bill Calhoun), who is mainly interested in playing cards and boozing with friends. She's interested in riding in the countryside until engineer Clive Brook (Anthony Haldane) shows up to build a dam. One of her father's friends Arlette Marchal (Mrs. Bane) then competes for his attentions. His wife Maude Truax (Margaret Haldane) shows up for the contrived finale.

Lots of 'pre-code' elements like nude bathing.

Wonderful location shooting in Hawaii.\": {\"frequency\": 1, \"value\": \"Clara Bow (Hula ...\"}, \"The film was shot at Movie Flats, just off route 395, near Lone Pine, California, north of the road to Whitney Portals. You can still find splashes of cement and iron joists plastered across the rocks where the sets were built. And you'll recognize the area from any Randolph Scott movie.

I won't bother with the plot, since I'm sure it's covered elsewhere. The movie stars three athletes -- Fairbanks fils, who must have learned a good deal from his Dad -- Grant, an acrobat in his youth -- and MacLaughlin, a professional boxer from South Africa. Their physical skills are all on display.

Not a moment of this movie is to be taken seriously. It's about Thugees, a sect in India, whence our English word \\\"thug.\\\" I can't go through all the felicities of this movie but probably ought to point out that the director, George Stevens, was a polymath with a background in Laurel and Hardy movies -- see his choreography of the fight scenes -- and went on to the infinitely long dissolves of Shane and The Diary of Anne Frank. Dynasties rose and fell. Geological epochs came and went, while Liz Taylor and Monty Clift kissed in \\\"A Place in the Sun.\\\" Here, in his comic mode, he excels.

This is a story of male bonding and it would be easy -- too easy -- to read homoeroticism into it, as many people do with Howard Hawks. Or hatred of women. But it isn't that at all. Sometimes things portrayed on screen don't deserve too much in the way of heuristic attention. Men WILL form bonds by working together in a way that women do not. (Women share secrets.) Read Deborah Tannen, nobody's idea of an anti-feminist. Well, when you think about it, that's what evolution should have produced. For most of human history -- about nine tenths of it -- hominids have been hunters and gatherers, and the men tend to hunt and the women to gather. Hunting is more effective as a team enterprise. Men who were not very good at bonding were Darwinianed out, leaving men who have a lot of team spirit. And Grant, Fairbanks, and MacLaughlin have got it in spades.

Sorry to ramble on about evolution but I'm an anthropologist and it is an occupational disease. Did I ever tell you about the horse in Vaitongi, Samoa, that slipped on the cement and fell in the bathtub with me? You've got to watch the hooves.

Joan Fontaine is lovely, really. Only got to know her in her later years and wondered why she was in so many movies. I lived in Saratoga, California, where her sister, Olivia DeHavilland, grew up and went to a convent school. Pretty place.

If you miss this adventurous lively farraginous chronicle of the British Empahh at its height, you should never forgive yourself. It's so famous that it's parodied in the Peter Sellers movie, \\\"The Party.\\\" Yes -- the colonel's got to know.\": {\"frequency\": 1, \"value\": \"The film was shot ...\"}, \"Jack Black is an annoying character.This is an annoying indie movie for 14 year olds.Do I have to write eight more lines?Ana de la Reguera is dang fine to look at,as a Mexican nun who puts up with the rather forward and rude advances of Jack Black.This movie is a PG 13 version of an indie film.I really like a movie that has the courage to explore Mexican culture.This movie explores Mexican culture-deeply. I just choke on its cultural rudeness:Jack Black is just so rude. A white person like Jack Black is not my most valuable emissary into Mexican culture, as it were.Mexican Wrestling culture is not the most diaphanous venue a white guy, such as myself could seek.I suspect Mexico is more culturally opaque than Jack Black has presented here.

I think IMDb changed my review.Has anyone else had his review changed as well?Just a question.\": {\"frequency\": 2, \"value\": \"Jack Black is an ...\"}, \"My first full Heston movie. The movie that everyone already knows the ending to. A \\\"Sci Fi Thriller\\\". The campy factor. Everything that goes with this movie was injected in my head when I rented it, and on the morning that I watched it, it was the perfect movie to watch in the mood that I was in (Not wanting to move. Put in player, hide in blankets). And though I tried to understand what was happening to lead to the ending that will be eternally ruined by pop culture, it just really didn't make it. Everything was all over the place, relationships had no backbone, the ending had no lead in. Everything was just kind of there in some freakish way and the watcher has no choice but to leave partially dumbfounded at the ending that it gets to, because even though we all know that it's people, it's quick answers as to WHY it's people makes any serious attempt at enjoying the movie for anything other than the silliness thrown out the window.\": {\"frequency\": 1, \"value\": \"My first full ...\"}, \"This movie is one reason IMDB should allow a vote of 0/10. The acting is awful, even what some here have lauded, the Carpathia character! The script looks like it was written in haste. In one scene, the black preacher who was left behind, when asked by Buck what \\\"dan7\\\" in the computer graphic meant, said, \\\"Daniel 7, *CHAPTER* 24.\\\" He probably meant VERSE 24, but the film makers missed this slip up. Perhaps the worst part is that the film's eschatological position is Biblically unsound. While many Christians have espoused the film's interpretation of end-time events, such interpretation, in *my opinion*, is faulty. To understand these flaws, read \\\"Christians Will Go Through The Tribulation\\\" by Jim McKeever and \\\"The Blessed Hope, A Biblical Study of the Second Advent and the Rapture\\\" by George E. Ladd.\": {\"frequency\": 2, \"value\": \"This movie is one ...\"}, \"...though for a film that seems to be trying to market itself as a horror, there was a distinct lack of blood.

There was also a distinct lack of skilled directing, acting, editing, and script-writing.

Jeremy London put in one of most appalling performances I've ever seen - his \\\"descent into the maelstr\\ufffd\\ufffdm\\\" of madness is achingly self-aware and clumsy. Oh look at him twitch! Oh look at him drink strong spirits! Oh look at him raise his brow, and cock his head at a jaunty angle! Oh look at his unwashed, greasy dark hair! Oh listen to his affectedly husky voice! He must be a tortured artist/writer/genius! Oh, yes, out comes the poet-shirt - it's another boy who thinks he's Byron. (Or Poe.) Oh for the love of... did someone give this guy a manual on \\\"How To Act Good\\\" or did they just pull him out of a cardboard box somewhere, the defunct little plastic toy-prize in a discontinued brand of bargain-bin cereal. Okay, that was a stupid line - but that's only because London's performance has melted my brain with its awfulness.

Katherine Heigl is cute, and very briar rose, but has yet to grow into her acting shoes in this film - she delivered her lines like she was being held up, in fact, her whole performance was very wooden, her poses as stiff as her lines - who knows, perhaps she was just reacting to, and trying to neutralise, Jeremy London's flailing excesses, but if that's the case, she takes it too far.

Notable is Arie Verveen as Poe - while his character's role is confused, he delivers the best performance of the piece. He, quite simply, looks right, but it's more than that - he has some sort of depth, I believed that he had a life beyond the dismal two-dimensional quality of the rest of the characters. Huh, maybe it's just because I like Poe, and could thus just let my mind wander and invent while he was on screen - whatever, he had an interest factor otherwise missing.

The rest of the characters are a faceless blur - there are all the usual caricatures: the perky blonde best-friend who's a bit of a floozy; the smitten local cop who's a bit of a dork; the protective older man who perhaps has too much un-fatherly interest in our heroine; the scheming old witch, etc., etc., yawn, yawn.

As with the 'distinct lack of blood for a horror movie' issue, none of the themes that they mention (and that London's character mentions - so scathingly - in his attack on Poe's writing) are followed through on. As another reviewer said - there was potential here: murder, incest, - genuinely shocking stuff, but instead they skirt away from the issues, and cut away from the violence (a raised candlestick swinging through the air - closing in on it's victim - then---cut to black! This is fine in a Noirish traditional horror, indeed, it's expected, and is fondly received when it happens - it's a dear convention, especially when accompanied by fake lightning bolts and intense Siouxie eye makeup - but in 'Descendant' it just comes across as clumsy, or as though the editor got queasy at the last minute and cut it out.) This could have either been a very tense psychological thriller - the horror of palingenesis/delusion/madness - or a simple (and fun) slasher movie: it tries to be both, or neither (something new and exciting!), but either way it fails dismally. The only horror element of this entire movie is it's epic dullness.

I think the editor (if there was one at all) must have been drunk when s/he chopped this thing up - there are awkwardly foreshortened scenes; scenes that appeared to be out of order (but that could have just been the poor script). LIkewise the director & cinematographer - there were some very strange shots and framing that I think were meant to be tributes to Hitchcock or Browning, but just ended up looking silly (again, fine in a noir, but this was trying to be something else.)

The whole thing perhaps may have been funny (in that way that previous reviewers have mentioned - \\\"OMG how did this get made?!?\\\") if I had been in the mood for some trash- bagging, unfortunately for me I had settled on the couch, with the lights down low, with the express intention of scaring myself silly - this is a very poor film, and I'm afraid I can't recommend it to people, not even for laughs.

Please, please, don't waste your time or money on this - either borrow a real horror/thriller film, or find yourself a copy of Poe's fantastical tales, either way, you'll have a far more enjoyable and frightening night than you could ever hope to achieve with this rubbish.\": {\"frequency\": 1, \"value\": \"...though for a ...\"}, \"The final film for Ernst Lubitsch, completed by Otto Preminger after Lubitsch's untimely death during production, is a juggling act of sophistication and silliness, romance and music, fantasy and costume dramatics. In a 19th century castle in Southeastern Europe, a Countess falls for her sworn enemy, the leader of the Hungarian revolt; she's aided by her ancestor, whose painted image magically comes to life. Betty Grable, in a long blonde wig adorned with flowers, has never been more beautiful, and her songs are very pleasant. Unfortunately, this script (by Samson Raphaelson, taken from an operetta by Rudolf Schanzer and E. Welisch) is awash with different ideas that fail to mesh--or entertain. The results are good-looking, but unabsorbing. *1/2 from ****\": {\"frequency\": 1, \"value\": \"The final film for ...\"}, \"Soylent Green is a classic. I have been waiting for someone to re-do it.They seem to be remaking sci-fi classics these days (i.e. War of the Worlds)and I am hoping some director/producer will re-do Soylent Green. With todays computer animation and technology, it would have the potential to be a great picture. Anti-Utopian films may not be that far-fetched. The human race breeds like roaches with no outside influence to curtail it. We, as humans, have the option of putting the kibosh on the procreation of lesser species if they get out of hand, but there's nothing to control human breeding except for ourselves. Despite all the diseases, wars, abortions, birth control, etc. the human race still multiplies like bacteria in a petri dish. Classic Malthusian economics states that any species, including humans, will multiply beyond their means of subsistence. 6 billion and growing....that's obscene.\": {\"frequency\": 1, \"value\": \"Soylent Green is a ...\"}, \"This one is tough to watch -- as an earlier reviewer says. That is amazing considering the terrible films that came out right after WWII -- particularly the \\\"liberation\\\" of Dachau. It is clear that, as of the middle of the war, we knew exactly what was happening to the Jews. The sequence that shows a \\\"transport\\\" is vivid, almost as if based upon an actual newsreel (the Nazis liked to record their atrocities). Knox as the Nazi is brilliant. He charts the course of a Nazi career. That charting is particularly telling when contrasted with the reactions of other Germans, at first laughing at Hitler, then incredulous, and finally helpless. That contrast, however, permits us to believe in the \\\"conversion\\\" of one young Nazi officer to an anti-Nazi stance. That did happen, as witness the several attempts against Hitler, most notably the Staffenberg plot which occurred as this film was coming out. A strong film, effectively using flashbacks, accurately predicting the Nuremburg trails and others that would occur once the war ended.\": {\"frequency\": 1, \"value\": \"This one is tough ...\"}, \"That's what my friend Brian said about this movie after about an hour of it. He wasn't able to keep from dozing off. I had been ranting about how execrable it was and finally I relented and played it, having run out of adjectives for \\\"boring\\\".

Imagine if you will, the pinnacle of hack-work. Something so uninspired, so impossibly dreadful, that all you want to do after viewing it is sit alone in the dark and not speak to anybody. Some people labor under the illusion that this movie is watchable. It is not, not under any form of narcotic or brain damage. I would ONLY recommend this to someone in order to help them understand how truly unbearable it is. Don't believe me? Gather 'round.

Granted, as a nation, we in America don't always portray Middle Eastern peoples in a tasteful manner. But how about a kid in a sheik outfit bowing in salaam-fashion to a stack of Castrol motor oil bottles? You'll find that here. GET IT? THE ARAB WORSHIPS OIL. I couldn't believe what I was seeing. Having the kid fly planes into a skyscraper would've been more appropriate. Who in their right mind would think that was a funny joke? It's not even close to \\\"cleverly offensive\\\". It just sucks and makes you want to punch whomever got paid to write that bit in the face.

In the middle of the film, a five-man singing group called the \\\"Landmines\\\" takes the stage at an officers' ball. Okay- are you ready? The joke is THEY SING TERRIBLY AND OFF-KEY. Why did I write that in caps also? Because the joke is POUND, POUND, POUNDED INTO YOUR HEAD with a marathon of HORRENDOUS sight gags. They start off mediocre enough; glasses cracking, punch tumblers shattering... then there is, I am 100% serious, a two-frame stop-motion sequence of A WOMAN'S SHOES COMING OFF. You read that correctly- the music was so bad, in one frame, the woman's feet have shoes on. In the very next- the shoes are off!!! Get it, because the music was so bad, her shoes came off! What the F????

Then there is an endless montage of stock footage to drive home the point that the SINGING IS BAD. If any human being actually suffered through this scene in the theater without running like hell, I would be astonished. This movie is honestly like a practical joke to see how fast people would bolt out the doors. Robert Downey Sr. directs comedy the way his son commands respect by staying drug-free. Badly. Other things to watch out for:

1. The popular music shoehorned in wherever possible. Every time Liceman appears, a really inappropriate Iggy Pop song plays. Plus all the actors do their best to act like it got really chilly for some reason.

2. Barbara Bach's criminally awful accent. She sounds like she's trying to talk like a baby while rolling a marble around on her tongue. There is no nudity, and there are several scenes where the boys all moan and writhe from a glimpse of her cleavage, like they're in a community school acting class and they've been directed to act like aroused retarded people.

3. Liceman feeds his revolting dog a condom. Remember; when this movie came out throwing in \\\"abortion\\\" and \\\"condom\\\" was seen as \\\"edgy\\\".

4. Tom Poston plays a mincing, boy-hungry pedophile, back when Hollywood thought \\\"pedophile\\\" and \\\"homosexual\\\" were one in the same. Flat-out embarrassing.

5. Watch the ending. Nothing is wrong with your VCR. That is actually the ending. Tell me that doesn't make you want to explode everyone who's ever made any movie, ever.

Watch this at your own risk. Up The Academy has been known to actually make other movies, like The Jerk or Blazing Saddles, less funny simply by placing the videotape near them.\": {\"frequency\": 1, \"value\": \"That's what my ...\"}, \"It was a painful experience, the whole story is actually there so I won't go into that but the acting was horrible there is this part in the very beginning when the scientist brother goes to work he actually wears a white coat at home before leaving to work, I thought working with biohazard material meant that you should wear sterilized clothes in a controlled environment and the lab itself looks like a school lab there is this monitor on top a file cabinet that has nothing to do with the whole scene its just there to make the place look technical and a scientist is actually having breakfast in the lab and next to him is a biohazard labeled jar and his boss walks in on him and doesn't even tell him anything about it...not to mentioned bad acting very bad can't get any worst than that my advice don't watch and I thought nothing could be worse than house of the dead apparently Uwi Boll's movies look like classical Shakespeare compared to this!\": {\"frequency\": 1, \"value\": \"It was a painful ...\"}, \"If somebody wants to make a really, REALLY bad movie, \\\"Wizards of the Lost Kingdom\\\" really sets a yardstick by which to measure the depth of badness.

Start with the pseudo-Chewbacca that follows around the main character ... Some poor schmuck in a baggy white \\\"furry\\\" costume that looks as if it was stitched together from discarded pieces of carpeting. Work your way slowly, painfully, through more not-so-special effects that thoroughly deny the viewer from suspension of disbelief. Add a garden gnome (just for the heck of it).

On second thought, skip this movie entirely and find something else to do for an hour and a half.\": {\"frequency\": 1, \"value\": \"If somebody wants ...\"}, \"I caught this movie on IFC and I enjoyed it, although I felt like the editing job was a little rough, though it may have been deliberate. I had a little bit of a hard time figuring out what was going on at first because they seemed to be going for a little bit of a Pulp Fiction-style non-linear plot presentation. It seemed a little forced, though. I certainly think that the movie is worth watching, but I think it could have used a little cleaning up. Some scenes just don't seem to make sense after others.

I'm surprised to see the rating here as low as it is. It's not outstanding, but it doesn't have any really serious problems. I gave it a 7/10. The movie did show at least that Laurence Fishburne can act when he wants to. They must have just told him not to in the Matrix movies.\": {\"frequency\": 1, \"value\": \"I caught this ...\"}, \"For starters, I didn't even know about this show since a year or so because of the internet. I have not once seen it on TV before in my country, and a lot of people do not usually know about this show. It is a pity though, because this is easily the most original and clever animation I have witnessed in years.

I don't hand out 10 points a lot, but this is one show that truly deserves all 10 points. Even though at first glance this might seem like a typical cartoon but keep in mind that this is not a kids-show though. When the complete story unfolds itself, you know that this is a real deep storyline, with a spiritual message. This spiritual part of the story is largely based off spirit-animals, a old Indian believe that has been preserved for many years. This gives the show a original twist that you can't often find in animated shows.

The overall design is also something very different. At times it resembles Spawn a bit in terms of gritty design, and other times it takes on a more cartoony approach. I believe David Feiss who also created and directed Cow and Chicken animated a segment in the show (as he also drew that segment in the comic).

If you are looking for a mind-twisting show, a show that takes on various subjects such as reality, suicide, spirituality, life, then this is something you should not miss. Once you begin watching, you are probably going to watch it to the end. One minor fact may be that the show takes on less material from the comic, but this is not too annoying. The only question remains though, where is the DVD?!\": {\"frequency\": 1, \"value\": \"For starters, I ...\"}, \"My wife and I took our 13 year old son to see this film and were absolutely delighted with the winsome fun of the film. It has extra appeal to boys and men who remember their childhood, but even women enjoy the film and especially Hallie Kate Eisenberg's refrain, \\\"Boys are so weird.\\\" It's refreshing to see a film that unapologetically shows that boys and girls are indeed different in their emotional and social makeup. Boys really do these kinds of strange things and usually survive to tell the story and scare their mothers silly! We enjoyed the film so much that my son and an 11 year old friend, myself and my daughters 23 year old boyfriend went to see the movie the next day for a guys day out. We had even more fun the second time around and everyone raved about it. It's clean and delightfully acted by a pre-adolescent cast reminiscent of the TV Classic \\\"Freaks and Geeks\\\". We all feel it will become a sleeper hit not unlike the \\\"Freaks & Geeks\\\" which didn't survive its first season but sold-out its DVD release. Do see it especially if you have boys and you'll find it stimulates conversation about fun and safety! Girls will love it because of the opportunity it affords to say, \\\"Boys are so weird!\\\" Don't miss it...\": {\"frequency\": 2, \"value\": \"My wife and I took ...\"}, \"This film is NOT about a cat and mouse fight as stated in the other comment. Its about a cat that has used up 8 of its 9 lives and now lives in fear of loosing its last one. The cat is jumpy and scared to death all of the time, hence the name 'fraidy cat'. Fraidy Cat's previous lives haunt him as ghosts which are from different era's in time and are constantly trying to kill him off, but he is most fearful of the ninth life which is represented as a cloud in the shape of a number 9 and spits out lighting bolts. very old now but would still be fun for the kids if you got hold of a copy.

i watched this movie almost every day as a child :o)\": {\"frequency\": 1, \"value\": \"This film is NOT ...\"}, \"I sat through almost one episode of this series and just couldn't take anymore. It felt as though I'd watched dozens of episodes already, and then it hit me.....There's nothing new here! I've heard that joke on Seinfeld, I saw someone fall like that on friends, an episode of Happy Days had almost the same storyline, ect. None of the actors are interesting here either! Some were good on other shows (not here), and others are new to a profession they should have never entered. Avoid this stinker!\": {\"frequency\": 2, \"value\": \"I sat through ...\"}, \"Plague replaces femme fatale in this highly suspenseful noir shot in New Orleans by director Elia Kazan. Kazan as always gets fine performances from his actors but also shows a visual flair for claustrophobic suspense with a combination of tight compositions and stunning single shot chase scenes.

A man entering the country illegally is killed after a card game. It turns out he has a form of bubonic plague so it remains crucial not only to arrest the killers but to find an inoculate all those who have had contact. City and health officials implement a plan of secrecy rather than alert the community for fear the culprits will flee the city and spread the disease. A detective and an epidemiologist up against the clock form an uneasy alliance as they comb the waterfront employing their contrasting investigatory styles.

Streets raises a huge ethical question about the publics right to know as the medical officer argues for a media blackout thus possibly creating a greater risk to the community. Regardless of outcome, you still may find yourself second guessing the actions of the the film's protagonist.

Richard Widmark as Dr.Clint Reed and Paul Douglas as Detective Warren display short tempers and grudging respect for each other in their search for the killers. Barbera Bel Geddis as Reed's wife has some good moments with Widmark in some domestic scenes that bring the right touch of (restful more than comic) relief from the tensions of the desperate search amid the grim environs of the New Orleans waterfront impressively lensed by cinematographer Joe McDonald. Zero Mostel as a small time criminal is slimy and reprehensible but at times sympathetic. Walter Jack Palance as the skeletal Blackie (Black Death?) is simply outstanding. With riveting intensity Palance dominates every scene he is in not only with ample threat but disturbing charm as well. In addition he displays a formidable athleticism that allows for a more suspenseful continuity, especially in the film's powerful final allegorical moments.

Panic in the Streets is probably Kazan's best non-Brando film. It's tension filled, suspensefully well paced and edited. It's ambient on locale setting lends a sense of heightened reality that allows Kazan the flexibility to display his visual style beyond the movie stage and with Panic he succeeds with aplomb.\": {\"frequency\": 1, \"value\": \"Plague replaces ...\"}, \"This film got terrible reviews but because it was offbeat and because critics don't usually \\\"get\\\" offbeat films, I thought I'd give it a try. Unfortunately they were largely right in this instance.

The film just has an awkward feel too it that is most off putting. The sort of feel that is impossible to describe, but it's not a good one. To further confound things, the script is a dull aimless thing that is only vaguely interesting.

The immensely talented Thurman just drifts through this mess creating barely an impact. Hurt and Bracco try in vain to add something to the film with enthusiastic performance but there is nothing in the script. It may have been less embarrassing for them if they had merely chosen to drift and get it over with like Thurman.

One thing the \\\"esteemed\\\" film critics did fail to mention however is that the film is actually quite funny. Whether it be moments of accurate satire or some outrageously weird moments like when the cowgirls in question chase Hurt off their ranch with the smell of their unwashed...ahem...front bottoms.

Because of the chortles acheived throughout, while I wouldn't recommend this film, there is entertainment to be had and watching Even Cowgirls Get the Blues is worthwhile for something different.\": {\"frequency\": 1, \"value\": \"This film got ...\"}, \"Creative use of modern and mystical elements: 1956 Cadillac convertible to transport evil stepmother Kathleen Turner (John Waters' \\\"Serial Mom\\\") and the 2 twisted sisters; Queen Mab as the faerie godmother; David Warner (Evil in \\\"Time Bandits\\\") in redcoat at court; Cinderella (she's a babe) shovelling coal into an insatiable furnace; Cinderella and her prince charming both look like (and act like) rock stars. Isle of Man locations.\": {\"frequency\": 1, \"value\": \"Creative use of ...\"}, \"I would say that this film gives an insight to the trauma that a young mind can face when a family is split by divorce or other disaster. I would highly recommend this film especially to parents or individuals planning to have a family.

I found the characters to be appealing and highly sympathetic from a multitude of dimensions.

The scary monster although probably not scary to most adults, has a very real hint of what the overactive imagination of a child who is facing unknown terrors might create.

I found the film to be delightful!\": {\"frequency\": 1, \"value\": \"I would say that ...\"}, \"On the way back from IMC6 (San Jose, California), all five (mind you, three of us hardcore Kamal fans) of us had reached a unanimous verdict; VV was solid crap and thanks to the movie we were going to have a pretty screwed up Monday. Not to mention, we swore to stay off the theatres for the next year.

I won't blame Kamal here because he sort of dropped a hint in a recent interview with cartoonist Madan (on Vijay TV). He said something like, \\\"Tamizh Cinema'la Photography, Editing'la namba munnera'na maadri Screenplay, Direction, Acting'la innum namba munnera'la\\\" (Tamil Cinema has grown in terms of Photography and Editing, but we have hardly improved, when it comes to Screenplay, Direction and Acting\\\"). While you're watching VV, those words ring very true.

Now, here are the 10 Reasons to hate this movie:

1. Harris Jeyaraj

2. Harris Jeyaraj

3. Harris Jeyaraj I'm barely holding myself from using expletives here, but fact is HJ has mastered the fine knack of screwing up every recent movie of his (remember 'Anniyan', 'Ghajini') with the jarring cacophony, he bills as background music. The next time I have an eardrum transplant, he's paying for it.

4. Songs Neither do the songs help move the movie's narration spatially/temporally nor do they make you sit up and take notice. The film feels like it's made of four VERY long songs with a few scenes thrown in between them.

5. A Short gone too far. VV at best is fit to be a short story, not a 2 hour plus \\\"thriller\\\". To use a clich\\ufffd\\ufffd here, like the Energizer bunny it goes on and on and on; only in this case you don't want it to. The later part of a movie feels like a big drag.

6. Kamal-Jothika pairing Two ice cubes rubbed together could've produced more sparks than this lead pairing. There's no reason you would root for them to make it together. In fact every time they get together in the second half of the movie, they make a good irritant to the narration. Hate to say this, but Kamalini Mukerjhee's 10 minute romancing does more than what Kamal and Jothika achieve in this movie plus 'Thenali'.

7. Kamal Haasan's accent Kamal has this pretentious accent that nobody speaks either in India or in the US; and it isn't new either. He's been doing it since 'Thoongadae Thambi Thoongadae'. It's simply gets on the nerve. Imagine what havoc it can cause when his flair for using this strange accent meets shooting on location in the US. He doesn't leave it at the Immigration either, he offers doses of advice to his men (bewildered TN Cops from Keeranor, Sathoor and beyond) in chaste Kamanglish (\\\"Wha we hav here is plain bad police wok\\\"), of course with nauseating effect.

8. Logic There are a few directors whom you expect to stand up to a certain scale. Gautam fails us badly with some crappy performance in the Department of common sense. Which D.C.P in his senses would meet his love interest on the streets to discuss such matters as committing himself and life after! The scene inside the theatre was so bad, towards the climax; we could hear people behind us loudly challenge the Hero's IQ. \\\"Is he stupid, can't he just use his Siren or Lights?\\\" (On a busy Madras road, Kamal-the-cop-on-a-police-Jeep chases a guy on a bike just like any ordinary dude!). \\\"Can't he just use his gun?\\\" (\\\"The guy on a bike\\\" starts on foot and we have a fully geared Kamal in hot pursuit for a considerable amount of time). I'm not voting in favour of the later, but I'm just trying to explain the mood inside.

9. Gore & Violence If I wanted to watch women being raped, their throats getting slashed, more women getting raped and thrown into the bushes with excruciating authenticity, I would sit at home and rather watch a \\\"Police Report\\\" or \\\"Kuttram\\\". The use of excessive violence should go in a way to extend the story, not overwhelm it! Somewhere down the line Gautum seems confused about what the extensions (rapes, murders) are and what the mainstay (story) is!

10. Even a double shot Espresso couldn't get the pain out of the head.\": {\"frequency\": 1, \"value\": \"On the way back ...\"}, \"This film is so bad I can't believe it was actually shot. People who voted 10 or 9, 8 and even 7, are you insane? Did we really watch the same movie? Or the same sh** should I say. Everything is bad in this film. The story (is there a story?) is going nowhere, completely incoherent, the acting (some dialogs are simply just ridiculous), the music score (what the **** is that?), the editing, and especially the artistic direction, a pure disaster. Reminds me the old Macist movies... To give you an example of the amateurism of the production, the mermaid's costume is a sleeping bag with spangles sticked on it. I'm not joking, that's exactly what it is.

Another example of the enormous mistakes we find here: you see in a scene an extra, a fat woman of about 200 pounds, who's talking on her cell phone. The next shot, which is in a complete different location, you can see this same woman, still talking on her cell phone (!) Yes, it goes that far.

A big, huge, waste of money. Useless.\": {\"frequency\": 1, \"value\": \"This film is so ...\"}, \"Peter Jacksons version(s) are better films overall from objective point of view. That being said, they are not my favorite screen versions of Lord Of The Rings, and let me explain why.

Firstly, the acting of the on-screen characters is just too ordinary and uninspiring with Jackson's LOTR. The whole cast is too run of the mill. \\\"Are you claiming that those silly cartoon characters of Ralph Bakshi version are better actors than real people?\\\" one could ask. Well, they are not really silly(save for Hobbits, later about them) and they certainly pack more personality than Jackson's party - even with much more limited dialogue time. And that is because of superior _voice_ acting of the Bakshi's LOTR. Take Aragorn for example. In this version his voice is deep and charismatic with full of authority(Aragorn the lord)and with a seasoned rasp(Aragorn the ranger). This is due to John Hurt's brilliant voice acting. Compare that to Viggo Mortensen's rather high pitched sound with no soul and the duel gets quickly uneven: Hurt beats Mortensen hands down.

And then there is Gandalf. Probably the most dominating(and the most popular) character in the whole saga. In this Bakshi version Gandalf(William Squire) is a real wizard. And by that I don't mean he shoots bolts from his fingertips(he does not), but his presence is just captivating. He is a mystical, powerful and can switch from gentle old man to a scary person with ease. Add to that his looks: Tall, old as the ancient oak, beard long as his body, sharp eyes, wizardy hook nose and of course, the classical wizard hat. A Perfect Gandalf, just like in the books. Ian McKellen's Gandalf in the other hand, is simply just too boring. He looks too human, sounds too human, acts too human and wears no hat or wields no sword. Yes a sword. In this Bakshi version Gandalf scores couple of bloody orc kills with his sword(as he did in the books). And those are stylish slow motion kills. Gandalf is not a power to be messed with. And it must be noted, that while I'm sad to say this, the great Christopher Lee didn't bring Saruman alive. Fraser Kerr in this movie did, even with a very limited screen time and lines.

Before I move completely to visual aspects of the movie, it must be mentioned that the voice acting and the general presenation of the Orcs are also superior to Jackson's pretendeous bad guys. Bakshi's orcs taunt their enemies(or each other) constantly with growls, screams and nasty language. They are more believable as monsters and are more faithful to the book in my opinion. And finally, the Black Riders - or the Nazgul. Those ultimate bad guys are scary ghosts in this one - not just some riders wearing black. And they speak with haunting voice, which mesmerizes their victim. My favorite scene in the film is when the Nazgul are chasing Frodo near the river. While Peter Jackson couldn't do anything but show the riders simply chasing the party, Bakshi throws in a nightmarish dream with some cool slow motion scenes and thundering sky.

But as much I like this film more than Jackson's, the latter are, if only technically, still better. And that is because of some key visuals. As you know Bakshi LOTR features a mixture of animated characters(all hobbits and the main cast) and real actors covered with paint. I don't really have a problem using real people in animation this way, but they just don't fit very well with traditional cartoon figures. This is especially true with humans(Riders of Rohan, tavern people etc.) Orcs are different matter, since they are meant to look very distinctive from other characters. Orcs, while played by humans with animation mix, look far superior to Jacksons version. They have brownish-green skin, shiny red eyes, flat face and pointed teeth.

Biggest screw up in this films visuals, howerver, are the Hobbits. While I prefer almost every character in Bakshi version compared to Jackson, the latter has clearly superior Hobbits, in fact they are perfect. With Bakshi you get some irritating and rather poorly drawn humanoid Disney bambies. And you are forced to spend a lot of movie time with them, so be warned. Again, the voice acting is OK with them too, but the actors mouths cannot save the \\\"immersion damage\\\" made by these little weasels. Well, I never really liked those halflings anyway.

General failures in the Bakshi script are well known. Limited playing time(with limited budget) and a lot of missing scenes. So while this film covers nearly half of the story, it doesn't do it in extensive detail compared to Jackson's version.

In a summary the Ralph Bakshi version of LOTR has a superior:

-overall atmosphere (it feels more like Middle-Earth) -overall voice acting -music (I really dig the fantasy score by Kont & Rosenman) -Gandalf -Aragorn (One of the John Hurt's finest roles) -King Theoden -Orcs -Black Riders -Elrond (He's not some fairy hippie in this one!)

While Jackson version is better:

-because it covers the whole story -overall visuals and special effects -Gollum/Smeagol -Balrog -Hobbits

Lord of the Rings by Ralph Bakshi, even with it's well known shortcomings, is one of the best animation films ever made and it captures the atmosphere of Tolkien's fantasy world very well, if not perfectly. I'll give it a score of 8\\ufffd\\ufffd out of 10.\": {\"frequency\": 1, \"value\": \"Peter Jacksons ...\"}, \"Buster absolutely shines in this episode, which is the only vehicle I've seen towards the end of the career that allowed him to do the physical (and silent!) comedy that made him famous. It's still a shock to hear his gravelly voice in the talkie sequences - his voice is about the only thing I don't care for, as far as Buster is concerned - but his ability to take a pratfall is still unparalleled. He even repeats some of the gags used in his early two-reelers with Roscoe Arbuckle.

My deepest gratitude to Rod Serling for presenting us with this episode, and for giving Buster's genius full scope. He didn't have much time (one episode) to do it in, but this is a touching tribute to Hollywood's greatest genius.\": {\"frequency\": 1, \"value\": \"Buster absolutely ...\"}, \"\\\"Darius Goes West\\\" is the touching story of a brave teen coping with Duchenne's Muscular Dystrophy and his personal quest to see the Pacific Ocean. He receives help and encouragement from a group of young men who love and care for him while going on this quest.

The story has a natural drama and honest portrayal of the commitment of young people to help one of their own stricken with this incurable disease.

Anyone who thinks young people are self-centered and narcissistic will find this movie to turn that stereotype on its head. It is the power of the young people and their engagement with Darius' plight that is very compelling in this documentary.\": {\"frequency\": 1, \"value\": \"\\\"Darius Goes West\\\" ...\"}, \"There is so much that can be said about this film. It is not your typical nunsploitation. Of course, there is nudity and sex with nuns, but that is almost incidental to the story.

It is set in 15th Century Italy, at the time of the martyrdom of 800 Christians at Otranto. The battle between the Muslims and the Christians takes up a good part of the film. It was interesting when everyone was running from the Muslim hoards, that the mother superior would ask, \\\"Why do you fear the Muslims,; they will not do anything that the Christians have done to you?\\\" Certainly, there was enough torture on both sides.

Sister Flavia (Florinda Bolkan) is sent to a convent for defying her father. In the process, she witnesses and endures many things: the gelding of a stallion, the rape of a local woman by a new Duke, the torture of a nun who was overcome during a visit by the Tarantula Sect, and a whipping herself when she ran off with a Jew. The torture was particularly gruesome with hot wax being poured on the nun, and her nipples cut off.

Sister Flavia is bound to continue to get into trouble as she questions the male-dominated society in which she lives. She even asks Jesus, why the father, son and holy ghost are all men.

Eventually, she joins the leader of the Muslims as his lover and they sack the convent. Here is where you see more flesh than you can possible enjoy at one time. But, tragedy is to come. She manages to exact sweet revenge on all, including the Duke and her father, but finds that the Muslim lover treats her exactly the same. She is a woman and that is all there is to it.

I won't describe what the holy men of the church did to this heretic at the end, but it predates the torture of Saw or Hostel by decades.

Nunsploitation fans will be satisfied with the treats, but movie lovers will find plenty of meat to digest.\": {\"frequency\": 1, \"value\": \"There is so much ...\"}, \"I enjoyed watching Brigham Young and found it to be a positive and largely true portrayal of the LDS faith. I think that a remake of this epic journey across the plains would be beneficial, since many people today are not familiar with the trials and persecutions faced by the early Mormon church. It is an incredible story of a strong and devoted people.

As a member of the church, the single most disturbing aspect of the film (most of the historical inaccuracies did not bother me much) was the portrayal of Brigham Young as one that had \\\"knowingly deceived\\\" church members into believing he had been called to be Joseph's successor as the prophet. Although I understand the dramatic reasons for this plot line, it creates the impression that his doubts in this regard are historical fact, when in reality, both Brigham and the bulk of the church members understood and believed firmly that he had been called to lead the church. Brigham did not knowingly deceive the saints; rather he led them confidently by inspiration. The point is important for Mormons because on it hinges an important aspect of our faith: that God truly speaks to prophets today, and that Brigham Young, like Joseph Smith, was an inspired prophet of God.

Whether or not you believe this statement or not, just know that the film does not accurately portray what Brigham himself believed.\": {\"frequency\": 1, \"value\": \"I enjoyed watching ...\"}, \"\\\"De vierde man\\\" (The Fourth Man, 1984) is considered one of the best European pycho thrillers of the eighties. This last work of Dutch director Paul Verhoeven in his home country before he moved to Hollywood to become a big star with movies like \\\"Total Recall\\\", \\\"Basic Instinct\\\" and \\\"Starship Troopers\\\" is about a psychopathic and disillusioned author (Jeroen Krabbe) going to the seaside for recovering. There he meets a mysterious femme fatale (Renee Soultendieck) and starts a fatal love affair with her. He becomes addicted to her with heart and soul and finds out that her three previous husbands all died with mysterious circumstances...

\\\"De vierde man\\\" is much influenced by the old Hollywood film noire and the psycho thrillers of Alfred Hitchcock and Orson Wells. It takes much time to create a dark and gripping atmosphere, and a few moments of extreme graphic violence have the right impact to push the story straight forward. The suspense is sometimes nearly unbearable and sometimes reminds of the works of Italian cult director Dario Argento.

The cast is also outstanding, especially Krabbe's performance as mentally disturbed writer that opened the doors for his international film career (\\\"The Living Daylights\\\", \\\"The Fugitive\\\"). If you get the occasion to watch this brilliant psycho thriller on TV, video or DVD, don't miss it!\": {\"frequency\": 1, \"value\": \"\\\"De vierde man\\\" ...\"}, \"A glacier slide inside a cavernous ice mountain sends its three characters whoosh down a never-ending wet-slide tube that has enough kick to dazzle kids the same way mature audience may be dazzled by the star gate sequence that closes 2001: A Space Odyssey. Miles apart in vision, but it is a scene of great rush and excitement nonetheless. A magnificent opening sequence also takes place where a furry squirrel-like critter attempts to hide his precious acorn. You've probably seen this scene in the trailer, but as it takes place he starts a domino effect when the mountain starts cracking and, results, an avalanche. The horror just keeps going as the critter tries to outrun the impossible.

The movie traces two characters, a mammoth named Manfred (Ray Romano) and a buck-toothed sloth (John Leguizamo) as they try to migrate south. They find a human baby they adopt and then decide to track the parent figures down to return to them. They are joined by a saber tiger named Diego (Denis Leary) whose predatory intentions is to bring the baby to his tiger clan, by leading the mammoth and the sloth into a trap. Diego's meat-eating family wants the mammoth most of all, but Diego's learned values of friendship make easy what choice to ultimately make at the end.

There are fatalistic natural dangers of the world along the trip, including an erupted volcano and a glacier bridge that threatens to melt momentarily that is reminiscent of the castle escape in Shrek. Characters contemplate on why they're in the Ice Age, while they could have called it The Big Chill or the Nippy Era. Some characters wish for a forthcoming global warming. Another great line about the mating issues between girlfriends: `All the great guys are never around. The sensitive ones get eaten.' Throwaway lines galore, whimsical comedy and light-fingered adventure makes this one pretty easy to watch. Also, food is so scarce for the nice vegetarians that they consider dandelions and pine cones as `good eating.'

The vocal talents of Romano, Leguizamo and Leary make good on their personas, while the children will delight in their antics, the adults will fancy their riffs on their own talents. There is some mild violence and intense content, but kids will be jazzed by the excitement and will get one of their early introductions of the age-old battle of good versus evil, and family tradition and friendship are strong thematic ties. The animators also make majestic use of background landscapes that are coolly fantastic.

\": {\"frequency\": 1, \"value\": \"A glacier slide ...\"}, \"My baby sitter was a fan so I saw many of the older episodes while growing up. I'm not a fan of Scooby Doo so I'm not sure why I left the TV on when this show premiered. To my surprise I found it enjoyable. To me Shaggy and Scooby were the only interesting characters *dodges tomatoes from fans of the others* so I like that they only focus on those two. However, this may cause fans of the original shows to hate it. I like the voice acting, especially Dr. Phinius Phibes. I liked listening to him even before I knew he was Jeff Bennett. And Jim Meskimen as Robi sounds to me like he's really enjoying his job as an actor. I also get a kick out of the techies with their slightly autistic personalities and their desires to play Dungeons and Dragons or act out scenes from Star Wars (not called by those names in the show, of course).\": {\"frequency\": 1, \"value\": \"My baby sitter was ...\"}, \"99.999% pure crap. And the other .001% was a brief moment where I thought the blond chick was going to disrobe. Nope.

The dialogue was legendarily bad. The action sucked, and there was no sex (the afore mentioned blond chick is modestly dressed, alas, the whole movie). The CGI had the dubious honor of being the worst I've ever seen on film, and the anachronisms were numerous and glaring. Acting was mediocre even from Ben Cross and Marina Sirtis, the only 'names' in this movie. And Marina Sirtis looked really, really bad.

I've seen high school plays more capably produced. This is the kind of movie that MST3K thrived on. Heads should roll at Sci-Fi for allowing this steaming pile on the air.\": {\"frequency\": 1, \"value\": \"99.999% pure crap. ...\"}, \"Wow, my first review of this movie was so negative that it was not excepted. I will try to tone this one down. Lets be real!!! No one wants to see a Chuck Norris movie where HE is not the main character.There was a good fight scene at the end, but the rest of the movie stank. I have to wonder if old Chuck just can't hang with the best any more. Has he slowed down so much that he has to turn out junk like this and hope that his reputation will carry him through the entire movie? Chuck is an awesome martial artist, and as we have seen from Walker, Texas Ranger, a fairly good actor, but the trick is to combine both of these qualities in his movies, and this one does not. Very Disappointing for us Norris fans. Chuck, stay as the main character in your movies, because this does not work for you...Gary\": {\"frequency\": 1, \"value\": \"Wow, my first ...\"}, \"There is something in most of us, especially guys, that admires some really working class small town \\\"real men\\\" populist fare. And Sean Penn serves it up for us with a cherry on top. Hey, A lot of people use Penn as a political whipping boy, but I don't rate movies or actor/directors based on politics or personality. That is what right wing commentators like excretable faux movie reviewer Debbie Schlussel does. While acknowledging he is one of our best actors and a good director, I think this picture was a simplistic piece of aimless dreck that he has atoned for since.

Okay, you have the gist of this there is this good cop, a small town trooper, Joe, played against type by David Morse, who in the opening scene chases some guy on a country farm road in big sixties cars. The bad guy stops, gets out, shoots at him so Joe has to blast him dead. There was no explanation what drove this man to do such a desperate violent thing and the dead man's parents do some redneck freak out at the police station while Joe feels real sad and guilty that he had to kill someone. So we know that Joe, the farmer forced off his land into a cop job, is a good basic sort of guy. Then his brother Frank shows up, he is a sadistic, amoral bully, fresh out of the Army and Nam where the war got his blood lust up. Some people here and in other reviews called him just an irresponsible hell raising younger brother and Sean was trying to make some point about what our John Wayne tough guy culture and war does to otherwise good people but what I saw was an amoral, sadistic bully who enjoys hurting and ripping people off. Then there is mom and dad, Marsha Mason and Charles Bronson, who do the requisite turn as old fashioned country couple, then die off; she by illness and he by shotgun suicide, to advance the story for us. Both times Frank the bad guy is away being a miserable SOB. But good Joe brings him back to Podunksville from jail so Frank can straighten his life out by welding bridges and living with his utterly stupid screaming trashy pregnant wife. But Joe has a nice wife, played by Italian actress Valeria Golina, who is Mexican and Sean uses this as an exercise in some affirmative action embellishment of goody Joe and his real soulfulness underneath his uniform and crew cut. For me, that was an utterly pointless affirmative action subplot that Sean uses to burnish his tough guy creds by sucking up to Mexicans because Mexicans are so tough and cool.

But Frank is bad and we get the requisite events like stealing friend's car, robbing gas station by beating the clerk over the head then torching the car and all those cool things that hell raisers do. Then there are the mandatory 8mm film childhood flashbacks of young Joey dutifully moving the lawn and cowboy dressed Franky jumping on his back and wrestling him and yadda yadda so we all know what deep bond there is between the two of them.

So the film meanders around with a lot of small town schlock to warm the heart of any red stater. Accompanying the film was a great soundtrack of good sixties songs like Jefferson Airplane and Janis Joplin which were totally inappropriate, except for the 60's era effect, to win the hearts of old hippies. The worst offense is that, since the movie was inspired by a Springsteen song, \\\"The Highway Patrolman\\\", that song was not included.

So Joe's brain dead wife goes into labor and Joe runs off to the bar to get loaded and spout some populists drunken victim's spiel about how tough things are while good Joey comes to drag him back to his wife. The bartender is good Ole Ceasar, played by Dennis Hopper. So Viggo - Frank whigs out for no particular reason and beats his pal Ceasar to death after good Joe the Cop leaves.

So Joe has chase his bad brother down and I was so hoping that he would do the right thing and blow that menace to society away. Instead we get a scene where his brother stops ahead of him in some old 50's junker on some lonely road at night, and little Franky in his cowboy suit and cap guns gets out of the car to face good Joe, the kid from the 8mm flashback home movie sequence. Oy, such dreck! Then to top off this drecky sap fest, there is some Zen crap about the Indian runner, who is a messenger, becomes the message, ala Marshall MacLuhen? See what I mean, Sean has done much better than this so don't be afraid to miss this one.\": {\"frequency\": 1, \"value\": \"There is something ...\"}, \"I think I usually approach film festival comedies with the low expectation that they will invariably be \\\"quirky,\\\" and that any intended humor will be derived solely at the expense of the characters' simplicity in the face of a complicated context. What was exceptional about Big Bad Swim was that the director was able to maintain the integrity and development of his characters in his film while still finding laugh-out-loud humor in scene after scene. There was a sophistication, maybe due also in part to the sharp work of the DP, I've rarely seen in an indie film, and even more rarely in a comedy. Of special note here: Paget Brewster's turn as Amy the math teacher. After seeing this performance I cannot understand why Brewster hasn't been \\\"discovered\\\" by a larger audience. She brings the necessary mix of anger and likability to the role that really helps this picture reach its potential. This is a terrific work deserving of a larger audience. I look forward to more from the director and this cast!\": {\"frequency\": 1, \"value\": \"I think I usually ...\"}, \"Just Cause takes some of the best parts of three films, Cape Fear, A Touch of Evil and Silence of the Lambs and mixes it together to come up with a good thriller of a film.

Sean Connery is a liberal law professor, married to a former Assistant District Attorney, Kate Capshaw and he's a crusader against capital punishment. Blair Underwood's grandmother Ruby Dee buttonholes Connery at a conference and persuades him to handle her grandson's appeal. He's sitting on death row for the murder of a young girl.

When Connery arrives in this rural Florida county he's up against a tough sheriff played by Laurence Fishburne who's about as ruthless in his crime solving as Orson Welles was in Touch of Evil.

Later on after Connery gets the verdict set aside with evidence he's uncovered, he's feeling pretty good about himself. At that point the film takes a decided turn from Touch of Evil to Cape Fear.

To say that all is not what it seems is to put it mildly. The cast uniformly turns in some good performances. Special mention must be made of Ed Harris who plays a Hannibal Lecter like serial killer on death row with Underwood. He will make your skin crawl and he starts making Connery rethink some of those comfortable liberal premises he's been basing his convictions on. Many a confirmed liberal I've known has come out thinking quite differently once they've become a crime victim.

Of course the reverse is equally true. Many a law and order conservative if they ever get involved on the wrong end of the criminal justice system wants to make real sure all his rights are indeed guaranteed.

Criminal justice is not an end, but a process and a never ending one at that for all society. I guess if Just Cause has a moral that would probably be it.\": {\"frequency\": 1, \"value\": \"Just Cause takes ...\"}, \"Shannon Lee,the daughter of Bruce Lee,delivers high kicking martial arts action in spades in this exhilarating Hong Kong movie and proves that like her late brother Brandon she is a real chip off the old block. There is high tech stuntwork to die for in this fast paced flick and the makers of the Bond movies should give it a look if they want to spice up the action quotient of the next 007 adventure as there is much innovative stuff here with some fresh and original second unit work to bolster up the already high action content of \\\"AND NOW,YOU'RE DEAD\\\". When you watch a movie as fast paced and entertaining as this you begin to wonder how cinema itself was able to survive before the martial arts genre was created.I genuinely believe that movies in general and action movies in particular were just marking time until the first kung fu movies made their debut. Bruce Lee was the father of modern action cinema and his legitimate surviving offspring Shannon does not let the family name down here.Although there are several pleasing performances in this movie (Michel Wong for one)it is Shannon Lee whom you will remember for a genuinely spectacular performance as Mandy the hitgirl supreme.Hell;you may well come away whistling her fights!\": {\"frequency\": 1, \"value\": \"Shannon Lee,the ...\"}, \"I've seen the Thin Man series -- Powell and Loy are definitely great, but there is something awfully sweet about Powell and Arthur's chemistry in this flick. Jean Arthur SHINES when she looks at Powell. There is an unmistakable undercurrent buzzing between them. This film may not have the wit of the Thin Man series, but undeniably makes up for it in charm. While I watched it, I thought for sure Powell was carrying on an off-screen affair with Arthur. My friends thought the same. This is one film where I wish I could step back in time (to schmooze and lock lips with Powell!) There seems to be no end to his lovable playful smirks! Powell's character, Lawrence Bradford, is probably the closest thing to the \\\"perfect man.\\\" Okay, this is sounding way too gushy, but I can't help myself.\": {\"frequency\": 1, \"value\": \"I've seen the Thin ...\"}, \"This is the worst movie I have ever seen, and I have seen quite a few movies. It is passed off as an art film, but it is really a piece of trash. It's one redeeming quality is the beautiful tango dancing, but that cannot make up for Sally Potter's disgustingly obvious tribute to herself. The plot of this movie is nonexistent, and I guarantee you will start laughing by the end. Especially where she starts singing. It's absolutely unreal.\": {\"frequency\": 1, \"value\": \"This is the worst ...\"}, \"Shiri Appleby is the cutest little embodiment of evil turned good girl demon-kicking Buffy clone, Elle. But I'm getting ahead of myself, you see Lilith was the first woman made by god as a companion to Adam. But she got all uppity evil feminist so god banished her from Eden. A clandestine order known as The Fath captures her but doesn't kill her, so now with amnesia (which is not really explained that well) Lilith (now Elle) is free to become the aforementioned Buffy-clone who has to battle with a mad scientist who got an injection of Lilith's blood.

If the previous paragraph sounded hideously convoluted, that's because it is. The movie is also dull, generic, and for a film with a plot steeped in theology it doesn't seem to know a lick about it. This bargain basement lousy-CGIed movie was apparently a failed series pilot. All I can say to the fact that it didn't get picked up is a resounding Amen.

My Grade: D-

DVD Extras: Commentary by Writer/Director Bill Platt and Co-writer Chris Regina; and Stills gallery; video effects samples: before & after (it also has an \\\"also available\\\" selection that you would THINK would lead you to some trailers, but nope on DVD covers for other films, which is a stupid idea)

DVD-ROM extras: Final shooting script and Deleted scenes transcript both in PDF format\": {\"frequency\": 1, \"value\": \"Shiri Appleby is ...\"}, \"Kazan's early film noir won an Oscar. Some of the reviews here go into extraordinary detail and length about the film and its symbolism, and rate it very highly. I can almost see where they are coming from. But I prefer to take a more toned-down approach to a long-forgotten film that appears to have been shot on practically no budget and in quasi-documentary fashion. Pneumonic plague is loose in the streets of New Orleans, and it is up to a military doctor (Widmark) and a city detective (Douglas) to apprehend the main carrier (Palance). The film is moody, shot in stark black and white, and makes very good use of locations. Widmark is wonderful as usual. Forget the symbolism (crime equals disease, and disease equals crime) and just enjoy the chase. It is not always easy watching a film like this now that we are well into this new century, as it is of a particular style that was very short-lived (post WWII through the early 1950s) and will unlikely be of interest to the casual film watcher. For those who will be watching this for the first time, sit tight for the big chase at the end. It is something else, and frankly I don't know how they filmed some of it. I can say it probably took as long to film the finale as it did the first 90 percent of the movie.\": {\"frequency\": 1, \"value\": \"Kazan's early film ...\"}, \"For Daniel Auteuil, `Queen Margot' was much better. For Nastassja Kinski, `Paris, Texas' was much better. The biggest disappointments were from Chris Menges (`CrissCross' and `A World Apart' cannot even be compared with this one), and Goran Bregovic for use of a version of the same musical theme from `Queen Margot' for this movie (Attention to the end of the film). If this was an American pop movie, I would not feel surprised at all; but for a European film with more independent actors and director, a similar common approach about child abuse with no original insight is very simple-minded and disappointing. There are those bad guys who kidnap and sell the underage people. There are those poor children who hate people selling them and wait to be saved by someone. And finally, there is that big hero who kills all the bad guys and saves these poor children from bad guys. Every character is shown in simple black and white terms: the good versus the evil. Plus, from the very beginning, I could understand how the story would end. Is this the end of the history of child sexual abuse? I believe that the difficult issue of child molestation and paedophilia is much more complex than how it is portrayed in this not very original movie. I think this movie was not disturbing, but very disappointing.\": {\"frequency\": 1, \"value\": \"For Daniel ...\"}, \"This movie really deserves the MST3K treatment. A pseudo-ancient fantasy hack-n-slash tale featuring twin barbarian brothers with a collective IQ of hot water, character names that seem to have been derived from a Mad Libs book, and such classic lines as \\\"Hold her down and uncover her belly!\\\", The Barbarians crosses over into the \\\"so bad, it's good\\\" territory.\": {\"frequency\": 1, \"value\": \"This movie really ...\"}, \"I really looked forward to this program for two reasons; I really liked Jan Michael Vincent and I am an aviation nut and have a serious love affair with helicopters. I don't like this program because it takes fantasy to an unbelievable level. The world speed record for helicopters was set at 249 mph by a Westland Lynx several years ago. The only chopper that was ever faster was the experimental Lockheed AH56A in the 1960's. It hit over 300 and was a compound helicopter, which means it had a pusher propeller at the end of its fuselage providing thrust.

In short, no helicopter can fly much over 275 because of the principle of rotary wing flight. And the Bell 222, the \\\"actor\\\" that portrayed Airwolf wasn't very fast even by helicopter standards. And it didn't stay in production very long.

There was a movie that came out during this time period called \\\"Blue Thunder\\\" that was much more realistic.\": {\"frequency\": 1, \"value\": \"I really looked ...\"}, \"I can't believe how anyone can make a comedy about an issue such as homelessness. Of course, Brooks has not made a comedy about _real_ homeless people. No mention of drugs, prostitution or violence on these streets. The people we meet in this movie are homeless in Fantasy land so the only difference between them and us is that they don't eat quite as often. Brooks' movies have become worse and worse over the years. This is just another nail in the coffin .\": {\"frequency\": 1, \"value\": \"I can't believe ...\"}, \"The premise is ridiculous, the characters unbelievable, the dialogue trite, and the ending absurd.

Believe me, I'm a fan of Kevin Kline, but watching him do a Pepe Le Pew accent for 2 hours as a supposed Frenchman is not nearly as amusing as it sounds.

For her part, Meg Ryan is once again as perky and adorable as a (take your pick): kewpie doll, baby, puppy, kitten, whatever you happen to think is the cutest creature on earth. She also bears not the slightest resemblance to a real human being.

This movie strikes me as an opportunity seized by buddies Lawrence Kasdan and Kline to vacation in Paris and the south of France while being well-paid for it. So I can't really blame them.\": {\"frequency\": 1, \"value\": \"The premise is ...\"}, \"Dolph Lundgren stars as Murray Wilson an alcoholic ex-cop who gets involved with a serial killer who kills during sex, after his brother is murdered, Wilson starts his own investigation and finds out a lot of his brother's secrets in this very dull thriller. Lundgren mails in his performance and the movie is flat and lethargic. Also when has anyone watched a Dolph Lundgren movie for anything but action?\": {\"frequency\": 1, \"value\": \"Dolph Lundgren ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"As the Godfather ...\"}, \"Return to Cabin by the Lake just.... was lacking. It must have had a very low budget because a fair amount of the movie must have been filmed with a regular video camera. So, within the same scene - you'll have some movie-quality camera shots AND simple video camera shots. It makes for a very odd blend! I think they should have found SOME way to not do the \\\"home video\\\" type effect!

I think it's worthwhile to see it IF you have seen the original CBTL because then you can compare and see the differences. But if you haven't seen the original CBTL.... you'll never want to see it if you see this one first! It will probably seem way too cheesy and turn you off from even caring about the original one.\": {\"frequency\": 1, \"value\": \"Return to Cabin by ...\"}, \"Even if you're a huge Sandler fan, please don't bother with this extremely disappointing comedy! I bought this movie for $7.99, assuming it has to be at least halfway decent since my man Sandler is in it and because I assumed some women would get naked (judging by the R-rating and scantily-clad women on the cover). Well, there are quite a few scantily-clad women, but none get naked. I'm not sure what point this was in Sandler's career, but I'm guessing it was even before his SNL days. I can be wrong. This is like watching one of his home movies. He might look back at a cheesy movie like this and reminisce about the good ol' times...but we (the audience) are left to dry. This is hardly a \\\"movie\\\"! Sandler does a lot of talking to the camera, and even admits at one point that this is \\\"no-budget\\\" movie (that's right, not a low-budget movie, a NO-budget movie). So our job is pretty much to laugh AT the quirky characters. There is no steady plot, it's like an extended sketch comedy show--but a crude and badly written one. That guy who played the nasty comedian was completely annoying and it was implausible in the first place that he would receive such a mass audience. And Sandler finds his comic inspiration by saying the one classic Henny Youngman line \\\"Take my wife, please\\\" and the audience is on the floor? I'm not even going to TRY to make any logic here. Sure, Sandler's current and recent movies are not known for making a lot of sense (the penguin in \\\"Billy Madison,\\\" the midget in \\\"Happy Gilmore's\\\" Happy Place) but the comedy works. This is a strictly amateurish work, and even if you're curious about Adam's early days in film--you still won't be interested. You're better off checking out his start on SNL or maybe his underrated role in \\\"Mixed Nuts.\\\" Of course, the Sandman is not the only actor wasted in this thankless vehicle. Billy Bob Thornton also makes a short appearance, Billy Zane (\\\"Titanic\\\") has a supporting role and the great Burt Young (from the \\\"Rocky\\\" movies) has a significant role.

This awful comedy will most probably be collecting dust on the 99-cent rental section of your local video store--and rightfully so.

My score: 3 (out of 10)\": {\"frequency\": 1, \"value\": \"Even if you're a ...\"}, \"I happened across \\\"Bait\\\" on cable one night just as it started and thought, \\\"Eh, why not?\\\" I'm glad I gave it a chance.

\\\"Bait\\\" ain't perfect. It suffers from unnecessarily flashy direction and occasional dumbness. But overall, this movie worked. All the elements aligned just right, and they pulled off what otherwise could have been a pretty ugly film.

Most of that, I think, is due to Jamie Foxx. I don't know who tagged Foxx for the lead, but whoever it was did this movie a big favor. Believable and amazingly likeable, Foxx glides through the movie, smooth as butter and funnier than hell. You can tell he's working on instinct, and instinct doesn't fail him.

The plot, while unimportant, actually ties together pretty well, and there's even a character arc through which Foxx's character grows as a person. Again, they could've slipped by without any of this, but it just makes things that much better.

I'm surprised at the low rating for this. Maybe I just caught this move on the right night, or vice versa, but I'd give it a 7/10. Bravo, Mssr. Foxx.\": {\"frequency\": 1, \"value\": \"I happened across ...\"}, \"Brando plays the ace jet pilot, just back from shooting MiGs down in the Korean War. On leave, he discovers his Madame Butterfly, falls in love. The lovers both see the folly of racism and the cruelty which conservative cultural norms can bring to human relations.

This film is an excellent romance with a nice twist which rejects the racist, conservative standards, dominant at the time it was made in 1957. \\\"Sayonara\\\" will make you laugh and cry. Beware though, sometimes the musical background will make you wish it was not there, although, Irving Berlin's title song will entice your memory for a very long time after your theatre lights come on again.\": {\"frequency\": 1, \"value\": \"Brando plays the ...\"}, \"The sun should set on this movie, forever.

It goes on forever (which isn't usually a bad thing - The English Patient, Schindler's List) but is SO tedious. The aging of the actors is unbelievable and so is the drawn-out never-ending story line which really seems to go nowhere.

In short, a waste of talent and film.\": {\"frequency\": 1, \"value\": \"The sun should set ...\"}, \"There is a scene in Dan in Real Life where the family is competing to see which sex can finish the crossword puzzle first. The answer to one of the clues is Murphy's Law: anything that can go wrong, will go wrong. This is exactly the case for Dan Burns (Steve Carell, the Office) a columnist for the local newspaper. Dan is an expert at giving advice for everyday life, yet he comes to realize that things aren't so picture perfect in his own. Dan in Real Life is amazing at capturing these ironies of everyday life and is successful at embracing the comedy, tragedy, and beauty of them all. Besides that this movie is pretty damn hilarious.

The death of his wife forces Dan to raise his three daughters all on his own... each daughter in their own pivotal stages in life: the first one anxious to try out her drivers license, the middle one well into her teenage angst phase, and the youngest one drifting away from early childhood. Things take a turn for Dan when he goes to Rhode Island for a family reunion and stumbles across an intriguing woman in a bookstore.

Her name is Marie (Juliette Binoche, Chocolat) and she is looking for a book to help her avoid awkward situations... which is precisely whats in store when they get thrown into the Burns Family household.

If you've seen Steve Carell in The Office or Little Miss Sunshine, you'd know that he is incomparable with comedic timing and a tremendously dynamic actor as well. Steve Carell is awesome at capturing all the emotions that come with family life: the frustration and sincere compassion. The family as well as the house itself provides a warm environment for the movie that contrasts the inner turmoil that builds throughout the movie and finally bursts out in a pretty suspenseful climax. The movie only falls short in some of the predictable outcomes, yet at the same time life is made up of both irony and predictability: which is an irony within itself.

Dan in Real Life is definitely worth seeing, for the sole enjoyment of watching all the funny subtleties we often miss in everyday life, and I'll most likely enjoy it a second time, or even a third. Just \\\"put it on my tab.\\\"\": {\"frequency\": 1, \"value\": \"There is a scene ...\"}, \"I must say, this movie has given me a dual personality. I've been told again and again to SHUT UP and start speaking like a normal person. But, it's very hard... no not the wang. Did you find that disgusting and disrespectful? Well, get in the mood for a lot more. This movie is just filthy! It's not a film to show your grand-parents, but you should show it to a teenager or some immature guy at your workplace. Anyway, back to the voice mannerisms. Fortunately this site has some Ladies Man (did anyone at the studio notice that there's supposed to be a apostrophe(?) between the e and s?) so you can always have a fine little something to say to your boss or the cops. I have a sheet in my wallet.\": {\"frequency\": 1, \"value\": \"I must say, this ...\"}, \"Bottom-of-the-Freddy barrel. This is the worst film in the series, beating \\\"Freddy's Revenge\\\" for that title. A cheap-looking (with mediocre special effects), incoherent mess, with Freddy turned into a punster. He has one or two cool lines, but that doesn't save this illogical and sloppy sequel.\": {\"frequency\": 1, \"value\": \"Bottom-of-the- ...\"}, \"This British film is truly awful, and it's hard to believe that Glenn Ford is in it, although he pretty much sleepwalks through it. The idea of a bomb on a train sounds good...but it turns out this train ends up parked for the majority of the film! No action, no movement, just a static train. The area where the train is parked is evacuated, so it's not like there's any danger to anyone either. In fact, this film could be used in a film class to show how NOT to make a suspense film. True suspense is generated by letting the audience know things that the characters don't, a fact apparently unknown to the director. SPOILER: the train actually has two bombs on it, but we are led to believe there is only one. After the first bomb is defused, it feels as if there is no longer a reason to watch the film any more. But at the last minute, the villain, who has no apparent motivation for his actions, reveals there are two. Nor are we certain WHEN the bombs will go off, so we don't even have a classic \\\"ticking bomb\\\" tension sequence. A good 10 minutes or more are spent watching Glenn Ford's French wife thinking about leaving him, and then wondering where he is . She's such an annoying character that we don't care whether she reconciles with him, so when she does, there's nothing emotional about it. Most of the other characters are fairly devoid of personality, and none have any problems or issues. It's only 72 minutes, but it feels long because it's tedious and dull. Don't waste your time.\": {\"frequency\": 1, \"value\": \"This British film ...\"}, \"

I really liked this film. One of those rare films that Hollywood Really does not make anymore. William H Macy Is Just great as the hit man with a soul, and Neve Campbell is just flat out fantastic as the woman who puts his life on the track of redemption.

If you have a chance, see this film. It earns it's praise\": {\"frequency\": 1, \"value\": \"

I ...\"}, \"The Best of Times is one of the great sleepers of all time. The setup does not tax your patience, the development is steady, the many intertwined relationships are lovingly established, the gags and bits all work and all are funny. There is lots of sentimentality. Kurt Russell playing Reno Hightower puts in one of his best performances, and Robin Williams playing Jack Dundee is sure-footed as ever. The cast also includes many great supporters. Jack's wife is played by Jack Palance's daughter, who is lovely, as is Reno's wife, who is a great comedian. I can't tell you how many times I've watched this movie, how many times I have enjoyed it and how often I wish that more people could see it.\": {\"frequency\": 1, \"value\": \"The Best of Times ...\"}, \"(There are Spoilers) Homicidal nymphomaniac hooker Miya, Kari Wuhrer,takes over the life and car of 18 virgin, even though he's too embarrassed to admit it, collage freshmen Trent Colbert, Kristoffer Ryan. By the end of the movie Myia not only deflowers but give poor innocent and naive Trent a lesson in how to spot a dangerous nut job and keep as far away for him, or her,in order to keep from ending up turning into one.

Hanging around a trucker rest-stop Miya is picked up by Roy, Burt Young, for some hot and heavy action, in the back seat of his buggy. Roy is either too drunk or stupid to realize that Miya is non other then his estranged daughter! Outraged that Miya is reluctant to get it on with him Roy almost strangles her to death only to be interrupted by first year collage student Trent Colbert who plows into the rest-area side swiping one of the truckers.

Seeing her chance Miya jumps into Trent's car and the two are off in what turns out to be the weirdest car chase ever put into a movie. Going all across the North Eastern USA the two end up involved in a truck car smash-up a murder and a shootout with the state troopers that then leads to Trent's parents home, with them being held hostage. It's there that there's another wild shootout between the crazed Miya with an entire SWAT team reinforced by the local police and state troopers.

You would expect a movie like \\\"Hit and Run\\\" to be intentionally or unintentionally funny but it's not. In fact the film is very disturbing in how Miya treats everyone in the film that she comes in contact with even her perverted and child-molesting father Roy. Getting Trent to drive her all over the North-East Miya gets the poor slob drunk having it on with him in a motel room, together with whips handcuffs and a lighted candle. Miya also gets it on with the motel owner the horny Mr. Foster by tricking him into giving her his gun, as being part of some weird sex game. After holding Foster up she takes off with Trent's, who out cold in his motel room, wallet with some $400.00 in it yet doesn't bother to drive away with his car.

Needing the money to pay for gas to get home to his parents for Thanksgiving Trent gets a call on his cellphone from Miya to pick her up at a local diner to get his money back. Like the jerk that he is Trent picks up Miya, who's now a fugitive from he law, and later gets involved with her father Roy on the open highway as he tries to run both Trent & Miya off the road.

The chase ends up in this deserted wear-house that Roy chases Miya,out running him on a muddy road in high-heels, into with him getting it in the you know where with a blast from his own shotgun. Roy was so busy trying to take his pants off that he forgot he left the gun unattended.

With both a holdup and murder, as well as a hit and run, charge against them the two desperadoes stop off at a S&M/Tattoo boutique where Trent gets his ear and nose pierced and is dressed up in leather and chains, by Myri, together with a matching his and hers dog collar. This in order to meet his straight-laced and conservative parents for Thanksgiving Dinner.

Having a running shootout with the state troopers, with one of them ending up badly injured,the two fugitives from the law end up at Trent's parents Mr & Mrs Colbet, David Keith & Elaine Martyn home with the entire local police force, with a SWAT team, waiting for them there.

Obnoxious movie with a truly disturbing final ending that made you wonder what exactly the movie was trying,if at all, to tell it's audience. You felt a lot of sympathy for Miya at first but as the movie rolled along to it's downbeat ending that evaporated as fast as a tray of ice cubs in Death Valley. Even though Roy was the most unlikable person in the movie at first by the time the film ended Miya totally eclipsed him.\": {\"frequency\": 1, \"value\": \"(There are ...\"}, \"A battleship is sinking... Its survivors, hanging onto a nearby liferaft, sit there doing nothing while we go into each of their minds for a series of long flashbacks.

Even though Noel Coward's name is the only one that you notice during the credits, everything that's cinematic in it is because of Lean. And on technical terms, its very good. David Lean just KNEW films from the get-go. There are many moments where Coward's studied dialogue takes a second seat and Lean's visual sense takes centre stage. Try the soldiers getting off the ship near the end, and that whole scene; the tracking shot towards the hymn singing, the scene where we're inside a house that gets bombed.

Noel Coward is one of the worst actors i've ever seen. He's totally wooden, not displaying emotion, character or humanity. You can see it in his eyes that he's not really listening to what the other performer is saying, he's just waiting for them to finish so he can rush out his own line.

7/10.

Its episodic, a bit repetitive, and the flashbacks overwhelm the story: there's no central story that they advance, just give general insights into the characters. Still, its an interesting film worth a watch - and a good debut for Lean. Its not a very deep or penetrating film, and its definitely a propaganda film, but its also a showcase for Lean's editing skills - its all about how the pieces are put together.\": {\"frequency\": 1, \"value\": \"A battleship is ...\"}, \"As a casual listener of the Rolling Stones, I thought this might be interesting. Not so, as this film is very 'of its age', in the 1960's. To me (someone born in the 1980's) this just looks to me as hippy purist propaganda crap, but I am sure this film was not made for me, but people who were active during th '60's. I expected drugs galore with th Stones, I was disappointed, it actually showed real life, hard work in the studio, So much so I felt as if I was working with them to get to a conclusion of this god awful film. I have not seen any of the directors other films, but I suspect they follow a similar style of directing, sort of 'amatuerish' which gave a feeling like the TV show Eurotrash, badly directed, tackily put together and lacking in real entertainment value. My only good opinion of this is that I didn't waste money on it, it came free with a Sunday paper.\": {\"frequency\": 1, \"value\": \"As a casual ...\"}, \"I was China in this film. I choose the screen name Sheeba Alahani because I was modeling at the time in Italy and they couldn't pronounce my real name correctly, so I choose Sheeba and then added Alahani since it was similar to Alohalani.

I had never acted before (and it shows), but it was so much fun to film. They gave me \\\"acting lessons\\\" each morning (which obviously were not useful). They dubbed my voice (thank goodness).

David and Peter were a blast on the set, full of good humor and jokes. This film was never meant to be taken seriously, it was a tax write off according to inside information.

I give it a 1 because I have a sense of humor, but a 10 for the fun I had \\\"acting\\\" in it.\": {\"frequency\": 1, \"value\": \"I was China in ...\"}, \"Okay. This Movie is a Pure Pleasure. It has the Ever so Violent Horror Mixed with a Little Suspense and a Lot of Black Comedy. The Dentist Really Starts to loose His Mind and It's Enjoyable to Watch him do so. This Movie is for Certain People, Though. Either you'll Completely Love it or You Will Totally Hate It. A Good Movie to Rent and Watch When you don't Got Anything else to do. Also Recommended: Psycho III\": {\"frequency\": 1, \"value\": \"Okay. This Movie ...\"}, \"This is quite possibly the worst movie of all time. It stars Shaquille O'Neil and is about a rapping genie. Apparently someone out there thought that this was a good idea and got suckered into dishing out cash to produce this wonderful masterpiece. The movie gets 1 out of 10.\": {\"frequency\": 1, \"value\": \"This is quite ...\"}, \"As has been well documented by previous posters, the real stars of Rockstar: INXS - and, indeed it's sequel, Rockstar: Supernova - are Paul Mirkovich, Rafael Moreira, Jim McGorman, Nate Morton and Sasha Krivtsov. Don't know who they are? They are the awesome, tight, rockin' House Band whose music savvy and talent made this show something more than a sad American Idol clone.

Remember the \\\"strings\\\" night? That was musical precision and perfection if ever I've seen it. Suzie McNeil's epic rendition of Queen's 'Bohemian Rhapsody', Ty Taylor's memorable cover of the Stones' 'You Can't Always Get...', JD Fortune singing \\\"Suspicious Minds\\\". The common denominator here is the awesome House Band.

As good as INXS were in their prime, they are sadly a shadow of their former selves, though JD's live performance has somewhat breathed new life into their music, this show is all about the HB.

Memo to producers: Season Three (if we're blessed enough to have it happen) should be Rockstar: House Band. Get those boys a good lead singer and they are going places.\": {\"frequency\": 1, \"value\": \"As has been well ...\"}, \"Road to Perdition, a movie undeservedly overlooked at that year Oscars is the second work of Sam Mendes (and in my opinion his best work), a director who three years before won Oscar for his widely acclaimed but controversial American Beauty. This is a terrific movie, and at the same time ultimately poignant and sad.

It's a story of a relatively wealthy and happy family from outward appearance during difficult times of Depression when the, Michael Sullivan, a father of two children, played by great Tom Hanks (I'm not his admirer but ought to say that) is a hit-man for local mafia boss, played by Paul Newman. His eldest son, a thirteen years boy Michael Sullivan Jr., perfectly played by young Tyler Hoechlin, after years of blissful ignorance finds out what is his father job and on what money their family live. Prompted by his curiosity and his aspiration to know truth he accidentally becomes a witness of a murder, committed by John Rooney, son of his father boss. Such discovery strikes an innocent soul and it caused numerous events that changed his life forever. The atmosphere of the period, all the backgrounds and decorations are perfectly created, editing and cinematography are almost flawless while the story is well written. But the main line of the movie, the most important moments and points of the movie and the key factor of the movie success are difficult father-son relations in bad times. They are shown so deeply, strong and believable. Tom Hanks does excellent and has one of the best performances of his career in a quite unusual role for him and all acting across the board is superb. Finally worth to mention a very nice score by Paul Newman and in the result we get an outstanding work of all people involved in making this beautiful (but one more time sad) masterpiece. I believe Road to Perdition belongs to greatest achievements of film-making of this decade and undoubtedly one of the best films of the year.

My grade 10 out of 10\": {\"frequency\": 1, \"value\": \"Road to Perdition, ...\"}, \"There have been some low moments in my life, when I have been bewildered and depressed. Sitting through Rancid Aluminium was one of these.

The warning signs were there. No premiere (even the stars didn't want to attend) and no reviews in magazines. The only reason I sat through the film was in the hope that I might catch up on some sleep.

Nothing in the film was explained. The narration was idiotic. I cheered at one point when the lead of the film appeared to have been shot, then to my growing despair, it was revealed that he hadn't really been shot dampening my joy. I sincerely hope all involved in the film are hanged for this atrocity.

There were some positive aspects, mainly unintentional moments of humour. For example, the scene in which the main character, for some unknown reason feels the need to relieve himself manually in a toilet cubicle, while telling the person in the next cubicle to put his fingers in his ears.

My words cannot explain the anger I feel, so I shall conclude thus.

Rancid Aluminium: for sadists, wastrels, and regressives only who want to torture themselves.\": {\"frequency\": 1, \"value\": \"There have been ...\"}, \"The storyline is absurd and lame,also sucking are performances and the dialogue, is hard to keep your Eyes open. I advise you to have a caffeine-propelled friend handy to wake you in time for a couple Gore-effects.Why they bring Alcatraz in?In this case,becomes increasingly difficult to swallow. All the while ,i wondered who this film aimed for?Chock full of lame subplots (such as the Cannibalism US Army-captain)This is low-grade in every aspect.BTW this Movie is banned in Germany!!\": {\"frequency\": 1, \"value\": \"The storyline is ...\"}, \"It was just a terrible movie. No one should waste their time. Go see something else. This movie is, without a doubt, one of the worst movies I have ever seen in my life. If you want to see a good movie, don't see Made Men.\": {\"frequency\": 1, \"value\": \"It was just a ...\"}, \"Its not Braveheart( thankfully),but it is fine entertainment with engaging characters and good acting all around. I enjoyed this film when it was released and upon viewing it again last week,find it has held up well over time. Not a classic film,but a very fine and watchable movie to enjoy as great entertainment.\": {\"frequency\": 1, \"value\": \"Its not ...\"}, \"First a technical review. The script is so slow, it is really a 25 minute story blown up to 1 hour 40 min. The dialogue is so flat and truly one-dimensional. The \\\"acting\\\" is pathetic, they seem to really have lifted schoolchildren out of class to read a few lines from an idiot board. As for the whole \\\"point\\\" of the story, namely \\\"war is bad\\\" (oh, there's a shock!) is really non-existent. Without out the \\\"lets shock 'em and get great publicity\\\" scene nobody would be talking about this film. It is so bad it actually bothers me to think what better things the money used this could have gone on. Believe me I've seen some bad \\\"emperor's new clothes\\\" films but the one thing I can say for them is at least they were well shot and well made while the camera wobbled during two scenes in this! Read all the other reviews - avoid at all costs and don't talk about it.\": {\"frequency\": 1, \"value\": \"First a technical ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"Canadian filmmaker ...\"}, \"I never was an avid viewer of \\\"Crocodile Hunter\\\", but did occasionally see an episode, or a bit of an episode, and when the news spread about Steve Irwin's death from a stingray attack in 2006, it certainly caught my attention. This movie, with Steve and his wife, Terri, playing themselves, but in a fictional story, was released in 2002, but I didn't hear of it until several years later, and even after that, it took me a while to get around to seeing it. Well, now I have seen it, and after looking here first (more than once), and seeing its rating, I was not surprised at how unimpressive it turned out to be, though it could have been a BIT better. Apparently, it's supposed to be a comedy, so a major problem with it is that it isn't very funny at all.

A U.S. satellite beacon falls down from space and lands in Australia, where it is swallowed by a crocodile! While Steve and Terri Irwin are on a mission to capture this crocodile from a place where it terrorizes the cattle on a ranch owned by the crazy Brozzie Drewitt, and are unaware of what's inside it, two CIA agents are sent to Australia to retrieve the beacon! The agents are assisted by Jo Buckley, and the ranch owner and her dogs might make the mission more difficult for them! On Steve and Terri's mission, they face other types of dangerous wildlife, not just the crocodile, and since they have no clue that the croc has anything unusual inside it, when Steve sees the CIA agents after them, he mistakes them for poachers!

Not only did I not laugh once while watching this film, the only part that really made me smile was Steve Irwin using a big snake to scare off one of the CIA agents. Apart from that, I don't think I found anything even mildly amusing. It's also a bit of an incoherent mess, switching back and forth from the Australian Outback to the CIA headquarters, and it seems like clips from \\\"Crocodile Hunter\\\" and clips from an action thriller (or something like that) put together for some reason. Also added to that mix are the ranch scenes, which also seem to be from somewhere else, and as funny as Brozzie Drewitt, played by Magda Szubanski, is supposed to be, she's not. At one point, we see her farting, so we have a fart joke, a MAJOR clich\\ufffd\\ufffd in modern comedy! Are they SO hard to resist?! I also found the typical \\\"Crocodile Hunter\\\" scenes, with Steve wrestling crocodiles and holding other dangerous creatures and talking about them to viewers, to be tedious, but I guess the fact that I was never a devout fan of the show didn't help.

Steve Irwin was admired by many as a conservationist, and is sadly missed by them, while there are also those who say he messed with nature and had it coming to him. No matter which side you're on, \\\"The Crocodile Hunter: Collision Course\\\" is not a well crafted movie. I'm sure it does help if you're a big Steve Irwin fan, but even if you are, there's no guarantee that you would like this movie, as some fans clearly haven't been impressed. In fact, it seems that some of them have found this movie to be worse than I have, so maybe it WON'T help. Like I said, there's no guarantee. I would say whatever you may think of Steve Irwin and his show, this movie was unnecessary. The attempt to combine what is usually seen in \\\"Crocodile Hunter\\\" with a fictional story unfortunately failed, and a viewer may find that this film seems longer than ninety minutes!\": {\"frequency\": 1, \"value\": \"I never was an ...\"}, \"I cherish each and every frame of this beautiful movie. It is about regular people, people we all know, who suffer a little in their life and have some baggage to carry around. Just like all of us. Robert DeNiro, Ed Harris and Kathy Baker breathe life into their portrayals and are all excellent, but Harris is especially heartbreaking and therefore very real. You would swear he really is a trucker who drinks so he won't have to feel anything. Baker as his put-upon sister also has some delicate moments - when DeNiro gives her flowers in one scene, it seems like she was never given flowers before and probably wasn't. Very worthwhile.\": {\"frequency\": 1, \"value\": \"I cherish each and ...\"}, \"I know that actors and actresses like to try different kinds of movies - hey, no one wants to get typecast - but Danny Glover, Brenda Fricker (happy birthday, Brenda!) and Christopher Lloyd should have known better than this. \\\"Angels in the Outfield\\\" is another movie in which everything seems lost until someone or something magically comes and saves the day. Do I even need to tell you how it ends? The movie is just plain lowly escapism (examples of high escapism are the various sci-fi movies from the '50s). If these movies had some political undertone - or at least offered us a new look at life - then they would be OK; this one is just pointless. Far closer to diabolical than angelic. Also starring Tony Danza, Adrien Brody and Matthew McConaughey, and I suspect that they don't wish to stress this in their resumes.\": {\"frequency\": 1, \"value\": \"I know that actors ...\"}, \"What if Somerset Maugham had written a novel about a coal miner who decided to search for transcendental enlightenment by trying to join a country club? If he had, he could have called it The Razor's Edge, since the Katha-Upanishad tells us, \\\"The sharp edge of a razor is difficult to pass over; thus the wise say the path to Salvation is hard.\\\" But Maugham decided to stick with the well-bred class, and so we have Darryl F. Zanuck's version of Larry Darrell, recently returned from WWI, carefully groomed, well connected in society and determined to find himself by becoming a coal miner.

Or, as Maugham tells us, \\\"This is the young man of whom I write. He is not famous. It may be that when at last his life comes to an end he will leave no more trace of his sojourn on this earth than a stone thrown into a river leaves on the surface of the water. Yet it may be that the way of life he has chosen for himself may have an ever growing influence over his fellow men, so that, long after his death, perhaps, it will be realized that lived in this age a very remarkable creature.\\\"

The Razor's Edge has all of Zanuck's cultural taste that money could buy. It's so earnest, so sincere...so self-important. As Larry goes about his search for wisdom, working in mines, on merchant ships, climbing a Himalayan mountain to learn from an ancient wise man, we have his selfish girl friend, Isabel, played by Gene Tierney, his tragic childhood chum played by Anne Baxter, the girlfriend's snobbish and impeccably clad uncle played by Clifton Webb, and Willie Maugham himself, played by Herbert Marshall, taking notes. The movie is so insufferably smug about goodness that the only thing that perks it up a bit is Clifton Webb as Elliot Templeton. \\\"If I live to be a hundred I shall never understand how any young man can come to Paris without evening clothes.\\\" Webb has some good lines, but we wind up appreciating Clifton Webb, not Elliot Templeton.

Zanuck wanted a prestige hit for Twentieth Century when he bought the rights to Maugham's novel. He waited a year until Tyrone Power was released from military service. He made sure there were well-dressed extras by the dozens, a score that sounds as if it were meant for a cathedral and he even wrote some of the scenes himself. The effort is as self-conscious as a fat man wearing a rented tux. Despite Hollywood's view of things in The Razor's Edge, I can tell you that for most people hard work doesn't bring enlightenment, just weariness and low pay.

After nearly two-and-a-half hours, we last see Larry carrying his duffle bag on board a tramp steamer in a gale. He's going to work his way back to America from Europe with a contented smile on his face. \\\"My dear,\\\" Somerset Maugham says to Isabel at the same time in an elaborately decorated parlor, \\\"Larry has found what we all want and what very few of us ever get. I don't think anyone can fail to be better, and nobler, kinder for knowing him. You see, my dear, goodness is after all the greatest force in the world...and he's got it!\\\" Larry and the audience both need a healthy dose of Dramamine.

Maugham, lest we forget, was a fine writer of plays, novels, essays and short stories. To see how the movies could do him justice, watch the way some of his short stories were brought to the screen in Encore, Trio and Quartet. And instead of wasting time with Larry Darrell, spend some time with Lawrence Durrell. The Alexandria Quartet is a good read.\": {\"frequency\": 1, \"value\": \"What if Somerset ...\"}, \"I knew about this as a similar programme as Jackass, and I saw one or two episodes on Freeview, and it is the same, only more extreme. Basically three Welsh guys, and one mad British bloke were brought together by love of skateboarding, and a complete disregard/masochistic pleasure to harm themselves and their health and safety. They have had puking, eating pubes-covered pizza, jumping in stinging nettles, naked paint balling, jokes on the smaller guy while heavily sleeping/snoring, stunts in a work place, e.g. army, cowboys, and many more insane stunts that cause bruises, bumps, blood and vomit, maybe not just for themselves. Starring Matthew Pritchard who does pretty much anything, Lee Dainton also up for just about anything, Dan Joyce (the British one) who hardly does much physical stuff and has a OTT laugh, and Pancho (Mike Locke) who does a lot, but is more popular for being short, fat and lazy. It was number something on The 100 Greatest Funny Moments. Very good!\": {\"frequency\": 1, \"value\": \"I knew about this ...\"}, \"What's with all the negative comments? After having seen this film for the first time tonight, I can only say that this is a good holiday comedy that is sure to brighten up any lonely person's day. When I saw that Drew (Ben Affleck) might end up spending the holidays alone, I wanted to cry. You'll have to see the movie if you want to know why. Also, even though I liked Tom (James Gandolfini) and Alicia (Christina Applegate) after awhile, if you ask me, they were real snobs. However, this film did make me smile and feel good inside. Before I wrap this up, I'd like to say that Mike Mitchell has scored a pure holiday hit. Now, in conclusion, I highly recommend this good holiday comedy that is sure to brighten up any lonely person's day to any Ben Affleck or Christina Applegate fan who hasn't seen it.\": {\"frequency\": 1, \"value\": \"What's with all ...\"}, \"The Perfectly Stupid Weapon. I think the guys dancing at the beginning of one of Steven Segal's movies was intented to mock Jeff doing his forms to dance music at the beginning of this stupid movie. The plot is predictable, the fights were fair and Jeff acts about as well as the sofa he beats with some sort of weapon in one scene.\": {\"frequency\": 1, \"value\": \"The Perfectly ...\"}, \"This interesting documentary tells a remarkable tale of an expedition to take blind Tibetan children trekking in the Himalayas; but also of a personality clash between two remarkable people. On one hand, there is Erik Weihenmeyer, the first blind man to climb Everest, and the team of (sighted) mountaineers who are guiding the kids. On the other, there is Sabriye Tenberken, a blind woman who runs the first school for blind Tibetans, who agrees to the expedition but subsequently has doubts about how it is progressing. At some level, Sabine simply doesn't understand the mountaineer's philosophy (with it's emphasis on summitting); she is probably right in identifying the mismatch between the mountaineers goals and the desires of the children but her certainty in her own correctness makes her a hard person to sympathise with, especially as she has an effective veto. In the background to this (reasonably well-mannered) clash, we get an insight into the lives of the children themselves. I enjoyed the film, although it delivers a message clearly designed to be uplifting - even though it details the quarrel, the film somewhat relentlessly asserts how amazing all those who feature in it are. But it's hard to argue with that assessment, even if it is presented to the viewer somewhat unsubtly.\": {\"frequency\": 1, \"value\": \"This interesting ...\"}, \"This movie took me by complete surprise. I watched it 2 or 3 times. I really liked this film. There were many truths this movie brought up. I love all the characters in this film as well. This movie makes a lot of sense because as society \\\"becomes more advance\\\" What does the culture loose? Not to sound preachy. I can really relate to this movie from my child hood and loosing apart of my life that will never come back or ever been the same. This film is on my top 5 movies I have ever watched. There is just such a raw truth that I feel when I watch the movie and its not the kind of truth that you have to dig for its right in front of your face. The creators of this film did a great job and I enjoyed this movie very much. This movie may not be for every one but if you have an open mind I think you will love it.\": {\"frequency\": 1, \"value\": \"This movie took me ...\"}, \"As the film begins a narrator warns us THE SCREAMING SKULL is so terrifying you might die of fright--and if such happens a free burial is guaranteed. Well, I don't think any one has died of fright from seeing this film, but a few may have died of boredom. THE SCREAMING SKULL is the sort of movie that makes Ed Wood look good.

Very loosely based on the famous Francis Marion Crawford story, SKULL is about a wealthy but nervous woman who marries a sinister man whose first wife died under mysterious circumstances. Once installed in his home, she is tormented by a half-wit gardener, a badly executed portrait, peacocks, and ultimately a skull that rolls around the room and causes her to scream a lot. And to her credit, actress Peggy Webber screams rather well.

Unfortunately, her ability to do so is the high point of the film. The plot is pretty transparent, to say the least, and while the cast is actually okay, the script is dreadful and the movie so uninspired you'll be ready to run screaming yourself. True, the thing only runs about sixty-eight minutes, but it all feels a lot longer. Add to this a truly terrible print quality and there you are.

There are films that are so bad they are fun to watch. It is true that THE SCREAMING SKULL has a few howlers--but the film drags so much I couldn't work up more than an occasional giggle, and by the time the whole thing is over your head will roll from ennui. If it weren't for Peggy Webber's way with a scream, this would be the surefire cure for insomnia. Give it a miss.

GFT, Amazon Reviewer\": {\"frequency\": 1, \"value\": \"As the film begins ...\"}, \"Tainted look at kibbutz life

This film is less a cultural story about a boy's life in a kibbutz, but the deliberate demonization of kibbutz life in general. In the first two minutes of the movie, the milk man in charge of the cows rapes one of his calves. And it's all downhill from there in terms of the characters representing typical \\\"kibbutznikim.\\\" Besides the two main characters, a clinically depressed woman and her young son, every one else in the kibbutz is a gross caricature of well\\ufffd\\ufffdevil.

The story centers on how the kibbutz, like some sort of cult, slowly drags the mother and son deeper into despair and what inevitably follows. There is no happiness, no joy, no laughter in this kibbutz. Every character/situation represents a different horrific human vice like misogyny, hypocrisy, violence, cultism, repression etc. For example, while the protagonist is a strikingly handsome European looking 12 year old boy \\ufffd\\ufffd his older brother is a typical kibbutz youth complete with his \\\"jewish\\\" physical appearance and brutish personality. He cares more about screwing foreign volunteers than the health of his dying mother. He treats these volunteers like trash. After his little brother pleads of him to visit his dying mother whom he hasn't seen in a long time due to his military service, he orders, Quote \\ufffd\\ufffd \\\"Linda, go take shower and I cum in two minutes.\\\"

There is one other \\\"good\\\" character in this movie \\ufffd\\ufffd a European foreigner who plays the mother's boyfriend. When the animal rapist tries to hit the mother's son, the boyfriend defends him by breaking the rapist's arm. He is summarily kicked out of the kibbutz then for \\\"violent\\\" behavior against one of the kibbutz members. More hypocrisy: The indescribably annoying French woman who plays the school teacher preaches that sex cannot happen before age 18, or without love and gives an account of the actual act that's supposed to be humorous for the audience, but is really just stupid. She of course is screwing the head of the kibbutz in the fields who then in turn screws the little boy's mom when her mental health takes a turn for the worse.

The film portrays the kibbutz like some sort of cult. Children get yanked out of their beds in the middle of the night and taken to some ritual where they swear allegiance in the fields overseen by the kibbutz elders. The mother apparently can't \\\"escape\\\" the kibbutz, although in reality, anyone was/is always free to come and go as they choose. It's a mystery how the boy's father died, but you can rest assured, the kibbutz \\\"drove him to it\\\" and his surviving parents are another pair of heartless, wretched characters that weigh down on the mother and her son.

That's the gist of this movie. One dimensional characters, over dramatization, dry performances, and an insidious message that keeps trying to hammer itself into the audience's head \\ufffd\\ufffd that kibbutz life was degrading, miserable and even deadly for those who didn't \\\"fit in.\\\" I feel sorry for the guy who made this film \\ufffd\\ufffd obviously he had a bad experience growing up in a kibbutz. But I feel as though he took a few kernels of truth regarding kibbutz life and turned them into huge atomic stereotyped bombs.\": {\"frequency\": 1, \"value\": \"Tainted look at ...\"}, \"This movie was almost intolerable to sit through. I can get beyond the fact that it looks like it was shot with a home video camera and that this movie is supposed to span over weeks in time yet the characters do not once change outfits, but the acting broke the 4th wall to pieces for me. I've seen better acting in a 4th grade play. Aside from that the plot is unrealistic. If the man suspected the guy he would have turned him in. I was also heavily disappointed that all the killings were done with a gun what kind of gore is that. That is not a copycat the Zodiac did not kill using just a gun the authorities would have known it wasn't him. Another thing that really bothered me was that they called Disassociative Identity Disorder DSM 4 when that is the name of the book used to diagnose people with mental disorders not the name of the disorder. Overall I think this movie is not the kind of movie that could be done with a low budget at least not as low as they had or they could have made sure they had better actors or more gore. Plenty of people have went the low budget route with out having to use horrible actors look at Easy Rider that had Dennis Hopper and Jack Nicholson and a low budget.\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"I saw this film about twenty years ago on the late show. I still vividly remember the film, especially the performance of Robert Taylor. I always thought Taylor was underrated as an actor as most critics saw him as solid, almost dull leading man type, and women simply loved to watch his films because of his looks. This film, however, proved what an interesting actor he could be. He did not get enough roles like this during his long career. This is his best performance. He is totally believable in a truly villainous role. From what I have read, he was a very hardworking and easy going guy in real life and never fought enough for these kind of roles. He basically would just do what MGM gave him. This film proves that he could have handled more diverse and difficult roles. The other thing I remember about this film is how annoying Lloyd Nolan's character was. Nolan was a great actor, but this character really aggravated me. The last scene of the film has stuck with me for all of these years. This film is definitely worth a look.\": {\"frequency\": 1, \"value\": \"I saw this film ...\"}, \"I had the distinct displeasure of seeing this movie at the 2006 Vancouver International Film Festival. I have been attending this festival for over 5 years, and I have certainly seen some poor movies on occasion. However, 'First Bite' has reached a brand new low in film. In spite of being shot in beautiful locations, with the occasional, exquisite close up of fabulous food, the movie contorts an excessive number of plot twists and stilted characters until I was practically begging for it to end.

The lead actor, David La Haye, completely failed to show any character development throughout the movie, portraying a pompous chef from beginning to end. Additional sub-plots, such as eating disorders, were developed so poorly and completely did not fit within any context that the movie had shown up to that point.

A theme of mysticism was used as a poor attempt to conceal a movie that achieves nothing, goes nowhere, and completely disappoints.\": {\"frequency\": 1, \"value\": \"I had the distinct ...\"}, \"A young boy sees his mother getting killed and his father hanging himself. 20 years later he gets a bunch of friends together to perform an exorcism on himself so he won't turn out like his father. All the stock characters are in place: the nice couple; the \\\"funny\\\" guy; the tough (but sensitive) hood; the smart girl (she wears glasses--that's how we know); the nerd and two no-personality blondes. It all involves some stupid wooden statue that comes to life (don't ask) and kills people. I knew I was in trouble when, after a great opening scene, we jump to 20 years later--ALL bad horror movies do that!

The dialogue is atrocious, the acting is bad (except for Betsy Palmer--why Betsy?) and the killings are stupid and/or unimaginative. My favorite scene is when two people are supposedly having sex and the statue knocks the guy off the bed to show he's fully dressed! A real bad, stupid incoherent horror film. Avoid at all costs.\": {\"frequency\": 1, \"value\": \"A young boy sees ...\"}, \"It seems as if in Science Fiction you have this periodic throwback to perform an odd phenomenon that appears in long serial novels. It's where the first novel (Dune, Ender's Game) blows you away with an actionpacked revolutionary story. The sequels however take that universe and lead you down the garden path to whatever new little social or political commentary the author wants to make. The Matrix is finally the film equivalent. The Matrix stands tall, alone, as an interesting film with an odd twist in the middle. Seeing this cash cow just sitting there, and wanting to explore other aspects of society, the writers and directors then lead you through what has to be some of the most painful monologues and non-action sequences in SciFi. While the visuals remain as stunning from the first movies, the new explorations of the characters falls terrible flat in the sequel. Watch for eye candy, not for deep thought.

4 out of 10, as registered by this fine website.\": {\"frequency\": 1, \"value\": \"It seems as if in ...\"}, \"Excellent film dealing with the life of an old man as he looks back over the years. Starting around 1910, he reminisces about his boy and young adulthood; his family, friends, romances, etc. Very nostalgic piece with a bittersweet finale....\\\"all things in life come together as one, and a river runs through it. And that river haunts me.\\\" Worth seeing.\": {\"frequency\": 1, \"value\": \"Excellent film ...\"}, \"This is one to watch a few times. The excellent writing shows they had to have lived this story or know someone whom did because they nailed it. Freebird made me relive and laugh at my misspent youth. The title was a Great choice. Great film, setting, story, soundtrack and characters. It's a biker flick but would be a shame to pigeon hole it that way. Funny to the bone, kinda like Trailer Park Boys in the U.K. If you've never seen TPB, make a point to if you like this film. You will thank me. I hope to see more of these characters in other films. Sequel? Could be done. There's a whole lot more of the world I would like to see through their eyes.\": {\"frequency\": 1, \"value\": \"This is one to ...\"}, \"Once upon a time in a castle...... Two little girls are playing in the garden's castle. They are sisters. A blonde little girl (Kitty) and a brunette one (Evelyn). Evelyn steals Kitty's doll. Kitty pursues Evelyn. Running through long corridors, they reach the room where their grandfather, sitting on an armchair, reads the newspaper. Kitty complains about Evelyn, while Evelyn is looking interestedly at a picture hanging on the wall. Evelyn begins to say repeatedly: \\\"I am the red lady and Kitty is the black lady\\\". Suddenly Evelyn grabs a dagger lying nearby and stabs Kitty's doll and then cuts her (the doll's) head. A fight ensues. And Evelyn almost uses the dagger against Kitty. The grandfather intervenes and the worst is avoided.

Later on, their grandfather tells them the legend related to the picture hanging on the wall in front of them, in which a lady dressed in black is stabbing a lady dressed in red:

\\\"A long time ago, a red lady and a black lady lived in the same castle. They were sisters and hated each other. One night, for jealousy reasons, the black lady entered the red lady's room and stabbed her seven times. One year later, the red lady left her grave. She killed six innocent people, and her seventh victim was the black lady. Once every hundred years, the events repeat themselves in this castle and a red lady kills six innocent victims before killing the black lady herself.\\\"

The grandfather ends his tale by saying that according to the legend, sixteen years from now, the red queen should come again and kill seven times. But he assures them that this is just an old legend.

Sixteen years pass.....

This is the very beginning of the film. There are many twists and surprises in the film. It's better for you to forget about logic (if you really analyse it, the story doesn't make sense) and just follow the film with its wonderful colors, the gorgeous women, the clothes, the tasteful decor, the lighting effects and the beautiful soundtrack.

Enjoy Barbara Bouchet, Sybil Danning, Marina Malfatti, Pia Giancaro, among other goddesses. There's a nude by Sybil Danning lying on a sofa that's something to dream about. And don't forget: The lady in red kills seven times!

If you've liked \\\"La Dama Rossa...\\\" check out also \\\"La Notte che Evelyn usc\\ufffd\\ufffd dalla Tomba\\\".\": {\"frequency\": 1, \"value\": \"Once upon a time ...\"}, \"This is one of those movies that's difficult to review without giving away the plot. Suffice to say there are weird things and unexpected twists going on, beyond the initial superficial \\\"Tom Cruise screws around with multiple women\\\" plot.

The quality cast elevate this movie above the norm, and all the cast are well suited to their parts: Cruise as the irritatingly smug playboy who has it all - and then loses it all, Diaz as the attractive but slightly deranged jilted lover, Cruz as the exotic new girl on the scene and Russell as the fatherly psychologist. The story involves elements of romance, morality, murder-mystery, suspense and sci-fi and is generally an entertaining trip.

I should add that the photography is also uniformly excellent and the insertion of various visual metaphors is beautiful once you realize what's going on.

If you enjoy well-acted movies with twists and suspense, and are prepared to accept a slightly fantastic Philip K Dick style resolution, then this is a must-see.

9/10\": {\"frequency\": 1, \"value\": \"This is one of ...\"}, \"Sniper gives a true new meaning to war movies. I remember movies about Vietnam or WWII, lots of firing, everybody dies, bam bam. \\\"Sniper\\\" takes war to a new level or refinement. The movie certainly conveys all of the emotions it aims for - The helplessness of humans in the jungle, the hatred and eventual trust between Beckett and Miller, and the rush of the moment when they pull the trigger. A seemingly low-budget film makes up for every flaw with action, suspense, and thrill, because when it comes down to it, it's just one shot, one kill.\": {\"frequency\": 1, \"value\": \"Sniper gives a ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"It was almost ...\"}, \"This movie is all about subtlety and the difficulty of navigating the ever-shifting limits of mores, race relations and desire. Granted, it is not a movie for everyone. There are no car chases, no buildings exploding, no murders. The drama lies in the tension suggested by glances, minimal gestures, spatial boundaries, lighting and things left -- sometimes very ostensibly -- unsaid. It's about identity, memory, community, belonging. The different parts of the movie work together to reinforce the leitmotifs of self and other, identity, desire, limits and loss. It will reward the attentive and sensitive viewer. It will displease those whose palates require explosive, massive, spicy action. It is a beautifully filmed human story. That is all.\": {\"frequency\": 1, \"value\": \"This movie is all ...\"}, \"I first saw this movie at a festival. There were many good movies, but few kept me thinking about it long after, and An Insomniac's Nightmare was definitely one of them. Tess is definitely a gifted filmmaker. The shots were great. Casting was perfect. Dominic shined in his role that she perfectly crafted. There wasn't a lot to know about his character, but she wrote the story in such a way that we cared about him. And Ellen-- I can't wait to see where she ends up! She's showing a lot of talent and I hope she does a few more films. With all the million dollar budgets trying to get a cheap thrill, Tess shows that it's all not needing as long as there is a good story and actors. Kudos to everyone involved with this film. And thanks to Tess and co. for distributing it on DVD!\": {\"frequency\": 1, \"value\": \"I first saw this ...\"}, \"There's one line that makes it worth to rent for Angel fans. Everyone else: this is just a very bad horror flick. The female characters are typical horror movies females. They are wooden, annoying and dumb. You are glad when they are killed off. Long live the strong female character in a horror movie!!\": {\"frequency\": 1, \"value\": \"There's one line ...\"}, \"I was shocked by the ridiculously unbelievable plot of Tigerland. It was a liberal's fantasy of how the military should be. The dialogue was difficult to swallow along with the silly things Colin Farrell's character was allowed to get away with by his superior officers.

I kept thinking, \\\"Hey, there's a reason why boot camp is tough. It's supposed to condition soldiers for battle and turn them into one cohesive unit. There's no room for cocky attitudes and men who won't follow orders.\\\" I was rooting for Bozz to get his butt kicked because he was such a danger to his fellow soldiers. I would not want to fight alongside someone like him in war because he was more concerned with people's feelings than with doing what was necessary to protect his unit.

--

\": {\"frequency\": 1, \"value\": \"I was shocked by ...\"}, \"A country-boy Aussie-Rules player (Mat) goes to the city the night before an all-important AFL trial match, where he is to be picked up by his cousin. And then things go wrong.

His no-hoper cousin has become mixed up in a drug deal involving local loan-shark / drug-dealer Tiny (who looks like any gangster anywhere but is definitively Australian). Needless to say, Mat becomes enmeshed in the chaos, and it isn't long before thoughts of tomorrow's match are shunted to the back of his mind as the night's frantic events unravel.

Accomplished Western Australian professional Shakespearean actor Toby Malone puts in a sterling performance as young naive country-boy Mat, and successfully plays a part well below his age. Best support comes from John Batchelor as Tiny, and an entertaining role by David Ngoombujarra as one of the cops following the events. Roll is fast-paced, often funny, and a very worthwhile use of an hour.\": {\"frequency\": 1, \"value\": \"A country-boy ...\"}, \"Well, basically, the movie blows! It's Blair Witch meets Sean Penn's ill conceived fantasy about going to Iraq to show the world what the \\\"War on Terror\\\" is really about. The script sounds like it was written by 8th grader (no offense to 8th graders); the two main actors over-act the entire film; they used the wrong kind of camera and the wrong type of film(not that i know anything about those things--but it just didn't look like real documentaries I've watched), and worst of all Christian Johnson took a great idea and made it suck. It reminded me of the time I tried to draw a picture of my dog and ended up with a really bad stick figure looking thing that looked more like a giant turd. I'd rather watch the Blair Witch VIII, than sit through that again.\": {\"frequency\": 1, \"value\": \"Well, basically, ...\"}, \"I watched the first 15 minutes, thinking it was a real documentary (with an irritatingly overly dramatic \\\"on camera\\\" producer).

When I realized it was all staged I thought \\\"why would I want to waste my time watching this junk??\\\" So I turned it off and came online to warn other people. The characters don't act in a believable way. too much immature emotion. for a guy to travel half way around the world into a war torn country, he acted like a kid. and I don't believe it was because \\\"his character was so upset about the trade center bombings\\\".

very trite and stupid.

have you seen \\\"city of lost children\\\"? french dark fantasy film about a guy who kidnaps kids and steals their dreams... I liked it!\": {\"frequency\": 1, \"value\": \"I watched the ...\"}, \"Thomas Ince always had a knack for bringing simple homespun stories to life with fullness and flair. \\\"The Italian\\\" is such a film. Solid acting, particularly by George Beban, father of silent child actor George Beban, Jr., and wonderful sets convey a realistic feeling of early immigrant tenements in New York. These give this 1915 film an authenticity which is unusual in features of this vintage.

The film begins with the modern day and a man (George Beban in modern clothes) reading a story about an Italian immigrant, and then we transition into the story with George playing the immigrant. He raises enough money to bring his fianc\\ufffd\\ufffde from Italy to America, marries her, and has a son with her. But times are hard and the family struggles to survive. I found myself wondering why the mother didn't breastfeed her child, and avoid the complications with the dirty formula, but oh well, even the early Dream Factory was pushing political correct behaviour for women in 1915!

The best scene in the picture is when Beban has a chance to seek revenge on a crime boss who inadvertently put him in jail, and at the last minute he decides against his planned course of action. Very neat. I loved the curtain effect, it was great. Wonderful use of lighting in this film.

I give \\\"The Italian\\\" an 8 out of 10.\": {\"frequency\": 1, \"value\": \"Thomas Ince always ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"Skip McCoy ...\"}, \"In what would be his first screenplay, based on his own short story \\\"Turn About,\\\" William Faulkner delivers a bizarre story of loyalty, sacrifice, and really strange relationships. The story originally was about only the Tone, Young, and Cooper characters, but MGM needed to put Joan Crawford in another picture to fulfill her contract, and Faulkner obliged by creating a female role. Crawford insisted that her lines be written in the same clipped style as her co-stars' Young and Tone, leading to much unintentional hilarity as these three communicate in a telegraph-like shorthand that sounds like a Monty Python sketch (\\\"Wuthering Heights\\\" performed in semaphore). Seriously, the almost entirely pronoun-less sentences make Ernest Hemingway read like Henry James.

The film also reflects some familiar Faulkner themes, with an almost unnaturally close relationship between brother and sister (as may be found in his \\\"Sanctuary,\\\" and elsewhere). When Young proposes to Crawford, in Tone's presence, in lieu of an engagement ring ALL THREE exchange their childhood engraved rings with one another. The closeness of Tone and Young is also noticeable, especially as they go off to their Thelma & Louise fate. Frankly, it's creepy.

Not as creepy to this New Yorker, however, as the recurring theme of the massive cockroach, Wellington, which Crawford cheerfully catches (and which is shown gamboling over her hands--I had to turn away!) and Young turns into a gladiator. Blech.

That being said, there are some nice performances. Young is particularly engaging in a scene where he's taken up in Cooper's fighter plane, and Roscoe Karns is delightful as Cooper's flying buddy. Tone, despite his inability to express himself through realistic dialogue, has a nice moment, dashing away his own furtive tears over his buddy Young's fate. Crawford, stripped of meaningful dialogue as well, mostly comes across as either wooden or melodramatic, which is quite a balancing act for one role.

The battle scenes--not surprisingly, for a Howard Hawks film--are the most exciting part of the entire picture. But not enough. As far as I'm concerned, this is 75 minutes of my life I'm never going to get back.\": {\"frequency\": 1, \"value\": \"In what would be ...\"}, \"The movie itself is so pathetic. It portrayed deaf people as cynical toward hearing people. True, some deaf people are wary of dating hearing people, but they are not necessarily angry like of Marlee Matlin's character was throughout the story. Deaf people do not go to the bar and dance the way Matlin did. All in all, the movie itself is more boring than pathetic. It is so boring that I'd like to believe that it is an insomnia-cured movie. If I have a problem sleeping, I can simply pop in Children of a Lesser God and watch. It will put me to sleep.

Keep in mind, this is a deaf guy talking.\": {\"frequency\": 1, \"value\": \"The movie itself ...\"}, \"Just a stilted rip-off of the infinitely better \\\"Murder, She Wrote\\\", it is absolutely amazing that this poorly-written garbage lasted for a full eight years. I'm sure most of the people who watched this unentertaining crap were in their sixties and seventies and just tuned in because they had nothing better to do, or simply remembered its star from the old Dick Van Dyke Show. Van Dyke, who only had a decent career in the 1960s, never was much of an actor at all (by his own admission) and he was already far too old to play a doctor when the series began in 1993. He looks absolutely ancient as a result of years of chain smoking and heavy drinking. His talentless real life son Barry, a wooden actor who has rarely been in anything that didn't involve his father, plays his son in the series.\": {\"frequency\": 1, \"value\": \"Just a stilted ...\"}, \"The villian in this movie is one mean sob and he seems to enjoy what he is doing, that is what I guess makes him so mean. I don't think most men will like this movie, especially if they ever cheated on their wife. This is one of those movies that pretty much stays pretty mean to the very end. But then, there you have it, a candy-bar ending that makes me look back and say, \\\"HOKIE AS HELL.\\\" A pretty good movie until the end. Ending is the ending we would like to see but not the ending to such a mean beginning. And then there is the aftermath of what happened. Guess you can make up your own mind about the true ending. I'm left feeling that only one character should have survived at the end.\": {\"frequency\": 1, \"value\": \"The villian in ...\"}, \"It's boggles the mind how this movie was nominated for seven Oscars and won one. Not because it's abysmal or because given the collective credentials of the creative team behind it really ought to deserve them but because in every category it was nominated Prizzi's Honor disappoints. Some would argue that old Hollywood pioneer John Huston had lost it by this point in his career but I don't buy it. Only the previous year he signed the superb UNDER THE VOLCANO, a dark character study set in Mexico, that ranks among the finest he ever did. Prizzi's Honor on the other hand, a film loaded with star power, good intentions and a decent script, proves to be a major letdown.

The overall tone and plot of a gangster falling in love with a female hit-man prefigures the quirky crimedies that caught Hollywood by storm in the early 90's but the script is too convoluted for its own sake, the motivations are off and on the whole the story seems unsure of what exactly it's trying to be: a romantic comedy, a crime drama, a gangster saga etc. Jack Nicholson (doing a Brooklyn accent that works perfectly for De Niro but sounds unconvincing coming from Jack) and Kathleen Turner in the leading roles seem to be in paycheck mode, just going through the motions almost sleepwalking their way through some parts. Anjelica Huston on the other hand fares better but her performance is sabotaged by her character's motivations: she starts out the victim of her bigot father's disdain, she proves to be supportive to her ex-husband, then becomes a vindictive bitch that wants his head on a plate.

The colours of the movie have a washed-up quality like it was made in the early 70's and Huston's direction is as uninteresting as everything else. There's promise behind the story and perhaps in the hands of a director hungry to be recognized it could've been morphed to something better but what's left looks like a film nobody was really interested in making.\": {\"frequency\": 1, \"value\": \"It's boggles the ...\"}, \"To grasp where this 1976 version of A STAR IS BORN is coming from consider this: Its final number is sung by Barbra Streisand in a seven minute and forty second close-up, followed by another two-and-half-minute freeze frame of Ms. Streisand -- striking a Christ-like pose -- behind the closing credits. Over ten uninterrupted minutes of Barbra's distinctive visage dead center, filling the big screen with uncompromising ego. That just might be some sort of cinematic record.

Or think about this: The plot of this musical revolves around a love affair between two musical superstars, yet, while Streisand's songs are performed in their entirety -- including the interminable finale -- her costar Kris Kristofferson isn't allowed to complete even one single song he performs. Nor, though she does allow him to contribute a little back up to a couple of her ditties, do they actually sing a duet.

Or consider this: Streisand's name appears in the credits at least six times, including taking credit for \\\"musical concepts\\\" and her wardrobe (from her closet) -- and she also allegedly wanted, but failed to get co-directing credit as well. One of her credits was as executive producer, with a producer credit going to her then-boyfriend and former hairdresser, Jon Peters. As such, Streisand controlled the final cut of the film, which explains why it is so obsessed with skewing the film in her direction. What it doesn't explain is how come, given every opportunity to make The Great Diva look good, their efforts only make Streisand look bad. Even though this was one of Streisand's greatest box office hits, it is arguably her worst film and contains her worst performance.

Anyway, moving the melodrama from Hollywood to the world of sex-drugs-and-rock'n'roll, Streisand plays Esther Hoffman, a pop singer on the road to stardom, who shares the fast lane for a while with Kristofferson's John Norman Howard, a hard rocker heading for the off ramp to Has-beenville. In the previous incarnations of the story, \\\"Norman Maine\\\" sacrifices his leading man career to help newcomer \\\"Vicky Lester\\\" achieve her success. In the feminist seventies, Streisand & Co. want to make it clear that their heroine owes nothing to a man, so the trajectory is skewed; she'll succeed with or without him and he is pretty much near bottom from scene one; he's a burden she must endure in the name of love. As such, there is an obvious effort to make the leading lady not just tougher, but almost ruthless, while her paramour comes off as a henpecked twit.

Kristofferson schleps through the film with a credible indifference to the material; making little attempt to give much of a performance, and oddly it serves his aimless, listless character well. Streisand, on the other hand, exhibits not one moment of honesty in her entire time on screen. Everything she does seems, if not too rehearsed, at least too controlled. Even her apparent ad libs seem awkwardly premeditated and her moments of supposed hysteria coldly mechanical. The two have no chemistry, making the central love affair totally unbelievable. You might presume that his character sees in her a symbol of his fading youth and innocence, though at age 34, Streisand doesn't seem particularly young or naive. The only conceivable attraction he might offer to her is that she can exploit him as a faster route to stardom. And, indeed, had the film had the guts to actually play the material that way, to make Streisand's character openly play an exploitive villain, the film might have had a spark and maybe a reason to exist.

But I guess the filmmakers actually see Esther as a sympathetic victim; they don't seem to be aware just how cold-blooded and self absorbed she is. But sensitivity is not one of the film's strong points: note the petty joke of giving Barbra two African American back up singers just so the film can indulge in the lame racism of calling the trio The Oreos. And the film makes a big deal of pointing out that Esther retains her ethnic identity by using her given name of Hoffman, yet the filmmakers have changed the character's name of the previous films from \\\"Esther Blodgett\\\" so that Streisand won't be burdened with a name that is too Jewish or too unattractive. So much for ethnic pride.

The backstage back stabbing and backbiting that proceeded the film's release is near legendary, so the fact that the film ended up looking so polished is remarkable. Nominal director Frank Pierson seems to have delivered the raw material for a good movie, with considerable help from ace cinematographer Robert Surtees. And the film did serve its purpose, producing a soundtrack album of decent pop tunes (including the Oscar-winning \\\"Evergreen\\\" by Paul Williams and Streisand). But overall the film turned out to be the one thing Streisand reportedly claimed she didn't want it to be, a vanity project.\": {\"frequency\": 1, \"value\": \"To grasp where ...\"}, \"I had really only been exposed to Olivier's dramatic performances, and those were mostly much later films than *Divorce*. In this film, he is disarmed of his pomp and overconfidence by sassy Merle Oberon, and plays the flustered divorce attorney with great charm.\": {\"frequency\": 1, \"value\": \"I had really only ...\"}, \"YETI deserves the 8 star rating because it is the one of the greatest bad movies ever made. I saw it at a midnight screening in L.A. and people were roaring and cheering at the insanity - this movie is one of those cinematic trainwrecks where you think it cant get any stranger and THEN IT DOES! The millionaire who funds the project to thaw the Yeti looks like Chris Penn and John Goodman both poured into an ill-fitting suit - the guy playing the scientist is one of the worst actors to ever appear on screen - and yes, there is a mute boy (who sorta kinda looks like a girl) and he's mute ever since he survived a plane crash that killed both his parents (hmmm- maybe therapy for the kid??). Then this hottie Italian girl is seen by Yeti (once he thaws - which takes FOREVER) -- and he is instantly in love with her - what is one of the most hysterical things about the movie is that this giant Yeti makes \\\"bedroom eyes\\\" at her - it's like a large Barry White trying to seduce a groupie. In fact, once the large Yeti picks up the hottie and has her against his chest - she accidentally touches the Yeti's nipple and yes, the film takes the time to show his large grey nipple GET HARD!!!! Yikes of all YIKES! Plus there's a collie dog in it because the Italian producer must have heard that American audiences like dogs and he sorta kinda tried to get a Lassie - there's also this insane scene where the Yeti eats a giant fish - keeps the large fishbone and uses it to comb the Italian girl's hair \\\"Gee, thanks Yeti - now my hair is smooth and smells like dead trout. You're the best.\\\" This film is more bizarre than something Ed Wood could have ever dreamt up. If you are a fan of classic cinema crap - seek this baby out.\": {\"frequency\": 1, \"value\": \"YETI deserves the ...\"}, \"I have never seen one of these SciFi originals before, this was the first. I think it only fair to judge the acting, direction/production, set design and even the CGI effects on the other SciFi movies. To compare it to your typical Hollywood production is unfair. I will say, however, that overall Aztec Rex was not exactly reminiscent of Werner Herzog's masterpiece Aguirre, Wrath of God.

I will begin by noting that, yes, I do recognize the fact that this movie has more to do with culture-clash than it does with dinosaurs. Despite this being a made-for-TV sci-fi movie, there is some underlying context to the story which I shall examine. The symbolic elements included are evident enough.

Consequently, as a student of history, theology, mythology and film: I found the dialogue outrageous and the plot themes to be somewhat insulting. I am not asking for any mea culpas on behalf of the producers - as I said before the movie is what it is. But what concerns me is that much of the younger demographic for this movie probably rely on television to provide them their lessons when it comes to history and cultural diversity.

The main problem manifests itself most visibly with the character Ayacoatl (not a commentary on Dichen Lachman's performance, but simply how her character was written, although, I'll say she has some work to do before she receives any Emmy nods). It is through her character that the Spanish Europeans actions are justified. Her function in the film as the love interest of Rios affirms that the European way is the right way, simply because they are European. There is really no other reason given. It's really just left to the assumption that the viewer is meant to associate themselves with the Europeans over the Aztec because their dress, language, ideology, etc is more familiar to them than the Aztec - so therefore the Aztec are portrayed as adversarial and 'backwards.' And it's not simply that the viewer is left with that assumption due to ethnocentric perception on the viewers part, but it really seems like the story is trying to convince the viewer - As if the Aztec were not capable of coming up with a plan - if not a better one - to lure a dinosaur to its death on a bed of punji sticks.

In fairness, there is a subgroup of the Spanish who are portrayed as looting temples and intent on simply abusing the native MesoAmericans. There is also a scene where we have the Christian holy man noting the achievements of the Aztec: \\\"They have agriculture, medicine, calendar, etc.\\\" - But in the end it is still the Aztec warrior who is portrayed as the main antagonist of the movie, even over the 'thunder lizards' (more on that later). He his portrayed as treacherous, duplicitous and attempts to dispatch the romantic European Spaniard by tricking him into consuming hallucinogenic mind altering mushrooms - an important spiritual component to certain aspects and religions of the native Meso & North Americans (again, more on this later) so that he can keep the female he feels belongs to him and away from the Spaniard.

Now in analyzing the true nature of the story (leaving the obvious Christian vs. Pagan themes off of the table) from a symbolic standpoint - a viewer can easily take these so-called thunder lizards to be representatives of the MesoAmerican ideology/theology, which in this movie is portrayed as being one intent on: bloodthirstiness, mercilessness, cruelness, wicked, maybe even evil? In opposition, we have this group of Christian wanderers, led by a young Hernando Cortes who are portrayed as naive, yet overall noble, lambs caught up in the dark heathen world of the Aztec. Also, the name of the film is Aztec Rex, leading one to believe that it is about dinosaurs out to eat people. However, what Aztec Rex translates to is Aztec King, a the head of the Aztec state, or in this instance 'state-of-being.' (Hence, why the title of the film was changed). And so who in fact do we see as the new Aztec king at the end? It's the remaining Spaniard, Rios. Aztec Rex is in reference to the new European ideology which overcame, through disease, bloodshed, war & famine, Native Americans. Rios symbolizes the ideal European - as the presenters of this film would like them to be remembered (in opposition to Cortes who represents the 'practical-yet-still-noble European'). But when you examine the Holocausts of the Americas, let us be honest: don't the symbolic components of this film's story have it backwards?

I have to say Aztec Rex is at worst a little racist, or to be kind about it, ignorant at best.

And yes, I know it's just a movie, all meant to be in fun, I understand, but so at the end we're left with the idea that Rios was the father of the last remaining Aztec lines? I wonder what Native MesoAmericans would have to think about this ending... as for myself, I thought it was a little too self indulgent.

Best supporting performance of the movie goes to Ian Ziering's wig - although conspicuous - it did at least alter Ziering's appearance enough so that I didn't think I was watching the yuppie from 90210 leading a bunch of conquistadors into the heart of darkness. Ziering actually proves himself to be a more-than-capable actor in this movie, I actually bought his performance, or at least I forgot it was Ian Ziering anyway. I don't know whom his agent is, but he should get more work.

In closing, it was also a pleasure to see Jim McGee again. I've been a fan ever since his all too brief scene-stealing performance in 1988's Scrooged.

Alexander Quaresma - DeusExMachina529@aol.com\": {\"frequency\": 1, \"value\": \"I have never seen ...\"}, \"SPOILER WARNING: There are some minor spoilers in this review. Don't read it beyond the first paragraph if you plan on seeing the film.

The Disney Channel currently has a policy to make loads of movies and show one a month on the cable channel. Most of these are mediocre and drab, having a few good elements but still being a disappointment (`Phantom of the Megaplex,' `Stepsister From Planet Weird,' `Zenon: Girl of the 21st Century'). Every once in a great while, they make something really, really great (`Genius,' `The Other Me'). But once in a while The Disney Channel makes a huge mistake, and gives us a real stinker. This month (December 2000) The Disney Channel featured `The Ultimate Christmas Present,' which I thought was terrible due to poor writing and worse acting. Apparently, `The Brainiacs.com' was rushed out a few days before Christmas to get a jump on the holiday, because the plot has to do with toys. They even paid for a feature in the TV Guide, so I thought it must be better than the norm. I was in for a complete shock. Only Disney's `Model Behaviour' has been worse than this.

The plot was more far-fetched than normal. I usually let that slide, but here it just goes too far. Matthew Tyler gets very sick of his widowed father spending most of his time at work. His father owns a small toy factory that has taken out large loans at a scrupulous bank to stay afloat. Time and time again, his father has to skip out on the plans he makes with his son and daughter. Matthew decides that the only way he can spend time with his dad is if he becomes the boss and orders him to stay home. He gets a hair-brained idea to create a website where kids all around the world can find and send him a dollar to invest in a computer chip that his sister is inventing. That whole concept is full of fallacies. When kids send in millions of dollars, Matthew opens his own company's bank account and buys up most of his dad's business's stock. He is the secret boss, but he doesn't reveal this to his dad, but instead presents himself at board meetings as a cartoon image through a computer. That image itself is so complex (and ridiculous) that it isn't possible for someone to create it at home, much less someone who comes across as stupid as Matthew. To make a long plot short, Matthew orders his dad to spend more time having fun and doing stuff with his kids, but a federal agent shows up inquiring about Matthew's company, as it is fraudulent.

There's so much wrong here. As mentioned, the stuff they do here is impossible even for true geniuses, which these kids are not. The website, the cartoon image, the computer chip, even the stuff they are being taught in school, are far too advanced for these kids. The acting by most of the cast, especially Kevin Kilner, is terrible. Some familiar faces are wasted. Dom DeLuise plays the evil bank owner, but his part is a throwaway. He has one good scene with Alexandra Paul (who shows she has the ability to act) in which he explains his motives, but nothing more. And Rich Little is wasted in a small role as a judge. There's even some offensive and uncalled for anti-Russian jokes. But the greatest atrocities are the hard-hammered themes. These themes show up in many of The Disney Channel's films, but never before have these ultra-conservative messages been pounded so strongly. The typical `overworking parent' idea is really pushed hard, and after delivering it inappropriately in `The Ultimate Christmas Present,' seeing it again sours my mood. Family relations are important, but Disney must stop this endless preaching, because working is important to maintaining a workable family, too. Except for cancelling activities thanks to work, the father didn't come across as that bad, but I found it offensive when the grandmother told him `I don't like what I see.' Just as bad is the preaching of the idea that all single parents MUST marry if they want to raise their kids right. Enter Alexandra Paul, whose character, while important to the plot, is there solely to be the love interest for the father. This offensiveness only proves that the Disney brain trust lacks the brains to avoid scraping from the bottom of the Disney script barrel. Instead of letting this movie teach your kids how to commit serious fraud, wait for the next Disney Channel movie. It has to be better than this. Zantara's score: 1 out of 10.\": {\"frequency\": 1, \"value\": \"SPOILER WARNING: ...\"}, \"Excellent comedy starred by Dudley Moore supported by Liza Minnelli and good-speaking John Gielgud. Moore is Arthur, a man belonging to a multimillionaire family, who was near to get 750 million dollars provided that he marries to a lady (Susan) from another multimillionaire family. In principle, Arthur accepted the conditions, but he finally refused when he met nice and poor Linda Marolla (Liza Minneli). Arthur was just a parasite because he did not work, he only enjoyed himself drinking hard and having fun with prostitutes. After several serious thoughts in his life and for the first time, Arthur decided not to marry Susan only few minutes before their wedding. The end was happy for Linda and Arthur although the latter knew that his life will change in the coming future. This comedy is a good lesson for life for anyone. Rich people are not usually happy with their ways of life.\": {\"frequency\": 1, \"value\": \"Excellent comedy ...\"}, \"The first movie is pretty good. This one is pretty bad.

Recycles a lot of footage (including the opening credits and end title) from Criminally Insane. The new footage, shot on video, really sticks out as poorly done. Scenes lack proper lighting, the sound is sometimes nearly inaudible, there's even video glitches like the picture rolling and so on.

Like all bad sequels, it basically just repeats the story of the first one. Ethel kills everybody who shares her living space, often for reasons having to do with them getting in the way of food she wants.

At least it is only an extra on the DVD for the first one, which also includes the same director's film Satan's Black Wedding. Too bad it doesn't include the Death Nurse movies though.\": {\"frequency\": 1, \"value\": \"The first movie is ...\"}, \"\\\"Gespenster\\\" (2005) forms, together with \\\"Yella\\\" (2007), and \\\"Jerichow\\\" (2008), the Gespenster-trilogy of director Christian Petzold, doubtless one of the creme-De-la-creme German movie directors of our time.

Roughly, \\\"Gespenster\\\" tells the story of a French woman whose daughter had been kidnapped as a 3 years old child while the mother turned around her head for 1 minute in Berlin - and has never been seen ever. Since then, the mother keeps traveling to Berlin whenever there is a possibility and searches, by aid of time-dilated photography, for girls of the age of approximately the present age of her age. As we hear later in the movie, the mother was already a lot of times convinced that she had found her daughter Marie. However, this time, when she meets Nina, everything comes quite different.

The movie does not bring solutions, not even part-solutions, and insofar, it is rather disappointing. We are not getting equipped either in order to decide if the mother is really insane or not, if her actual daughter is still alive or not. Most disappointing is the end. After what we have witnessed in the movie, it is an imposition for the watcher that he is let alone as the auteur leaves Nina alone. The simple walking away symbolizing that nothing has changed, can be a strong effect of dramaturgy (f.ex. in \\\"Umberto D.\\\"), but in \\\"Gespenster\\\", it is displaced.

Since critics have been suggesting Freudian motives in this movie, let me give my own attempt: Why is it that similar persons do not know one another, especially not the persons that another similar person knows? This is quite an insane question, agreed, from the standpoint of Aristotelian logic, according to which the notion of the individual holds. The individual is such a person that does not share any of its defining characteristics with anyone else. So, the Aristotelian answer to my question is: They do not know one another because their similarity is by pure change. Everybody who is not insane, believes that. However, what about the case if these similar persons share other similarities which can hardly be by change, e.g. scarfs on their left under ankle or a heart-shaped birthmark under their right shoulder-blade? This is the metaphysical context out of which this movie is made, although I am not sure whether even the director has realized that. Despite our modern, Aristotelian world, the superstition, conserved in the mythologies of people around the globe that similar people also share parts of their individuality, and that individuality, therefore, is not something erratic, but rather diffusional, so that the borders between persons are open, such and similar believes build a strong backbone of irrational-ism despite our otherwise strongly rational thinking - a source of Gespenster of the most interesting kind.\": {\"frequency\": 1, \"value\": \"\\\"Gespenster\\\" ...\"}, \"It does not seem that this movie managed to please a lot of people. First off, not many seem to have seen it in the first place (I just bumped into it by accident), and then judging by the reviews and the rating, of those that did many did not enjoy it very much.

Well, I did. I usually tolerate Gere for his looks and his charm, and even though I did not consider him a great actor, I know he can do crazy pretty well (I liked his Mr Jones). But this performance is all different. He is not pretty in this one, and he is not charming. His character is completely different from anything I had seen from him up to that point---old, ugly, broken, determined. And Gere, in what to me is so far his best performance ever, pulls it off beautifully. I guess it is a sign of how well an actor does his job if you cannot imagine anyone else doing it instead---think Hopkins as Hannibal Lecter, or Washington as Alonzo in Training Day. That is how good Gere was here.

The rest of the cast were fine by me, too. I guess I would not have cast Danes in this role, mostly because I think she is too good-looking for it. But she actually does an excellent job, holding her own with a Gere in top form, which is no small feat. Strickland easily delivers the best supporting act, in a part that requires a considerable range from her. I actually think she owns the key scene with Gere and Danes, and that is quite an achievement.

So what about the rest of the movie, apart from some excellent acting? The story is perhaps not hugely surprising, some 8mm-ish aspects to it, but adding the \\\"veteran breaks in rookie\\\" storyline to the who-dunnit, and also (like Silence of the Lambs) adding a sense of urgency through trying to save the girl and the impending retirement of Gere's character. All that is a backdrop to the development of the two main characters, as they help each other settle into their respective new stations in life. That's a lot to accomplish in a 100 minutes, but it is done well, and we end up caring for the characters and what happens to them.

Direction and photography were adequate. I could have done without the modern music-video camera movements and cutting, but then I am an old curmudgeon, and it really wasn't all that bad, in fact I think it did help with the atmosphere of the movie, which as you might have guessed, by and large isn't a happy one.

Worth seeing.\": {\"frequency\": 1, \"value\": \"It does not seem ...\"}, \"I was eager to see \\\"Mr. Fix It\\\" because I'm a huge David Boreanaz fan. What I got, though, was a 1-1/2 hour nap. The premise seemed enjoyable: Boreanaz is Lance Valenteen, proprietor of a business called \\\"Mr. Fix It\\\", where dumped men enlist his help to get their girlfriends to take them back.

Among the problems with this movie are the editing, script, and acting. Although I've found Boreanaz delightful in his other film roles (with the exception of that \\\"Crow\\\" movie he did), this was disappointing. At times, his character was interesting and others, flat. The supporting cast reminded me of soap opera day players. I realize it wasn't a big-budget film, but some of the scene cuts and music just didn't seem right.

My advice: watch at your own risk.\": {\"frequency\": 1, \"value\": \"I was eager to see ...\"}, \"I took a flyer in renting this movie but I gotta say, it was very, very good. On all fronts: script, cast, director, photography, and high production values, etc. Proves Eva Longoria Parker is head and shoulders in rom/com above bad actors such as Kate Hudson and Jennifer Aniston, who mug and call it acting. Who'da thunk it?

Parker and Isla Fisher are in a class by themselves in this regard and should try to hold out for projects as good as \\\"Over Her Dead Body.\\\" Lake Bell is excellent, too, and this is the first time I have seen her. And finally, Paul Rudd gets to shine in a really good movie, instead of lesser films.

A movie like this never gets its dues from close-minded males. It's too bad. As other IMDb reviewers here have noted, there is nothing lame about this gem --no hack writing or acting.

And its depiction of contemporary L.A. and California, in general, makes every scene look bright, beautiful, clean, and otherwise outstanding in every way. Never before has a movie made L.A. look so good. Ah, what a little talent and a lot of caring can do for a movie.

I won't divulge the plot, but as a long-time and hard-core atheist, I was willing to suspend disbelief and buy into the supernatural theme in order to enjoy an excellent and light-hearted piece of entertainment. It reminds me very much of the old \\\"Topper\\\" movies, which were also so enjoyable.

This movie exposes popular, but otherwise hackneyed, movies like \\\"Ghost\\\" for the mediocre and overly sentimental crap fests they are. We already know the public taste leans heavily toward the mediocre. Some of us save our praise for the truly worthy, however.

If you have enjoyed other overlooked gems such as \\\"Into the Night\\\" with Michelle Pfeiffer, Jeff Goldblum and Clu Gulager, \\\"Blind Date\\\" with Bruce Willis and Kim Basinger, \\\"American Dreamer\\\" with JoBeth Williams, \\\"Chances Are\\\" with Robert Downey Jr., Christopher McDonald and Cybil Sheppard, \\\"Making Mr. Right\\\" with John Malkovich, etc., you'll enjoy this.

A first-rate job all around (even if it's kinda hard to believe a straight guy can pretend to be gay for more than five years.) But even that plot device doesn't detract from the movie's overall excellence.\": {\"frequency\": 1, \"value\": \"I took a flyer in ...\"}, \"Maybe it's the dubbing, or maybe it's the endless scenes of people crying, moaning or otherwise carrying on, but I found Europa '51 to be one of the most overwrought (and therefore annoying) films I've ever seen. The film starts out promisingly if familiarly, as mom Ingrid Bergman is too busy to spend time with her spoiled brat of a son (Sandro Franchina). Whilst mummy and daddy (bland Alexander Knox) entertain their guests at a dinner party, the youngster tries to kill himself, setting in motion a life changing series of events that find Bergman spending time showering compassion on the poor and needy. Spurred on by Communist newspaper editor Andrea (Ettore Giannini), she soon spends more time with the downtrodden than she does with her husband, who soon locks her up in an insane asylum for her troubles. Bergman plays the saint role to the hilt, echoing her 1948 role as Joan of Arc, and Rossellini does a fantastic job of lighting and filming her to best effect. Unfortunately, the script pounds its point home with ham-fisted subtlety, as Andrea and Mom take turns declaiming Marxist and Christian platitudes. By the final tear soaked scene, I had had more than my fill of these tiresome characters. A real step down for Rossellini as he stepped away from neo-realism and further embraced the mythical and mystical themes of 1950's Flowers of St. Francis.\": {\"frequency\": 1, \"value\": \"Maybe it's the ...\"}, \"This movie features an o.k. score and a not bad performance by David Muir as Dr. Hackenstein. The beginning and end credits show along with the most of the actors and the \\\"special effects\\\" that this is a low budget movie. There is nothing in this movie that you could not find in other mad scientist, horror/comedy, or low budget movies. Not special for any nude scene buffs or bad movie lovers either. This movie is simply here. Anne Ramsey and Phillis Diller are nothing to get excited about as well. If you are curious as I was and can actually find this, you will realize the truth of the one line summary.\": {\"frequency\": 1, \"value\": \"This movie ...\"}, \"I'm not going to bother with a plot synopsis since you know what the movie is about and there's almost no plot, anyway. I've seen several reviewers call ISOYG an 'anti-rape' film or even a feminist statement, and I just have to chime in on the galling hypocrisy of these claims.

First of all, what do we see on the cover of this movie? That's right: a shapely woman's behind. Whether it was Zarchi's attempt to make an anti-rape statement - and I absolutely don't believe it was - is entirely beside the point. The film is marketing sex and the titillation of sexual assault and the material is so graphic (everything but actual penetration is shown) that NO ONE but the hard core exploitation crowd will enjoy it.

The rape(s) in the film is uncomfortable, brutal and hard to watch. There's something to be said for presenting a horrible crime in such a brutal light, but there was no reason for this scene to go on for seemingly 30 minutes, none. There was also little character development of the victim and only one of the rapists is slightly developed (mere moments before he's murdered) so the scene isn't at all engaging on an emotional level. Really, it's just presented for the sake of showing extreme sexual violence and you can tell by the movies ISOYG is associated with on IMDb (Caligula, Cannibal Ferox, etc.) that it attracts only the exploitation crowd.

Finally, a few reviewers have commended Zarchi's so-called documentary style and lack of a soundtrack. But considering how inept everything else in the film is (acting, script, etc.) I suspect these were financial decisions and the film looks like a documentary because he literally stationed a camera and let his porn-caliber actors do their thing.

I'm not going to get all up on my high horse talking about the content of ISOYG. I'm all for exploitation / horror and love video nasties. In fact, I'm giving this movie three stars only because it truly does push the envelope so much further than some other films. However, it's also poorly made and after the rape occurs, just downright boring for the rest of the film as we watch a bunch of ho-hum, mostly gore-less murders and wait for the credits to roll.

This is probably worth watching once if you're a hardcore 70s exploitation fan but I'm telling you, the movie is overall pretty bad and not really worth its notorious reputation.\": {\"frequency\": 1, \"value\": \"I'm not going to ...\"}, \"This movie is just another average action flick, but it could have been so much better. When the guns come out they really needed some choreography help. Someone like Andy McNabb - who made that brilliant action sequence in Heat as they move up the street from the robbery - would have turned the dull action sequences into something special. Because the rest of the film was alright - predictable but watchable - better than you would expect from this type of movie. Then came the final scene, the show-down, the one we had been waiting for, but was like watching something from the A-Team in the 80s. They shoot wildly, nothing hits, and they run around a house trying to kill each other - same old, same old.\": {\"frequency\": 1, \"value\": \"This movie is just ...\"}, \"I love B movies..but come on....this wasn't even worth a grade...The ending was dumb...b/c THERE WAS NO REAL ENDING!!!..not to mention that it comes to life on its own...I mean no lighting storm or crazy demonic powers?? Slow as hell and then they just start killing off the characters one by one in like a 15 min time period...and i won't even start on the part of the thing killing the one guy without its head....and then you don't even get to see what Jigsaw even does with his so called \\\"new jigsaw puzzle\\\"....Unless you have nothing better to do...Id watch paint dry before Id recommend this God-forsaken movie to anyone else...oh and to make it even better the other movie totem you can see the guy throwing the one creature in the basement scene from the window..that was funny as hell and probably the only good part of watching that waste of film\": {\"frequency\": 1, \"value\": \"I love B ...\"}, \"This film was very well advertised. I am an avid movie goer and have seen previews for this movie for months. While I was somewhat skeptical of how funny this movie would actually be, my friends thought it was going to be great and hyped me up about it. Then I went and saw it, I was sunk down in my seat almost asleep until I remembered that I had paid for this movie. I made myself laugh at most of the stuff in the movie just so i wouldnt feel bad and destroy the good mood I was in, plus I wanted to get my monies worth out of the movie! I always go into a movie with an open mind, not trying to go into them with too many expectations, but this movie was not that funny. Now it wasnt the worst movie I've ever seen, but it is definitely worth waiting for HBO. If you havent seen many previews for the movie or you like very slow and corny comedies you may enjoy it, but for true comedy fans Id say pass. Maybe even check out The Kings of Comedy again. Something told me to go see Meet the Parents instead!!!\": {\"frequency\": 1, \"value\": \"This film was very ...\"}, \"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!\": {\"frequency\": 1, \"value\": \"The material in ...\"}, \"I can't believe that this movie even made it to video, and that video rental stores are willing to put it on their shelves. I literary asked for a refund. Take away the fact that the movie has no historical truth it, and it is still the worse movie ever found in a video store. It is not even good enough to be called a B rated movie. Do not waste your money or your time on this movie. Just listing to the voice over and the horrible music made me sick. Anyone involved with this movie should be pulled from the union, gives the industry a black mark, but after watching most of this movie I really don't think anyone involved is a union member.\": {\"frequency\": 1, \"value\": \"I can't believe ...\"}, \"The penultimate episode of Star Trek's third season is excellent and a highlight of the much maligned final season. Essentially, Spock, McCoy and Kirk beam down to Sarpeidon to find the planet's population completely missing except for the presence of a giant library and Mr. Atoz, the librarian. All 3 Trek characters soon accidentally walk into a time travel machine into different periods of Sarpeidon's past. Spock gives a convincing performance as an Ice Age Vulcan who falls in love for Zarabeth while Kirk reprises his unhappy experience with time travel--see the 'City on the Edge of Forever'--when he is accused of witchcraft and jailed before escaping and finding the doorway back in time to Sarpeidon's present. In the end, all 3 Trek characters are saved mere minutes before the Beta Niobe star around Sarpeidon goes supernova. The Enterprise warps away just as the star explodes.

Ironically, as William Shatner notes in his book \\\"Star Trek Memories,\\\" this show was the source of some dispute since Leonard Nimoy noticed that no reason was given in Lisette's script for the reason why Spock was behaving in such an emotional way. Nimoy relayed his misgivings here directly to the show's executive producer, Fred Freiberger, that Vulcans weren't supposed to fall in love. (p.272) However, Freiberger reasoned, the ice age setting allowed Spock to experience emotions since this was a time when Vulcans still had not evolved into their completely logical present state. This was a great example of improvisation on Freiberger's part to save a script which was far above average for this particular episode. While Shatner notes that the decline in script quality for the third season hurt Spock artistically since his character was forced to bray like a donkey in \\\"Plato's Stepchildren,\\\" play music with Hippies in \\\"the Way to Eden\\\" or sometimes display emotion, the script here was more believable. Spock's acting here was excellent as Freiberger candidly admitted to Shatner. (p.272) The only obvious plot hole is the fact that since both Spock and McCoy travelled thousands of years back in time, McCoy too should have reverted to a more primitive human state, not just Spock. But this is a forgivable error considering the poor quality of many other season 3 shows, the brilliant Spock/McCoy performance and the originality of this script. Who could have imagined that the present inhabitants of Sarpeidon would escape their doomed planet's fate by travelling into their past? This is certainly what we came to expect from the best of 'Classic Trek'--a genuinely inspired story.

Shatner, in 'Memories', named some of his best \\\"unusual and high quality shows\\\" of season 3 as The Enterprise Incident, Day of the Dove, Is there in Truth no Beauty, The Tholian Web, And the children Shall Lead and The Paradise Syndrome. (p.273) While my personal opinion is that 'And the children Shall Lead' is a very poor episode while 'Is there in Truth no Beauty' is problematic, \\\"All Our Yesterdays\\\" certainly belongs on the list of top season three Star Trek TOS films. I give a 9 out of 10 for 'All Our Yesterdays.'\": {\"frequency\": 1, \"value\": \"The penultimate ...\"}, \"Why Hollywood feels the need to remake movies that were so brilliant their prime (The Texas Chainsaw Massacre, The Hills Have Eyes) but is it considerably worse why Hollywood feels the need to remake those horror films that weren't brilliant to start with (Prom Night, The Amityville Horror) Much like their originals these remakes fail in creating atmosphere, character or any genuine scares at all. Prom night is so flat and uninteresting its hard to watch, but for all the wrong reasons.

It's a poorly acted, massively uninteresting and ultimately dull excursion that fails at everything its designed to do. It's clear Hollywood Horror is dead. Even The likes of The Hills Have Eyes and The Texas Chainsaw Massacre managed to ruin their franchises in style with buckets of blood and a decent plot. Prom night is virtually bloodless and I'm not even going to mention how bad the plot is. Its inability to seal the killers identify makes this the least suspenseful horror movie since erm... the original.

One of the most notorious slasher films of the 1980s returns to terrorize filmgoers with this remake that proves just how horrifying high school dances can truly be. Donna Keppel (Brittany Snow) has survived a terrible tragedy, but now the time has come to leave the past behind and celebrate her senior prom in style.

When the big night finally arrives, Donna and her best friends prepare to enjoy their last big high-school blowout by living it up and partying till dawn. But while Donna is willing to look past her nightmares and into a brighter future, the man she thought she had escaped forever has returned for one last dance. An obsessed killer is on the loose, and he'll slay anyone who attempts to prevent him from reaching his one and only Donna.

Who will survive to see graduation day, and what will Donna do when she's forced to confront her greatest fear? Scott Porter, Jessica Stroup, and Dana Davis co-star in the slasher remake that will have tuxedo-clad teens everywhere nervously looking over their shoulders as they file out onto the dance floor. A plot that will probably put you off going to see this. Witch if you ask me is a good thing.

Without much to work with, McCormick gamely tries to milk tension out of the most banal of situations. At one point, a girl backs into a floor lamp (a lamp!) and McCormick tries to pump it up into a jump-scare moment. Desperate times really do call for desperate measures. There haven't been this many shots of closets since the last IKEA catalogue.

In the era of The Hills, My Super Sweet 16 and To Catch a Predator, there probably is a freaky, scary movie to be mined from the commoditisation of glamour and society's creepy obsession with youthful beauty. This is not that movie.

My final verdict? Avoid at all cost. Nobody will like Prom Night, it's even a disappointment to thoses who usually enjoy hack-job remakes. Considering its absolute lack of blood or frights. A night you'll be in a hurry to forget.\": {\"frequency\": 1, \"value\": \"Why Hollywood ...\"}, \"The point of the vastly extended preparatory phase of this Star is Born story seems to be to make ultimate success all the more sublime. Summer Phoenix is very effective as an inarticulate young woman imprisoned within herself but never convincing as the stage actress of growing fame who both overcomes and profits from this detachment. Even in the lengthy scenes of Esther's acting lessons, we never see her carry out the teacher's instructions. After suffering through Esther's (largely self-inflicted) pain in excruciating detail, we are given no persuasive sense of her triumph.

The obsessive presence of the heroine's pain seems to be meant as a guarantee of aesthetic transcendence. Yet the causes of this pain (poverty, quasi-autism, Judaism, sexual betrayal) never come together in a coherent whole. A 163-minute film with a simple plot should be able to knit up its loose ends. Esther Kahn is still not ready to go before an audience.\": {\"frequency\": 1, \"value\": \"The point of the ...\"}, \"If you liked the first two films, then I'm sorry to say you're not going to like this one. This is the really rubbish and unnecessary straight to video, probably TV made sequel. The still idiotic but nice scientist Wayne Szalinski (Rick Moranis) is still living with his family and he has his own company, Szalinski Inc. Unfortunately his wife wants to get rid of a statue, Wayne is so stupid he shrinks his statue and himself with his brother. Then he shrinks his wife and sister-in-law too. Now the adults have to find a way to get the kids of the house to get them bigger. Pretty much a repeat of the other two with only one or two new things, e.g. a toy car roller coaster, swimming in dip, etc. Pretty poor!\": {\"frequency\": 1, \"value\": \"If you liked the ...\"}, \"I happened to borrow this movie from a friend knowing nothing about it, and it turned out to be an outstanding documentary about a journey on an ancient vessel across vast expanses of the ocean. Thor Heyerdahl had developed a theory that the ancient Incas in Peru managed to travel thousands of miles across the ocean to Polynesia, based on certain relics that are found in both places, certain types of ancient sea-going vessels that we know they had available, analysis of ocean and wind currents, and the knowledge that the Incas did, in fact, travel in some undetermined amount at sea.

In order to test his hypothesis, Heyerdahl and his crew construct a vessel as closely as possible to what the ancient Incas had available, using only balsa wood and other materials available at the time, and set out from Lima, Peru's capital, to try to reach the islands of Polynesia, some 5,000 miles away.

His theory, like so much about ancient history, is impossible to prove with 100% certainty, but the coverage of their journey provides for strong support that he is right. The film is really little more than narration of footage taken during the 100+ day expedition, but it is a very detailed description of what it was like and the trials and tribulations that they faced. I often wish that Academy Award winning documentaries were easier to find, and this one from more than 50 years ago is still as interesting and informative as I am sure it was when it was first released.\": {\"frequency\": 1, \"value\": \"I happened to ...\"}, \"Well, I had seen \\\"They all laughed\\\" when it came out in

Europe around 1982 and had kept a vague but dear souvenir of it. I 've just seen it again on tape, almost twenty years after... Bogdanovich has a true heartfelt tenderness over his characters and a kind sympathy which is difficult not to feel also. Excellent comedians and actors, good lines all over and for everyone and pretty good editing, too. I laughed and smiled all the time. Just as we all do, at times. Go get it.\": {\"frequency\": 1, \"value\": \"Well, I had seen ...\"}, \"This \\\"clever\\\" film was originally a Japanese film. And while I assume that original film was pretty bad, it was made a good bit worse when American-International Films hacked the film to pieces and inserted American-made segments to fool the audience. Now unless your audience is made of total idiots, it becomes painfully obvious that this was done--and done with little finesse or care about the final product. The bottom line is that you have a lot of clearly Japanese scenes and then clearly American scenes where the film looks quite different. Plus, the American scenes really are meaningless and consist of two different groups of people at meetings just talking about Gamera--the evil flying turtle! And although this is a fire-breathing, flying and destructive monster, there is practically no energy because I assume the actors were just embarrassed by being in this wretched film--in particular, film veterans Brian Donlevy and Albert Dekker. They both just looked tired and ill-at-ease for being there.

Now as for the monster, it's not quite the standard Godzilla-like creature. Seeing a giant fanged turtle retract his head and limbs and begin spinning through the air like a missile is hilarious. On the other hand, the crappy model planes, destructible balsa buildings and power plant are, as usual, in this film and come as no surprise. Plus an odd Japanese monster movie clich\\ufffd\\ufffd is included that will frankly annoy most non-Japanese audience members, and that is the \\\"adorable and precocious little boy who loves the monster and believes in him\\\". Yeah, right. Well, just like in GODZILLA VERSUS THE SMOG MONSTER and several other films, you've got this annoying creep cheering on the monster, though unlike later incarnations of Godzilla, Gamera is NOT a good guy and it turns out in the end the kid is just an idiot! Silly, exceptional poor special effects that could be done better by the average seven year-old, bad acting, meaningless American clips and occasionally horrid voice dubbing make this a wretched film. Oddly, while most will surely hate this film (and that stupid kid), there is a small and very vocal minority that love these films and compare them to Bergman and Kurosawa. Don't believe them--this IS a terrible film!

FYI--Apparently due to his terrific stage presence, Gamera was featured in several more films in the 60s as well as some recent incarnations. None of these change the central fact that he is a fire-breathing flying turtle or that the movies are really, really lame.\": {\"frequency\": 1, \"value\": \"This \\\"clever\\\" film ...\"}, \"Kiera Nightly moved straight from the P&P set to this action movie... she could hardly have chosen to remake her image more dramatically. A great success in Love Actually and as Lizie in Jane Austen's classic, she is, once again, \\\"having a go\\\". Just as her bikini clad warrier woman in King Arthur was more skin than muscle, it is difficult to imagine this delicate frame standing up to a bounty hunters life... but then this is exactly what Domino Harvey (the real one) did, and I (being one of Nightly's biggest fans) believe she carries if off.

Stuff....

* 90210 (for the non American world) is the post code of Beverly hills in LA, where all the film stars live. * Domino Harvey father's mostfamous film was Manchurian Candidate (which appears in the film). * Domino Harvey died of a drug overdose in her bath before the film came out in June 2005, after having been arrested for drug dealing. She had just completed the negotiation for some of her music to be inlcuded in the film. * Kiera Knightly alludes to Domino Harvey's sexuality in her interview with Lucy Liu.

If you find this film a bit far fetched, then check out Domino Harvey, as the facts are more amazing than the fiction.\": {\"frequency\": 1, \"value\": \"Kiera Nightly ...\"}, \"Directed by Govind Nihalani, this is definite cop film of Indian cinema. May be the first one which portrayed the stark reality of corruption in the police force & politics with no holds barred & how it effects on a young cop. A man forced to join a career of a cop by his cop father. Agreed that we grew up watching lot of good cop/bad cop Hindi films but this is different. Today's generation, which grown up watching dark & realistic films like- 'Satya', 'Company' may be consider it inferior product in comparison but look at the time of its making. The film was made absolutely off beat tone in the time when people didn't pay much attention to such kind of cinema & yet it becomes a most sought after cop film in class & mass audience when it released. For Om Puri its first breakthrough in mainstream Hindi cinema & he delivered a class performance as Inspector Velankar. Its more than cop character, he internalized a lot which is something original in acting. Watch his scenes with his father whom he hates & Smita whom he loves. Smita Patil maintained the dignity of her character to the expected level. My God what a natural expressions she carried!!! Shafi Inamdar was truly a discovery for me & he's a brilliant character actor if given a chance & here in some of the scenes he outsmarted even Om. The movie is also a debut of a promising villain on Indian screen- Sadashiv Amrapurkar as 'Rama Shetty'. It's another story that he didn't get such a meaty role & almost forgotten today as one of the loud villain of Dharmendra's B grade action films. Watch the scene where Om 1st time becomes a rebel for his father (played by Amrish Puri) & next both are sharing wine together. How inner truth started revealing for both the character with confronting feelings of love & hate for each other. Two faces of Indian Police Force- Masculinity & Impotency and in between lies- half truth (ardh satya)\\ufffd\\ufffdKudos to Nihalani's touch. The film won 2 National Awards as Best Hindi Feature Film & Best Actor- Om Puri & 3 Filmfare Awards in Best Film, Best Director & Best Supporting Actor Categories.

Recommended to all who are interested in nostalgia of serious Hindi films.

Ratings- 8/10\": {\"frequency\": 1, \"value\": \"Directed by Govind ...\"}, \"Kate Miller (Angie Dickinson) is having problems in her marriage and otherwise--enough to see a psychologist. When her promiscuity gets her into trouble, it also involves a bystander, Liz Blake (Nancy Allen), who becomes wrapped up in an investigation to discover the identity of a psycho killer.

Dressed to Kill is somewhat important historically. It is one of the earlier examples of a contemporary style of thriller that as of this writing has extensions all the way through Hide and Seek (2005). It's odd then that director Brian De Palma was basically trying to crib Hitchcock. For example, De Palma literally lifts parts of Vertigo (1958) for Dressed to Kill's infamous museum scene. Dressed to Kill's shower scenes, as well as its villain and method of death have similarities to Psycho (1960). De Palma also employs a prominent score with recurrent motifs in the style of Hitchcock's favorite composer Bernard Herrmann. The similarities do not end there.

But De Palma, whether by accident or skill, manages to make an oblique turn from, or perhaps transcend, his influence, with Dressed to Kill having an attitude, structure and flow that has been influential. Maybe partially because of this influence, Dressed to Kill is also deeply flawed when viewed at this point in time. Countless subsequent directors have taken their Hitchcock-like De Palma and honed it, improving nearly every element, so that watched now, after 25 years' worth of influenced thrillers, much of Dressed to Kill seems agonizingly paced, structurally clunky and plot-wise inept.

One aspect of the film that unfortunately hasn't been improved is Dressed to Kill's sex and nudity scenes. Both Dickinson and Allen treat us to full frontal nudity (Allen's being from a very skewed angle), and De Palma has lingering shots of Dickinson's breasts, strongly implicit masturbation, and more visceral sex scenes than are usually found in contemporary films. Quite a few scenes approach soft-core porn. I'm no fan of prudishness--quite the opposite. Our culture's puritanical, monogamistic, sheltered attitude towards sex and nudity is disturbing to me. So from my perspective, it's lamentable that Dressed to Kill's emphasis on flesh and its pleasures is one of the few aspects in which others have not strongly followed suit or trumped the film. Perhaps it has been desired, but they have not been allowed to follow suit because of cultural controls from conservative stuffed shirts.

De Palma's direction of cinematography and the staging of some scenes are also good enough that it is difficult to do something in the same style better than De Palma does it. He has an odd, characteristic approach to close-ups, and he's fond of shots from interesting angles, such as overhead views and James Whale-like tracking across distant cutaways in the sets. Of course later directors have been flashier, but it's difficult to say that they've been better. Viewed for film-making prowess, at least, the museum scene is remarkable in its ability to build very subtle tension over a dropped glove and a glance or two while following Kate through the intricately nested cubes of the Metropolitan Museum of Art.

On the other hand, from a point of view caring about the story, and especially if one is expecting to watch a thriller, everything through the museum scene and slightly beyond might seem too slow and silly. Because of its removal from the main genre of the film and its primary concern with directorial panache (as well as cultural facts external to the film), the opening seems like a not very well integrated attempt to titillate and be risqu\\ufffd\\ufffd. Once the first murder occurs, things improve, but because of the film's eventual influence, much of the improvement now seems a bit clich\\ufffd\\ufffdd and occasionally hokey.

The performances are mostly good, although Michael Caine is underused, and Dickinson has to exit sooner than we'd like (but the exit is necessary and very effective). Dressed to Kill is at least likely to hold your interest until the end, but because of facts not contained in the picture itself, hasn't exactly aged well. At this point it is perhaps best to watch the film primarily as a historical relic and as an example--but not the best, even for that era--of some of De Palma's directorial flair.\": {\"frequency\": 1, \"value\": \"Kate Miller (Angie ...\"}, \"I don't know whether to recommend this movie to the fans of \\\" Tetsuo \\\" or not . Why \\\" Tetsuo \\\" ? Because you can easily label some things about this movie as a very obvious \\\" Tetsuo \\\" rip - off . The concept is similar , editing is equally frantic and fast - which is good because , aside from making the movie more dynamic , it obscures some flaws caused by low budget and other factors .

There is lot more gore , less eroticism and , in the case of \\\" Meatball machine \\\" , the transformation of human being into a creature that's partially a machine( sounds familiar ? ) called \\\" Necroborg \\\" ( very original ) is caused by slimy little aliens .

These slimy little scums from outer space actually use human beings as vessels for their gladiator games that they play with each other . They infest the body , somehow manage to put an insane amount of mechanical parts in it pulling them seemingly out of nowhere and turn it into a killing machine that targets other Necroborgs . Their aim is to defeat another alien who is in another Necroborg , rip it out of the corpse and eat it .

All in all , the plot sounds somewhat silly and I didn't expect much , but at the end I actually enjoyed this film .

As I said before , this is a low budget flick , but it's still relatively decent . Don't expect much from actors , they're mostly not very good , but it can be tolerated . I liked the atmosphere and gore , certain bizarre situations and the way the movie is directed and edited . Although the story is not too original , it possesses certain charm - to me at least .

7 out of 10 .\": {\"frequency\": 1, \"value\": \"I don't know ...\"}, \"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\\\")\": {\"frequency\": 1, \"value\": \"In Paris, the shy ...\"}, \"Paul Naschy made a great number of horror films. In terms of quality, they tend to range from fairly good to unwatchable trash; and unfortunately, Horror Rises from the Tomb is closer to the latter. The plot is just your average story of a witch, wizard or (as is the case here) warlock, who is put to death - but not before swearing vengeance on those who did it...etc etc. We then get a s\\ufffd\\ufffdance and one thing leads to another, and pretty soon the executed warlock is up to no good again. The plot is slow, painfully boring and the film constantly feels pointless. The characters string out reams of diatribe and it never serves the film in any way whatsoever. Paul Naschy wrote the script, and if you ask me he should stick to acting because the dialogue is trite in the extreme, and only serves to make the film even more boring than it already is. Carlos Aured, who also directed Naschy in Blue Eyes of the Broken Doll and Curse of the Devil provides dull direction here, which likes the dialogue does nothing to help the film. Sometimes crap films like this have a certain charm about them; but Horror Rises from the Tomb doesn't even have that. This is a painfully boring film that has little or nothing in the way of interest.\": {\"frequency\": 1, \"value\": \"Paul Naschy made a ...\"}, \"An unusual take on time travel: instead of traveling to Earth's past, the main trio get stuck in the past history of another planet. They beam down to this planet, whose sun is scheduled to go nova in 3 or 4 hours (that's cutting it close!). In some kind of futuristic library, they meet Mr. Atoz (A to Z, get it? ha-ha) and his duplicates. It turns out, instead of escaping their planet's destruction via space travel, the usual way, the inhabitants have all escaped into their planet's various past time eras. Mr. Atoz uses a time machine to send people on their way after they make a selection (check out the discs we see here, another Trek prognostication of CDs and DVDs!). When Mr. Atoz prepares the machine (the Atavachron-what-sis), gallant Kirk hears a woman's scream and runs into the planet's version of Earth's 17th century, where he gets into a sword fight and is arrested for witchery. There's an eccentric but good performance here by the actress playing a female of ill repute in this time, using phrasing of the time (\\\"...you're a bully fine coo.. Witch! Witch! They'll burn ye...!\\\"). Spock & McCoy follow Kirk, but end up in an ice age, 5000 years earlier.

Kirk manages to get back to the library first. The real story here is Spock's reversion to the barbaric tendencies of his ancestors, the warlike Vulcans of 5000 years ago. This doesn't really make sense, except that maybe this time machine is responsible for the change (even so, Spock & McCoy weren't 'prepared' by Atoz - oh, well; it also seems to me Spock was affected by the transition almost immediately - he mentions being from 'millions of light years' away, instead of the correct hundreds or thousands - a gross error for a logical Vulcan). In any case, Spock really shows his nasty side here - forget \\\"Day of the Dove\\\" and remember \\\"This Side of Paradise\\\" - McCoy quickly finds out that his Vulcan buddy will not stand for any of his usual baiting and nearly gets his face rearranged. Spock also gets it on with Zarabeth, a comely female who had been exiled to this cold past as punishment (a couple of Trek novels were written about Spock's son, the result of this union). All these scenes are eye-openers, a reminder of just how much Spock conceals or holds in. It's also ironic that, only a few episodes earlier (\\\"Requiem for Methuselah\\\"), McCoy was pointing out to Spock how he would never know the pain of love - and now all this happens. Kirk, meanwhile, tussles with the elderly Atoz, who insists that Kirk head back to some past era (\\\"You are evidently a suicidal maniac\\\" - great stuff from actor Wolfe, last seen in \\\"Bread and Circuses\\\"). It all works out in the end, but, like I mentioned earlier, they cut it very close. A neat little Trek adventure, with a definite cosmic slant.\": {\"frequency\": 1, \"value\": \"An unusual take on ...\"}, \"I was interested to see the move thinking that it might be a diamond in the rough, but the only thing I found was bad writing, horrible directing (the shot sequences do not flow) even though the director might say that that is what he is going for, it looks very uninspired and immature) the editing could have been done by anyone with 2 VCRs and the stock was low budget video. I would say that it wasn't even something as simple as mini digital video.

There are some simple ways to fix a film with what the director has, like through editing etc. But it is obvious that he just doesn't care. There is as much effort put in to this movie as a ham sandwich. It could be made better, but that would mean extra work.\": {\"frequency\": 1, \"value\": \"I was interested ...\"}, \"Having heard so many people raving about this film I thought I'd give it a go. Apart from being incredibly slow, which I don't mind as long as the wait is worth it, but it just isn't. As many others have said there are so many inconsistencies and so much of this film just doesn't ring true. The reaction of the 4 men switches from shock, horror on finding the body to complete indifference whilst they fish. Surely if they were the type of men that would go on happily fishing, then they would have just reported the body and said they had only discovered it after their fishing trip....why on earth tie the body to a tree, go fishing and then tell everyone you found the body 2 days previously? Its so hard to watch a film knowing that the behaviour of the main characters is so inconsistent. As for the rest of the townsfolk, well you'd think at least one of them might show some curiosity about who actually killed the woman! The body itself, naked except for the knickers....what scenario leads to that? If she was raped then why still the knickers? If she was raped with the clothes on, then why remove them afterwards bar the knickers? If she wasn't raped, then why take all her clothes off bar the knickers....leaving yourself with evidence to dispose of? I truly cant think of any realistic scenario that would lead to that other than killing someone to steal their clothes so you can fill up your jumble sale stall! Oh well its watchable but only just and only because, despite the poor script, the acting is strong.\": {\"frequency\": 1, \"value\": \"Having heard so ...\"}, \"Well, if you are looking for a great mind control movie, this is it. No movie has had so many gorgeous women under mind control, and naked. Marie Forsa, as the busty Helga, is under just about everytime she falls asleep and a few times when she isn't. One wishes they made more movies like this one.\": {\"frequency\": 1, \"value\": \"Well, if you are ...\"}, \"This is my kind of film. I am fascinated by strange psychotic nightmares and this movie is just that. But it is also a dark comedy. While I see it mostly as a horror/thriller, there will be others who might see it as a black dramatic comedy.

But either way, it is a fascinating descent into madness. The ending caught me off guard, but what an ending! It leaves the viewer a lot to think about.

Powerful performances, a complex and detailed plot, a great script filled with dread and dashes of humor, and an eerie atmosphere make this a film worth watching.

Personally, I think that I will need to watch this several more times to pick up and understand all the subtleties that are within. But it is such a film that it will be a pleasure and not a chore so to do.\": {\"frequency\": 1, \"value\": \"This is my kind of ...\"}, \"It is a good film for kids who love dogs. It runs a bit slow early on but ends if a flurry of gooped up De Vil. The basic plot is the same as the first movie. The bright side of the movie for adults is the talking bird that thinks it is a dog. The bird talks like a human(Eric Idle of Monty Python) and barks like a dog. It is the comedy that the film needed more of. See it in the matinee so you don't have to pay full price or wait for it to appear on Disney.\": {\"frequency\": 1, \"value\": \"It is a good film ...\"}, \"It is like what the title of this thread say. Only impression I got from that movie is that Marlee Matlin's character was always angry, so cynical, and so pathetic. Her character's first date with William Hurt's character where they were dancing were dumb. All in all, I've tried to finish watching the movie four times, and of all four times I fell asleep. I would keep watching that movie with one intention... to beat my problem with insomnia, because all it do is to put me to sleep. Sweet dream.\": {\"frequency\": 1, \"value\": \"It is like what ...\"}, \"Previous commentator Steve Richmond stated that A Walk On The Moon is, in his words \\\"not worth your $7\\\". I ended up paying a bit more than that to import what is one of the worst-quality DVDs I have yet seen, of this film or any film in existence. Even when you ignore the fact that the DVD is clearly sourced from an interlaced master and just plain nasty to watch in motion, the film has no redeeming qualities (save Anna's presence) to make watching a top quality Blu-Ray transfer worthwhile. Not that this is any fault of the other actors. Liev Schreiber, Diane Lane, Tovah Feldshuh, and Viggo Mortensen all score high on the relative to Anna Paquin acting ability chart. Far more so than Holly Hunter or Sam Neill did in spite of an equally lousy script, anyway. Director Tony Goldwyn's resume is nothing to crow about, but Pamela Gray's resume includes Wes Craven's most dramatic excursions outside of the horror or slasher genre, so one could be forgiven for thinking this is a case of bad direction.

As I have indicated already, the sole reason I watched this film is Anna Paquin. In her acting debut, she literally acted veterans of the industry with a minimum of twelve years' experience above hers under the table. While she is not as far ahead of her castmates here, her performance as a girl that starts the piece as a brat and grows into a woman whose world is crashing down around her proves her Oscar was no fluke. For some time I have been stating to friends that she would be the best choice to portray the heroine of my second complete novel, and a dialogue seventy-three minutes into this film is yet another demonstration of why. This woman could literally act the paint off walls. Anna aside, only Liev Schreiber comes close to eliciting any sympathy from an audience. Sure, his character spends the vast majority of the film neglecting a wife with an existential crisis, but he plays the angered reaction of a man who feels cheated brilliantly. I should know, even if it is not from the same circumstances here.

Viggo Mortensen also deserves credit for his portrayal of a travelling salesman, although perhaps not to the same extent. In a manner of speaking, he is the villain of the piece, but he successfully gives the character a third dimension. Yes, his actions even after the whole thing explodes are underhanded, but not many men would act any differently in his situation. Nobody wants to be the other man in this kind of messed-up situation, so Viggo deserves a lot of credit for giving it a try here. Unfortunately, these are all participants in a story about a woman who feels trapped in a stagnant marriage where Tovah Feldshuh tells us that the Mills And Boon archetype of women being the only ones who feel life is passing by simply does not exist. Either writer Pamela Gray or director Tony Goldwyn thought they could just put this line into the film without thinking of how the audience might receive it. Anna even gets to speak the mind of the audience when she asks Diane who she is to be lecturing anyone about responsibility.

That said, the film does have a couple of things besides Anna going for it. Mason Daring's original music, while not standing out in any way, gives the film a certain feeling of being keyed into the time depicted that helps where the other elements do not. Roger Ebert is right when he points out that while Liev is a great actor, putting him alongside Viggo in the story of a woman forced to choose between her marriage and her fantasy is a big mistake. He is also very correct in that when the film lingers over scenes of Lane and Mortensen skinny-dipping or mounting one another under a waterfall, it loses focus from being a story of a transgression and becomes soft porn. The film seems terminally confused about the position of its story. No matter how many times I rewatch Liev's scenes, I cannot help but feel he has been shortchanged in the direction or editing. One does not have to make their leads particularly handsome or beautiful, but taking steps to make them the most interesting or developed characters in the piece would have gone a long way.

Ebert also hits the nail right on the head when he says that every time he saw Anna on the screen, he thought her character was where the real story lay. Stories about the wife feeling neglected and running into the arms of a man who seems interesting or even dangerous are a dime a dozen, to such an extent now that even setting the story in parallel with an event as Earth-shattering as the moon landing will not help. In spite of feeling revulsion at the manner in which her character's story is presented, Anna might as well be walking around with a neon sign above her head asking the audience if they would not prefer to see the whole thing through her eyes. While I am all too aware that it is difficult to control exactly which character your audience will find the most interesting from your cast, it is very much as if they did not bother to try with Lane and Schreiber. Fans of these two would be well advised to look elsewhere. Hopefully by now my ramblings about the respective performances will give some idea of where the whole thing went wrong.

I gave A Walk On The Moon a three out of ten. Anna Paquin earns it a bonus point with one of her best performances (and that is saying something).\": {\"frequency\": 1, \"value\": \"Previous ...\"}, \"Elizabeth Rohm was the weakest actress of all the Law and Order ADA's and her acting is even worse here. Her attempts at a Texas accent are amateurish and unrealistic. Nor can she adequately summon the intense emotions needed to play the mother of a kidnapped child; at times while her daughter is missing she manages to sound only vaguely annoyed, as if she can't remember where she left her keys.

This is an important true story, so it's too bad that the awful acting of the lead actress distracts so much from the message. The rest of the cast is talented enough, but they just can't overcome Rohm's tendency to simply lay on a particularly thick imitation of a Southern drawl whenever actual acting is required.\": {\"frequency\": 1, \"value\": \"Elizabeth Rohm was ...\"}, \"Xizao is a rare little movie. It is simple and undemanding, and at the same time so rewarding in emotion and joy. The story is simple, and the theme of old and new clashing is wonderfully introduced in the first scenes. This theme is the essence of the movie, but it would have fallen flat if it wasn't for the magnificent characters and the actors portraying them.

The aging patriarch, Master Liu, is a relic of China's pre-expansion days. He runs a bath house in an old neighbourhood. Every single scene set in the bath house is a source of jelaousy for us stressed out, unhappy people. Not even hardened cynics can find any flaws in this wonderful setting.

Master Liu's mentally handicapped son Er Ming is the second truly powerful character in the movie, coupled with his modern-life brother. The interactions between these three people, and the various visitors to the bath house, are amazingly detailed and heart-felt, with some scenes packing so much emotion it's beyond almost everything seen in movies.

With its regime-critical message, this movie was not only censored, but also given unreasonably small coverage. It could be a coincidence, but when a movie of this caliber is virtually impossible to find, even on the internet(!), you can't help getting suspicious.

So help free speech and the movie world, buy, rent, copy this wonderful movie, and if you happen to own the DVD, if there even is one, then share share share!\": {\"frequency\": 1, \"value\": \"Xizao is a rare ...\"}, \"My fondness for Chris Rock varies with his movies,I hated him after Lethal Weapon 4,but I hated everyone in that movie after it.I like him when he is himself and not holding back,like in Dogma. Well this is his best yet,wasn't expecting this to be that good.Laughed my arse off the whole time. Chris Rock delivers a sweet wonderful story backed by some of the funniest comedy I've seen in quite some time. Loved it.\": {\"frequency\": 1, \"value\": \"My fondness for ...\"}, \"That this poor excuse for an amateur hour showcase was heralded at Sundance is a great example of what is wrong with most indie filmmakers these days.

First of all, there is such a thing as the art of cinematography. Just picking up a 16mm camera and pointing it at whomever has a line does not make for a real movie.

I guess we have to consider ourselves lucky the director didn't pick up someone's camcorder...

Second, indie films are supposed to be about real people. There's nothing real in this film. None of the characters come across as being even remotely human.

What they come across as being is figments of the imagination of a writer trying to impress his buddies by showing them how \\\"cool and edgy\\\" he is.

Sorry, but this is not good writing, or good directing.

What is left is a husk of a bad movie that somehow made its way to Sundance. Hard to believe this was one of the best films submitted...

In any case, it made me loose what was left of my respect for the Sundance brand.\": {\"frequency\": 1, \"value\": \"That this poor ...\"}, \"In addition to being an extremely fun movie, may I add that the costumes and scenery were wonderful. This kind, fun loving woman had a great deal of money. Unfortunately, she also had two greedy daughters who were anxious to get their hands on her money. This woman was lonely since the death of her husband. He had proposed to her in a theater that was going to be torn down. To prevent that, she bought it. Her daughters were afraid she was throwing away \\\"their\\\" money and decided to take action. The character actors in this film were a great plus also. I would give almost anything to have a copy of this film in my video library, but as of yet, it's never been released. Sad.\": {\"frequency\": 1, \"value\": \"In addition to ...\"}, \"The script for \\\"Scary Movie 2\\\" just wasn't ready to go. This is a problem with the film that is blatantly evident, to the actors and the audience alike. Director Keenan Ivory Wayans, and many of the actors are funny people; and so the movie isn't completely humorless. To their credit, the film has several funny moments. But as a whole, \\\"Scary Movie 2\\\" is not even close to being as clever and amusing as the original.

The first \\\"Scary Movie\\\" was a laugh a minute film. It turned the smallest subtleties of the slasher film genre into comedic gold. The humor in \\\"Scary Movie 2\\\" is as heavy handed as it is un-original. They even miss obvious opportunities for parody. Two of the movies stars are former cast members of \\\"Beverly Hills 90210,\\\" and this was a show that was begging to be parodied! In the final analysis, \\\"Scary Movie 2\\\" is like a fine bottle of wine that was opened far too soon. The script needed a lot more time to age. 2 stars out of 5.\": {\"frequency\": 1, \"value\": \"The script for ...\"}, \"This is a very fine and poetic story. Beautiful scenery. Magnificent music score. I've been twice in Japan last year and the movie gave me this typical Japanese feeling. The movement of the camera is superb, as well as the actors. It goes deep into your feelings without becoming melodramatic. Japanese people are very sensitive and kind and it's all very well brought onto the screen here. The director is playing superb with light an colors and shows the audience that it is also possible to let them enjoy a movie with subtle and fine details. Once you've seen this movie you will want to see more from the same director. It's a real feel good movie and I can only recommend it to everybody.\": {\"frequency\": 1, \"value\": \"This is a very ...\"}, \"To bad for this fine film that it had to be released the same year as Braveheart. Though it is a very different kind of film, the conflict between Scottish commoners and English nobility is front and center here as well. Roughly 400 years had passed between the time Braveheart took place and Rob Roy was set, but some things never seemed to change. Scottland is still run by English nobles, and the highlanders never can seem to catch a break when dealing with them. Rob Roy is handsomely done, but not the grand epic that Braveheart was. There are no large-scale battles, and the conflict here is more between individuals. And helpfully so not all Englishmen are portrayed as evil this time. Rob Roy is simply a film about those with honor, and those who are truly evil.

Liam Neeson plays the title character Rob Roy MacGregor. He is the leader of the MacGregor clan and his basic function is to tend to and protect the cattle of the local nobleman of record known as the Marquis of Montrose (John Hurt). Things look pretty rough for the MacGregor clan as winter is approaching, and there seems to be a lack of food for everyone. Rob Roy puts together a plan to borrow 1000 pounds from the Marquis and purchase some cattle of his own. He would then sell them off for a higher price and use the money to improve the general well-being of his community. Sounds fair enough, doesn't it? Problems arise when two cronies of the Marquis steal the money for themselves. One of them, known as Archibald Cunningham, is perhaps the most evil character ever put on film. Played wonderfully by Tim Roth, this man is a penniless would-be noble who has been sent to live with the Marquis by his mother. This man is disgustingly effeminate, rude, heartless, and very dangerous with a sword. He fathers a child with a hand maiden and refuses to own up to the responsibility. He rapes Macgregor's wife and burns him out of his home. This guy is truly as rotten as movie characters come. Along with another crony of the Marquis (Brian Cox) Cunningham steals the money and uses it to settle his own debts. Though it is painfully obvious to most people what happened, the Marquis still holds MacGregor to the debt. This sets up conflict that will take many lives and challenge the strengths of a man simply fighting to hold on to his dignity.

Spoilers ahead!!!!!

Luckily for the MacGregor's, a Duke who is no friend to the Marquis sets up a final duel between Rob Roy and Cunningham to resolve the conflict one and for all. This sword fight has been considered by many to be one of the best ever filmed. Cunningham is thought by many to be a sure winner with his speed and grace. And for most of the fight, it looks like these attributes will win out. Just when it looks like Rob Roy is finished, he turns the tables in a shockingly grotesque manner. The first time you see what happens, you will probably be as shocked as Cunningham! Rob Roy is beautifully filmed, wonderfully acted, and perfectly paced. The score is quite memorable, too. The casting choices seem to have worked out as Jessica Lange, who might seem to be out of her element, actually turns in one of the strongest performances as Mary MacGregor. The film is violent, but there isn't too much gore. It is a lusty picture full of deviant behavior, however. The nobility are largely played as being amoral and sleazy. The film has no obvious flaws, thus it gets 10 of 10 stars.

The Hound.\": {\"frequency\": 1, \"value\": \"To bad for this ...\"}, \"As if the storyline wasn't depressing enough, this movie shows cows being butchered graphically in a slaughterhouse for all of five minutes while the protagonist is narrating her early life as a butcher. Weird stuff. Then there's the core premise of the hero/heroine who goes and cuts his dick off because a he's besot-ten with at work says he would have gone with him if he was a girl. Is this person a psycho, a masochist, just a doomed queen who takes things too far? And what sort of traumatic childhood did he have? Just that he didn't get adopted and had to live it out with nuns who at first loved him and then later hated him because he was unruly. He tries to explain to us the reasons he did what he did, but it's really really so hard to empathize. Such sad and unusual self destruction. Was it supposed to be funny? What was it all about really?\": {\"frequency\": 1, \"value\": \"As if the ...\"}, \"Set in the Cameroons in West Africa in the 1950s, Claire Denis' Chocolat is a beautifully photographed and emotionally resonant tone poem that depicts the effects of a dying colonialism on a young family during the last years of French rule. The theme is similar to the recent Nowhere in Africa, though the films are vastly different in scope and emphasis. The film is told from the perspective of an adult returning to her childhood home in a foreign country. France Dalens (Mireille Perrier), a young woman traveling through Cameroon, recalls her childhood when her father (Francois Cluzet) was a government official in the French Cameroons and she had a loving friendship with the brooding manservant, Prot\\ufffd\\ufffde (Isaach de Bankol\\ufffd\\ufffd). The heart of the film, however, revolves around France's mother Aim\\ufffd\\ufffde (Giulia Boschi) and her love/hate relationship with Prot\\ufffd\\ufffde that is seething with unspoken sexual tension.

The household is divided into public and private spaces. The white families rooms are private and off limits to all except Prot\\ufffd\\ufffde who works in the house while the servants are forced to eat and shower outdoors, exposing their naked bronze bodies to the white family's gazes. It becomes clear when her husband Marc (Fran\\ufffd\\ufffdois Cluzet) goes away on business that Aim\\ufffd\\ufffde and Prot\\ufffd\\ufffde are sexually attracted to each other but the rules of society prevent it from being openly acknowledged. In one telling sequence, she invites him into her bedroom to help her put on her dress and the two stare at each other's image in the mirror with a defiant longing in their eyes, knowing that any interaction is taboo.

The young France (Cecile Ducasse) also forms a bond with the manservant, feeding him from her plate while he shows her how to eat crushed ants and carries her on his shoulders in walks beneath the nocturnal sky. In spite of their bond, the true nature of their master-servant relationship is apparent when France commands Prot\\ufffd\\ufffde to interrupt his conversation with a teacher and immediately take her home, and when Prot\\ufffd\\ufffde stands beside her at the dinner table, waiting for her next command. When a plane loses its propeller and is forced to land in the nearby mountains, the crew and passengers must move into the compound until a replacement part can be located. Each visitor shows their disdain for the Africans, one, a wealthy owner of a coffee plantation brings leftover food from the kitchen to his black mistress hiding in his room. Another, Luc (Jean-Claude Adelin), an arrogant white Frenchman, upsets the racial balance when he uses the outside shower, eats with the servants, and taunts Aim\\ufffd\\ufffde about her attraction to Prot\\ufffd\\ufffde leading her to a final emotional confrontation with the manservant.

Chocolat is loosely autobiographical, adapted from the childhood memories of the director, and is slowly paced and as mysterious as the brooding isolation of the land on which it is filmed. Denis makes her point about the effects of colonialism without preaching or romanticizing the characters. There are no victims or oppressors, no simplistic good guys. Prot\\ufffd\\ufffde is a servant but he is also a protector as when he stands guard over the bed where Aim\\ufffd\\ufffde and her daughter sleep to protect them from a rampaging hyena. It is a sad fact that Prot\\ufffd\\ufffde is treated as a boy and not as a man, but Bankol\\ufffd\\ufffd imbues his character with such dignity and stature that it lessens the pain. Because of its pace, Western audiences may have to work hard to fully appreciate the film and Denis does not, in Roger Ebert's phrase, \\\"coach our emotions\\\". The truth of Chocolat lies in the gestures and glances that touch the silent longing of our heart.\": {\"frequency\": 1, \"value\": \"Set in the ...\"}, \"I was very disappointed by this movie. I thought that \\\"Scary Movie\\\" although not a great movie was very good and funny. \\\"Scary Movie 2\\\" on the other hand was boring, not funny, and at times plain stupid.

The Exorcist/Amityville spoof was probably the best part of the movie. James Woods was great.

Now, I'll admit that I am at a disadvantage since I have not seen a few of the movies that this parodies unlike the first, where I had basically seen them all. But bad comedy is still bad comedy.

Something that really hurt this movie was the timing, which ruined some of what might have been good jokes. Scenes and jokes drag out way to long.

Also, the same jokes keep getting repeated again and again. For example, the talking bird. Ok it was funny the first and maybe even the second time. But it kept getting repeated to the point of annoying. The routine between the wheelchair guy and Hanson (Chris Elliott) was amusing at first but it kept getting repeated and ended up stupid and even tasteless.

Some jokes even got repeated from the first movie. For example, the 'creaming' I guess you would call it of Cindy (Anna Faris) was funny in \\\"Scary Movie\\\" because Cindy had been holding out on giving her boyfriend sex for so long, that essentially he had blue balls from hell and it was funny when he 'creamed' her. But this time around it was out of place and not funny.

The bathroom and sexual humor in general was more amusing and well timed the first time around. The scat humor was excessive though and rather unneccessary in the second film.

Tori Spelling was annoying and really had no place in this movie.

But I did enjoy Shorty (Marlon Wayans) who in my opinion was the funniest character in the first film. The scene with him and the pot plant was one of my favorites from the second film.

Don't get me wrong, I love the Wayans family and their humor. That is why this film is so disappointing . . . they have a lot more comic ability than endless scat jokes.\": {\"frequency\": 1, \"value\": \"I was very ...\"}, \"This seemed to be a good movie, I thought it would be a good movie, and throughout the movie I was hoping it would be a meaningful use of my time, and yes, I have to admit that the acting talent of Dimple Kapadia and Deepti Naval where truly commendable, but despite the best effort this movie falls short of effectively conveying a meaningful message, which it seems is it seemed was what Somnath Sen is trying to do. The final point comes short and the ending seemed kind of unsatisfactory after all that happens; a bit like real life in that respect but movies unlike real life ends in about 2hrs and the ending should leave the audience satisfied, if indeed that was the director's intention. This falls short in that respect and that is what disappoints me the most.

Another aspect that concerned me was the national stereo-typing of the American characters - they all seem to be carved out of the same block. Seems to me that most American characters in Indian English movies are based upon how common Indians themselves perceive Americans to be like and it is clear that no effort has been made to bring any sense of depth or complexity to any American in the movie.

These two aspects put together they make for a disappointing story.\": {\"frequency\": 1, \"value\": \"This seemed to be ...\"}, \"This movie really has no beginning or end. And it's really VERY unbelievable. Mary-K and Ashley are supposed to be interns working in a mailing room for an Italian fashion company. But, for some reason, they're put up in a 5-star hotel (conveniently located across the street from the Coliseum), and all of the other interns they work with are just as abnormally model-looking as they are. One thing that I found obvious in this movie is the way that one of the twins DOESN'T end up with the guy. I guess they tried to twist their usual plot a bit. Nice try.\": {\"frequency\": 1, \"value\": \"This movie really ...\"}, \"I have seen a couple movies on eating disorders but this one was definitely my favorite one. The problem with the other ones was that the people with the eating disorders towards the end just automatically get better or accept the fact that they need help and thats it. this movie I thought was more realistic cause in this one the main character Lexi doesn't automatically just get better. She gets better and then has a drawback. I think this movie shows more than the others that I've seen that getting better doesn't just happen, it's hard work and takes time, it's a long path to recovery. I think this movie shows all of that very well. There should be more movies like this.\": {\"frequency\": 1, \"value\": \"I have seen a ...\"}, \"A Christmas Story Is A Holiday Classic And My Favorite Movie. So Naturally, I Was Elated When This Movie Came Out In 1994. I Saw It Opening Day and Was Prepared To Enjoy Myself. I Came Away Revolted And Digusted. The Anticipation that Rang True In A Christmas Story Is Curiously Missing from This mess. A Red Ryder BB Gun Is Better to get than a chinese top.And It Is Not Very Funny At all. Charles Grodin Is Good but the Buck Stops There. Bottom Line:1 Star. Don't Even Bother.\": {\"frequency\": 1, \"value\": \"A Christmas Story ...\"}, \"I thought this movie seemed like a case study in how not to make a movie for the most part. Since I am a filmmaker, I give it a 2 for consistency.

The problems remain from beginning to end with the plot being extremely predictable using bits and pieces of most, if not all, previous successful war stories. The computer generated graphics were too much like viewing a video game at points and there seemed to be no attempt by the director to add some realistic quality to the story. I was interested in the budget to get an idea of what he had to work with, but did not find that information.

It seemed like this project pushed the limits of a low budget movie too far resulting in a production that drags the viewer along with the story without their imagination being engaged. The actors weren't bad, but the plot needs more innovation.\": {\"frequency\": 1, \"value\": \"I thought this ...\"}, \"The scenes are fast-paced. the characters are great. I love Anne-Marie Johnson's acting. I really like the ending.

However, I was disappointed that this movie didn't delve deeper into Achilles's and Athena's relationship. It only blossomed when they kissed each other.\": {\"frequency\": 2, \"value\": \"The scenes are ...\"}, \"The good thing about this film is that it stands alone - you don't have to have seen the original. Unfortunately this is also it's biggest drawback. It would have been nice to have included a few of the original characters in the new story and seen how their lives had developed. Sinclair as in the original is excellent and provides the films best comic moments as he attempts to deal with awkward and embarrassing situations but the supporting cast is not as strong as in the original movie. Forsyth is to be congratulated on a brave attempt to move the character on and create an original sequel but the film is ultimately flawed and lacks the warmth of the original\": {\"frequency\": 2, \"value\": \"The good thing ...\"}, \"This movie which was released directly on video should carry a warning label that it is dangerous to human health and may subject the viewer to terminal boredom. It is yet another thinly veiled, evangalizing \\\"rapture\\\" religious movie with the good guys (the believers) suddenly vanishing and the bad guys (the non-believers)left behind. It's an interesting concept, especially since we see it happen on a flight captained by a non-believer who is having a sinful affair with a stewardess aboard (needless to say that sinner doesn't disappear either!). Unhappily, with all the pilots being non-believers, the plane did not crash or the movie would have been mercifully over. Though this could have be interesting without the heavy religious browbeating, as a whole the plodding movie makes one gag, the acting is horrible and the obviously computer-generated simulations are very fake looking. Plus it's yet another movie shot in Canada that purports to be New York City. Spare me...I'll just read the Bible.\": {\"frequency\": 1, \"value\": \"This movie which ...\"}, \"The film starts with a manager (Nicholas Bell) giving welcome investors (Robert Carradine) to Primal Park . A secret project mutating a primal animal using fossilized DNA, like \\ufffd\\ufffdJurassik Park\\ufffd\\ufffd, and some scientists resurrect one of nature's most fearsome predators, the Sabretooth tiger or Smilodon . Scientific ambition turns deadly, however, and when the high voltage fence is opened the creature escape and begins savagely stalking its prey - the human visitors , tourists and scientific.Meanwhile some youngsters enter in the restricted area of the security center and are attacked by a pack of large pre-historical animals which are deadlier and bigger . In addition , a security agent (Stacy Haiduk) and her mate (Brian Wimmer) fight hardly against the carnivorous Smilodons. The Sabretooths, themselves , of course, are the real star stars and they are astounding terrifyingly though not convincing. The giant animals savagely are stalking its prey and the group run afoul and fight against one nature's most fearsome predators. Furthermore a third Sabretooth more dangerous and slow stalks its victims.

The movie delivers the goods with lots of blood and gore as beheading, hair-raising chills,full of scares when the Sabretooths appear with mediocre special effects.The story provides exciting and stirring entertainment but it results to be quite boring .The giant animals are majority made by computer generator and seem totally lousy .Middling performances though the players reacting appropriately to becoming food.Actors give vigorously physical performances dodging the beasts ,running,bound and leaps or dangling over walls . And it packs a ridiculous final deadly scene. No for small kids by realistic,gory and violent attack scenes . Other films about Sabretooths or Smilodon are the following : \\ufffd\\ufffdSabretooth(2002)\\ufffd\\ufffdby James R Hickox with Vanessa Angel, David Keith and John Rhys Davies and the much better \\ufffd\\ufffd10.000 BC(2006)\\ufffd\\ufffd by Roland Emmerich with with Steven Strait, Cliff Curtis and Camilla Belle. This motion picture filled with bloody moments is badly directed by George Miller and with no originality because takes too many elements from previous films. Miller is an Australian director usually working for television (Tidal wave, Journey to the center of the earth, and many others) and occasionally for cinema ( The man from Snowy river, Zeus and Roxanne,Robinson Crusoe ). Rating : Below average, bottom of barrel.\": {\"frequency\": 1, \"value\": \"The film starts ...\"}, \"A friend once asked me to read a screenplay of his that had been optioned by a movie studio. To say it was one of the most inept and insipid scripts I'd ever read would be a bold understatement. Yet I never told him this. Why? Because in a world where films like \\\"While She Was Out\\\" can be green-lighted and attract an Oscar- winning star like Kim Basinger, a screenplay lacking in character, content and common sense is no guarantee that it won't sell.

As so many other reviewers have pointed out, \\\"While She Was Out\\\" is a dreadfully under-written Woman-in-Peril film that has abused housewife Basinger hunted by four unlikely hoods on Christmas Eve. Every gripe is legitimate, from the weak dialog and bad acting to the jaw-dropping lapses of logic, but Basinger is such an interesting actress and the premise is not without promise. Here are a couple of things that struck me:

1) I don't care how much we are supposed to think her husband is a jerk, the house IS a mess with toys. Since when did it become child abuse to make kids pick up after themselves?

2) Racially diverse gangs are rare everywhere except Hollywood, where they are usually the only racially balanced groups on screen.

3) Sure the film is stupid. But so are the countless \\\"thrillers\\\" I've sat through where the women are portrayed as wailing, helpless victims of male sadism. Stupid or not, I found it refreshing to see a woman getting the best of her tormentors.

4) I LOVED the ending!

5) Though an earlier reviewer coined this phrase, I really DO think this film should be retitled \\\"The Red Toolbox of Doom.\\\"\": {\"frequency\": 1, \"value\": \"A friend once ...\"}, \"Flat out the funniest spoof of pretentious art house films ever made.

This flick exposes all the clich\\ufffd\\ufffds, and then some! Excruciatingly bad (Downs-Syndrome!) actors. Terribly heavy self important dialog. Scenes that are supposed to shock but fall flat. Jarring editing. Pointless plot points. All wrapped up in a kind of smirky miasma of disrespect for the audience and vague psych-drivel.

It achieves exactly what it was designed to. A hilarious satire of those tedious movies made by spoiled teenage trust-funders, to show to their parents when they ask them what they've been doing for the last two years! After \\\"What Is It?\\\" received its Cannes award, presenter Werner Herzog was rumored to have been told that the film was in fact a spoof, in part of his own films! He supposedly blew up at the info. To this day he refuses to discuss the incident.

Anyway, see it and laugh, this will be a classic of humor for many years to come.\": {\"frequency\": 1, \"value\": \"Flat out the ...\"}, \"We first watched this film as part of a festival of new Argentine films in 2000 at the Walter Reade. Although we liked it, we didn't think it was extraordinary. Watching it for a second time, we found a different meaning in this look at life in Buenos Aires.

The film takes place in one of the darkest days of Argentina, as the DeLaRua administration was ending. The country was in turmoil after the economy, which had flourished earlier in the 1990s, under the artificially climate President Menen created. It was a time when bank accounts in dollars were frozen and people got themselves living a nightmare.

The story begins just as Santamarina, a bank employee, is fired because the collapse of the economy. Instead of receiving sympathy from his wife, she locks him out of the apartment and he, for all practical purposes, becomes a homeless man. He takes to the streets trying to make ends meet.

The other story introduces us to Ariel, a young Jew, interviewing for a job in a Spanish company. It's almost a miracle he gets the job. His father, Simon, owns a small restaurant in the Jewish quarter of \\\"El Once\\\" in the center of the city. Things go from bad to worse, when Ariel's mother dies suddenly. Only Estela, the young woman who is in love with Ariel, comes to help father and son.

Santamarina, who is a clean man, has to resort to take showers wherever he can. He chooses a ladies' room in one of the subway stations. When the attendant, Elsa, finds him naked, she becomes furious, but she comes to her senses when she realizes the unhappy circumstances of this man who has seen better times. They become romantically involved, and Santamarina in one of his trips through the street garbage, finds an infant. Elsa, while surprised, wants to do the right thing. But Santamarina convinces her of the meaning of an innocent life in their lives will cement their love.

Ariel, who has met the gorgeous Laura at work, begins a turbulent and heavy sexual affair with his beautiful co-worker, who unknown to him, is involved in a lesbian affair. Ariel who free lances by photographing weddings and other occasions, feels a passion for Laura, but he realizes what Estela has sacrificed in order to help his father and still loves him.

Daniel Burman, whose \\\"El Abrazo Partido\\\" we thought was excellent, did wonders with this film. Things are put in its proper perspective after a second viewing recently and we must apologize for not having perceived it the first time around. If anything, this second time, the nuances of the screen play Mr. Burman and Emiliano Torres wrote, make more sense because they reflect the turmoil of what the country was living during those dark days.

Daniel Hendler, who plays Ariel, has collaborated with Mr. Burman before to surprising results. He is not 'movie star pretty', yet, he is handsome. This actor projects a tremendous sincerity in his work. Enrique Pineyro is another magnificent surprise. His Santamarina is disarming. In spite of all the bad things that have fallen on him, he keeps a rosy attitude toward everyone he meets. Stefania Sandrelli, the interesting Italian actress, makes a great contribution to the film with her Elsa. Hector Alterio, one of the best Argentine actors plays the small part of Simon. The gorgeous Chiara Coselli is seen as Laura and Melina Petrielli appears as the noble Estela.

\\\"Esperando al mesias\\\" proves Daniel Burman is a voice to be reckoned with in the Argentine cinema.\": {\"frequency\": 1, \"value\": \"We first watched ...\"}, \"I've read a few books about Bonnie and Clyde, and this is definitely MORE accurate than the Beatty/Dunaway version, in that its costumes and locales echo actual photographs taken of the gang. Particularly well done is the death of Buck Barrow, and the capture of his wife Blanche. This actress looks looks exactly like the photographs taken that day of Blanche grieving over her dying husband. However, this movie is still Hollywood, and our anti-heroes stay pretty to the end, even after being shot full of holes (in life, Bonnie was badly burned in an auto accident the year before their famous ambush, and did not look like a perky cheerleader at the time of her death). The script is tedious, and the acting is poor, particularly the leads. Very disappointing. Stick with Beatty and Dunaway. Their's may not be \\\"the true story,\\\" but it's a great film.\": {\"frequency\": 1, \"value\": \"I've read a few ...\"}, \"Anyone who could find redeeming value in this piece of crap ought to have their head examined. We have the submissive, heroin-addicted, part-time hooker wife with lacerations all over her body, lacerations received from repeated beatings by an abusive son. Now, she is squirting breast milk all over the kitchen floor, the release so gained somehow akin to Helen Keller placing her hands in running water. We have the husband who starts out by patronizing a prostitute who just happens to be his daughter (she's upset with him because he came too quickly)and ends by murdering his female colleague, having sex with her corpse, and then chopping her up. We have the kid who is relentlessly bullied by his classmates and who comes home and beats his mom. You see, it's all circular. Deep, huh? The only decent moment in this horrendous pile of tripe is when the dad murders his son's tormentors. It's a good thing this turkey was shot on video because otherwise what a waste of expensive film it would be. If that guy who thinks artists ought to be interested in this slop is really serious, no wonder most people think artists are insane. We saw this lousy movie, then put on \\\"Zero Woman, The Accused.\\\" Oh my God, it was a tossup as to which one was worse. What is going on in Japan these days? Sick, sick, sick.\": {\"frequency\": 1, \"value\": \"Anyone who could ...\"}, \"This film is self indulgent rubbish. Watch this film if you merely want to hear spoken Gaelic or enjoy the pleasant soundtrack. Watch for any other reason and you will be disappointed. It should be charming but isn't - it's just irritating. The characters are difficult to care about and the acting is poor. The stories within the film are also charmless and sinister. I was expecting a heartwarming family film but this also held no appeal to my fourteen year old daughter. It is rarely that I cannot see a film through to its conclusion but this one got the better of both of us.

Although the film is set in current times it has the look and feel of a cheap East European film made during the Cold War. There isn't even enough in the way of beautiful Scottish scenery and cinematography to redeem it. A real shame because as a film this is an embarrassment to Scotland.\": {\"frequency\": 1, \"value\": \"This film is self ...\"}, \"I found myself at sixes and sevens while watching this one. Altman's touch with zooms in and out were there, and I expected those devices to comment on characters and situations. Unfortunately, as far as I could see, they sometimes were gratuitous, sometimes witty, often barren for failing to point out some ironic or other connection. In particular, two zoom-outs from the gilt dome in savannah merely perplexed. To be fair, though, a few zooms (outs and ins) to Branagh heightened his character's increasing bewilderment, a la Pudgy McCabe's or Philip Marlow's. On the whole, the zooms were, well, inconsistent, and sometimes even trite.

Other Almanesque devices, such as multiple panes of glass between camera and subject, succeeded in suggesting characters' sollipsism or narcissism or opaque states of knowledge. Car windshields, house windows, and other screens were used effectively and fairly consistently, I felt, harking back to THE PLAYER and even THE LONG GOODBYE. A few catchy jump-cuts, especially to a suggestive tv commercial, reminded me of such usage in SHORT CUTS, to sardonic effect.

But finally, the mismatch between Altman's very personal style and the sheer weight of the Grisham-genre momentum, failed to excite me. This director's 1970s masterpieces revised and deconstructed various classic genres, including the chandler detective film which this resembled in some ways; this time around, the director seemed to have too few arrows in his analytic quiver to strike any meaningful blow to the soft underbelly of this beastly genre. Was he muzzled in by mammonist producers, perhaps? Or am I missing something, due to my feeble knowledge of the genre he takes on here?

Nonetheless, the casting was excellent all around: Tom Berenger (for his terrifying ferality), Branagh for his (deflated) hubris, Robert Downey Jr's pheromonal haze, Robert Duvall's method of trash, and Davidtz's lurking femme-fatality were near perfect choices all. And except for a few slips out of Georgia into Chicago on the part of (brunette?) Daryl Hannah, accents were convincingly southern.

Suspense and mood were engrossing, even if the story didn't quite rivet viewers. The moodiness of a coastal pre-hurricane barometric plunge was exquisitely, painstakingly rendered--I felt like yelling at the usher to turn on the swamp cooler pronto.

Torn, in the end I judged it a 7.

\": {\"frequency\": 1, \"value\": \"I found myself at ...\"}, \"One has to wonder if at any point in the production of this film a

script existed that made any sense. Was the rough cut 3 hours

long and was it trimmed into the incoherent mess that survives?

Why would anyone finance this mess? I will say that Tom

Wlaschiha is a good looking young man and he does what he can

with the dialogue and dramatic (?) situations he is given. But

characters come and go for no apparent reason, continuity is

non-existent, and the acting, cinematography, and direction are (to

put it politely) amateurish. Not One Sleeps is an unfortunate

choice of title as it will probably prove untrue should anyone

actually attempt to actually watch this film.\": {\"frequency\": 1, \"value\": \"One has to wonder ...\"}, \"My favorite movie genre is the western, it's really the only movie genre that is of American origin. And despite Sergio Leone, no one does them quite like Americans.

Right at the top of my list of ten favorites westerns is Winchester 73. It was the first pairing and only black and white film of the partnership of director Anthony Mann and actor James Stewart. It was also a landmark film in which Stewart opted for a percentage of the profits instead of a straight salary from Universal. Many such deals followed for players, making them as rich as the moguls who employed them.

Anthony Mann up to this point had done mostly B pictures, noir type stuff with no real budgets. Just before Winchester 73 Mann had done a fine western with Robert Taylor, Devil's Doorway, that never gets enough praise. I'm sure James Stewart must have seen it and decided Mann was the person he decided to partner with.

In this film Mann also developed a mini stock company the way John Ford was legendary for. Besides Stewart others in the cast like Millard Mitchell, Steve Brodie, Dan Duryea, John McIntire, Jay C. Flippen and Rock Hudson would appear in future Mann films.

It's a simple plot, James Stewart is obsessed with finding a man named Dutch Henry Brown and killing him. Why I won't say, but up to this point we had never seen such cold fury out of James Stewart on screen. Anthony Mann reached into Jimmy Stewart's soul and dragged out some demons all of us are afraid we have.

The hate is aptly demonstrated in a great moment towards the beginning of the film. After Stewart and sidekick Millard Mitchell are disarmed by Wyatt Earp played by Will Geer because guns aren't carried in Earp's Dodge City. There's a shooting contest for a Winchester rifle in Dodge City and the betting favorite is Dutch Henry Brown, played with menace by Stephen McNally. Stewart, Mitchell and Geer go into the saloon and Stewart and McNally spot each other at the same instant and reach to draw for weapons that aren't there. Look at the closeups of Stewart and McNally, they say more than 10 pages of dialog.

Another character Stewart runs into in the film is Waco Johnny Dean played by Dan Duryea who almost steals the film. This may have been Duryea's finest moment on screen. He's a psychopathic outlaw killer who's deadly as a left handed draw even though he sports two six guns.

Another person Stewart meets is Shelley Winters who's fianc\\ufffd\\ufffd is goaded into a showdown by Duryea and killed. Her best scenes are with Duryea who's taken a fancy to her. She plays for time until she can safely get away from him. Guess who she ultimately winds up with?

There are some wonderful performances in some small roles, there ain't a sour note in the cast. John McIntire as a shifty Indian trader, Jay C. Flippen as the grizzled army sergeant and Rock Hudson got his first real notice as a young Indian chief. Even John Alexander, best known as 'Theodore Roosevelt' in Arsenic and Old Lace has a brief, but impressive role as the owner of a trading post where both McNally and Stewart stop at different times.

Mann and Stewart did eight films together, five of them westerns, and were ready to do a sixth western, Night Passage when they quarreled and Mann walked off the set. The end of a beautiful partnership that produced some quality films.\": {\"frequency\": 1, \"value\": \"My favorite movie ...\"}, \"Being that I am not a fan of Snoop Dogg, as an actor, that made me even more anxious to check out this flick. I remember he was interviewed on \\\"Jay Leno,\\\" and said that he turned down a role in the big-budget Adam Sandler comedy \\\"The Longest Yard\\\" to be in this film. So obviously, Snoop was on a serious mission to prove that he has acting chops. I'm not going to overpraise Snoop for his performance in \\\"The Tenants.\\\" There are certainly better rapper/actors, like Mos Def, who could've done more with his role. But the point is Snoop did a \\\"good\\\" job. He can't seem to shake off some of his trademark body movements and vocal inflections, but that's something even Jack Nicholson has a problem doing. The point is I found him convincing in the role, and the tension between him and Dylan McDermott's character captivating. McDermott, by the way, gives the best performance in the film, though his subtle acting will most likely be overshadowed by Snoop's not-so-subtle acting. Being a big reader and aspiring writer myself, I couldn't help but find the characters and plot somewhat fascinating. It did aggravate me how Snoop's character would constantly ask McDermott to read his work, and berate him for criticizing it. But you know what? I'm sure a lot of writers are like that. His character was supposed to be flawed, as was McDermott's, in his own way. My only mild criticism of the film would be its ending. For some reason, it just felt too rushed for me, though the resolution certainly made sense and was motivated by the characters, rather than plot.\": {\"frequency\": 1, \"value\": \"Being that I am ...\"}, \"The complaints are valid, to me the biggest problem is that this soap opera is too aimed for women. I am okay with these night time soaps, like Grey's Anatomy, or Ugly Betty, or West Wing, because there are stories that are interesting even with the given that they will never end. However, when the idea parallels the daytime soaps aimed at just putting hunky men (Taye Diggs, Tim Daly, and Chris Lowell) into sexual tension and romps, and numerous ridiculous difficult situations in a so-called little hospital, it seems like General Hospital...or a female counterpart to Baywatch. That was what men wanted and they had it, so if this is what women want so be it, but the idea that this is a high brow show (or something men will watch) is unrealistic.\": {\"frequency\": 1, \"value\": \"The complaints are ...\"}, \"I just got through watching this DVD at home. We love Westerns, so my husband rented it. He started apologizing to me half way through. The saddles, costumes, accents--everything was off. The part that made me so mad is where the guy didn't shoot the \\\"collector\\\" with his bow and arrow as he was taking the fat guy's soul. His only excuse was \\\"he only had 2 arrows left.\\\" We watched it all the way through, and, as someone else said...too many bad things to single out any one reason why it sucked. I mean, the fact that the boy happened to snatch the evil stone from the collector on the same month and day it was found, what's the point of that? And why were there a grave yard where everyone died on April 25 but the people whose souls were taken by the collector were still up walking around? If you want a movie to make fun of after a few beers, this may be your movie. However, if you want a real Western, you will hate this movie.\": {\"frequency\": 1, \"value\": \"I just got through ...\"}, \"Oh, Sam Mraovich, we know you tried so hard. This is your magnum opus, a shining example to the rest of us that you are certainly worth nomination into the Academy of Motion Picture Arts and Sciences (as you state on your 1998-era web site). Alas, it's better to remain silent and be thought a fool than to speak and remove all doubt. With Ben & Arthur, you do just that.

Seemingly assembled with a lack of instruction or education, the film's screenplay guides us toward the truly bizarre with each new scene. It's this insane excuse of a story that may also be the film's best ally. Beginning tepidly, the homosexually titular characters Ben and Arthur attempt to marry, going so far as to fly across country to do so, in the shade of Vermont's finest palm trees. But, all of this posturing is merely a lead-in for BLOOD. Then more BLOOD, and MORE AND MORE BLOOD. I mean, there must be at least $20 in fake blood make-up in the final third of this film.

The film in its entirety is a technical gaffe. From the sound to the editing to the music, which consists of a single fuzzy bass note being held on a keyboard, it's a wonder that the film even holds together on whatever media you view it on. It's such a shame then that some decent amateur performances are wasted here.

No matter, Sam. I'm sure you've made five figures on this flick in rentals or whatever drives poor souls (such as myself) to view this film. Sadly, we're not laughing with you.\": {\"frequency\": 1, \"value\": \"Oh, Sam Mraovich, ...\"}, \"For Anthony Mann the Western was 'legend'- and 'legend' makes the very best cinema! Mann's work was full of intensities and passions, visually dramatic, and the action always excitingly photographed...

Stewart, a docile actor with the ability of displaying anger, neurosis and cruelty, made with Anthony Mann, five remarkable Westerns: \\\"Winchester '73;\\\" \\\" Bend of the River;\\\" \\\"The Naked Spur;\\\" \\\"The Far Country;\\\" and \\\"The Man from Laramie.\\\"

In \\\"Winchester '73,\\\" Stewart reveals his darker side... He offers all the reserves of anger, inner ambivalence, and emotional complexity in his nature that his audiences had, up till this time, failed to catch...

A carefully chosen cast increases the proceedings in fine style: Shelley Winters is at her saucy best; Dan Duryea perfect as the vicious, sneering psychopathic villain; John McIntire great as the unscrupulous character; Charles Drake so good as the man who attempts to face his tormentor; and a very young Rock Hudson, attempts the role of an Indian Chief...

\\\"Winchester '73\\\" is the story of a perfectly crafted and highly prized, rifle in the Dodge City Kansas of 1876... Stewart and his estranged brother, who bears another name (Stephen McNally), compete fiercely for possession of it, and though Stewart wins, McNally steals it and sets off cross-country with Stewart in pursuit... What gives the pursuit an element of the demonic, is Stewart's determination to revenge his father's death at the hands of that same renegade brother\\ufffd\\ufffda revenge fed by long-standing fratricidal hatred...

Photographed in gorgeous Black & White, the film comes on as powerful and arresting, acted with deep feeling and intense concentration, not only by Stewart but by all the supporting characters...

Look fast for a promising newcomer, Tony Curtis, the soldier who finds the rifle after the Indian attack...\": {\"frequency\": 1, \"value\": \"For Anthony Mann ...\"}, \"I can't believe it's been ten years since this show first aired on TV and delighted viewers with its unique mixture of comedy and horror. This is the show that gave birth to a good part of modern British humor: Dr. Terrible's House of Horrible; Garth Marenghi's Darkplace; The Mighty Boosh; Snuff Box. Many have imitated this show's style, and I don't deny some have surpassed its quality. But Jermy Dyson deserves being remembered for having started the trend, with actors Mark Gatiss, Steve Pemberton, and Reece Shearsmith.

Together they created Royston Vasey, a sinister small town in England's idyllic countryside, where unsuspecting tourists and passers-by come across an obsessive couple that wants to keep the town local and free of strangers; where the unemployed are abused and insulted at the job center; where a farmer uses real people as scarecrows; where a vet kills all the animals he tries to cure; where a gypsy circus kidnaps people; and where the butcher adds something secret but irresistible to the food to hook people on.

This is just a whiff of what the viewer can find in The League of Gentlemen. By themselves, the three actors give birth to dozens and dozens of unique characters. The make up and prosthetics are so good I actually thought I watching a lot more actors on the show than there were. But it's also great acting: the way they change their voices and their body movement, the really become other people.

Most of the jokes start with something ordinary, from real life, and then blows up into something unsettling, sometimes gut-wrenching. Sometimes it's pure horror without a set up, like in Papa Lazarou's character. Just imagine a creepy circus owner on make-up barging into someone's house and kidnapping women to be his wives. No explanation given. It's that creepy. Then there are the numerous references to horror movies: Se7en, The Silence of the Lambs, Nosferatu, The Exorcist, etc.

Fans of horror will love it, fans of comedy will love it. As any traveler entering knows, there's a sign there that says 'Welcome to Royston Vasey: You'll Never Leave.' Any viewer who gives this show a chance will agree. Once you discover The League of Gentlemen, you'll never want anything else, you'll never forget it.\": {\"frequency\": 1, \"value\": \"I can't believe ...\"}, \"This will be brief. Let me first state that I'm agnostic and not exactly crazy about xtians, especially xtian fanatics. However, this documentary had a tone of the like of some teenager angry at his xtian mother for not letting him play video games. I just couldn't take it seriously. Mentioning how CharlesManson thought he was Christ to illustrate the point that xtianity can breed evil? i don't know it was just cheap and childish -- made the opposition look ignorant. Furthermore, the narrator just seemed snobby and pretentious. The delivery was complete overkill. I can't take this documentary seriously. Might appeal to an angry teenager piss3d off at his xtian mother for not letting him play video games.\": {\"frequency\": 1, \"value\": \"This will be ...\"}, \"A real classic. A shipload of sailors trying to get to the towns daughters while their fathers go to extremes to deter the sailors attempts. A maidens cry for aid results in the dispatch of the \\\"Rape Squad\\\". A cult film waiting to happen!\": {\"frequency\": 1, \"value\": \"A real classic. A ...\"}, \"I basically found Eden's Curve to be a very poorly constructed that made it difficult to watch. However, there is something I must say about how the director captured something about the atmosphere of the early 70's in the choice of settings and clothing. The \\\"back to the earth\\\" philosophy and the interest in sexual exploration and drugs that was not dramatically decadent, as portrayed in many later versions of the 70's was right on, as was the \\\"don't ask don't tell\\\" pseudo-liberalism of the fraternity made up of east-coast intellectuals, except that I would have thought this was more likely of a New England school rather than one in Virginia, where I imagine the \\\"good ole boy\\\" mentality still dominated even elitist schools like this one. Another thing I appreciated and could relate to is that this was a time when homosexuality was not linked so much to leathermen or drag queens and I appreciated some homosexual roles not related to these terribly overused images. I felt it was very unfortunate that \\\"gay culture\\\" took on certain standard forms in the 80's out of Castro and Christopher Streets and these defined the movement and left out huge numbers of gay men that were more subdued in their lifestyles. I appreciated the film mainly as a way of remembering a more natural way we were about our sexuality and personal relationships without \\\"the scene.\\\"\": {\"frequency\": 1, \"value\": \"I basically found ...\"}, \"Well this just maybe the worst movie ever at least the worst movie i have ever seen. They have tried out these 666 child of Satan the anti Christ kinda movies about 1000 times and none of them is good and this just maybe the worst of them. They think that it's going to be better movie as more they use that fake blood. This movie doesn't have any idea in it, actors and filming is just terrible. Cant even make out that 10 line minium of this movie. Really nothing to tell about but that it's just horrible. How they can make movies like that in their right mind just can't understand that. This cant be a Hollywood movie, is it? Just don't go watch this use your money more wisely.\": {\"frequency\": 1, \"value\": \"Well this just ...\"}, \"I just saw this film @ TIFF (Toronto International Film Festival). Fans of Hal Hartley will not be disappointed!! And if you are not familiar with this director's oeuvre ... doesn't matter. This film can definitely stand all on its own. I have to go the second screening ... it was amazing I need to see it again -- and fast!!

This film is very funny. It's dialogue is very smart, and the performance of Parker Posey is outstanding as she stars in the title role of Fay Grim. Fay Grim is the latest feature revisiting the world and characters introduced in the film Henry Fool (2000). Visually, the most salient stylistic feature employs the habitual use of the canted (or dutch) angle, which can be often seen in past Hartley works appearing in various shorts, available in the Possible Films: short works by Hal Hartley 1994-2004 collection, and in The Girl from Monday (2005).

I viewed this film most aptly on Sept 11th. Textually, Fay Grim's adventure in this story is backdropped against the changed world after September 11, 2001. Without going into major spoilers, I view this work, and story-world as a bravely political and original portrait of geo-politics that is rarely, if ever, foregrounded in mainstream fictional cinema post-911 heretofore (cf. Syrianna: of side note - Mark Cuban Exec. Prod in both these films ... most interesting, to say the least).

Lastly, for those closely attached to the characters of Henry Fool, Simone, Fay and Henry this film is hilariously self-conscious and self-referential. That being said, the character of Fay Grimm starts off in the film, exactly where she was when Henry Fool ended, but by the end of the film ... Fay's knowledge and experience has total changed and expanded over the course of the narrative. What can be in store for the future of Fay and the Fool family ... ?? I can't wait for the third part in this story!\": {\"frequency\": 1, \"value\": \"I just saw this ...\"}, \"This film has a special place in my heart as the worst movie I have ever seen. It is about as fun as doing hard manual labor with stomach cramps. The movie starts out bad (I would rate the first few minutes of the film a 1/10) and then it get progressively worse, minute by minute. The only way to rate it at all would be some kind of abyssmal spiraling negative number that grows for ninety, long minutes. Unfunny is not a real word but it best describes the humor in this video. Somehow the video manages even to make cute, scantily clad females and sex look grotesque and distasteful. This movie is amazingly bad. I would say it would be better to be locked up with the TITANIC theme playing over and over and with Buscemi's character from ESCAPE FROM LA droning on in your ear than to watch this movie. The sequels are not nearly as bad. If you have to rent a Troma film, get Tromeo and Juliette or Combat Shock. I would rather watch 5 Tony Little infomercials back to back than to see CLASS of NUKEM HIGH again. Don't get me wrong, it took some kind of criminal genius to make a movie this terrible and if ever a movie deserved an award for being awful, this is it.\": {\"frequency\": 1, \"value\": \"This film has a ...\"}, \"Who would have thought that such an obscure little film could be so haunting and touching? I am really impressed. It's a shame that more people have not seen it. I loved, as always, Hans Zimmer's score. And what a directorial debut by Bernard Rose! Yet I wonder if I should call this a horror film. It could easily be argued that it is a fantasy or a drama as well. Well, regardless, I love the interpretive potential it has. Everything and everyone in Anna's (played by Charlotte Burke)dreams represents a real conflict in her life...the house itself, the tree, Mark, the lighthouse, etc. It is the many details such as these that make the film so good for repeated viewings. I hope I come across another little movie as loaded with emotion and psychological meaning as this one some time soon.\": {\"frequency\": 1, \"value\": \"Who would have ...\"}, \"Frownland is like one of those intensely embarrassing situations where you end up laughing out loud at exactly the wrong time; and just at the moment you realize you shouldn't be laughing, you've already reached the pinnacle of voice resoundness; and as you look around you at the ghostly white faces with their gaping wide-open mouths and glazen eyes, you feel a piercing ache beginning in the pit of your stomach and suddenly rushing up your throat and... well, you get the point.

But for all its unpleasantness and punches in the face, Frownland, really is a remarkable piece of work that, after viewing the inarticulate mess of a main character and all his pathetic troubles and mishaps, makes you want to scratch your own eyes out and at the same time, you feel sickenly sorry for him.

It would have been a lot easier for me to simply walk out of Ronald Bronstein's film, but for some insane reason, I felt an unwavering determination to stay the course and experience all the grainy irritation the film has to offer. If someone sets you on fire, you typically want to put it out: Stop! Drop! And Roll! But with this film, you want to watch the flame slowly engulf your entire body. You endure the pain--perhaps out of spite, or some unknown masochistic curiosity I can't even begin to attempt to explain.

Unfortunately, mainstream cinema will never let this film come to a theater near you. But if you get a chance to catch it, prepare yourself: bring a doggie bag.\": {\"frequency\": 1, \"value\": \"Frownland is like ...\"}, \"THE JIST: See something else.

This film was highly rated by Gene Siskel, but after watching it I can't figure out why. The film is definitely original and different. It even has interesting dialogue at times, some cool moments, and a creepy \\\"noir\\\" feel. But it just isn't entertaining. It also doesn't make a whole lot of sense, in plot but especially in character motivations. I don't know anyone that behaves like these characters do.

This is a difficult movie to take on -- I suggest you don't accept the challenge.\": {\"frequency\": 2, \"value\": \"THE JIST: See ...\"}, \"This film came out 12 years years ago, and was a revelation even for people who knew something of the drag scene in New York. The textbooks on drag performance say nothing of these vogueing houses. Anthony Slide's 'Great Pretenders' says nothing. Julian Fleisher's \\\"The Drag Queens of New York: An Illustrated Field Guide\\\" with its flow chart of influence that pulls together Julian Eltinge, Minette, the Warhol queens, and the 90s club scene - and postdates the film - ignores the houses completely. Even Laurence Senelick's \\\"The Changing Room\\\" - the closest thing that we have to a definitive book on drag performance rushes quickly past the film and does not give the background information that one would have expected from it.

I understand from the film itself,and various articles I found on the web that this house system goes back decades. The major film performance by a house member prior to 1990 seems to be Chrystal La Beija in \\\"The Queen\\\", 1968. The historical context is the biggest missing part of \\\"Paris is Burning\\\".

The film is valuable because it focuses on a scene otherwise being ignored. It is a valuable snapshot of life in 1989. The unfortunate fact that Venus Xtravaganza was murdered during filming provides a very dramatic ending, but this is not the only film about transsexuals to include a real-life murder. As we now know, Dorian Corey had a mummified corpse in her literal closet, but this did not come out until three years later.

Of historical importance, but we still need someone to do either a book or a documentary film that provides more context.\": {\"frequency\": 1, \"value\": \"This film came out ...\"}, \"It got to be a running joke around Bonanza about how fatal it was for any women to get involved with any Cartwright men. After all Ben Cartwright was three times a widower with a son by each marriage. And any woman who got involved with Adam, Hoss, and Little Joe were going to end up dying because we couldn't get rid of the formula of the widower and the three sons that started this classic TV western.

Perhaps if Bonanza were being done today the writers would have had revolving women characters who came in and out of the lives of the Cartwrights. People have relationships, some go good, some not so good, it's just life. And we're less demanding of our heroes today so if a relationship with one of them goes south we don't have to kill the character off to keep the survivor's nobility intact. But that's if Bonanza were done today.

But we were still expecting a lot from our western heroes and Bonanza though it took a while to take hold and a change of viewing time from NBC certainly helped, the secret of Bonanza's success was the noble patriarch Ben Cartwright and his stalwart sons. Ben Cartwright was THE ideal TV Dad in any genre you want to name. His whole life was spent in the hard work of building that immense Ponderosa spread for his three children. The kids were all different in personality, but all came together in a pinch.

The Cartwrights became and still are an American institution. I daresay more people cared about this family than the Kennedys. Just the popularity that Bonanza has in syndication testifies to that.

Pernell Roberts as oldest son Adam was written out of the show. Rumor has it he didn't care for the noble Cartwright characters which he felt bordered on sanctimonious. Perhaps if it were done now, he'd have liked it better in the way I describe.

This was just the beginning for Michael Landon, how many people get three hit TV shows to their credit. Landon also has Highway to Heaven and Little House On the Prarie where he had creative control. Little Joe was the youngest, most hot headed, but the most romantic of the Cartwrights.

When Roberts left. the show kept going with the two younger sons, but when big Dan Blocker left, the heart went out of Bonanza. Other characters had been added on by that time, David Canary, Tim Matheson, and Ben Cartwright adopted young Mitch Vogel. But big, loyal, but a little thick Hoss was easily the most lovable of the Cartwrights. His sudden demise after surgery left too big a hole in that family.

So the Cartwrights of the Ponderosa have passed into history. I got a real taste of how America took the Cartwrights to heart when I visited the real Virginia City. It doesn't look anything like what you see in Bonanza. But near Lake Tahoe, just about where you see the Ponderosa on the map at the opening credits, is the Cartwright home, the set maintained and open as a tourist attraction. Like 21 Baker Street for Sherlock Holmes fans, the ranchhouse and the Cartwrights are real.

And if they weren't real, they should have been.\": {\"frequency\": 1, \"value\": \"It got to be a ...\"}, \"It takes patience to get through David Lynch's eccentric, but-- for a change-- life-affirming chronicle of Alvin Straight's journey, but stick with it. Though it moves as slow as Straight's John Deere, when he meets the kind strangers along his pilgrimage we learn much about the isolation of aging, the painful regrets and secrets, and ultimately the power of family and reconciliation. Richard Farnsworth caps his career with the year's most genuine performance, sad and poetic, flinty and caring. And Sissy Spacek matches him as his \\\"slow\\\" daughter Rose who pines over her own private loss while caring for dad. Rarely has a modern film preached so positively about family.\": {\"frequency\": 1, \"value\": \"It takes patience ...\"}, \"Every now and then a movie advertises itself as scary or frightening, though they usually aren't. Most modern horror movies fit into this category.

Then there are those movies that don't simply cause the tension and adrenaline to pump through your veins harder than usual. They actually frighten you to a level that you've never experienced.

\\\"Halloween\\\" is such a film. It takes so many risks that would make most movie producers cringe. But nearly all of them work. \\\"Halloween\\\" is awe-inspiring in its simplicity, and terrifying as a whole.

The story is simple. Laurie Strode (Jamie Lee Curtis) is babysitting some kids on Halloween night, while a madman is on the loose after escaping from a mental institution after brutally murdering his older sister 15 years ago. Of course, the madman, later known as Michael Myers, begins killing the local teenage population, and eventually he comes after Laurie.

Sounds familiar, right? Just another brainless slasher filled with dumb teenagers and gobs of gore. Not a chance.

I think James Berardinelli puts it perfectly in his review of \\\"Halloween:\\\" \\\"Because of its title, Halloween has frequently been grouped together with all the other splatter films that populated theaters throughout the late-1970s and early-1980s. However, while Halloween is rightfully considered the father of the modern slasher genre, it is not a member...\\\"

He has a point, and for a number of reasons. First and foremost, it's downright terrifying, whereas most entries into the teen slasher genre are dumb gore-fests (one could argue that many recent ones are tongue-in-cheek, but most of those fail as well). Second, there is almost no violence (very little of which is bloody). John Carpenter knows that violence does not equal scary, and he relies very little on it (actually, the body count is pretty low). In fact, one can argue that this isn't really a horror movie, at least not by todays standards of having the most deaths that can be crammed into a single movie, each gorier and more sadistic than the last. He relies on ideas for scares, and also skill. Third, while some of the characters may do stupid things (that sometimes seal their fate), they don't do them because they're dumb. The characters are real people, so instead of thinking that the characters die because they're idiots, we're frightened because they're making a mistake.

One of the main reasons why \\\"Halloween\\\" is so scary is because it is so easy to believe that it's real. Nothing is hard to swallow in this film. There's no supernatural, there's no ridiculously creative plot elements, or \\\"inventive\\\" murders, or whatnot. Instead, all the set pieces and camera work (save the opening sequence) are simple. Carpenter just sets the camera in place and says action. What we get is the feeling that we're actually seeing a murder take place right in front of us.

Horror movies are probably the most difficult films to make because in order for something to be scary, everything has to be perfect, and ideas never work twice. It's a hit or miss game, which is why if I were to tell you all the good ideas that Carpenter has (which I'm not), they'd seem primitive (particularly since they have been repeated with lesser effect over and over again through the years).

Acting here is not a plus point because it doesn't need to be. This is a movie about scary ideas, not a movie about dramatic, conflicted characters. The actors act like real people, not characters from a story. Nothing more. The exception to this is whoever plays The Shape, or later known as Michael Myers. It can be scary to have a person say nothing and simply kill, but it's hard to pull off (and even harder to keep people from asking why). But the guy pulls it off, and the result is terrifying.

This is Carpenter's movie through and through. He directed it, co-wrote it, co-produced it, and wrote the chilling score of it. This is a man of brilliance, and his later movie \\\"The Thing\\\" supports this statement, though The Thing is not as scary as \\\"Halloween.\\\" Unfortunately his success has dramatically diminished, as it happens when the lure of big money for less freedom is taken advantage of once big time producers \\\"recognize your potential.\\\" As good as this film is, it's not without flaws. The famous opening scene is disturbing, but not very scary. And not many of the scares work for the first part of the movie. It's not that it's bad, it's just that there's no good reason to fear \\\"The Shape.\\\" Luckily, Carpenter mostly uses this time to set up a relationship between the characters and the audience. While there's no intimacy in this relationship, it fits the purpose. We grow to know the characters, but not so much that it's disheartening when they die. But once the film gets to Halloween night, that's when Carpenter kicks things into high gear and it NEVER stops until you get to the end.

While \\\"Halloween\\\" may be flawed, it is only slightly so. It is an immensely terrifying film, and a must see for anyone who loves scary movies. Be warned though, this movie will scare the living hell out of you!\": {\"frequency\": 1, \"value\": \"Every now and then ...\"}, \"I guess if a film has magic, I don't need it to be fluid or seamless. It can skip background information, go too fast in some places, too slow in others, etc. Magic in this film: the scene in the library. There are many minor flaws in Stanley & Iris, yet they don't detract from the overall positive impact of watching people help each other in areas of life that seem the most incomprehensible, the hardest to fix. Both characters are smart. Yet Stanley can't understand enough to function because he can't read; he can't read because he's had too much adventure in his childhood. Iris, although well-educated, hasn't had enough adventure and so can't understand how to move past the U-turn her life took. In both their faults and strengths, the characters compliment each other. It may be a bit of a stretch to accept that an Iris would wind up working year after year in a factory, or that a Stanley never hid his illiteracy enough to work in construction or some other better-paying job. And while these \\\"mysteries\\\" are explained in the course of the story, their unfolding seems somewhat contrived. I assume no one took the time to rethink the script. Even so, it's a good movie\\ufffd\\ufffdjust imagine what De Niro, Fonda and Plimpton would have done on screen if someone had!\": {\"frequency\": 1, \"value\": \"I guess if a film ...\"}, \"This movie is a disgrace to the Major League Franchise. I live in Minnesota and even I can't believe they dumped Cleveland. (Yes I realize at the time the real Indians were pretty good, and the Twins had taken over their spot at the bottom of the American League, but still be consistent.) Anyway I loved the first Major League, liked the second, and always looked forward to the third, when the Indians would finally go all the way to the series. You can't tell me this wasn't the plan after the second film was completed. What Happened? Anyways if your a true fan of the original Major League do yourself a favor and don't watch this junk.\": {\"frequency\": 2, \"value\": \"This movie is a ...\"}, \"Holy cow, what a piece of sh*t this movie is. I didn't how these filmmakers could take a 250 word book and turn it into a movie. I guess they didn't know either! I don't remember any farting or belching in the book, do you?

They took this all times childrens classic, added some farting, belching and sexual inuindo, and prostituted it into a KAKA joke. This should give you a good idea of what these hollywood producers think like. I have to say, visually it was interesting, but the brilliant visual story is ruined by toilet humor (if you even think that kind of thing is funny) I DON'T want the kids that I know to think it is.

Don't take your kids to see, don't rent the DVD. I hope the ghost of Doctor Suess ghost comes and haunts the people that made this movie.\": {\"frequency\": 2, \"value\": \"Holy cow, what a ...\"}, \"While movie titles contains the word 'Mother', the first thing that comes to our mind will be a mother's love for her children.

However, The Mother tells a different story.

The Mother do not discuss the love between a mother and her child, or how she sacrifice herself for the benefit of her child. Here, Notting Hill director Roger Michell tells us how a mother's love for a man about half of her age hurts the people around her.

Before Daniel Craig takes on the role of James Bond, here, he plays Darren, a man who is helping to renovate the house of the son of the mother, and sleeping with her daughter as well. Anne Reid, who was a familiar face on TV series, takes up the challenging role of the leading character, May.

The story begins with May coping with the sudden loss of her husband, Toots, in a family visit to her son, Bobby. While she befriends Darren, a handyman who is doing some renovation in Bobby's house, she was shocked to found out that her daughter, Paula, was sleeping with Darren. At the same time, May was coping with life after the death of Toots. Fearing that Harry and Paula do not wanted her, May starts to find her life going off track, until she spends her afternoon with Darren.

Darren was nice and friendly to May, and May soon finds some affection on Darren. Instead of treating him like a friend, she treated the man who was about half her age with love of a couple. Later, May found sexual pleasure from Darren, where he gave her the pleasure she could never find on anyone else. And this is the beginning of the disaster that could lead to the break down of a family.

The Mother explores the inner world of a widow who wanted to try something she never had in her life, and solace on someone who is there for her to shoulder on. This can be told from May buying tea time snacks for Darren to fulfilling sexual needs from a man younger than her, where it eventually gave her more than she bargained for.

Anne Reid has made a breakthrough for her role of May, as she was previously best well known for her various role on TV series. As she do not have much movies in her career resume, The Mother has put her on the critic's attention. Daniel Craig, on the other hand, had took on a similar role in his movie career, such as Sylvia (2003) and Enduring Love (2004). If his reprising role of James Bond fails, film reviewers should not forget that he has a better performance in small productions in his years of movie career, and The Mother is one of them.

The Mother may not be everyone's favorite, but it is definitely not your usual matin\\ufffd\\ufffde show to go along with tea and scones, accompanied by butter and jam.\": {\"frequency\": 1, \"value\": \"While movie titles ...\"}, \"This movie deserves more than a 1. But I'm giving it a one because so many fricken fan boys have given it a 10 resulting in it getting a rating that'll take it into the top 100 list. Seriously it's not that great its not that bad. Its a stupid cult classic with so many fricken fan boys it's ridiculous. These are the types who probably still laugh at Chuck Norris jokes and still say \\\"I'm rick james b!tch\\\" No matter how old or annoying it gets. I dread having to hear \\\"I'm tired of MFn snakes on this MFn plane\\\" months from now from idiots trying to be funny. Its crappy plot crap acting etc. Its Okay to love a bad movie, but you still gotta admit its a bad movie.

Wait for the Marine starring John Cena if you wanna see a real movie\": {\"frequency\": 1, \"value\": \"This movie ...\"}, \"Let's hope this is the final nightmare. This is the epitome of a good thing gone bad. Okay, there is still some enjoyment to be had, but only in the most mundane sense. Rachel Talalay had been there for the duration of this franchise, had been on the production staff and produced even. I don't know what she was thinking, but this debacle comes complete with the human video game boy and a guest appearance by

Tom and Roseanne Arnold! I wish I had a clue what she was thinking when she wrote/directed this disappointing piece of garbage. She even tried to distract her audience from the fact that this movie was nothing more than an over-glorified popcorn movie instead of bearing any resemblance to horror, with the contrived use of a 3D ending. Aren't those glasses nifty? And you get to KEEP them! It's the equivalent of, you just spent $9.00 making me rich. Here's 10 cents. Now, don't you feel special!? Sorry, but for me, it just did not make me feel special.

And Freddy's had yet another face-lift. This one was for the worst, I think. All the beautiful artistry that went into his \\\"look\\\" in the earlier films has been replaced by an obviously cheaper, less detailed set of prosthetics. He looks ... less like the burn victim he is supposed to be, and more like he has a skin disorder. Changing the lead's makeup like that so far into a series is about on the same level as changing the lead actor. But wait! They've done that, and done that. So I guess it doesn't matter. But it mattered to me. Freddy is no longer SCARY. He's just ... another low-rent monster like the Leprechaun.

It's more...a dark comedy than the horror classic this series promises; riddled with what you can only hope the writers thought were witty one-liners and clever repartee (sadly, it fell short on both accounts).

So there's nothing more to say than grab the popcorn and get ready to laugh, because there was not one scary or suspenseful moment in this entire film.

It rates a 3.2/10 from...

the Fiend :.\": {\"frequency\": 1, \"value\": \"Let's hope this is ...\"}, \"As far as cinematography goes, this film was pretty good for the mid 50's. There were a few times that the lighting was way too hot but the shots were generally in frame and stayed in focus. The acting was above average for a low budget stinker but the direction was horrible. Several scenes were dragged out way too long in an attempt at suspense and the effects were non-existent. The attack by the skull in the pond should have been completely removed from the final cut and every attempt to bring life to the skull was obvious with stick pokes and strings. I also couldn't help but think the budget didn't allow them to furnish the house so they kept making references to the movers and that all the things in storage should be coming soon. Honestly...it would have been more entertaining if it were a worse movie. It wasn't bad enough to be a \\\"good-bad\\\" movie but wasn't good enough to be \\\"good\\\" either. Get the MST3K version...it's more fun.\": {\"frequency\": 1, \"value\": \"As far as ...\"}, \"This sweeping drama has it all: top notch acting, incredible photography, good story. It is often compared to \\\"Braveheart\\\" because both movies take place in historical Scotland. Even though I love Braveheart, I think this is the better of the two films. Jessica Lange gave an incredible performance (should have been nominated for an Oscar). Liam Neeson is fantastic in the title role. Tim Roth plays one of the most evil, despicable, characters in film history (he was nominated for an Oscar). John Hurt is excellent as Lord Montrose, another dislikeable character. I am always amazed at the incredible range of characters that John Hurt can play. This is a story of a dispute over money between Rob Roy and his clan, and Lord Montrose. Rob Roy is a self made man, who will not solve his problems with Montrose if it violates his sense of honor. Montrose, who, inherited his title, has no sense of honor. And that is basically what this story is all about; honor of the common man versus corruption of the nobility. This movie is very entertaining, it should appeal to all. It has romance, action, beautiful scenery, and has a exciting plot. One of my favorite films.\": {\"frequency\": 1, \"value\": \"This sweeping ...\"}, \"PROBLEM CHILD is one of the worst movies I have seen in the last decade! This is a bad movie about a savage boy adopted by two parents, but he gets into trouble later. That Junior can drive Grandpa's car. He can scare people with a bear. He can put a room on fire! It is a bad movie as much as BATTLEFIELD EARTH. A sequel is an even worse fate. Rent CHICKEN RUN instead.

*1/2 out of **** I give it.\": {\"frequency\": 1, \"value\": \"PROBLEM CHILD is ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"One of the better ...\"}, \"I laughed so hard during this movie my face hurt. Ben Affleck was hilarious and reminded me of a pretty boy Jack Black in this role. Gandolfini gives his typical A performance. The entire cast is funny, the story pretty good and the comic moments awesome. I went into this movie not expecting much so perhaps that is why I was so surprised to come out of the flick thoroughly pleased and facially exhausted. I would recommend this movie to anyone who enjoys comedy, can identify with loneliness during the holidays and/or putting up with the relatives. The best part to this film (to me anyway) were the subtle bits of humor that caught me completely off guard and had me laughing long after the rest of the audience had stopped. Namely, the scene involving the lighting of the Christmas tree. Go see it and have a good laugh!\": {\"frequency\": 1, \"value\": \"I laughed so hard ...\"}, \"Tenchu aka. Hitokiri- directed by Hideo Gosha - starring Shintaro Katsu and Tetsuya NAkadei belongs (together with Goyokin, HAra Kiri & Rebellion) to the best chambara movies existing.

Its the story about Shintaro Katsu (who plays Okada Izo) working for Nakadei, who wants to become the daymio. Okada, being the \\\"cleaner\\\" for Nakadei is being treated like a dog - and after quite a while he realises - what he realy is to Nakadei.

But there is so much more in this movie - every fan of japanese cinema should have seen it !!!!!!!

(Tenchu means Heavens Punishment)\": {\"frequency\": 1, \"value\": \"Tenchu aka. ...\"}, \"I am Curious (Yellow) (a film, in near Seussical rhyme, is said right at the start to be available in two versions, Yellow and Blue) was one of those big art-house hits that first was a major sensation in Sweden then a big scandal/cause-celebre in the United States when the one print was held by customs and it went all the way to the Supreme Court. What's potent in the picture today is not so much what might offend by way of what's revealed in the sex or nudity- the director/\\\"actor\\\" Vilgot Sjoman films the various scenes in such a way that there is an abundance of flesh and genitalia and the occasional graphic bit but it's always more-so an intellectual expression than very lust-like- but the daring of the attempt at a pure 'metafilm' while at the same time making a true statement on the state of affairs in Sweden. Who knew such things in a generally peaceful country (i.e. usually neutral in foreign affairs and wars) could be so heated-up politically? At least, that's part of Sjoman's aim here.

Like a filmmaker such as Dusan Makavajev with some of his works like W.R. (if not as surreal and deranged) or to a slightly lesser extent Bertolucci, Sjoman is out to mix politics and sex (mostly politics and social strata) around in the midst of also making it a comment on embodying a character in a film. The two characters, Lena and Borje, have a hot-cold relationship in the story of the film, where Lena is a \\\"curious\\\" socialist-wannabe who demonstrates in the street for nonviolence and 'trains' sort of in a cabin in the woods to become a fully functioning one, while at the same time maybe too curious about her car salesman boyfriend. And as this is going on, which is by itself enough for one movie, Sjoman inserts himself and his crew from time to time as they are making this story on film (there's even a great bit midway through where, as if at a rock concert, title cards fill in during a break in shooting who the crew are, negating having to use end credits!) Then with this there's a whole other dynamic as Sjoman gives an actual performance, not just a \\\"hey, I'm the director playing the director\\\" bit.

At first, one might not get this structure and that I am Curious (Yellow) is just a film where Lena is a documentary interviewer asking subjects about their thoughts on class, socialism, Spain and Franco, and once in a while we see Lena's father or Bjore. But Sjoman does something interesting: the structure is so slippery as the viewer one has to stay on toes; it's impressive that so many years on a picture can surprise with not being afraid to mix dramatic narrative, documentary, film-within-a-film, and even a serious interview with Martin Luther King, who also acts as a quasi-guru for Lena. It might not always be completely coherent analysis politically, but it doesn't feel cheating or even with much of a satirical agenda like in a Godard picture; the satire Sjoman is after is akin to a Godard but on a whole other wavelength. His anarchy is playful but not completely loaded with semantics or tricks that could put off the less initiated viewer.

If I Am Curious (Yellow) stands up as an intellectual enterprise and a full-blown trip into exploring sex in a manner that was and is captivating for how much is shown and how comfortable it all seems to be for the actors, it isn't entirely successful, I think, as an emotional experience. Where Bergman had it down to a T with making a purely emotional film with deconstruction tendencies, Sjoman is more apt at connecting with specific ideas while not actually directing always very well when it comes time to do big or subtle scenes with the actors. Occasionally it works if only for the actors, Lena Nyman (mostly spectacular here in a performance that asks of her to make an ambitious but confused kid into someone sympathetic and vulnerable even) and Borje Ahlstedt (a great realistic counterpoint to the volatile Lena), but some 40 years later its hard to completely connect with everything that happens in the inner-film of Lena and Borje since (perhaps intentionally) Sjoman fills it up with clich\\ufffd\\ufffds (Borje has a girlfriend and kid, will he leave her, how will Lena reconcile her father) and a heavy-handed narration from his starlet of sorts.

And yet, for whatever faults Sjoman may have, ironically considering he means it to be a comment on itself, I Am Curious (Yellow) holds up beautifully as an artistic experiment in testing the waters of what could be done in Swedish cinema, or testing what couldn't be and bending it for provocative and comedic usage. I'd even go as far as to say it's influential, and has probably been copied or imitated in more ways than one due to it being such a cult phenomenon at its time (a specific technique used, with the film rewinding towards the end, is echoed in poorer usage in Funny Games), and should be seen by anyone looking into getting into avant-garde or meta-film-making. If it's not quite as outstanding an artistic leap as W.R. or Last Tango, it's close behind.\": {\"frequency\": 1, \"value\": \"I am Curious ...\"}, \"Bettie Page was a icon of the repressed 1950s, when she represented the sexual freedom that was still a decade away, but high in the hopes and dreams of many teenagers and young adults. Gretchen Mol does a superb job of portraying the scandalous Bettie, who was a small town girl with acting ambitions and a great body. Her acting career went nowhere, but her body brought her to the peak of fame in an admittedly fringe field. Photogrsphed in black and white with color interludes when she gets out of the world of exploitation in New York, this made-for-TV (HBO) film has good production values and a very believable supporting cast. The problem is, it's emotionally rather flat. It's difficult to form an attachment to the character, since Bettie is portrayed as someone quite shallow and naive given the business she was in. The self-serving government investigations are given a lot of screen time, which slows down the film towards the end. But it's definitely worth watching for the history of the time, and to see the heavy-handed government repression that was a characteristic of the fifties. 7/10\": {\"frequency\": 1, \"value\": \"Bettie Page was a ...\"}, \"It helps if you understand Czech and can see this in the original language and understand the Czechs obsession with 'The Professionals', but if not, 'Jedna ruka netlaska' is yet another great Czech film. It is funny, dark and extremely enjoyable. The highest compliment I can pay it is that you never know quite what is going to happen next and even keep that feeling well into the second and third viewing.

For a small country the Czech Republic has produced an amazing amount of world class film and literature, from Hrabal, Hasek and Kundera to the films of Menzel, Sverak and numerous others. Czech humour by its very nature is dark and often uncompromising, but often with a naive and warm sentiment behind it. This film is just that, it is unkind and deals with the less lovable sides of human beings, but underneath it all there is a beautiful story full of promise, good intent and optimism.

I highly recommend this and most other projects Trojan and Machacek are involved in. Enjoy it, it's a film made for just that reason - anyway, it's as close as the Czechs will ever come to writing a truly happy ending...\": {\"frequency\": 1, \"value\": \"It helps if you ...\"}, \"Beautiful attracts excellent idea, but ruined with a bad selection of the actors. The main character is a loser and his woman friend and his friend upset viewers. Apart from the first episode all the other become more boring and boring. First, it considers it illogical behavior. No one normal would not behave the way the main character behaves. It all represents a typical Halmark way to endear viewers to the reduced amount of intelligence. Does such a scenario, or the casting director and destroy this question is on Halmark producers. Cat is the main character is wonderful. The main character behaves according to his friend selfish.\": {\"frequency\": 1, \"value\": \"Beautiful attracts ...\"}, \"I thought this was a splendid showcase for Mandy's bodacious bod. If you don't expect anything else, such as clever plot twists and believable character development, you won't be disappointed. Consider this a Sports Illustrated shoot whose character goes around killing people, especially those who threaten to come between her and her 'Mommy' (Suzanna Arquette, who obviously doesn't want to play the sex kitten - she leaves that up to her daughter).

Mandy's face is a little too perfect, but her body is a complete 5-alarm fire, up there in the ranks of Sophia Loren when it comes to natural bustiness, a perfect 7-to-10 ratio of waist to hips, and splendidly configured legs, right down to her feet. (There has to be some ideal configuration of thighs to knees to calves to ankles that is altogether pleasing to the eye; Mandy certainly is the model for this idealized ratio).

And no flat butt to boot, which seems to be the undoing of many a busty babe with curves everywhere except in the 'nether hemispheres'. Mandy might have used a body double in the rear shot of her losing her towel as she descended into the candle-lit hot tub with her blindfolded German-Guy Victim No. 2, but from all I could see from her bikini shots, she had the butt for it and didn't need a double to prove it.

Mandy's acting abilities had little to do with her impression of a psychotic 'Mommy's Girl', with the obvious erotic lesbian overtones. Her bisexual nature (allowing herself to be boinked in the hot tub after a long flirtation with German Guy No. 2, who also happened to be her mother's lover) added an additional dimension to an otherwise one-dimensional caricature of adolescent female horniness conflicted with pathological murderous impulses (always by water with the men - the ultimate fate of the Latina housekeeper was edited out in the televised version for some obscure reason).

Mandy's Uber-Nordic facial features coupled with her Uber-Voluptuous body could either be a blessing or a curse. If Mandy really wants to further her career as an actress, I'd advise her to immerse herself fully in the Romance Languages, especially Italian and Spanish - and maybe French, although I don't know if they would go for her type. But this would enable her to reconcile her Bo Derek face with her Vida Guerra body - but maybe her face is just a little too Nordic, and she has shown off too much of her extraordinary body in a cheesy movie to enable her to advance to any more fame that was enjoyed by Michelle Johnson of the 1980's whose early fame in Blame it on Rio was followed by a series of skin flicks that failed to make it off the ground.

Vambo Drule.\": {\"frequency\": 1, \"value\": \"I thought this was ...\"}, \"This movie has it all. It is a classic depiction of the events that surrounded the migration of thousands of Cuban refugees. Antonio Montana(played by Al Pacino), is just one of the thousands to get a chance to choose his destiny in America. This cinematic yet extremely accurate depiction of Miamis' Drug Empire is astonishing. Brian DePalma does an amazing job directing this picture, so much that, the viewer becomes involved with both the storyline, as well as every character in the cast. With Tony's characters' pressence being so believable and strong, Brian DePalma brang out the raw talent exposed by Steven Bauer(Manny, Tony's best Friend), Mary Elizabeth Mastantonio(Gina, Tony's Sister), Robert Loggia(Frank, Tony's Boss)and Michelle Pfeiffer(Elvira, Frank's Wife). I enjoyed every minute watching this movie, and still watch it on a weekly basis. On this year, the 20th Anniversary of this classic crime movie, I for one am a true believer that in another 20 years people will still refer to this movie in astonishing numbers. With other crime movies being so dramatic I find, this movie is a shock to the system.\": {\"frequency\": 1, \"value\": \"This movie has it ...\"}, \"I caught this movie about 8 years ago, and have never had it of my mind. surely someone out there will release it on Video, or hey why not DVD! The ford coupe is the star.......if you have any head for cars WATCH THIS and be blown away.\": {\"frequency\": 1, \"value\": \"I caught this ...\"}, \"This is one of the best movies I have seen in a long time. All of you who regard this movie as absolute sh*t obviusly are not intelligent enough to grasp all of the subtle humor that this movie has to offer. It shows us that real life and \\\"ficticious\\\" action can produce a winning combination. Also, as a romantic comedy, it has one of the most clever ways for two people to find each other. Name me another movie where you can see all of that as well as Donald Sutherland singing a song like \\\"They're Going to Find Your Anus On A Mountain On Mars.\\\"\": {\"frequency\": 1, \"value\": \"This is one of the ...\"}, \"Pointless short about a bunch of half naked men slapping and punching each other. That's it. For about 5 minutes we see this. It's shot in black and white with tons of half-naked men running around slapping each other to the tune of dreadful music. It LOOKS interesting but there's no plot and really--the violence inherent in this got disturbing. Also the homo eroticism in this is played up but mixing it with violence was not a good idea. Some people who like avant garde material might like this but I found it incomprehensible, boring, stupid and (ocassionally) disturbing. Really--what is the point in all this? I saw it as part of a festival of gay shorts and the audience sat there in stunned silence. I really wish I could go lower than 1.\": {\"frequency\": 1, \"value\": \"Pointless short ...\"}, \"When we were in junior high school, some of us boys would occasionally set off stinkbombs. It was considered funny then. But the producers, directors and cast of \\\"Semana Santa\\\" (\\\"Angel of Death\\\" in the DVD section of your local video rental) are adults and they are STILL setting them off.

Like the previous reviewer who wondered if the cast were anxious to get off the set and home, I doubt more than one take was done for any of the scenes.

Mira Sorvino, hot in \\\"Mighty Aphrodite\\\" and other top-rated films, seems to have undersold herself to this project. Her acting is non-existent, confined mostly to wistful stares that are supposed to indicate how \\\"sensitive\\\" she is to the plight of the film's various victims.

But let me warn you--do not be the next victim! Step away from the DVD if you find it on the shelf. Tbere are not many good leg shots of Mira (the only high points I could find in the film) and the supporting cast is of inferior quality, delivering a mishmash of badly-done dialogue with embarrassing \\\"Spanish\\\" accents worthy of the best high school theatrical production.\": {\"frequency\": 1, \"value\": \"When we were in ...\"}, \"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!\": {\"frequency\": 1, \"value\": \"Not a bad word to ...\"}, \"There are movies like \\\"Plan 9\\\" that are so bad they have a charm about them, there are some like \\\"Waterworld\\\" that have the same inexplicable draw as a car accident, and there are some like \\\"Desperate living\\\" that you hate to admit you love. Cowgirls have none of these redemptions. The cast assembled has enough talent to make almost any plot watchable, and from what I've been told, the book is enjoyable.

How then could this movie be so intolerably bad? To begin with, it seems the director brought together a cast of names with no other tie than what will bring in the 20 somethings. Then tell them to do their best Kevin Costner imitations. Open the book at random and start shooting whatever is on the page making sure to keep the wide expanses of America from being interesting in any way. Finally give the editing job to your brother-in-law, because the meat packing plant just laid him off. He does have twenty years of cutting experience.

This movie now defines the basement for me. It is so bad, it isn't even good for being bad.\": {\"frequency\": 1, \"value\": \"There are movies ...\"}, \"I could not agree more with the quote \\\"this is one of the best films ever made.\\\" If you think Vanilla Sky is simply a \\\"re-make,\\\" you could not be more wrong. There is tremendous depth in this film: visually, musically, and emotionally.

Visually, because the film is soft and delicate at times (early scenes with Sofia) and at other times powerful and intense (Times Square, post-climactic scenes).

The music and sounds tie into this movie so perfectly. Without the music, the story is only half told. Nancy Wilson created an emotional, yet eclectic, score for the film which could not be more suitable for such a dream-like theme (although never released, I was able to get my hands on the original score for about $60. If you look hard, you may be able to find a copy yourself). Crowe's other musical selections, such as The Beach Boys, Josh Rouse, Spiritualized, Sigur Ros, the Monkees, etcetera etcetera, are also perfect fits for the film (Crowe has an ear for great music).

More importantly, the emotional themes in this film (i.e. love, sadness, regret) are very powerful, and are amplified tenfold by the visual and musical experience, as well as the ingenious dialogue; I admit, the elevator scene brings tears to my eyes time and time again.

The best part of this film however (as if it could get any better) is that it is so intelligently crafted such that each time you see the film, you will catch something new--so watch closely, and be prepared to think! Sure, a theme becomes obvious after the first or second watch, but there is always more to the story than you think.

This is easily Cameron Crowe's best work, and altogether a work of brilliance. Much of my film-making and musical inspiration comes from this work alone. It has honestly touched my life, as true art has a tendency of doing. It continually surprises me that there are many people that cannot appreciate this film for what it is (I guess to understand true art is an art itself).

Bottom line: Vanilla Sky is in a league of its own.\": {\"frequency\": 1, \"value\": \"I could not agree ...\"}, \"I was intrigued by the title, so during a small bout of insomnia (fueled by my curiosity...), I stayed up and watched it. I then checked my TV listings and watched it again! There is one very obvious realization that occurred to me when I saw this film- in spite of politics, traditions, culture, etc., teenagers everywhere are virtually the same. The characters of the kids from Belgrade could have been transported to, let's say, somewhere in the American Midwest during the same time period, and language differences aside, would be impossible to tell apart from any of the local teens of that era. They certainly displayed the same growing pains and preoccupations, politics aside: Music, sex, movie idols, music, drinking, sports, music... As a matter of fact, much the same things that occupied my time growing up in 1970's Southern California.

This was a bittersweet story, but the joy of youth made it very enjoyable. The characters, especially the young actors, were completely believable also. I won't say this was the Yugoslav \\\"American Graffiti\\\", but I will say that it fits in nicely with other 50's-themed movies.\": {\"frequency\": 1, \"value\": \"I was intrigued by ...\"}, \"I'm into bad movies but this has NOTHING going for it. Despite what the morons above have said, it is NOT funny. I know comedy AND underground movies but this is so boring that the Director / Writer should be prohibited from EVER directing anything but local cable access EVER again! To love movies and comedy is to despise this film. I may never get over how unfunny and boring this work was. If you like this movie you ARE a pothead as sober there is NOTHING here. ZERO! If you need to compare underground movies, see \\\"Kentucky Fried Movie\\\" or early John Waters. The movie starts by defining satire and I defy anyone to show me the satire. The rule for comedy is THIS ... If it's FUNNY you can say or do ANYTHING but if it's NOT funny you are not satirical, you are not edgy, you are merely pathetic and this movie is simply not funny. ZERO!\": {\"frequency\": 1, \"value\": \"I'm into bad ...\"}, \"Murders are occurring in a Texas desert town. Who is responsible? Slight novelties of mystery and racial tensions (the latter really doesn't fit), but otherwise strictly for slasher fans, who will appreciate the gore and nudity, which are two conventional elements for these films.

Dana Kimmell (of FRIDAY THE 13TH PART 3 infamy) stars as the bratty quasi-detective teen.

*1/2 out of ****

MPAA: Rated R for violence and gore, nudity, and some language.\": {\"frequency\": 1, \"value\": \"Murders are ...\"}, \"I went to see this film at the cinemas and i was shocked when I got in the room. There was only me and my girlfriend! This shouted to me that this film is not very good.

Not to my surprise, the film was dire. Ben Affleck plays a guy who buys a family for Christmas. It is a very predictable narrative with him falling in love with the girl that hates him. His acting is OKish but for the comedy aspect of the film he is not very good. The plot line is poor and the comedy almost non-existent.

However, there are some good points. For example, the family is falling apart and the mother is very funny.

I hope this review stops other people wasting their money. I was very embarrassed when I came out of the room!!!\": {\"frequency\": 1, \"value\": \"I went to see this ...\"}, \"The key to The 40-Year-Old Virgin is not merely that Andy Stitzer is a 40-year-old virgin, but rather the manner in which Steve Carell presents him as one. In a genre of crass \\\"comedy\\\" that has become typified by its lack of humor and engaging characters, The 40-Year-Old Virgin offers a colorful cast and an intelligent, heartfelt script that doesn't use its protagonist as the butt-end of cruel jokes. That Andy is still a virgin at forty years old is not as much a joke, in fact, as it is a curiosity.

Carell, a veteran of Team Ferrell in Anchorman and an ex-Daily Show castmember, uses the concept of the film to expand his character \\ufffd\\ufffd we get to understand why Andy is the way he is. It's the little things that make this film work. When Andy's co-worker at an electronics store asks him what he did for the weekend, Andy describes his failed efforts at cooking. When Andy rides his bike to work, he signals his turns. He doesn't just adorn his home with action figures \\ufffd\\ufffd he paints them, and talks to them, and reveals that some of the really old ones have belonged to him since childhood. A lesser comedy wouldn't even begin to focus on all of these things.

The plot is fairly simplistic \\ufffd\\ufffd Andy's co-worker pals find out he's never had sex and they make it a personal quest of theirs to get him in bed with a woman. It's a childish idea and the film makes no attempt to conceal its juvenility.

Andy's friends are a complement to his neurotic nature: David (Paul Rudd) has broken up with his girlfriend over two years ago but is still obsessed with her, Jay (Romany Malco) is a womanizing ladies' man and Cal (Seth Rogen) is a tattooed sexaholic. Their attempts at getting Andy in the sack backfire numerous times, and each time leaves Andy feeling less and less optimistic.

Finally Andy meets single mom Trish (played by Catherine Keener) and, much to the chagrin of his worrying buddies who claim mothers aren't worth it, he falls in love with her. They begin a relationship and agree to put off having sex for twenty days \\ufffd\\ufffd Trish being unaware that Andy is still a virgin.

The 40-Year-Old Virgin was directed by Judd Apatow, the man who produced Anchorman and The Cable Guy, and began the short-lived cult TV show Freaks and Geeks. Apatow is renowned for his unique sense of humor, and the script \\ufffd\\ufffd co-written by Carell \\ufffd\\ufffd offers plenty.

However, in the end the most interesting and (indeed surprising) aspect of The 40-Year-Old Virgin is its maturity. By now you are probably well aware that the film received glowing reviews from the critics, and even I was surprised by its warm reception. But after seeing the film, it's easy to understand why. We like Andy. We care about him. He's not just some cardboard cutout sex-comedy clich\\ufffd\\ufffd \\ufffd\\ufffd he's a real, living, breathing person. His neurotic traits combine the best of Woody Allen with childish naivety. His friends are not unlikable jerks and his romance is tumultuous and bittersweet. It strikes a chord with the audience.

Although this is far from being a perfect movie and definitely contains some rather crude innuendo and sexual humor, it doesn't offend to the extent that other genre entries might have because we have affection for the people on-screen. The best sex comedies work this way \\ufffd\\ufffd from Risky Business to American Pie \\ufffd\\ufffd and that is the major difference between something like The 40-Year-Old Virgin and 40 Days and 40 Nights.\": {\"frequency\": 1, \"value\": \"The key to The 40 ...\"}, \"This is the first 10 out of 10 that I've given any movie. What made this movie so good for me? Constant action - there isn't any slow parts, great acting, smart writing. I also liked the filming style where the shakiness and different angles just made it feel like you are a part of the scene. Finally, I get to see an action movie that doesn't try to please all sectors of the public (i.e. there's no forced romance).

I liked the first two Bourne movies, but I loved this one.

Warning - after watching this movie, you will be full of adrenaline and you may want to calm down a bit before driving your car!\": {\"frequency\": 1, \"value\": \"This is the first ...\"}, \"The Lion King series is easily the crowning achievement in Disney animation. The original Lion King is the greatest masterpiece in cel animation. Lion King II:Simba's Pride is the BY FAR the best direct-to-video sequel that Disney, or any other studio, has made for an animated feature. It deserved a theatrical release. The same can be said for this movie. It has the original cast, songs by Elton John, a hilarious story, exciting action, and touching character moments. Everything you've come to expect from this series. Not so much a new story, but filler and extended background on Timon and Pumbaa, and their place in this story. What impressed me the most, was the care taken in the animation. All to often, Disney shorts on the animation quality of their video and television efforts. But here, they seamlessly blend new animation with footage from the original film. The scenes never seem out of place. Nathan Lane and Ernie Sabella are in full swing as Timon and Pumbaa. Matthew Broderick, Robert Guillame, and Moira Kelly reprise their roles as Simba, Rafiki, and Nala, respectively. We even get a return visit by Whoopi Goldberg and Cheech Marin as the hyenas.There are MANY big laughs in this movie. So if you love Lion King, you need this movie. The story is just not complete without it.\": {\"frequency\": 1, \"value\": \"The Lion King ...\"}, \"This show is totally worth watching. It has the best cast of talent I have seen in a very long time. The premise of the show is unique and fresh ( I guess the executives at ABC are not used too that, as it was not another reality show). However this show was believable with likable characters and marvelous story lines. I am probably not in the age group they expect to like the show, as I am in my forty's, but a lot of my friends also loved it (Late 30's - mid 40's) and are dying for quality shows with talented cast members. I do not think this show was given enough time to gain an audience. I believe that given more time this show would have done very well. Once again ABC is not giving a show with real potential a real chance. With so many shows given chance after chance and not nearly worth it! They need to give quality shows a real chance and the time to really click and gain an audience. I really loved the characters and looked forward to watching each episode. I have been watching the episodes on ABC videos and the show keeps getting better and better. Although I think they owe us one more episode (Number 13?). We want to watch what we can! Bombard ABC with emails and letters and see if its possible to save this show from extinction. It certainly worked for Jerico. Some things are just worth saving and this show is definitely one of them. SIGN THE ONLINE PETITION TO ABC AT: http://www.PetitionOnline.com/gh1215/petition.html\": {\"frequency\": 1, \"value\": \"This show is ...\"}, \"The film begins with promise, but lingers too long in a sepia world of distance and alienation. We are left hanging, but with nothing much else save languid shots of grave and pensive male faces to savour. Certainly no rope up the wall to help us climb over. It's a shame, because the concept is not without merit.

We are left wondering why a loving couple - a father and son no less - should be so estranged from the real world that their own world is preferable when claustrophobic beyond all imagining. This loss of presence in the real world is, rather too obviously and unnecessarily, contrasted with the son having enlisted in the armed forces. Why not the circus, so we can at least appreciate some colour? We are left with a gnawing sense of loss, but sadly no enlightenment, which is bewildering given the film is apparently about some form of attainment not available to us all.\": {\"frequency\": 1, \"value\": \"The film begins ...\"}, \"After watching this film, I was left with a two very annoyances about this film: why did they make Chen's character this \\\"McGuyver hit-man\\\" and Lee's character such an incompetent idiot? Chen's character's background is that he was raised in an underground Cambodian orphanage for blood thirsty fighter where they learn to brawl it out to the death like wild \\\"dogs.\\\" This detail is pushed early on during a scene where he gets into a cab and as it starts to drive, he shows how he is unfamiliar with a seat belt. Soon after this scene, he has a similar situation at a dim sum restaurant. Not only is he uneducated, he is starving. This is not a reference to Chen's scrawny physique but to the two early scenes in the film where he is scarfing down food, one of which, being rice porridge off the floor of the lower deck on an old ship. Si in the first ten minutes of the film, it is established that Chen is malnutrition-ed, unmodernized,and has only thing going for him, his \\\"dog\\\" brawling fighting style of some sort. Despite this situation, Chen manages to out-shoot every policeman (even managing to ricochet a bullet off a metal pipe to hit a guy in a head, whom was holding Chen's girlfriend hostage) and has somehow attained a super human strength (swings a 50 lb block of concrete, plastered on the end of a metal pipe, to the head of the police chief AS he is getting shot in the chest, by said chief).

Now Lee's character...okay, I get it, he's depressed, he's got some baggage, but wow, can he do anything right? One moment, they try to make him cool, composed and ready to take care of business, and the next moment, he just got beat again. First scene he runs into Chen, and he manages to misses him, from approx 15 ft, multiple times. Toward the end of that scene, Lee watches Chen as his close friend and coworker gets slowly stabbed in the neck with a long knife for a good full 5 seconds, while holding a gun to Chen face, at a 10 ft distance. Even at the end of the movie, Lee manages to get stabbed to death and fails once again.

And my biggest problem with this movie is that it is presented in a manner that film makers are trying to get the audience to sympathize with Chen's character and that he is just \\\"killing to survive.\\\" That would be a lot easier if I didn't just watch Chen kill innocent people throughout the whole awful movie. Of the numerous people he killed, only two people had the intention of trying to kill him, the police chief and Lee. Others were just people who were eating, boat owners, taxi drivers, and policemen trying to arrest him, not kill. Overall, Chen's character is a just a cold blooded killer who kills for what he wants, even if its just a free ride. (Did I mention he is carrying a wad of hundred dollar bills throughout most of the film?) My 3 stars go to some of the interesting director/camera work who got in some nice shots.

Bottomline: One made for the nut-hugging Chen fans. For me, \\\"Dog Bite This DVD\\\"\": {\"frequency\": 1, \"value\": \"After watching ...\"}, \"it's a very nice movie and i would definitely recommend it to everyone. but there are 2 minus points: - the level of the stories has a large spectrum. some of the scenes are very great and some are just boring. - a lot of stories are not self-contained (if you compare to f.e. coffee and cigarettes, where each story has a point, a message, a punchline or however you wanna call it) but well, most stories are really good, some are great and overall it's one of the best movies this year for sure!

annoying, that i have to fill 10 lines at minimum, i haven't got more to say and i don't want to start analyzing the single sequences...

well, i think that's it!\": {\"frequency\": 1, \"value\": \"it's a very nice ...\"}, \"Typical formula action film: a good cop gets entangled in a mess of crooked cops and Japanese gangsters.

The okay result has decent performances, a few fleeting snicker-inducing moments, and some fair action sequences--plus a chance to check out the gorgeous Danielle Harris--who makes the most of her perpetual typecasting as a rebellious teen daughter.

** out of ****.\": {\"frequency\": 1, \"value\": \"Typical formula ...\"}, \"This movie has a lot of comedy, not dark and Gordon Liu shines in this one. He displays his comical side and it was really weird seeing him get beat up. His training is \\\"unorthodox\\\" and who would've thought knot tying could be so deadly?? Lots of great stunts and choreography. Very creative!

Add Johnny Wang in the mix and you've got an awesome final showdown! Don't mess with Manchu thugs; they're ruthless!\": {\"frequency\": 1, \"value\": \"This movie has a ...\"}, \"This is a true \\\"80's movie\\\": Back then they made maybe 100 times more movies than nowadays, and that makes many of them quite interesting... It was a cultural phenomenon, that don't exist anymore. Nowadays maybe the same kind of people that would have made cheap \\\"straight-to-video\\\"-movies in the eighties, are doing cheap porn. Porn seems to sell. Anyway, this is above the medium trash-movie level: It has good&fascinating story, and it's quite well made I think. In one scene you can even see the microphone swinging on the upper edge of the picture. Of course there are also little cameos by Ozzy and Gene Simmons, but they don't very much contribute to the film \\\"success\\\", although they are good in their small roles. The monster,heavy-singer \\\"Sammi Curr\\\", looks really terrible, especially when he's singing. One of the scariest monsters I've seen in horror flicks. I may have nightmares of him next night. Not recommended for intellectual movie lovers.\": {\"frequency\": 1, \"value\": \"This is a true ...\"}, \"Yes, he is! ...No, not because of Pintilie likes to undress his actors and show publicly their privies. Pintilie IS THE naked \\\"emperor\\\" - so to speak...

It's big time for someone to state the truth. This impostor is a voyeur, a brat locked in an old man's body. His abundance of nude scenes have no artistic legitimacy whatsoever. It is 100% visual perversion: he gets his kicks by making the actors strip in the buff and look at their willies. And if he does this in front of the audience, he might eve get a hard-on! Did you know that, on the set of \\\"Niki Ardelean\\\", he used to embarrass poor Coca Bloss, by telling her: \\\"Oh, Coca, how I wanna f*** you!\\\"? She is a great lady, very decent and sensitive, and she became unspeakably ashamed - to his petty satisfaction! And, as a worrying alarm signal about the degree of vulgarity and lack of education in Romanian audiences, so many people are still so foolish to declare these visual obscenities \\\"works of art\\\"! Will anyone have ever the decency to expose the truth of it all?\": {\"frequency\": 2, \"value\": \"Yes, he is! ...No, ...\"}, \"While I certainly consider The Exorcist to be a horror classic, I have to admit that I don't hold it in quite as high regard as many other horror fans do. As a consequence of that, I haven't seen many of The Exorcist rip-offs, and if Exorcismo is anything to go by, I'll have to say that's a good thing as this film is boring as hell and certainly not worth spending ninety minutes on it! In fairness to the other Exorcist rip-offs, this is often considered one of the worst, and so maybe it wasn't the best place for me to start. It's not hard to guess what the plot will be: basically it's the same as the one in The Exorcist and sees a girl get possessed by a demonic spirit (which happens to be the spirit of her dead father). The village priest is then called in to perform the exorcism. Like many Spanish horror films, this one stars Paul Naschy, who is pretty much the best thing about the film. Exorcismo was directed by Juan Bosch, who previously directed the derivative Spanish Giallo 'The Killer Wore Gloves'. I haven't seen any of his other films, but on the basis of these two: I believe that originality wasn't one of his strong points. There's not a lot of good things I can say about the film itself; it mostly just plods along and the exorcism scene isn't worth waiting for. I certainly don't recommend it!\": {\"frequency\": 1, \"value\": \"While I certainly ...\"}, \"In celebration of Earth Day Disney has released the film \\\"Earth\\\". Stopping far short of any strident message of gloom and doom, we are treated to some excellent footage of animals in their habitats without feeling too bad about ourselves.

The stars of the show are a herd of elephants, a family of polar bears and a whale and its calf. The narrative begins at the North Pole and proceeds south until we reach the tropics, all the while being introduced to denizens of the various climatic zones traversed.

Global warming is mentioned in while we view the wanderings of polar bear; note is made of the shrinking sea ice islands in more recent years. We never see the bears catch any seals, but the father's desperate search for food leads him to a dangerous solution.

The aerial shots of caribou migrating across the tundra is one of the most spectacular wildlife shots I ever saw; it and another of migrating wildfowl are enough to reward the price of admission to see them on the big screen.

One of the disappointments I felt was that otherwise terrific shots of great white sharks taking seals were filmed in slow motion. Never do you get the sense of one characteristic of wild animals; their incredible speed. The idea of slowing down the film to convey great quickness I think began with (or at least it's the first I recall seeing) the television show \\\"Kung Fu\\\" during the early Seventies.

An interesting sidelight is that as the credits roll during the end some demonstrations of the cinematographic techniques employed are revealed. There are enough dramatic, humorous and instructive moments in this movie to make it a solid choice for nature buffs. Perhaps because of some selective editing (sparing us, as it were, from the grisly end of a prey-predator moment) and the fact that this footage had been released in 2007 and is available on DVD it is a solid film in its own right. And you can take your kids!

Three stars.\": {\"frequency\": 1, \"value\": \"In celebration of ...\"}, \"Ulli Lommel's 1980 film 'The Boogey Man' is no classic, but it's an above average low budget chiller that's worth a look. The sequel, 1983s 'Boogey Man II' is ultimately a waste of time, but at the very least it's an entertaining one if not taken the least bit seriously. Now II left the door open for another sequel, and I for one wouldn't have minded seeing at least one more. One day while I was browsing though the videos at a store in the mall I came across a film entitled 'Return of the Boogey Man.' When I found out it was a sequel to the earlier films I was happy to shell out a few bucks for it...I should have known better. Though the opening title is 'Boogey Man 3,' this is no sequel to those two far superior films I named above. Well, not totally anyway.

Pros: Ha! That's a laugh. Is there anything good about this hunk of cow dung? Let's see...it has footage from 'The Boogey Man' and, um...it's mercifully short. Yeah, that's about it.

Cons: Where to start? Decisions, decisions. First of all, this movie is a total bore. It goes from one scene to the next without anything remotely interesting or scary happening. The acting is stiff at best. The \\\"actors\\\" are most likely friends of the director who had no acting experience whatsoever before, and probably none since. The plot is nonexistent and script shoddily written. The direction is just plain awful. The director tries to make the film look all artsy fartsy by making the camera move around, lights flicker, and with filters, but it adds nothing. The music is dull and hard to hear in parts. Ties to the original are botched. Suzanna Love's character was named Lacey, not Natalie! And the events depicted in the beginning of the original did not take place in 1978. Also, if this has a 3 in the title, why is there no mention of what happened in II? Finally, this adds nothing new or interesting to either the series or the genre.

Final thoughts: The people behind this waste of time and money should be ashamed of themselves. It's one thing if that had been an original film that was the director's first and sucked. But instead it's supposed to be a sequel to film that is no masterpiece, but is damn sure far more interesting and entertaining than this. If there ever is another sequel, which I doubt it, then it needs to forget this one ever happened and be handled either by Lommel himself or someone who has at least some idea of how to make a decent horror film.

My rating: 1/5\": {\"frequency\": 1, \"value\": \"Ulli Lommel's 1980 ...\"}, \"Does anyone happen to know where this film was shot? The aviation scene on the cliff is beautiful. It appears to be England. However, Ivy's apartment building certainly looks like the Brill Building, with its fascinating elevators.

Charles Mendl is listed as playing \\\"Sir Charles Gage\\\". Maybe I blinked, but I never saw him. Perhaps he was the husband's lawyer, but, again, I don't recall that character being in the film, other than being mentioned as having made a phone call. Perhaps he was in the aviation scene? Or the ballroom scene? Did anyone spot him?

Herbert Marshall was 57 years old when he shot this film.\": {\"frequency\": 1, \"value\": \"Does anyone happen ...\"}, \"Orson Welles' \\\"The Lady From Shanghai\\\" does not have the brilliant screenplay of \\\"Citizen Kane,\\\" e.g., but Charles Lawton, Jr.'s cinematography, the unforgettable set pieces (such as the scene in the aquarium, the seagoing scene featuring a stunning, blonde-tressed Rita Hayworth singing \\\"Please Don't Love Me,\\\" and the truly amazing Hall of Mirrors climax), and the wonderful cast (Everett Sloane in his greatest performance, Welles in a beautifully under-played role, the afore-mentioned Miss Hayworth--Welles' wife at the time--at her most gorgeous) make for a very memorable filmgoing experience. The bizarre murder mystery plot is fun and compelling, not inscrutable at all. The viewer is surprised by the twists and turns, and Welles' closing line is an unheralded classic. \\\"The Lady From Shanghai\\\" gets four stars from this impartial arbiter.\": {\"frequency\": 1, \"value\": \"Orson Welles' \\\"The ...\"}, \"I just came back from \\\"El Otro\\\" playing here in Buenos Aires and I have to say I was very disappointed. The film is very slow moving (don't get me wrong, I enjoy slow moving films!), slow to the point of driving you crazy. All you hear is Julio Chavez breathing heavily throughout the whole film. This is a poorly made film, but more importantly, it is a film without a lick of inspiration, I felt nothing for the story or its characters.

\\\"El Otro\\\" was made only for the sake of making a film... making it forgetful. I would advise you to pass on this one, if you want to see good Argentinian films, look for films by Sorin.\": {\"frequency\": 1, \"value\": \"I just came back ...\"}, \"Seriously, the fact that this show is so popular just boggles the mind. This show isn't funny, it isn't clever, it isn't original, it's just a steaming pile of bull crap. Let me start with the characters. The characters are all one-dimensional morons with loud, exaggerated voices that just sound like fingernails on a blackboard. The voice acting could've been better. Then there's the animation. MY GOD, it hurts my eyes just looking at it. Everything is too flat, too pointy, too bright, and too candy coated. Then there's the humor, or lack thereof. It's completely idiotic! They just take these B-grade jokes that aren't even that funny in the first place and then repeat them to death. They also throw in some pointless potty humor which sickens me. And finally, last and least, the music. It's just plain annoying. It sounds like it was composed on a child's computer and generates no emotion whatsoever. I wish there was a score lower than 1, I really do. This show seriously needs to be canceled. It's a show I try to avoid like the plague. Whenever I hear the theme song I immediately turn the TV off. If you've never watched this show then don't. Watch quality programming like The Simpsons or Futurama.\": {\"frequency\": 1, \"value\": \"Seriously, the ...\"}, \"I will admit that I'm only a college student at this present time, an English major at that. At the time I saw this film I was a high school student--I want to say junior year but it may have been senior, hard to remember. My experience with quantum physics goes pretty much to my honors physics course, an interest in quantum mechanics that has led me to read up on the subject in a number of books on the theoretical aspects of the field as well as any article I can find in Discover and the like. I'm not a PhD by any means.

That said...

This movie is simply terrible. It's designed to appeal to the scientific mind of the average New Age guru who desperately wants to believe in how special everybody is. My mother is such a person and ever since she's seen this movie she's tried to get all her friends to see it and bought a copy of the film. I attempted to point out the various flaws and problems I'd seen with the films logic and science--and they are numerous--and she dismissed my claims because \\\"oh, so a high school student knows more than all those people with PhDs.\\\" In this case, apparently so.

Leaving behind the fact that earning a PhD doesn't necessarily require that a person be correct or, in fact, intelligent. Leaving behind the fact that my basic understanding of physics is enough to debunk half the film. Leaving that behind, the film makers completely manipulated their interviews with at least one of the participants to make it appear that he supported their beliefs when, in fact, he completely opposed them.

I could go on and on but I think intuitor did a really good job of debunking the film so feel free to read that if you care to do so.

http://www.intuitor.com/moviephysics/bleep.html\": {\"frequency\": 1, \"value\": \"I will admit that ...\"}, \"This is an absurdist dark comedy from Belgium. Shot perfectly in crisp black and white, Beno\\ufffd\\ufffdt 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.\": {\"frequency\": 1, \"value\": \"This is an ...\"}, \"There's a legion of Mick Garris haters out there who feel he couldn't direct a horror film of quality if he had to. And, SLEEPWALKERS(..screenplay written by Stephen King)is often used as an example of this. I like SLEEPWALKERS, though I fully am aware that Garris just says F#ck it and lets all hell break loose about fifteen or so minutes into the movie. Forget character or plot development, who needs them anyway. It's about violent mayhem and bloody carnage as a mother and son pair of \\\"sleepwalkers\\\"(..feline-human shapeshifting creatures who suck the lifeforce from virginal female innocents, moving from town to town, living a nomadic existence, truly powerful)set their sights on a teenager who doesn't surrender without a fight. Before all is said and done, many will be slaughtered as a mother shan't tolerate the possible death of her beloved son.

Garris wastes little time setting up those to be executed, as a teacher(Glenn Shadix), suspecting handsome, All American charmer Charles Brady(Brian Krause)to be someone entirely different from who he claims, gets his hand ripped off and his neck torn into. Charles lures pretty virgins into his arms, drawing their energy, in turn \\\"feeding\\\" his hungry mama, Mary(Alice Krige). The fresh new target is Tanya Robertson(M\\ufffd\\ufffddchen Amick), and she seems to be easy pickens, but this will not be the case and when Charles is seriously injured in a struggle(..thanks to a deputy's cat, Clovis), Mary's vengeance will be reaped on all those who get her way. Mary, come hell or high water, will retrieve Tanya in the goal of \\\"refreshing\\\" her dying son.

Like many teenagers, I had a crush on certain actresses I watched in movies. Such as Amy Dolenz, I was smitten with M\\ufffd\\ufffddchen Amick. She's simply adorable in this movie and I love how she bites her lower lip displaying an obvious attraction towards Charles, unaware of his ulterior motives. I just knew that M\\ufffd\\ufffddchen Amick would be destined to be a scream queen, but this would never be the case. Too bad because I would've welcomed her in the genre with open arms.

Krige is yummy as the menacing, damn sexy, but vicious and mean bitch who wipes out an entire police force and poor Tanya's parents in one fail swoop, in less than ten or so minutes. She stabs one in the back with a corn cob! She bites the fingers off of poor Ron Perlman, before cracking his arm(..a bone protruding), knocking him unconscious with his own elbow! She tosses Tanya's mom through a window after breaking a rose vase over her father's face! A deputy is stabbed in his ear by Charles(Cop-kebab!), falling on the pencil for extra impact. Poor Tanya is dragged by her hair from her home by Mary, driven to the Brady home, and forced into an impromptu dance with the crippled monster! The sheriff is hurled onto a picket fence and we see how cats combat the sleepwalkers unlike humans. We see Mary and Charles' abilities to \\\"dim\\\" themselves and his car using a power of invisibility. Writer Stephen King even finds time to include himself and horror director buddies of his in a crime scene sequence with Clive Barker and Tobe Hooper as forensics officers, Joe Dante and John Landis as photograph experts.

The film is shot in a tongue-in-cheek, let-it-all-hang-out manner with music appropriately hammering this technique home. It's about the ultra-violence, simple as that, with some deranged behavior and jet black humor complimenting Garris' direction and King's screenplay. The incestuous angle of the sleepwalkers is a bit jarring and in-your-face. Without a lick of complexity, this is closer in vein to King's own demented MAXIMIMUM OVERDRIVE than his more serious works.\": {\"frequency\": 1, \"value\": \"There's a legion ...\"}, \"I read the book Celestine Prophecy and was looking forward to seeing the movie. Be advised that the movie is loosely based on the book. Many of the book's most interesting points do not even come out in the movie. It is a \\\"B\\\" movie at best. Many events, characters, how the character interact and meet in the book are simply changed or do not occur. The flow of events that in the book are very smooth, are choppy and fed to the view as though you a child. The character development is very poor. Personnallities of the characters differ from those in the book. The direction is similar to a \\\"B\\\" horror flick. I understand that it would take six hours in film to present all that is in the book, but they screen play base missed many points. The casting was very good.\": {\"frequency\": 1, \"value\": \"I read the book ...\"}, \"Maybe I loved this movie so much in part because I've been feeling down in the dumps and it's such a lovely little fairytale. Whatever the reason, I thought it was pitch perfect. Great, intelligent story, beautiful effects, excellent acting (especially De Niro, who is awesome). This movie made me happier than I've been for a while.

It is a very funny and clever movie. The running joke of the kingdom's history of prince savagery and the aftermath, the way indulging in magic effects the witch and dozens of smart little touches all kept me enthralled. That's much of what makes it so good; it's an elaborate, special-effects-laden movie with more story than most fairytale movies, yet there is an incredible attention to small things.

I feel like just going ahead and watching it all over again.\": {\"frequency\": 1, \"value\": \"Maybe I loved this ...\"}, \"As I sat in front of the TV watching this movie, I thought, \\\"Oh, what Alfred Hitchcock, or even Brian DePalma, could have done with this!\\\" Chances are, you will too. It does start out intrigueing. A British park ranger living in Los Angeles (Collin Firth) marries a pretty, demure brunette woman (Lisa Zane) whom he met in a park only a short time ago. Then, one day she dissappears. The police are unable to find any documentation that she ever existed, and Firth conducts his own search. So far, so good. Just as he's about to give up, he turns to his womanizing best friend (Billy Zane), and they stumble onto her former life in L.A.'s sordid underground of drugs, nightclubs, and ametuer filmmaking, and then to her history of mental instability. At that point, Firth's life is in danger, and the film falls apart. None of the characters from Lisa Zane's past are remotely interesting. The film moves slowly, and there's very little action. There is a subplot regarding missing drug money, but it's just a throwaway. No chases, no cliffhanging sequences, and no suspense. Just some dull beatings and a lot of chat by boring characters. One thing worth noting, Lisa Zane and Billy Zane are brother and sister, but they never appear in a scene together. By the end of the movie, you're torn between wondering what might have been and trying to stay awake.\": {\"frequency\": 1, \"value\": \"As I sat in front ...\"}, \"I had never heard of Larry Fessenden before but judging by this effort into writing and directing, he should keep his day job as a journeyman actor. Like many others on here, I don't know how to categorize this film, it wasn't scary or spooky so can't be called a horror, the plot was so wafer thin it can't be a drama, there was no suspense so it can't be a thriller, its just a bad film that you should only see if you were a fan of the Blair witch project. People who liked this film used words, like \\\"ambiguity\\\" and complex and subtle but they were reading into something that wasn't there. Like the Blair witch, people got scared because people assumed they should be scared and bought into some guff that it was terrifying. This movie actually started off well with the family \\\"meeting\\\" the locals after hitting a deer. It looked like being a modern day deliverance but then for the next 45 minutes, (well over half the film), nothing happened, the family potted about their holiday home which was all very nice and dandy but not the slightest bit entertaining. It was obvious the locals would be involved in some way at some stage but Essendon clearly has no idea how to build suspense in a movie. Finally, when something does happen, its not even clear how the father was shot, how he dies, (the nurse said his liver was only grazed), and all the time this wendigo spirit apparently tracks down the apparent shooter in a very clumsy way with 3rd grade special effects. The film is called Wendigo but no attempt is made to explain it in any clear way, the film ends all muddled and leaves you very unsatisfied, i would have bailed out with 15 minutes to go but I wanted to see if this movie could redeem itself. It didn't.\": {\"frequency\": 1, \"value\": \"I had never heard ...\"}, \"I've read one comment which labeled this film \\\"trash\\\" and \\\"a waste

of time.\\\" I think this person got their political undies tugged a bit

too much.

I just rented the new Criterion DVD's of both Yellow and Blue.

These films--although hardly great--have at least become of

historical interest as to the so-called \\\"radical student

political-social movement\\\"of the late '60s.

I hadn't seen either picture and from their notorious reputation, I

was expecting some real porn (there isn't any.) There is frontal

nudity (including the still verboten frontal male nudity (automatic

NC-17--the Orwellian-X) in the U.S. But I wasn't expecting the films

in-your-face democratic socialist message.

Though it tends to the simplistic , I thought it occassionally made

its points well. Both films occassionally had me laughing out loud

and the director's commentary made it clear there was plenty of

parody in the film. Especially the supposedly \\\"pornographic\\\" sex

scenes. The first such scene is very realistic. The lead couple is

clumsy, inept, funny and endearing in their first copulation scene.

The second--which caused the most complaints--has faked

cunnilingus and fellatio. And the last is the end of an angry fight,

that is believable.

The extras include an informative introduction to the film, an

interview with the original American distributor and his attorney,

excerpts from trial testimony in the U.S. and a \\\"diary\\\" commentary

by the director on some scenes.

This is the film that \\\"blue noses\\\" wouldn't let alone and led to the

pivotal \\\"prurient interest with no social redeeming value\\\" standard

that, thankfully, still stands.

Those with an interest in the quirks of history will find this a must

see.\": {\"frequency\": 1, \"value\": \"I've read one ...\"}, \"I saw this in the theater during it's initial release and it was disturbing then as I'm sure it would still be. It was the first part of '68 and this was still making the rounds in towns across America and there had recently been a mass-murder in my hometown where I saw this where a man went on a shooting rampage. The freshness of that close-to-home event combined with this dramatized true story made for a very disturbing theatrical experience. It really brought to life the excellent acting of Robert Blake and Scott Wilson. I was familiar with the novel based on the true event by Truman Capote and the screenplay and direction by Richard Brooks wove the event and Truman's interpretation into compelling gritty cinematic adaptation. Music from Quincy Jones effectively scores it's story. I've only seen this a couple times since. It was too real. Almost like being a witness to the crime itself and riding along with the killers. I would give this a 9.0 of a possible 10. Society is so desensitized to violence and crime today that this probably seems slow and tame and could be viewed with less effect but to anyone over 50 this will be a hallmark into the examination of the criminal psyche.\": {\"frequency\": 1, \"value\": \"I saw this in the ...\"}, \"We always watch American movies with their particular accents from each region (south, west, etc). We have the same here. All foreign people must to watch this movie and need to have a open mind to accept another culture, besides American and European almost dominate the cinematographic industry.

This movie tell us about a parallel world which it isn't figured even for those who live in a big city like S\\ufffd\\ufffdo Paulo. All actors are improvising and they are very realistic. The camera give us an idea of their confuse world, the loneliness of each character and invite us to share their world.

It's a real great movie and worst a rent even have it at home.\": {\"frequency\": 1, \"value\": \"We always watch ...\"}, \"Well, I thoroughly enjoyed this movie. It was funny and sad and yes, the guy Andie MacDowell shagged was hot. Interesting, realistic characters and plots as well as beautiful scenery. I think my Mum would like it. I still think they should have been allowed to call it the Sad F**kers Club though...\": {\"frequency\": 1, \"value\": \"Well, I thoroughly ...\"}, \"The word 'classic' is thrown around too loosely nowadays, but this movie well deserves the appelation. The combination of Neil Simon, Walter Matthau (possibly the world's best living comic actor), and the late lamented George Burns make for a comic masterpiece. It is interesting to contemplate what the movie would have been like had not death prevented Jack Benny from playing George Burns' part, as had been planned. As it is, the reunion scene in Matthau's apartment is not likely to be surpassed as a sidesplitter. Definitely one of my desert island films.

\\\"Enter!!!!!!!!!\\\"\": {\"frequency\": 1, \"value\": \"The word 'classic' ...\"}, \"Hollywood's misguided obsession with sequels has resulted in more misfires than hits. For every \\\"Godfather II,\\\" there are dozens of \\\"More American Graffiti's,\\\" \\\"Stayin' Alives,\\\" and \\\"Grease 2's.\\\" While the original \\\"Grease\\\" is not a great film, the 1977 adaptation of the long-running Broadway hit does have songs evocative of the 1960's, energetic choreography, and an appealing cast. When Paramount began work on a follow-up, the producers came up nearly empty on every aspect that made the original a blockbuster.

Fortunately for moviegoers, Michelle Pfeiffer survived this experience and evidently learned to read scripts before signing contracts. Her talent and beauty were already evident herein, and Pfeiffer does seem to express embarrassment at the humiliating dance routines and tuneless songs that she is forced to perform. Maxwell Caulfield, however, lacks even the skill to express embarrassment, and his emotions run the gamut from numb to catatonic. What romantic interest, beyond hormones, could the cool sassy Pfeiffer have in the deadpan Caulfield? That dull mystery will linger long after the ludicrous luau finale fades into a bad memory. Only cameos by veterans such as Eve Arden, Connie Stevens, and Sid Caesar have any wit, although Lorna Luft does rise slightly above the lame material.

Reviewers have complained that, because \\\"Grease 2\\\" is always compared to the original, the movie comes up lacking. However, even taken on its own terms, the film is a clunker. After a frenetic opening number, which evidently exhausted the entire cast, the energy dissipates. With few exceptions, the original songs bear little resemblance to the early 1960's, and the only nostalgia evoked is for \\\"Our Miss Brooks\\\" and \\\"Sid Caesar's Comedy Hour.\\\" The jokes fall flat, and the choreography in a film directed by choreographer Patricia Birch is clumsy to be polite. However, worse films have been inflicted on audiences, and inept sequels will be made as long as producers seek to milk a quick buck from rehashing blockbusters. Unfortunately, \\\"Grease 2\\\" is not even unintentionally funny. Instead, the film holds the viewer's attention like a bad train wreck. Just when all the bodies seem to have been recovered, the next scene plunges into even worse carnage.\": {\"frequency\": 1, \"value\": \"Hollywood's ...\"}, \"OK, so I am an original Wicker Man fan and I usually don't like British films remade by Americans, so why oh why did I put myself through the most painful cinema experiences ever? I am not a Nicolas Cage fan and I had some kind of moment of madness perhaps? The film was appalling! The bit at the beginning with the crash/fire had no relevance to the film at all and the female cop knew where Edward was going, so the bit at the end with the two girls visiting the mainland, well it wouldn't have happened as the whole thing would have been investigated. The history behind the wicker man wasn't really explored - and I guess being set in America didn't really help the whole pagan theme. This film was slow and contained no atmosphere or suspense. I must say that the best bit was right at the end, when Nicolas Cage goes up in flames! I am in such desperate need to see the original again now, in order to cleanse my disappointed soul. I really can't stress how disappointing this film is, please don't see it if you:

A) Don't like American re-makes of British Films B) Are a fan of the original C) Hate Nicolas Cage\": {\"frequency\": 1, \"value\": \"OK, so I am an ...\"}, \"This is probably one of the worst movies ever made. It's...terrible. But it's so good! It's probably best if you don't watch it expecting a gripping plot and something fantastically clever and entertaining, because you're going to be disappointed. However, if you want to watch it so you can see 50 million vases and Goro's fantastic hair/bad English, you're in for a real treat. The harder you think about the film, the worse it gets, unless you're having a competition to spot the most plot holes/screw ups, in which case you've got hours of entertainment ahead. I'd only really recommend this film for the bored or the die-hard Smap fans. And even then, the latter should be a bit careful, because Goro's Japanese fans were a bit upset about it, they thought he was selling himself out. (He wasn't really, not when Johnny Kitagawa (who was the executive producer) can do that for him).\": {\"frequency\": 1, \"value\": \"This is probably ...\"}, \"Elfriede Jelinek, not quite a household name yet, is a winner of the Nobel prize for literature. Her novel spawned a film that won second prize at Cannes and top prizes for the male and female leads. Am I a dinosaur in matters of aesthetic appreciation or has art become so debased that anything goes?

'Gobble, gobble' is the favoured orthographic representation in Britain of the bubbling noise made by a turkey. In the film world a turkey is a monumental flop as measured by box office receipts or critical reception. 'Gobble, gobble' and The Piano Teacher are perfect partners.

The embarrassing awfulness of this widely praised film cannot be overstated. It begins very badly, as if made to annoy the viewer. Credits interrupt inconsequential scenes for more than 11 minutes. We are introduced to Professor Erika Kohut, apparently the alter ego of the accoladed authoress, a stony professor of piano. She lives with her husky and domineering mum. Dad is an institutionalised madman who dies unseen during what passes for the action.

Reviewing The Piano Teacher is difficult, beyond registering its unpleasantness. What we see in the film (and might read in the book, for all I know) is a tawdry, exploitative, nonsensical tale of an emotional pendulum that swings hither and thither without moving on.

Erika, whose name is minimally used, is initially shown as a person with intense musical sensitivity but otherwise totally repressed. Not quite, because there's a handbags at two paces scene with her gravelly-voiced maman early on that ends with profuse apologies. If a reviewer has to (yawn) extract a leitmotif (why not use a pretentious word when a simpler one would do), Elrika's violently alternating moods would be it.

A young hunk, Walter, studying to become a 'low voltage' engineer, whatever that is, and playing ice hockey in his few leisure moments, is also a talented pianist. He encounters Elrika at an old-fashioned recital in a luxury apartment in what may or may not be Paris. In the glib fashion of so much art, he immediately falls in love and starts to 'cherchez la femme'.

Repressed Erika has a liking for hardcore pornography, shown briefly but graphically for a few seconds while she sniffs a tissue taken from the waste basket in the private booth where she watches.

Walter performs a brilliant audition and is grudgingly accepted as a private student by Erika, whose teaching style is characterised by remoteness, hostility, discouragement and humiliation.

He soon declares his love and before long pursues Erika into the Ladies where they engage in mild hanky panky and incomplete oral sex. Erika retains control over her lovesick swain. She promises to send him a letter of instruction for further pleasurable exchanges.

In the meantime, chillingly jealous because of Walter's kindness to a nervous student who is literally having the shits before a rehearsal for some future concert, Erika fills the student's coat pocket with broken glass, causing severe lacerations to those delicate piano-playing hands.

The next big scene (by-passing the genital self-mutilation, etc) has Walter turning up at the apartment Erika shares with her mother. Erika want to be humiliated, bound, slapped, etc. Sensible Walter is, for the moment, repulsed and marches off into the night.

At this point there's still nearly an hour to go. The viewer can only fear the worst. Erika tracks down Walter to the skating rink where he does his ice hockey practice. They retire to a back room. Lusty Wally is unable to resist the hands tugging at his trousers. His 'baby gravy' is soon expelled with other stomach contents. Ho hum.

Repulsed but hooked, perhaps desirous of revenge for the insult so recently barfed on the floor, Walter returns to Erika's apartment. Can you guess what happens now? It's not very deep or difficult. Yes, he becomes a brute while Erika becomes a victim. One moment he's locking maman in her room and slapping Erika, the next he's kicking her in the face, having sex with her and renewing his declarations of love.

Am I being unfair in this summary? Watch the film if you want, but I'd advise you not to.

Anyone can see eternity in a grain of sand if they're in the right mood. I could expatiate at the challenging depiction of human relationships conveyed by this film if I wanted. But I 'prefer not to', because this is a cheap and nasty film that appeals to base instincts and says nothing.

I'm supposed to say that parentally repressed Erika longs for love, ineffectively seeks it in pornography, inappropriately rejects it when it literally appears, pink and throbbing, under her nose, belatedly realises that she doesn't like being hurt, blah, blah, blah.

The world has, for reasons not explained, stunted her. She apparently makes a monster out of someone who appeared superficially loving - but surely we all know that any man is potentially a violent rapist, because that's his essential nature however much he tries to tell himself and the world otherwise.

At the end, if you have the patience to be there, there's a small twist. Before going to the final scene, where she's due to perform as a substitute for the underwear-soiling student with the lacerated hands, Erika packs a knife in her handbag. For Walter?

Yes, you're ahead of me. She stabs herself in a none life-threatening area and leaves. Roll credits.

If this earned the second prize at Cannes, just how bad were the rest of the entries?\": {\"frequency\": 1, \"value\": \"Elfriede Jelinek, ...\"}, \"Polyester was the very first John Water's film I saw, and I have to say that it was also the \\\"worst\\\" movie I had seen up to that point.

Water's group of \\\"talent\\\" included several people who I am sure worked for food, and were willing to say the lines Waters wrote. Every thing about the movie is terrible, acting, camera, editing, and the story about a woman played by 300 lb transvestite Divine was purely absurd.

That said, I have to recommend this film because it is very funny, and you won't believe the crap that happens to poor Francine. Her son huffs solvents and stomps unsuspecting women's feet at the grocery store. Her daughter is the sluttiest slut in town. Her husband is a cackling A-hole of a pornographer who does everything in his power to embarrass and humiliate poor Francine.

Francine's only friend is played by Edith Massey, possibly the worst actress ever. Edith looks and sounds like she is reading the lines off a cue card and has never seen the script prior to filming.

Despite all of Francine's travails, Waters cooks up a fabulous Hollywood ending and everyone (who survives) lives happily ever after.\": {\"frequency\": 1, \"value\": \"Polyester was the ...\"}, \"Although it has been remade several times, this movie is a classic if you are seeing it for the first time. Creative dialog, unique genius in the final scene, it deserves more credit than critics have given it. Highly recommended, one of the best comedies of recent years\": {\"frequency\": 1, \"value\": \"Although it has ...\"}, \"Isabel Allende's magical, lyrical novel about three generations of an aristocratic South American family was vandalized. The lumbering oaf of a movie that resulted--largely due to a magnificent cast of Anglo actors completely unable to carry off the evasive Latin mellifluousness of Allende's characters, and a plodding Scandinavian directorial hand--was so uncomfortable in its own skin that I returned to the theater a second time to make certain I had not missed something vital that might change my opinion. To my disappointment, I had not missed a thing. None among Meryl Streep, Jeremy Irons, Glenn Close and Vanessa Redgrave could wiggle free of the trap set for them by director Bille August. All of them looked perfectly stiff and resigned, as if, by putting forth as little effort as possible, they expected to fade unnoticed into lovely period sets. (Yes, the film was art directed within an inch of its life.) Curious that the production designer was permitted the gaffe of placing KFC products prominently in a scene that occurs circa 1970--years before KFC came into being. Back then, it was known by its original name: Kentucky Fried Chicken. Even pardoning that, what on earth is Kentucky Fried Chicken doing in a military dictatorship in South America in 1970? American fast food chains did not hit South America until the early 1980s. \\\"The House of the Spirits\\\" should have been the motion picture event of 1993. Because it was so club-footed and slavishly faithful to its vague idea of what the novel represented, Miramax had to market it as an art film. As a result, it was neither event nor art. And for that, Isabel Allende should have pressed charges for rape.\": {\"frequency\": 1, \"value\": \"Isabel Allende's ...\"}, \"This typical Mamet film delivers a quiet, evenly paced insight into what makes a confidence man (Joe Mantegna) good. Explored as a psychological study by a noted psychologist (Lindsay Crouse), it slowly pulls her into his world with the usual nasty consequences. The cast includes a number of the players found is several of Mamet's films (Steven Goldstein, Jack Wallace, Ricky Jay, Andy Potok, Allen Soule, William H. Macy), and they do their usual good job. I loved Lindsay Crouse in this film, and have often wondered why she didn't become a more noted player than she has become. Perhaps I'm not looking in the right places!

The movie proceeds at a slow pace, with flat dialog, yet it maintains a level of tension throughout which logically leads to the bang-up ending. You'd expect a real let down at the ending, but I found it uplifting and satisfying. I love this movie!\": {\"frequency\": 1, \"value\": \"This typical Mamet ...\"}, \"After a lively if predictable opening bank-heist scene, 'Set It Off' plummets straight into the gutter and continues to sink. This is a movie that deals in nasty, threadbare stereotypes instead of characters, preposterous manipulation instead of coherent plotting, and a hideous cocktail of cloying sentimentality and gratuitous violence instead of thought, wit or feeling. In short, it's no different from 90% of Hollywood product. But it's the racial angle that makes 'Set It Off' a particularly saddening example of contemporary film-making. Posing as a celebration of 'sistahood', the film is actually a celebration of the most virulent forms of denigrating Afican-American 'gangsta' stereotype. The gimmick this time is that the gangstas are wearing drag. Not only does the film suggest that gangsterism is a default identity for all African Americans strapped for cash or feeling a bit hassled by the Man, it presents its sistas as shallow materialists who prize money and bling above all else. Worse, 'Set It Off' exploits the theme of racial discrimination and disadvantage simply as a device to prop up its feeble plot structure. Serious race-related social issues are wheeled on in contrived and opportunistic fashion in order to justify armed robbery, then they're ditched as soon as the film has to produce the inevitably conventional ending in which crime is punished, the LAPD turns out to be a bunch of caring, guilt-ridden liberals (tell that to Rodney King), and aspirational 'good' sista, Jada Pinkett Smith, follows the path of upward mobility out of the 'hood and into a world of middle-class self-indulgence opened up for her by her buppie bank-manager boyfriend. 'Set It Off' illustrates the abysmal state of the contemporary blaxploitation film, pandering to mindless gangsta stereotypes and pretending to celebrate life in the 'hood while all the time despising it. While the likes of 'Shaft' and 'Superfly' in the 1970s might have peddled stereotypes and rehashed well-worn plots, they had a freshness, an energy and an innocence that struck a chord with audiences of all races and still makes them fun to watch. 'Set It Off' wouldn't be worth getting angry over if wasn't a symptom of the tragic decline and ghettoisation of African-American film-making since the promising breakthrough days of the early 1990s.\": {\"frequency\": 1, \"value\": \"After a lively if ...\"}, \"Watched on Hulu (far too many commercials!) so it broke the pacing but even still, it was like watching a really bad buddy movie from the early sixties. Dean Martin and Jerry Lewis where both parts are played by Jerry Lewis. If I were Indian, I'd protest the portrayal of all males as venal and all women as shrews. They cheated for the music videos for western sales and used a lot of western models so the males could touch them I usually enjoy Indian films a lot but this was a major disappointment, especially for a modern Indian film. The story doesn't take place in India (the uncle keeps referring to when Mac will return to India) but I can't find out where it is supposed to be happening.\": {\"frequency\": 1, \"value\": \"Watched on Hulu ...\"}, \"This is a film that had a lot to live down to . on the year of its release legendary film critic Barry Norman considered it the worst film of the year and I'd heard nothing but bad things about it especially a plot that was criticised for being too complicated

To be honest the plot is something of a red herring and the film suffers even more when the word \\\" plot \\\" is used because as far as I can see there is no plot as such . There's something involving Russian gangsters , a character called Pete Thompson who's trying to get his wife Sarah pregnant , and an Irish bloke called Sean . How they all fit into something called a \\\" plot \\\" I'm not sure . It's difficult to explain the plots of Guy Ritchie films but if you watch any of his films I'm sure we can all agree that they all posses one no matter how complicated they may seem on first viewing . Likewise a James Bond film though the plots are stretched out with action scenes . You will have a serious problem believing RANCID ALUMINIUM has any type of central plot that can be cogently explained

Taking a look at the cast list will ring enough warning bells as to what sort of film you'll be watching . Sadie Frost has appeared in some of the worst British films made in the last 15 years and she's doing nothing to become inconsistent . Steven Berkoff gives acting a bad name ( and he plays a character called Kant which sums up the wit of this movie ) while one of the supporting characters is played by a TV presenter presumably because no serious actress would be seen dead in this

The only good thing I can say about this movie is that it's utterly forgettable . I saw it a few days ago and immediately after watching I was going to write a very long a critical review warning people what they are letting themselves in for by watching , but by now I've mainly forgotten why . But this doesn't alter the fact that I remember disliking this piece of crap immensely\": {\"frequency\": 1, \"value\": \"This is a film ...\"}, \"I have seen a lot of movies in my life, but not many as bad as this. It is a movie that makes fun of fat people, has no real story, has bad actors, is not funny and much more. Is this a movie that you would like to see? I guess not!

I guess that the makers of the movie was trying to be original and creative, but it looks like it was made by a 12 year old child with absolutely no cinematic skills at all. The so called funny parts is as funny as throughing pies in the faces of people, or breaking wind. Of cource if this is the kind of humour that you like, then this is the movie for you!!

Dont waste your money on this movie!\": {\"frequency\": 1, \"value\": \"I have seen a lot ...\"}, \"Do not see this movie if you value your mind. At the end of our collective viewing, me and my friends estimated that we each lost 5% of our brains during its course. The only person involved with its making that was not clinically insane was the set designer.

Most movies leave a bad taste in your mouth. I realize now that instead of a feeling of revulsion, this movie has bred a deep hatred within me. I hate this movie so very, very much.

Some might say this movie is not meant to be taken seriously. If only it didn't take itself seriously. But it does. The plot is a warmed over version of Blade Runner-esque universe melded with the cheap rubber suits so prevalent in bad dinosaur movies. The dialogue is not only puerile and meaningless but often literally painful. Whoopee Goldberg isn't even trying, but George Newbern as the voice of Theodore Rex is like fingernails on the soul. And whether its Juliet Landua with her off again on again British accent or Richard Roundtree (aka Shaft) as the blustering Commissioner, you will sink into an ever increasing sense of incredulity and disillusionment.

I recommend this movie only to anyone who wishes to see the depths of stupidity to which mankind may fall.\": {\"frequency\": 1, \"value\": \"Do not see this ...\"}, \"WWE was in need of a saviour as Wrestlemania 14 rolled around. The departure of Bret Hart and subsequent evaporation of the Hart Foundation had left the Vile D-Generation X stable unchallenged in the WWE. Their despicable leader Shawn Michaels had stolen the title from Hart thanks to the interference of Vince McMahon and, with help from his cohorts Triple H and Chyna had systematically taken out anyone who challenged his supremacy. But at the Royal Rumble a new contender had emerged. Stone Cold Steve Austin. Hated by McMahonagement, Austin had DX worried. So worried in fact that they'd enlisted the help of \\\"The Baddest Man on the Planet\\\" Mike Tyson as a special enforcer. Austin would have the odds firmly against him in his title match with Shawn Michaels.

But first, there was an undercard to get through which kicked off with the Legion of Doom winning a forgettable 15 team battle Royal to become NO.1 contenders for the tag titles. I'd actually forgotten this match existed until I rewatched the PPV. No very good and really highlighted the lack of depth in the tag division at that period in time.

Next match saw the Light Heavyweight title defended by Champion Taka Michonoku against Aguila. The WWE had established the Light Heavyweight Title to compete with the strong Cruiserweight Division in WCW. It was not successful and this was the only time the title was ever defended at Wrestlemania. Short match, going about five minutes, and in fact too short for much to be achieved. What little they did was exciting and this was a nice little match which saw Taka retaining his title.

OK, our next match saw DX member Triple H defending the WWE European title, which he'd won in farcical fashion from Shawn Michaels on RAW in December and hadn't defended on PPV, against Owen Hart, the Sole Survivor. Triple H got a big entrance with the DX band there to perform his theme song. Chyna accompanied Triple H to ringside, but was then handcuffed to WWE Commissioner Sgt Slaughter. Triple H and Owen have a nice little match, before Chyna interfered causing a low blow on Hart which leads to Triple H retaining the title. Good match, could have been great had it gone slightly longer.

But of course we wouldn't want to take time away from our next match which saw real life husband and wife Marc Mero and Sable defeat Goldust and Luna Vachon in the first mixed tag match at Wrestlemania in 8 years. And, in all honesty, it wasn't worth the wait. While not terrible, the match was in no way memorable either. This was the nearing the end of Mero's only run in the WWE and the main purpose was to continue the disintegration of his relationship with Sable.

Next up we saw Ken Shamrock flip out and cost himself the Intercontinental Championship as he destroyed IC Champion The Rock, but then refused to let go of his ankle lock submission hold, resulting in the referee reversing his decision. This was a short match, but decent for what it was.

Next saw the first good match of the night as WWE Tag Team Champions the New Age Outlaws lost their titles to Cactus Jack and Chainsaw Charlie in a fun dumpster match. The decision was overturned the following night as Cactus and chainsaw had thrown the Outlaws into a dumpster backstage, rather than the one being used in the match, but this was still a fun match.

NOw it was time for the highly anticipated first ever meeting between Kane and his brother the Undertaker. Kane had cost Undertaker the WWE Championship at the Royal Rumble and then \\\"killed\\\" him when he helped Shawn Michaels lock Undertaker in a casket and set him on fire as revenge for the Undertaker burning down their parents house and leaving him horribly disfigured years before. This was a decent match and told a nice story as the Underataker absorbed everything Kane could throw at him and then knocked him out with three tombstones to end the match.

This left only the main event which saw WWE Champion face Steve Austin with Mike Tyson as the guest enforcer. Michaels had suffered a debilitating back injury in his match with the Undertaker at the Royal Rumble and was remarkable in this match despite his physical limitations. Triple H and Chyna were banished to the back in the early going after interfering from the outside. The match ended with Austin ducking an attempt at Sweet Chin Music and hitting the Stone Cold Stunner with the ref down. TYson then came into the ring to count the three, celebrating the win with Austin and then knocking out Michaels after the match. It turned out Tyson and Austin were together and the cat had been playing with the mouse all along.

That was the final PPV match for Shawn Michaels for four and a half years. It helped establish Austin as the biggest star in the wrestling business and the mainstream publicity garnered by Tyson's appearance proved a crucial turning point in the WWE's battle with WCW. Austin would go on to become the biggest star in WWE History, and along with the Rock, Mick Foley, the Undertaker and Triple H lead the WWE through the period where they would gain their highest level of cultural relevance. And it all started here at Wrestlemania 14.\": {\"frequency\": 1, \"value\": \"WWE was in need of ...\"}, \"I had never heard of this one before it turned up on Cable TV. It's very typical of late 50s sci-fi: sober, depressing and not a little paranoid! Despite the equally typical inclusion of a romantic couple, the film is pretty much put across in a documentary style - which is perhaps a cheap way of leaving a lot of the exposition to narration and an excuse to insert as much stock footage as is humanly possibly for what is unmistakably an extremely low-budget venture! While not uninteresting in itself (the-apocalypse-via-renegade-missile angle later utilized, with far greater aplomb, for both DR. STRANGELOVE [1964] and FAIL-SAFE [1964]) and mercifully short, the film's single-minded approach to its subject matter results in a good deal of unintentional laughter - particularly in the scenes involving an imminent childbirth and a gang of clueless juvenile delinquents!\": {\"frequency\": 1, \"value\": \"I had never heard ...\"}, \"I watched SCARECROWS because of the buzz surrounding it. Well, I can't imagine anyone liking this movie because it's just bad, bad, bad.

It's obvious that whoever made this movie doesn't know a single thing about horror. The whole story is an unsuccessful marriage of two genres: action movie (guns and criminals) and horror (living scarecrows). When the criminals are killed one by one by the poky looking scarecrows, the two genres automatically cancel each other out because, first, they're criminals and who cares about criminals, and second, because they're stupid criminals to boot! Having zombie scarecrows go after them just doesn't work here. Where's the horror in that? I wanted the criminals to die horrible, painful deaths.

But the story is so badly constructed that this marriage of genres, which could have been original if handle well, NEVER gels. We're simply left with is a bunch of super dense criminals and a bunch of scarecrows, which are \\\"alive\\\" for whatever flimsy reason the filmmakers thought up. Making things even worse is the fact that the cinematography is terrible (TV like) and, worse offense of all, whole bunches of the dialogue are told on CBs, and we continuously hear inane dialogue spoken over disconnected images as if we're watching some sort of Radio show. This part was really BAD. The director should have been shot on the spot for coming up with such a stupid idea! I can't tell you how annoying that was.

As I've already mentioned, the criminals in SCARECROWS are amazingly stupid. For instance, when someone suddenly shows up, gutted and filled with money and straw (yep, straw) in his huge open wound, the others ask \\\"What drug is he on?\\\" after they shoot tons of bullets in him, unable to kill him (he's been \\\"zombiefied\\\" by the scarecrows. Don't ask...). Get a freaking clue, morons. I've never seen such stupid people in a movie. And then there's the girl. I wished one of the scarecrows had killed her quickly because she was a pain in the butt. When she finds her father nailed to a scarecrow \\\"cross\\\", she actually blames the criminals in an embarrassing scene (bad acting), even though the criminals couldn't have done it. What a dimwit she was! But the scarecrows are the biggest weakness in this very weak flick. They're not scary. Nothing much is explained about them. They're just a plot device in this plot device filled movie.

Mr Wesley, filming the face of a scarecrow for 30 seconds nonstop doesn't elicit anything but sheer boredom. And that scene with the talking head in the fridge. Thanks for the laughter.

All in all, this had to be one of the worst movies I've seen recently (and I've seen a lot of movies these days!) Between the equally woeful SILO KILLER or SCARECROWS, I'd rather watcher SILO KILLER again. Yep, SCARECROWS is that bad.\": {\"frequency\": 1, \"value\": \"I watched ...\"}, \"I thought it was one of the best sequels I have seen in a while. Sometimes I felt as though I would just want someone to die, Stanley's killing off of the annoying characters was brilliant. It was such a well done movie that you were happy when so and so died. My only problem was in some scenes it looked like someone with a home camera was filming it and it was weird. Judd Nelson is cute, at least in my opinion and he was excellent in the role as Stanley Caldwell. Brilliant movie.\": {\"frequency\": 1, \"value\": \"I thought it was ...\"}, \"For those who commented on The Patriot as being accurate, (Which basically satanised the English), it was interesting to see this film. By all accounts this was the bloodiest war that Americans have ever been involved in, and they were the only nationality present. It was therefore very refreshing to see something resembling historical accuracy coming from that side of the Atlantic that did not paint America as either martyrs or saviours. All in all though what this film did bring home was the true horrors of any conflict, and how how whatever acts are committed in war only breed worse acts, often culminating in the suffering of the innocent. This was not a film where you cheered anybody on but both pitied and loathed all.\": {\"frequency\": 1, \"value\": \"For those who ...\"}, \"This is the second film I've seen of Ida Lupino as a director after 53's the hitch-hiker. I think this one was a better film then that one. This one has a girl who is about to get married and she is then sexually assaulted and doesn't like everyone looking and talking about her so she runs away and and is taken in by a family. I think Leonard Maltin's review is right only to give it 2 and 1/2 stars.\": {\"frequency\": 1, \"value\": \"This is the second ...\"}, \"I've seen this movie at theater when it first came out some years ago and really liked it a lot. But i still wanted to see it again this year to check if it is still good compared to movies coming out now, and i wan tell it's one the best movies i've ever seen in my life !!!!!!!!!!!!!

What you need to know is that you don't have to miss any minute of this movie, if you don't completely follow the action you will get lost and you will not understand the end.

The end is what makes this movie so good, you can't expect it.

Congratulations to the Producer !\": {\"frequency\": 1, \"value\": \"I've seen this ...\"}, \"The Ballad of Django is a meandering mess of a movie! This spaghetti western is simply a collection of scenes from other (and much better!) films supposedly tied together by \\\"Django\\\" telling how he brought in different outlaws. Hunt Powers (John Cameron) brings nothing to the role of Django. Skip this one unless you just HAVE to have every Django movie made and even THAT may not be a good enough excuse to see this one!!\": {\"frequency\": 1, \"value\": \"The Ballad of ...\"}, \"There are plenty of reviews on this page that will explain this movie's details far more eloquently than I could; but I would like to offer a simple review for those who occasionally go to the movies for more than entertainment. Raising Victor Vargas is so true you will believe it. This flick gets inside your head.\": {\"frequency\": 1, \"value\": \"There are plenty ...\"}, \"I have seen this movie many times, (and recently read the book the movie is based on) and every time I see it, I just want to slap all four of them. The fact that they don't clue in to the fact that Tom Hank's character is flipping into his D&D(oops M&M) :) persona (\\\"Oh, he's just acting in character.\\\") outside of the gaming session. That and the fact that after three months of therapy, let's just destroy all that and feed his delusions! These kind of people are what give RPGs a bad name.

Also the corny 'love ballad', and the music done by 'cat on a piano' and 'stop us if we get too annoying' are almost enough to set your teeth on edge!\": {\"frequency\": 1, \"value\": \"I have seen this ...\"}, \"Running only seventy-two minutes, this small, overlooked 2006 dramedy is really just a two-character sketch piece but one that works very well within its limitations. Taking place almost entirely in various, non-descript spots in southern Los Angeles, the story itself is inconsequential, but like Sofia Coppola's \\\"Lost in Translation\\\", the film is far more about two strangers who meet unexpectedly, find a common bond and go back to their lives enlightened for the momentous encounter. It also helps considerably that Morgan Freeman and Paz Vega are playing the characters. Finally freed of the wise sages and authority figures beyond reproach that have become his big-screen specialty, Freeman seems comparatively liberated as a somewhat self-indulgent movie star. His character is driven to a low-rent grocery store in Carson, where he will be able to research a role he is considering in an indie film.

Out of work for a few years, he is embarrassed when he sees DVDs of his films in the bargain bin, but his ego is such that he does not lack the temerity to watch and even mimic the enervated store staff. Of particular fascination to him is Scarlet, an embittered worker from Spain and relegated to the express line where she is the unsung model of efficiency. She has an interview for a secretarial job at a construction company, but her deep-seeded insecurity seems to defeat her chances already. Still looking like Penelope Cruz's Amazonian sister, the beautiful Vega (one of the few redeemable aspects of James L. Brooks' execrable \\\"Spanglish\\\") brings a stinging edge and realistic vulnerability to Scarlet. She and Freeman interplay very well throughout the story, which includes stops not only at the grocery store but also at Target, Arby's and a full-service carwash. Nothing earth-shattering happens except to show how two people realize the resonating transience of chance encounters.

Silberling keeps the proceedings simple, but the production also reflects expert craftsmanship in Phedon Papamichael's vibrant cinematography (he lensed Alexander Payne's \\\"Sideways\\\") and the infectious score by Brazilian composer Antonio Pinto (\\\"City of God\\\"). There are fast cameos by Bobby Cannavale (as Scarlet's soon-to-be-ex-husband) and as themselves, Danny DeVito and Rhea Perlman, as well as a funny bits with Jonah Hill (\\\"Knocked Up\\\") as the clueless driver and Jim Parsons (the \\\"knight\\\" in \\\"Garden State\\\") as a worshipful receptionist. The 2007 DVD is overstuffed with extras, including a making-of documentary, \\\"15 Days or Less\\\", aimed at film students and running a marathon 103 minutes; six extended scenes; a light-hearted but insightful three-way conversation between Silberling, Freeman and Vega in the middle of Target; and a couple of snippets that specifically advertise the DVD.\": {\"frequency\": 1, \"value\": \"Running only ...\"}, \"I didn't have HUGE expectations for this film when renting it for $1 at the video store, but the box at least showed a little promise with its \\\"killer cut\\\" of \\\"more gore! more sex!\\\" Can't go wrong there! Well... needless to say, the box is a fraud. How in the hades did actors and actresses of this caliber sign on for a film this low?

It all opens with a drunken college girl walking out of a frat house or some other building like that and saying some useless crap to her boyfriend (?) as a camera on a bad steadicam follows her. Then she gets chased by some dude in a clear plastic mask and grabbed by another. They slit her wrists for no real reason and you can see when they \\\"cut\\\" her that someone drew the cuts with what looks like a crayon.

From there, repeat the same theme of the girl getting chased/killed unbrutally by two guys for about 84 more minutes. Add in one tit shot. That is Soul Survivors.

I wouldn't have had a problem with this film had the box not frauded me into renting the flick. If I rent a bad film that claims to have more violence and sex.... I want more violence and sex! One full frontal shot in 85 minutes from a chick who is clearly androginous and gore that would not scare a child does not cut it. If this is the Killer Cut, what is the Theatrical Cut?! Of course, I doubt this garbage was actually put into theaters in the first place. Shame on the actors in this film. I could see them making their screen debuts in here because they have not done anything before, but they were all established before this was released. I don't know if it was filmed before they had all been established and the studio sat on the film until they were semi-big names or not. But what i want to know is.... they really spent $14 million on this film?!\": {\"frequency\": 1, \"value\": \"I didn't have HUGE ...\"}, \"Apparently Shakespeare equals high brow which equals in turn a bunch of folks not seeing something for what it really is. At one point in this film, someone (I believe Pacino's producer) warns him that film is getting off track, that it was once about how the masses think about Shakespeare through the vehicle of RICHARD III. Instead he decides to shoot a chopped up play with random comments sprinkled throughout. Some scenes seemed to be included as home movies for Al (was there really ANY reason for the quick visit to Shakespeare's birthplace, other than for a laugh about something unexpected which happens there?), and, before the film has really even begun, we are treated to seeing Al prance around and act cute and funny for the camera. I thought his silly act with Kay near the end of GODFATHER III with the knife to his throat was AN ACT - but apparently it's how Al really behaves in person.

Enough rambling. Here's a shotgun smattering of why I didn't even make it 3/4 of the way through this: 1) pretentious - Al always knows when the camera is on him, whether he's acting as Richard or in a 'real' conversation with someone - you can see it in the corner of his eyes, also, some of the actors around the rehearsal table become untethered and wax hammy to the extreme. If anyone reading this has ever spent any time with an group of actors and has witnessed this kind of thing from the outside, it's unbearable. \\\"Look at me, chewing all the scenery!\\\" 2) Winona Ryder. When she appears as Lady Anne, this film comes to a screeching halt, which it never recovers from. She has nothing to add in the discussion scenes but the camera lingers on her to bring in the kiddoes. Her performance is dreadful, to boot. 3) the only things you really learn from this are told to you by the very scholars the filmmakers are trying to keep out of the picture. Of course, you also learn that Pacino shouldn't be directing films (or doing Richard in the first place). I'd rather watch BOBBY DEERFIELD than this.

Lastly, read the play and learn it for yourself. Go out and see it performed. In 1997 I saw the play performed at the University of Washington Ethnic Cultural Theater, and it made what we see in this film seem like high school drama (except for the gratuitous throat slashing of Clarence! My God! Was that necessary?!)

It's all just a bunch of sound and fury, signifying nada.\": {\"frequency\": 1, \"value\": \"Apparently ...\"}, \"This is widely viewed in Australia as one of the best cop dramas ever produced here ... and for my money, anywhere. It's raw, gritty, the characters are real, the situations are believable and it doesn't shy away from the darker side of life confronted every day by cops and the criminals, victims, lawyers and other people in their various orbits.

This show ran for 2 seasons and was discontinued because the show didn't sell well overseas. We are all sorry for its loss: however, like Fawlty Towers, we will be able to revere this as a limited-length series of uniformly high quality.\": {\"frequency\": 1, \"value\": \"This is widely ...\"}, \"\\\"Sky Captain\\\" may be considered an homage to comic books, pulp adventures and movie serials but it contains little of the magic of some of the best from those genres. One contributor says that enjoyment of the film depends on whether or not one recognizes the films influences. I don't think this is at all true. One's expectations of the films,fiction and serials that \\\"Captain\\\" pays tribute to were entirely different. Especially so for those who experienced those entertainments when they were children. This film is almost completely devoid of the charm and magnetic attraction of those. Of course we know the leads will get into and out of scrapes but there has to be some tension and drama. Toward the climax of \\\"Captain\\\" Law and Paltrow have ten minutes to prevent catastrophe and by the time they get down to five minutes they are walking not running toward their goal. They take time out for long looks and unnecessary conversation and the contemplation of a fallen foe with 30 seconds left to tragedy. Of course one expects certain conventions to be included but a good director would have kept up some sense of urgency.

One doesn't expect films like this to necessarily \\\"make sense\\\". One does expect them to be fun, thrilling and to have some sense of interior logic. \\\"Captain\\\" has almost none. Remember when Law and Paltrow are being pursued by the winged creatures and they reach a huge chasm which they cross via a log bridge? Well how come they are perfectly safe from those creatures when they reach the other side? They can FLY!!! The chasm itself means nothing to them. The bridge is unnecessary for them so where is the escape? If the land across the chasm is 'forbidden' to the flying creatures the film made no effort to let us know how or why or even if.

I know that Paltrow and Law (both of whom have given fine performances in the past) were playing \\\"types\\\" but both were pretty flat. Only Giovanni Ribisi (who showed himself capable of great nuance here) and Angelina Jolie seemed to give any \\\"oomph\\\" to their roles although Omid Djalili seemed like he could have handled a little more if he'd only been given the chance. He did a pretty good job anyway considering how he was basically wasted.

The film had a great 'look' but there are so many ways in which CGI distracts. CGI works best when it is used for the fantastical, when it is used to create creatures who don't exist in nature or for scientific or magical spectacular. When it is used to substitute for natural locations it disappoints. There is no real sense of wonder. A CGI mountain doesn't have any of the stateliness or sense of awe and foreboding that a real mountain does. I know that the design of this film was quite deliberate and it wasn't necessarily supposed to LOOK real but shouldn't it FEEL that way? It just didn't.

As for the weak and clich\\ufffd\\ufffdd script...homage is no excuse. Even so, had the movie had some thrills and dramatic tension it might still have been enjoyable. \\\"The Last Samurai\\\" was as predictable as the days of the week and I am no fan of Tom Cruise but it had everything that \\\"Captain\\\" didn't most notably it drew the viewer into its world and made us accept its rules and way of being in a way that \\\"Sky Captain\\\" most definitely did not.

I'd like to see a similar approach taken for films about comic book heroes of the 30's and 40's. The original (Jay Garrick) Flash or Green Lantern (Alan Scott) come to mind as being ripe for such treatment. Maybe the better, more well known and fully realized characters that those character are would make for a much better film. It would be hard to be worse.\": {\"frequency\": 1, \"value\": \"\\\"Sky Captain\\\" may ...\"}, \"If you're as huge of a fan of an author as I am of Jim Thompson, it can be pretty dodgy when their works are converted to film. This is not the case with Scott Foley's rendition of AFTER DARK MY SWEET. A suspenseful, sexually charged noir classic that closely follows and does great justice to the original text. Jason Patrick and Rachel Ward give possibly the best performances of their careers. And the always phenomenal Bruce Dern might have even toped him self with this one. Like Thompson's book this movie creates a dark and surreal world where passion overcomes logic and the double cross is never far at hand. A must see for all fans of great noir film. ****!!!\": {\"frequency\": 1, \"value\": \"If you're as huge ...\"}, \"I like Chris Rock, but I feel he is wasted in this film. The idea of remaking Heaven Can Wait is fine, but the filmmakers followed the plot of that turkey too closely. When Eddie Murphy remade Dr. Doolittle and The Nutty Professor, he re-did them totally -- so they became Murphy films/vehicles, not just tepid remakes. That's why they were successful. If Chris had done the same, this could have been a much better film. The few laughs that come are when he is doing his standup routine -- so he might as well have done a concert film. It also would have been much funnier if the white man whose body he inhabits was a truck driver or hillbilly. So why does Hollywood keep making junk like this? Because people go to see it -- because they like Chris Rock. So give Chris a decent script and give us better movies! Don't remake films that weren't that good in the first place!\": {\"frequency\": 2, \"value\": \"I like Chris Rock, ...\"}, \"I went to this movie only because I was dragged there and I would have left again immediately because the audience consisted mainly of elderly people and I felt out of place. However, the film was utterly fascinating and far from being targeted towards old people. The characters were all very real and believable and I found myself discussing the film, the characters and the storyline for hours afterwards. There are a few quite engrossing scenes in there but they are necessary and help you to understand the situation much better. All in all, this is a great and valuable film - slightly off mainstream but that does not mean that this film cannot be enjoyed by people who prefer mainstream. It's a thrilling and interesting movie experience.\": {\"frequency\": 1, \"value\": \"I went to this ...\"}, \"Hold Your Man finds Jean Harlow, working class girl from Brooklyn falling for con man Clark Gable and getting in all kinds of trouble. The film starts out as his film, but by the time it's over the emphasis definitely switches to her character.

The film opens with Gable pulling a street con game with partner, Garry Owen and the mark yelling for the cops. As he's being chased Gable ducks into Harlow's apartment and being he's such a charming fellow, she shields him.

Before long she's involved with him and unfortunately with his rackets. Gable, Harlow, and Owen try pulling a badger game on a drunken Paul Hurst, but then Gable won't go through with it. Of course when Hurst realizes it was a con, he's still sore and gets belligerent and Gable has to punch him out. But then he winds up dead outside Harlow's apartment and that platinum blond hair makes her easy to identify. She goes up on an accomplice to manslaughter.

The rest of the film is her's and her adjustment to prison life. Her interaction with the other female prisoners give her some very good scenes. I think some of the material was later used for the MGM classic Caged.

Harlow also gets to do the title song and it's done as torch style ballad, very popular back in those days. She talk/sings it in the manner of Sophie Tucker and quite well.

Gable is well cast as the con man who develops a conscience, a part he'd play often, most notably in my favorite Gable film, Honky Tonk.

Still it's Harlow who gets to shine in this film. I think it's one of the best she did at MGM, her fans should not miss it.\": {\"frequency\": 1, \"value\": \"Hold Your Man ...\"}, \"Loved the original story, had very high expectations for the film (especially since Barker was raving about it in interviews), finally saw it and what can I say? It was a total MESS! The directing is all over the place, the acting was atrocious, the flashy visuals and choreography were just flat, empty and completely unnecessary (whats up with the generic music video techniques like the fast-forward-slow mo nonsense? It was stylish yes but not needed in this film and cheapened the vibe into some dumb MTV Marilyn Manson/Smashing Pumpkins/Placebo music video). Whilst some of the kills are pretty cool and brutal, some are just ridiculously laughable (the first kill on the Japanese girl was hilarious and Ted Raimi's death was just stupidly funny). It just rushes all over the place with zero tension and suspense, totally moving away from the original story and then going back to it in the finale which by that point just feels tacked on to mess it up even more. No explanations were given whatsoever, I mean I knew what was happening only as i'd read the story but for people who hadn't it's even more confusing as at times even i didn't know where it was going and what it was trying to do- it was going on an insane tangent the whole time.

God, I really wanted to like this film as i'm a huge fan of Barker's work and loved the story as it has immense potential for a cracking movie, hell I even enjoyed some of Kitamura's movies as fun romps but this film just reeked of amateurism and silliness from start to finish- I didn't care about anyone or anything, the whole thing was rushed and severely cut down from the actual source, turning it into something else entirely. Granted it was gory and Vinnie Jones played a superb badass, but everything else was all over the place, more than disappointing. Gutted\": {\"frequency\": 1, \"value\": \"Loved the original ...\"}, \"Russian emigrant director in Hollywood in 1928 (William Powell) is casting his epic about the Russian revolution, and hires an old ex-general from the Czarist regime (Emil Jannings) to play the general of the film, and the two relive the drama and the memory of the woman they shared (Evelyn Brent), of 11 years before.

Try as I might, I feel it hard to warm to 'The Last Command' for all its virtues. 'The Docks of New York' was indubitably a great film, and 'Underworld' is a film I have always been craving to see, but 'The Last Command' is rather heavy-going. The premise is fascinating, but the treatment does really make the script come to life, except in the sequences set in Hollywood, depicting the breadline of employable extras and the machinations of a big movie production with state-of-the-art technology.

Emil Jannings is, predictably, a marvelous Russian general, distinguishing wonderfully between the traumatized and decrepit old ex-general, transfixed in his misery, and the vigorous, hearty officer of yore.

The ending is great and worth the wait, but in order to get there you must prepared to be slightly bored at times.\": {\"frequency\": 1, \"value\": \"Russian emigrant ...\"}, \"The Booth puts a whole new twist on your typical J-horror movie. This movie puts you in the shoes of the protagonist of the story. The director wants you to see what the protagonist sees and thinks.

The story is about perception of the people who works, lives, and loves of our protagonist, and how he perceives the people who surrounds him in an antiquated radio station DJ booth. The story peels back the layers of the main character like an onion in flash-backs as the movie runs its course, and from it we learned that things are not always the way it seems. The movie mostly took place in a small, out-dated radio station's studio with a very bad history, where the main character was forced to broadcast his talk show due to the radio station was in the process of re-locating. It is from this confined space that this movie thrives and makes you feel very claustrophobic and very paranoid. At time our protagonist can not determined the strange happenings in the old studio were caused by ghost or some conspiracy by his co-workers or it was all in his mind. What I like about this film is that the film-makers makes you see through the eyes of the main character and makes you just as paranoid as protagonist did. This movie is a very smart, abide rather short 76 minutes film.\": {\"frequency\": 1, \"value\": \"The Booth puts a ...\"}, \"I'm giving this movie a 1 because there are no negative numbers in IMDb rating system. this movie was horrible. It was very badly acted, the story was poorly written, the action was unbelievable. I doubt even the Salvation Army could battle as poorly as the troops did in this film. I won't even write any plot spoilers because the movie just isn't good enough for plot spoilers. To write comments on the plot would be pointless. If I were to compare this movie, I'd have to compare it to Reign of Fire, however although I didn't like Reign of Fire either, that movie at least was better than this one.

Some of the people in the theater left before the movie was even halfway done. The only reason I didn't was because I simply didn't think to do it. I was hoping for a feast of CGI and fighting masterfully done, but that isn't what happened. The martial arts lasted all of 30 seconds and that was from an exercise routine done during the flash-back scene, very disappointing. The CGI was not done well either. One scene comes to mind. During one of the earlier tank battles, the troops are firing away at......nothing. Someone forgot to cue the animation guys on that bit of film so the street was totally devoid of bad guys. I'm also thinking the bad guy's voice was dubbed by the voice-over of Imotep from The Mummy movies. Had that same scraggly echoing thing going on. (Someone owed some royalties, here?) Since I mentioned the fight scene, I'll say yeah that might be considered a spoiler, but only to the purists I suppose.

Don't go see it, don't buy the DVD when it comes out either. You have been warned.\": {\"frequency\": 1, \"value\": \"I'm giving this ...\"}, \"The script for this Columbo film seemed to be pulled right out of a sappy 1980's soap opera. Deeply character-driven films are great, but only if the characters are compelling. And in this film the only thing compelling was my desire to change the channel. The villain's dialog sounds as if it were written by a romance novelist. The great Lt. Columbo himself is no where near his famous, lovable, self-effacing, crumpled self; and the bride/kidnap victim is a whimpering, one-dimensional damsel-in-distress (she cowers in fear from a tiny scalpel held flimsily in the hand of her abductor - come on!!! I could have knocked the scalpel out of his hand and kicked him in the you-know-what in 2 seconds). In any sense of reality, this character would have at least TRIED to struggle or fight back at least a little. And speaking of reality....the story revolves around a kidnapping which is worked and solved by the police. The POLICE?? Give me a break. Everyone knows the FBI takes over EVERY kidnapping case. This was NO Columbo, just a shallow and totally predictable crime drama with our familiar Lt. Columbo written in and stretched to 2 hours.\": {\"frequency\": 1, \"value\": \"The script for ...\"}, \"This is a film exploring the female sexuality in a way not so often used. Almost every other film with this kind of sexual scenes always becomes rated X, and so seen as a pornographic movie. Here is a kind of romantic horror story combined with the females \\\"own satisfaction\\\" need.

A very good film!\": {\"frequency\": 1, \"value\": \"This is a film ...\"}, \"This movie is not schlock, despite the lo fi production and its link to Troma productions. A dark fable for adults. Exploitation is a theme of Sugar Cookies, and one wonders if the cast has not fallen prey to said theme. A weird movie with enticing visuals: shadows and contrast are prominent. Definitely worth a look, especially from fans of Warhol and stylish decadence. Through all the cruelty and wickedness, a moral, albeit twisted, can be gleamed.\": {\"frequency\": 1, \"value\": \"This movie is not ...\"}, \"\\\"Imagine if you could bring things back to life with just one touch\\\" As soon as I first heard that, my attention was locked on the Trailer, And after the First Episode I found my self in love with this show. A Modern day Fairy Tale that Brings my Spirits up and Holds my attention throughout the entire show. I think the Acting and Casting is just perfect, Each Character brings Something Unique to the show that adds to it's perfection. Even the one time Villains manage to overflow with A Unique sense, From the Bee Man to the Guy who can Swallow Kittens, they never seem to let me down. And the Deaths that would Normally lead to a Depressing Moment often end up being Purely Comical (Such as an Exploding Scratch & Sniff book)

Even with the large amount of Crime shows we have now a days, Daisies is one of the few that really stands out from the rest, Being not just a Mystery but a love story, Comedy and a Fairy Tale with a hint of Drama all baked into one Wonderful pie.....err show.

What really shocked me was the fact that it was on ABC, For Years I never had a reason to turn to ABC, But this brought me back each week with a Smile on my face. It was as if Pushing Daisies Brought ABC back to life for me. But just like that, after two seasons, A few Awards, A Large Fan Base and Positive Responses from Critics the show has been dropped. It seems as though Ned has Touched ABC again and forever killed it for me. I will always be a fan of this show though, And I Recommend this to anyone who likes a lot of talking and a lot of love from the shows they watch.\": {\"frequency\": 1, \"value\": \"\\\"Imagine if you ...\"}, \"It seems that Salvatores couldn't decide what to do with this movie: some of it is a very weak thriller (and I say very, very weak), some of it is an attempt to explore the relationships between the main characters. Both things have been tried in psychological thrillers, but in this case the movie cannot hold things together, due to poor, superficial scripting, bad acting and a too dark, too dull cinematography. I'd say that Salvatores gave his best in other genres and in other settings, where he was free to look at the characters without having to think about the plot. On the whole, a B-movie, hardly worth your money... Vote: 4/10\": {\"frequency\": 1, \"value\": \"It seems that ...\"}, \"In a series chock-full of brilliant episodes, this one stands out as one of my very favorites. It's not the most profound episode, there's no great meaning or message. But it's a lot of fun, and there are some fine performances.

But what makes it really stand out for me is that it is, to my knowledge, the *only* Twilight Zone episode with a *double* snapper ending. The Zone is rightly famous for providing a big surprise at the end of a story. But this time, you get a surprise, and think that's that, but it turns out there's *another* surprise waiting. I just like that so much, that this is probably one of my two favorite episodes (the other being a deeper, more message-oriented one).\": {\"frequency\": 1, \"value\": \"In a series chock- ...\"}, \"the photography was beautiful but i had difficulty understanding what was happening... was there a lot of symbolism?... the 2 goldfishes - do they mean something in Thai culture? there's not much plot, not much happens and it just meanders along. no real start, no real middle and no real end. rather unsatisfying really.

It was difficult to get into the characters as you never felt you got to know them...it was difficult to know which scenes were imaginary and which were real. The move felt chaotic and disjointed. I don't know what the pang brothers were hoping to achieve. Maybe if I were Thai it would make more sense...\": {\"frequency\": 1, \"value\": \"the photography ...\"}, \"This is truly one from the \\\"Golden Age\\\" of Hollywood, the kind they do not make anymore. It is an unique, fun movie that keeps you guessing what is going to happen next.

All the actors are perfectly cast and they are all great supporting actors. This is the first movie I saw with Ronald Colman in it and I have been a fan of his ever since. Reginald Gardiner has always been a favorite supporting actor of mine and adds a certain quality to every movie he is in. While he played a different kind of character here, he still added something to the movie that another actor cast in this character would not have added.\": {\"frequency\": 1, \"value\": \"This is truly one ...\"}, \"\\\"Pickup On South Street\\\" is a high speed drama about a small time criminal who suddenly finds himself embroiled in the activities of a group of communists. The action is presented in a very direct and dynamic style and the momentum is kept up by means of some brilliant editing. The use of a wide variety of different camera angles and effective close-ups also contribute to the overall impression of constant motion and vitality. Samuel Fuller's style of directing and the cinematography by Joseph MacDonald are excellent and there are many scenes which through their composition and lighting produce a strong sense of mood and atmosphere.

Ace pickpocket and repeat offender Skip McCoy (Richard Widmark) gets into deep water when he steals a wallet from a young woman named Candy (Jean Peters) on the New York subway. She was being used by her ex-boyfriend Joey (Richard Kiley) to make a delivery to one of his contacts in a communist organisation and unknown to her, she was carrying US Government secrets recorded on microfilm. Two FBI agents had been following Candy and witnessed the theft. One of the agents continues to tail her back to Joey's apartment and the other, Zara (Willis Bouchey), visits Police Captain Dan Tiger (Murvyn Vye). Zara explains that the FBI has been following Candy for some months as part of their pursuit of the ringleader of a communist group.

In order to identify the pickpocket, Tiger calls in a \\\"stoolie\\\" called Moe (Thelma Ritter) who after being given a precise description of the \\\"cannon's\\\" method of working makes a list of eight possible suspects. Once Tiger sees Skip's name on the list he's immediately convinced that he's the man that they need to track down and he sends two detectives to arrest him. When Skip is brought into Tiger's office, Zara tells him about the microfilm and Tiger offers to drop any charges if he'll co-operate with the investigation. Skip is flippant and arrogant. He clearly doesn't trust Tiger and denies all knowledge of the theft on the subway.

Joey orders Candy to find out who stole the microfilm and then retrieve it. Candy pays Moe for Skip's address and when Skip returns from being questioned by Tiger, he finds Candy searching his home and knocks her unconscious before stealing her money. When she recovers, Skip demands payment of $25,000 for the microfilm. She tells Joey about Skip's demand and Joey's boss gives him a gun and orders him to recover the microfilm by the following evening.

Skip and Candy are attracted to each other and it's because of their uneasy, developing relationship that a means evolves by which they are able to shake off the attentions of the police. It soon becomes apparent, however, that resolving matters with the communist gang will only be achieved by more direct action.

The depictions of Skip, Candy and Moe as characters that inhabit a seedy world in which they are forced to face considerable risks on a daily basis are powerful and compelling.

Moe's work as a police informer is dependent on her knowledge of the people in her community but also those people know what she does and any one of them could seek their revenge at any time. She appears to be cunning and streetwise but also has her vulnerable side as she describes herself as \\\"an old clock running down\\\" and saves money to be able to have a decent burial in an exclusive cemetery in Long Island. Her belief that \\\"every buck has a meaning of its own\\\" leads her to sell any information regardless of danger, friendships or principles and yet there is one occasion where she refuses and this proves fatal. Thelma Ritter's performance certainly merited the Oscar nomination she earned for her role.

Skip is a violent criminal with no concern for his victims and having already been convicted three times in the past, lives under the constant threat of being jailed for life if convicted again. Despite this, he still continues with his criminal activities and strangely, is merely philosophical when Moe betrays his whereabouts and then later, he even ensures that Moe receives the type of burial she valued so highly. Candy is an ex-hooker and someone whose activities constantly put her in peril but behind her hardened exterior a warmer side gradually becomes more evident. Widmark and Peters are both perfect for their roles and like Ritter portray the different facets of their personalities with great style and conviction.\": {\"frequency\": 1, \"value\": \"\\\"Pickup On South ...\"}, \"Back in 1985 I caught this thing (I can't even call it a movie) on cable. I was in college and I was with a high school friend whose hormones were raging out of control. I figured out early on that this was hopeless. Stupid script (a bunch of old guys hiring some young guys to show them how to score with women), bad acting (with one exception) and pathetic jokes. The plentiful female nudity here kept my friend happy for a while--but even he was bored after 30 minutes in. Remember--this was a HIGH SCHOOL BOY! This was back before nudity was so easy to get to by the Internet and such. We kept watching hoping for something interesting or funny but that never happened. The funniest thing about this was the original ad campaign in which the studio admitted this film was crap! (One poster had a fictional review that said, \\\"This is the best movie I've seen this afternoon!\\\"). Only Grant Cramer in the lead showed any talent and has actually gone on to a career in the business. No-budget and boring t&a. Skip it.\": {\"frequency\": 1, \"value\": \"Back in 1985 I ...\"}, \"Jeff Lowell has written & directed 'Over Her Dead Body' poorly. The idea is first of all, is as stale as my jokes and the execution is just a cherry on the cake.

Minus Eva Longoria Parker there is hardly anything appealing in this film. Eva looks great as ever and delivers a likable performance.

Paul Rudd looks jaded and least interested. Lake Bell is a complete miscast. She looks manly and delivers a strictly average performance. Jason Biggs is wasted, so is Lindsay Sloane.

I expected entertainment more from this film. Sadly, I didn't get entertained.\": {\"frequency\": 1, \"value\": \"Jeff Lowell has ...\"}, \"The same night that I watched this I also watched \\\"Scary Movie 4,\\\" making for one messed up double feature. Unfortunately for these killer tomatoes they could not stand up to the laugh riot that is the Scary Movie franchise. While I fought boredom here watching jokes that were silly and stupid, brutally dated and brutally bad, the more recent parody had me laughing out loud. How could I desire any more than that. Director John De Bello uses the basic premise that some sort of growth hormone has gone terribly wrong and turned the tomatoes into killers. But his main objective here is to slap around the disaster movie genre that was so big back in the day. The script reeks of stoner humor, and perhaps if you take illegal substances with your movie nights this could be your cup of tea. I, sober, was stuck watching a grown man go under cover as a tomato. And that one joke, that is never funny, where the discrepancy between the Japanese speaking actor and the voice over is also here. Some may giggle, I did not. They even had a Hitler joke that wasn't funny, and I thought all Hitler jokes were funny.

The narrative of this film is so splintered (for no good reason) that it is nearly impossible to explain. Tomatoes kill people, the government tries to stop it, bad jokes are told. Their aim may have been correct as their targets include the media, consumerism, and paranoia (three things that still control our lives today). Oddly enough the main selling point of this film, those gosh darn tomatoes, really don't make much of an appearance. And when they do, get this, they're played by real tomatoes. That washed up gimmick did nothing for me as I get very little out of watching a pack of tomatoes devour a body thanks to the magic of stop action camera tricks. There is also a fear of going for broke at work here that prevents this film from being truly funny. The gag of having somebody fall asleep in nearly every scene may please some audience members, but more than likely it will be seen as an invitation to join in the fun.

I might also add that there does seem to be some old fashioned human egotism at work here. Man eats tomato and that's dinner, tomato eats man and that is a worldwide catastrophe. But that is just the way the world works. In the film the produce becomes evil because of genetic modification, but in the real world our produce (see: Taco Bell) becomes evil thanks to neglect. And like those evil doin' green onions this film's shelf life expired a long time ago. There are a few good chuckles to be had. The last shot was really quite splendid, but it was nowhere near enough to save this moderate stink bomb. I'm pretty sure there is a good movie buried deep within this concept, but the script needed to be filtered through about a dozen rewrites to get there. And by \\\"there\\\" I mean to the level of \\\"Scary Movie 4.\\\" **1/4\": {\"frequency\": 1, \"value\": \"The same night ...\"}, \"I hope whoever coached these losers on their accents was fired. The only high points are a few of the supporting characters, 3 of 5 of my favourites were killed off by the end of the season (and one of them was a cat, to put that into perspective).

The whole storyline is centered around sex, and nothing else. Sex with vampires, gay sex with gay vampires, gay sex with straight vampires, sex to score vampire blood, sex after drinking vampire blood, sex in front of vampires, vampire sex, non-vampire sex, sex because we're scared of vampires, sex because we're mad at vampires, sex because we just became a vampire, etc.

Nothing against sex, it would just be nice if it were a little more subtle with being peppered into the storyline. Perhaps HAVE a storyline and then shoehorn some sex into it. But they didn't even bother to do that... and Anna Paquin is a dizzy gap-tooth bitch. Either she sucks or her character sucks, I can't figure out which.

Another part of the storyline that I find highly implausible is why 150 year old vampire Bill who seems to have his things together would be interested in someone like Sookie. She's constantly flying off the handle at him for things he can't control. He leaves for two days and she already decides that he's \\\"not coming back\\\" and suddenly has feelings for dog-man? Give me a break. She's supposed to be a 25 year old woman, not a 14 year old girl. People close to her are dying all over, and she's got the brightest smile on her face because she just gave away her V-card to some dude because she can't read his mind? As the main character of the story, I would've hoped the show would do a little more to make her understandable and someone to invest your interest in, not someone you keep secretly hoping gets killed off or put into a coma. I can't find anything about her character that I like and even the fact that she can read minds is impressively uninspiring and not the least bit interesting.

I will not be wasting my time with watching Season 2 come June.\": {\"frequency\": 1, \"value\": \"I hope whoever ...\"}, \"Drew Barrymore is an actress that has gone through bad periods, not only in her career, but in her personal life too. After being a prodigy child actress she descended into obscurity with mediocre films of low quality. While she has recovered from that dark past, this movie stays as a reminder of Drew Barrymore's worst days.

The movie starts with an interesting premise, very reminiscent to Brian De Palma's \\\"Raising Cain\\\"; with a plot dealing with multiple personality disorder that sets the story for a horror/thriller. Barrymore stars as Holly Gooding, a young woman who is trying to make a new life in California after a traumatic event of her past in which apparently her other personality killed her mother.

Suddenly, her past returns to haunt her as her evil personality is back in her life willing to ruin her new found peace and her new found love. In the middle of the chaos his new boyfriend, Patrick Highsmith (George Newbern), will try to help Holly to face the demons of her past.

Unlike De Palma's underrated thriller, \\\"Doppelganger\\\" is for the most part a mediocre film that not only never fulfills it's purpose, it also concludes in one of the worst endings of movie history. While Barrymore is definitely not at her best, she manages to keep her dignity with an above average performance. The rest of the cast however range from mediocre to painfully bad over-the-top performances, although Leslie Hope manages to be among the best of them.

The script is full of clich\\ufffd\\ufffds and De Palma's influence is quite obvious. While the movie tries to be original by making literary references in almost every line, the dialogs are dull and the wooden acting certainly doesn't do any good. It has a fair share of nudity and for strange reasons, and excessive use of special effects.

The make-up effects are done by the outstanding KNB and are really among the few good things in the movie. However, the bizarre over-use of the effects in the totally out of context ending decreases the impact of KNB's work and makes cheesy what in a different movie would be amazing.

The fact that this is a B-Movie is no excuse for it's low quality, as with a better and more coherent script this could had been an interesting movie. Sadly, all we have here is a mediocre film that gets worse every second. Worthy for Barrymore's beauty. 3/10\": {\"frequency\": 1, \"value\": \"Drew Barrymore is ...\"}, \"All good movies \\\"inspire\\\" some direct to video copycat flick. I was afraid that \\\"Gladiator\\\" wasn't really that good a film, because I hadn't seen any movie that had anything remotely resembling anything Roman on the new releases shelf for months. Then I spotted Full Moon's latest offering, Demonicus. I'm a fan of Full Moon's Puppetmaster series, and Blood Dolls, but had never seen one of their non-killer puppet films. Anyway...

Demonicus chronicles what happens to a group of campers in the mountains of the Alps. One of the campers, James, finds a cave with old gladiator artifacts, and feels impelled to remove a helmet from a corpse and try it on. He becomes possessed, and, as the demonic gladiator Tyrannus, is impelled to kill his friends to revive the corpse, who is the real Tyrannus.

Granted, like many Full Moon films, this has little or no budget. At times, the editing and direction was so amateurish I'd swear I was watching the Blair Witch Project. The attempts at chopping off of limbs and heads reminds me of a Monty Python skit. The weapons, although apparently real, look really plastic-y. It literally looks like this was filmed by a group of friends with a digital camcorder on a weekend. Granted, there's nothing wrong with such film-making, just don't rent this expecting a technical masterpiece. It looks like there were attempts at research for the script too, because, even though Tyrannus really doesn't act much like a gladiator until the end, at least he speaks Latin.

All trashing aside, I actually enjoyed this film. Not as much as a killer puppet film, perhaps, but Full Moon still delivers! The only thing that disappointed me was there was no Full Moon Videozone at the end!\": {\"frequency\": 1, \"value\": \"All good movies ...\"}, \"This film was a critical and box-office fiasco back in 1957. It was based on a novel which was later turned into a play--which flopped on Broadway. The story is about some navy officers on leave in San Francisco during WWII. They have 4 day's leave which they spend at the Mark Hopkins hotel. The film meanders a lot and none of the characters seem very real. Cary Grant is generally brilliant in comedy and drama--but here he plays a sort of wheeler dealer and he doesn't really pull it off. Tony Curtis or James Garner would have been better choices. Audrey Hepburn was initially set to play opposite Grant, but had other commitments--so Suzy parker stepped in. She had never acted before, but was America's top photographic model at the time. I think that she did a good job, considering all the pressure that she was under. Grant's pairing with Jayne Mansfield in a few brief scenes--did not really work. The Studio was trying to give her some class by acting with Grant--but the character had no substance at all.\": {\"frequency\": 1, \"value\": \"This film was a ...\"}, \"A neat 'race against time' premise - A murdered John Doe is found to have pneumonic plague, so while the health authority and NOPD battle everybody and each other trying to find his waterfront contacts, the murderers think the heat is because the victim's infected cousin is holding out on them.

This movie is freely available from the Internet Archive and it's well worth downloading. A lot (all?) of this movie was filmed in genuine New Orleans locations, which makes it interesting to look at for what is now period detail, though to me it does look under-exposed, even for noir - maybe mobile lighting rigs then weren't what they are. There is also a plenty of location background noise, which is slightly distracting - car horns in the love scene, anyone? There are a lot of non-professional supporting artists in crowd scenes, and this may explain why the pacing of the film is slightly saggy to begin with - not much chance for retakes or recasting, though the final chase is worth hanging on for. There's not much wrong with the lead actors either: Jack Palance is genuinely scary as a charismatic, intelligent psychopath - the later scene as he alternately comforts and threatens the sick cousin is terrific, while Widmark, as he often did, pitches the righteous anger of the man on a mission at a believable level - most of the time.

Somebody should remake this - no supernaturals, no mysticism, no special FX, just a good yarn full of character conflict, and a topical theme. Another reviewer mentioned the writer John Kennedy O'Toole, and that's spot on with the number of oddball New Orleans types peppering this dark, sleazy, against-the-clock drama. There's even a midget newspaper seller.

\\\"Community? What community? D'you think you're living in the Middle Ages?\\\"\": {\"frequency\": 1, \"value\": \"A neat 'race ...\"}, \"This show was great, it wasn't just for kids which I thought at first, it is for the whole family.

The first season was mostly about the father looking after is two daughters and son, he sadly passed away in season 2, I Could believe it when I heard it.

I am clad they carried on with the show as that what would really happen in really life and I need to mention The Goodbye Episode it was so well made, it must of be so hard for them to film this , you could tell they were real tears in theirs eyes. I am 24 year old male and this episode did make me cry me as I know how they felt as my father died when I was 13 years too just like Roy.

Season 2 and Season 3 had great comedy in there also season 3 had some of my Favorites such Freaky Friday, Secrets.

I Still think the show was Strong enough to go on, I was disappointed that it ended, it was one the best no it was the best Family comedy show ever since Home Improvement and it could have been the next Friends.

it should never have ended but still love watching the repeats everyday.\": {\"frequency\": 1, \"value\": \"This show was ...\"}, \"This is one of the best Jodie Foster movies out there and largely ignored due to the general public's misconception of it as a teen flick. It has wonderful performances, particularly a fight scene between Jodie and her mother, played by a convincing Sally Kellerman. The three girls that play Jodie's friends are somewhat amateurish but I do think it is worth seeing.\": {\"frequency\": 1, \"value\": \"This is one of the ...\"}, \"8 Simple Rules is a funny show but it also has some life lessons especially one mature lesson about moving on after a lose which was the episode where Paul died which was the first episode I have ever watched of the show that comes on ABC. The Hennessy clan -- mother Cate (Katey Sagal), daughters Bridget (Kaley Cuoco) and Kerry (Amy Davidson), and son Rory (Martin Spanjers) -- look to one another for guidance and support after the death of Paul (John Ritter), the family patriarch. Cate's parents (James Garner and Suzanne Pleshette) lend a hand. I am glad later in the 2nd season of this show they decided to put David Spade in this show since he was done with the NBC series, Just Shoot Me! But all and all this show is pretty good. This show reminds me a lot of the classic family sitcoms from the 80's and 90's that used to be on ABC.\": {\"frequency\": 1, \"value\": \"8 Simple Rules is ...\"}, \"Being a music student myself, I thought a movie taking place in a conservatory might be fun to watch. Little did I know... (I had no idea this movie was based on a book by Britney Spears) This movie was implausible throughout. It's obvious that whoever wrote the script never set foot in a conservatory and doesn't know a thing about classical music. Let me give you just a few examples: 1) There is NO WAY anyone would be admitted to a classical conservatory with no classical training whatsoever! Just having a nice pop voice isn't enough, besides, that's a different thing altogether - another genre, different technique. It's like playing the violin when applying for a viola class. 2) How come the lady teaching music theory was in the singing jury? If she wasn't a singing professor herself, she would have no say in a situation like that, and if she was a singing professor, why weren't we told so? 3) Being able to read music is a necessity if you're to major in music. 4) How did Angela get a hold of that video tape? That would have been kept confidential, for the jury's eyes only. Now either she got the tape from one of the professors or the script writers just didn't have a clue. I wonder which... 5) The singing professor gave Holly the Carmen song saying she \\\"had the range\\\", which she clearly did NOT. Yes, she was able to sing the notes, but Carmen is a mezzo-soprano, while Holly's voice seemed to be much lighter in timbre, not at all compatible with that song. 6) Worst of all: Not only does the movie show a shocking ignorance when it comes to classical music, but it doesn't even try to hide it. The aria that Angela sings is mutilated beyond recognition, a fact which is painfully blatant at the recital, where it is cut short in a disgraceful way - Mozart would roll over in his grave. The Habanera from Carmen sounded a bit weird at times, too, and the way it was rearranged at the end just shows how little the producers really think of classical music - it's stiff and boring but hey, add some drums and electric guitars and it's almost as good as Britney Spears! I know these are all minor details, but it would have been so easy to avoid them with just a little research. Anyhow, I might have chosen to suspend my disbelief had the characters and the plot been well elaborated. But without that, I really can't find any redeeming qualities in this movie except for one: it's good for a laugh.\": {\"frequency\": 1, \"value\": \"Being a music ...\"}, \"LOL! Not a bad way to start it. I thought this was original, but then I discovered it was a clone of the 1976 remake of KING KONG. I never saw KING KONG until I was 15. I saw this film when I was 9. The film's funky disco music will get stuck in your head! Not to mention the film's theme song by the Yetians. This is the worst creature effects I've ever seen. At the same time this film remains a holy grail of B-movies. Memorable quotes: \\\"Take a tranquilizer and go to bed.\\\" \\\"Put the Yeti in your tank and you have Yeti power.\\\" I remember seeing this film on MOVIE MACRABE hosted by Elvira. There is one scene where it was like KING KONG in reverse! In KING KONG he grabs the girl and climbs up the building, but in this film he climbs down the building and grabs the girl (who was falling)! Also around that year was another KONG clone MIGHTY PEKING MAN (1977) which came from Hong Kong. There is a lot of traveling matte scenes and motorized body parts. This film will leave you laughing. It is like I said, just another KING KONG clone. Rated PG for violence, language, thematic elements, and some scary scenes.\": {\"frequency\": 1, \"value\": \"LOL! Not a bad way ...\"}, \"I watch a lot of films, good, bad and indifferent; there is usually something of interest to fixate upon, even if it is only set design, or the reliable labor of a good character actor, or the fortuitous laughter that emerges from watching ineptitude captured forever.

However, I was quite pleasantly surprised by this film, one I had never seen before. Graham Greene has been translated into film many times of course, in such masterpieces as \\\"Thin Man\\\" and in lesser vehicles. \\\"Confidential Agent\\\" is one of those lesser vehicles, yet it manages to get me somewhere anyway, despite lackluster direction, the incongruity of Bacall and Boyer's depictions as (respectively) British and Spanish, and the almost complete non-existence of any chemistry between the two leads. In some ways, this last \\\"problem\\\" actually begins to work in the film's favor, for how can love really blossom in the killing atmosphere of fascism and capitalism meeting about one person's tragedy? The most compelling aspect of the film arises directly from Greene's complex and guilt-ridden psychology, which pervades the film. I know some see the deliberate pacing here as dull, and I can understand that. Yet I found that plodding accentuated rather than detracted from what is a claustrophobic world. I was compelled to watch, not by any great acting (although Boyer is marvelous as usual, managing to convey a rich mixture of world-weariness, tragedy, hope, and fervor with his magnificent voice and yearning eyes), but by the down-spiraling rush of one man's slim hopes against a world of oppression and money. What is a thief? What good is love in the face of death? Where does mere profit-taking end and exploitation begin? The film does not rise to the level of art, and thus cannot hope to answer such questions, but it is much more than mere entertainment, and its murders and guilts are very grimly drawn. The lack of glitz, of \\\"bubble,\\\" of narrative \\\"bounce\\\" help to make this movie very worthwhile.

And there is no happy ending, for history wrote the ending.\": {\"frequency\": 2, \"value\": \"I watch a lot of ...\"}, \"You have to understand, when Wargames was released in 1983, it created a generation of wannabe computer hackers. The idea that a teenager could do anything of far reaching proportions, let alone deter a world war was novel and thrilling. Real computers were beginning to show up in people's homes, and for the first time, society was becoming interconnected in a way that made the movie's premise excitingly prescient. Granted, a talking computer that balanced it's free time between chess and global thermonuclear war was a bit far fetched, but the brilliant commentary on nuclear proliferation and the cold war made up for it. I've probably even heard of the hackers that this movie was actually based on.

Fast forward 25 years, and we have a horrible mutant of a thing that I loathe to call a \\\"sequel\\\", called Wargames: The Dead Code. I'll just dig right in. First of all, the plot hinges on a government operated gambling site where folks who win the games automatically become terror suspects. You're probably very confused right now. The idea is that eventually the terrorist will click on the sub-game within the web site called \\\"The Dead Code\\\" where they pilot a plane over a city, spraying it with bioweapons. At some point in the game, you have to choose between \\\"sarin gas\\\" and \\\"anthrax\\\", and if you choose \\\"sarin\\\", then you're automatically confirmed as a bioterrorism weapons expert and your family is taken into custody and interrogated. In the movie, this actually happens. However, since the payment for the game was made from a bank account that was suspicious, it obviously all makes sense.

Second, the avatar of the AI in this straight-to-DVD bomb is an annoying flash animation that keeps repeating the pop-up-ad-esquire sound bite \\\"play with me baby\\\". Because apparently in the future, advanced AI loses interest in intellectual pursuits like chess, and gets into porn.

Third, the motivation for these \\\"hackers\\\" is profit and women, as opposed to pure curiosity as in the original movie. For some reason, recent hacker movies feel the need to portray all young adults as average surfer dude kind of people who are just like everyone else. That may work for your average sitcom, but c'mon, you don't learn how to take over government computers by doing your hair, playing sports, and shopping at the mall, folks. The one novel thing I noticed was that at some point in the dialogue there is a reference to a Matt Damon movie, and then later there is the phrase, \\\"Good Hunting, Will\\\". I swear, they named the main character Will just for that phrase so they could send a high five to Mr. Damon. This Will kid isn't bad, but he was certainly wasn't like any obsessive hacker I've ever met. I can't fully state how annoyed I am that this movie shares the same name as the original, because it has absolutely nothing in common with it except\\ufffd\\ufffd Professor Falken and Joshua (WOPR) make a reappearance in this movie, as a limp old man who apparently is dying of boredom, and a dilapidated old tic-tac-toe machine with a higher pitched voice. After some prodding, Joshua (the AI) has what appears to be sex with the new AI with the porn voice, a bunch of board games flash on the big screens, and the whole \\\"The only way to win, is not to play\\\" revelation is supposed to be the crowning moment. Except that those of us who saw the original, you know, those who would want to see this in the first place have already been there and done that. A recycled ending for a movie made from last month's compost.

The new movie was directed by a guy who's done 90210, and written by guys who do B movies. The original was directed by a guy who's been keeping himself busy with \\\"Heroes\\\", so you see the quality difference there. There was talk of a real remake, but I hope they don't destroy this classic all over again. I swear, if I have to, I'll visit every gambling web site until I find the one that's run by a psychotic government computer. The saving grace is that I was able to stream this on Netflix, so at least the only energy I expended watching this disaster was for breathing, clicking, and indigestion.\": {\"frequency\": 1, \"value\": \"You have to ...\"}, \"Everyone knows about this ''Zero Day'' event. What I think this movie did that Elephant did not is that they made us see how these guys were. They showed their life for about a year. Throughout the movie we get to like them, to laugh with them even though we totally know what they're gonna do. And THAT gives me the chills. Cause I felt guilty to be cheered by their comments, and I just thought Cal was a sweet guy. Even though I KNEW what was gonna happen you know? Even at the end of the movie when they were about to commit suicide and just deciding if they did it on the count of 3 or 4 I thought this was funny but still I was horrified to see their heads blown off. Of course I was. I got to like them. They were wicked, maybe, but I felt like they were really normal guys, that they didn't really realize it. But I knew they were.

That's, IMO, the main force of this movie. It makes us realize that our friends, or relatives, or anyone, can be planning something crazy, and that we won't even notice it. This movie, as good as it was, made me feel bad. And that's why I can't go to sleep right now. There's still this little feeling in my stomach. Butterflies.\": {\"frequency\": 2, \"value\": \"Everyone knows ...\"}, \"A group of us watched this film are were really disgusted. We were willing to forgive the fact that our favorite character Jo wasn't on (it's not like the writers/producers could do anything about that). The writing was poor, the script was sub-par. What REALLY annoyed us: 1. When the two guys realized they were both dating Natalie, they didn't just leave they put up with that stupid (and ultimately degrading) contest - but only because they were macho competing guys, not because they really wanted Natalie. 2. Despite being unable to choose between the two guys before the reunion, Natalie suddenly decides that she really loves one of the guys and is now ready to marry him? (and there was no foreshadowing that he was really a better guy, it's as if the writers flipped a coin and then just had her spit it out at some convenient point in the film). 3. Blair makes a point of talking about how she does not want children and then all of a sudden when her husband says he wants to have children, she blissfully agrees with him.\": {\"frequency\": 1, \"value\": \"A group of us ...\"}, \"Spoilers I guess.

The absolutely absurd logic of the ending ruins the entire movie. I just couldn't get over it. And what is wrong with Mark Wahlberg's character? If I suddenly found myself crashed-landed on a planet full of talking apes, I'd be all like, \\\" AAAAhhhhHHH!!! Run for your lives! The monkeys have inherited the Earth!\\\" But he's all like, \\\"talking apes, okay. Next?\\\" That's pretty jaded I'd say. He must run into even stranger things on a regular basis. Besides that, this is Rick Baker's best work yet. This film is a true testament to how far we've come in the monkey makeup field. 3/10.\": {\"frequency\": 1, \"value\": \"Spoilers I ...\"}, \"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 !\": {\"frequency\": 1, \"value\": \"Yesterday my ...\"}, \"Ummm, please forgive me, but weren't more than half the characters missing? In the original novel, Valjean is a man imprisoned for 19 years for stealing a loaf of bread and then attempting several times to escape. He breaks parole and is pursued relentlessly by the police inspector Javert. Along the way there are MANY characters that weren't in this version. Some worth mentioning would be Fantine, Cosette, M & Mme. Thenardier, Eponine, Marius, Gavroche, and Enjolras. The only character with the same name is Javert. I was confused and frustrated throughout the whole movie, trying to see how it was in any way connected to Victor Hugo's epic novel.\": {\"frequency\": 1, \"value\": \"Ummm, please ...\"}, \"I was very excited about this film when I first saw the previews. Normally I see a preview this good and I buy the film outright. Something told me to... you know watch it first. I'm glad I did. Keira Knightley ruined all future films for me with this role. In the 2nd Pirates movie when it came out I went to see it. All I saw was Domino Harvey and I hated her more for it. I think that had to do with her hair and having to cut it short for Domino.

Domino who? Who is Domino Harvey? I still don't really know or care. I don't know who she was in real life or who she was in this film. I didn't care about her character and even Keira getting partically naked didn't make it worth the movie. The direction was definitely lacking. The writing was trite and shallow. The editing was horrible. I don't mind the style so much as the poor overuse of it. There's a place for it. Good examples of choppy, MTV style, colorful editing (not sure if there's an official name) would be Fight Club; just off the top of my head. Even Enemy of the State had a semi similar editing style at parts. It was used tastefully and wasn't used as a crutch. I mean this is the same guy who directed Top Gun and Crimson Tide. Tony Scott please give me my time back.

I understand there are many people who liked this movie. I guess the idea that you'll either completely love this movie or completely hate it is a fair assessment. Frankly, I hate it.\": {\"frequency\": 1, \"value\": \"I was very excited ...\"}, \"A major disappointment. This was one of the best UK crime drama / detective shows from the 90's which developed the fascinating title character played by Scotland's Robbie Coltrane. However this one-off has little to add and perhaps suffers from an inevitable let down due to raised expectations when a favored show returns after a long hiatus. Coltrane isn't really given much to do, much more attention is spent on the uninteresting killer, and in what he has to act in, he seems uninvolved, almost bored. The ex-soldier's story is written by the books and the attempt to update us on Coltrane's family life seems lightweight. Perhaps if the writers had a whole series in front of them instead of just this one two-hour show they would have written this with much more depth. As is, skip this and watch the old Cracker from the 90's which is far far superior.\": {\"frequency\": 1, \"value\": \"A major ...\"}, \"While most of the movie is very amateurish, the Kosher slaughter scene is played up, but not untrue. Kosher law says that an animal must be conscious when the blade touches it's skin. The Kosher slaughter scene is accurate as anyone knows who has seen one, or has seen the Peta film showing a Kosher slaughter, in which the animals throat is cut, and the esophagus cut out while it is still alive, conscious, and obviously suffering. We must remember that history is written by the victors. Is one even Allowed to even THINK that maybe the Nazis were right??

Doesn't it say anything that the Nazis had outlawed this vicious religious slaughter, and the Jews are still practicing it even today?\": {\"frequency\": 1, \"value\": \"While most of the ...\"}, \"The absolute summum of the oeuvre of that crafty Dane Douglas Sirk (born Detlef Sierck), Written on the Wind compels our prurient attention in every gaudy frame. From its justly famous opening sequence, with the leaves blowing into the baronial foyer of a Texas mansion and the wind riffling the pages of the calendar into a flashback, the movie compresses into its 99 minutes all the familial intrigue that was to fuel such later, little-screen knockoffs as Dallas, Dynasty and Falcon Crest over their years-long runs.

The combination of wealth and dysfunction is a theme Americans, in our dollar-based society, find irresistible. Brother and sister Robert Stack and Dorothy Malone are the spoiled, troubled heirs to the Hadly oil fortune; boyhood chum Rock Hudson and new bride Lauren Bacall are the sane outsiders who try to keep the lid on the roiling cauldron. (It's been rumored that the story was based on Libby Holmann's marriage into Reynolds tobacco money.) As always, the misfits get all the scenery to chew -- and the best lines to spit out (Malone, in her Oscar-nabbing performance as the boozing nymphomaniac with a jones for Hudson, gets to detonate a whole fireworks display of them). Hudson, while good, can't compete with all this over-the-top emoting; Bacall starts out strong but grows recessive, a mere plot convenience. No matter; with a succession of set-pieces shot in extravagant hues, Sirk gives an object lesson in how to turn out overwrought melodrama set in the lush consumer paradise of late-50s America. Nobody ever did it better.\": {\"frequency\": 1, \"value\": \"The absolute ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"I only saw this ...\"}, \"Even 15 years after the end of the Vietnam war \\\"Jacknife\\\" came not too late or was even superfluous. It's one of the few that try to deal with the second sad side of the war: The time after. Different from movies like \\\"Taxi driver\\\" or \\\"Rambo\\\" which use to present their main characters as broken heroes in a bad after war environment this movie allows the audience to face a different view on the Vietnam vets. Their development is shown very precisely before and especially after the war. The problems are obvious but in all this tragic there is always the feeling of some hope on the basis of love and friendship. \\\"Jacknife\\\" might be the quietest Vietnam movie ever but after almost 15 years this is really plausible and therefor justified. Moreover, it can make us believe that the war has not finished, yet; at least for some of us.

The three main characters are amazing. De Niro has done one of his best jobs but Ed Harris is the star of this movie. Possibly,this was his best performance ever.\": {\"frequency\": 1, \"value\": \"Even 15 years ...\"}, \"A DOUBLE LIFE has developed a mystique among film fans for two reasons: the plot idea of an actor getting so wrapped up into a role (here Othello) as to pick up the great flaw of that character and put it into his life; and that this is the film that won Ronald Colman the Academy Award (as well as the Golden Globe) as best actor. Let's take the second point first.

Is Anthony John Colman's greatest role, or even his signature role? I have my doubts on either level - but it is among his best known roles. Most of his career, Ronald Colman played decent gentlemen, frequently in dangerous or atypical situations. He is Bulldog Drummond (cleaned up in the Goldwyn production not to be an arrogant racist) fighting crime. He is Raffles, the great cricket player and even greater burglar, trying to pull off his best burglary to save a friend's honor. He is Robert Conway, the great imperial political figure, who is kidnapped and brought to that paradise on earth, Shangri-La. He is Dick Heldar, manfully going to his death after he learns his masterpiece has been destroyed and knowing he is now blind and useless as an artist. I can add Sidney Carton and Rudolf Rassendyll to this list. But here he is not heroic. In fact he is unconsciously villainous - he murders one person and nearly kills two others. It does not matter that he is obviously mentally ill - his behavior here is anti-social.

To me Colman should have gotten the Oscar for Heldar, or Carton, or Conway - all more typical of his acting roles. But the Academy has a long tradition of picking atypical roles for awarding it's treasure to it's leading members. Colman's Anthony John is a very good performance, and at one point truly scary. When alone with Signe Hasso in her home, she at the top of a staircase and him at the base, they have an argument. She demands that \\\"Tony\\\" leave, saying she won't see him. He stares at her, his face oddly hardening in a way he never used before, and he says, \\\"Oh, no you won't!\\\" He starts moving upstairs, frightening Hasso, and she runs into her room. He stops himself and leaves. It actually is the real highpoint of his performance - even more than his assaulting of Hasso on stage, or of Edmond O'Brien, or his killing of Shelley Winters. It showed his blind fury. For that moment it was (to me) an Oscar-worthy performance. But it is only that moment. I'm glad he was recognized for the role, but he should have gotten the award for a more consistent performance.

His actual performance in the Shakespearian role of Othello is not great, but bearable. Too frequently he lets the dialog roll off his tongue in a kind of forced singing style (one wonders if that was due to the coaching of Walter Hampden, who probably knew how to handle the role properly, or a reaction to it). Nowadays \\\"Othello\\\" is played by an African American actor more frequently than a white one. Paul Robeson's brilliant performance in the role set that new tradition firmly into place. But the three best known movie performances of the part are those of Colman, Orson Welles in his movie of OTHELLO, and Laurence Olivier in his movie of his play production of OTHELLO. All three white actors did the role in black face. My personal favorite of the three is Welles, who seems the most subtle. But even watching Welles' fine film version makes me angry that Robeson never got to put his performance (with Jose Ferrer as Iago) on film.

Now the first question - can an actor get that wrapped up in a role? I heard different things about this. Some actors have admitted taking a role home with them from the theater or movie set. Others have found a role they have to be stimulating, influencing them on a new cause of action regarding their lives or some aspect of life. But actually I have never heard of anyone who turned homicidal as the result of a role. It seems a melodramatic, hackneyed idea.

As a matter of fact it was not a new idea in 1947 with Cukor, Kanin, and Gordon. In 1944 a \\\"B\\\" feature, THE BRIGHTON STRANGLER, starring John Loder, had used a similar plot about an actor who is playing an infamous \\\"Jack the Ripper\\\" type, and who starts committing those type of killings after an accident affects his mind. There was an earlier movie in the 1930s, in which an actor playing Othello gets jealous of his wife (I think the title was MEN ARE NOT GODS, but I'm not sure). But due to Colman's name and career, and Cukor's directing, it is A DOUBLE LIFE that people think of when they recall this plot idea. It even reached comedy (finally) on an episode of CHEERS, where Diane Chambers is helping an ex-convict who may have acting talent, and they put on OTHELLO at the bar, just after he sees her with Sam Malone kissing. Only Diane is aware of the personality problem of the ex-convict, and can't delay the production long enough (she tries to start a discussion into the history and symbolism of the play).

The cast of A DOUBLE LIFE was first rate, and Cukor's direction was as sure as ever. So the film is definitely worth watching. But despite giving Colman an interestingly different role, it was not his best work on the screen.\": {\"frequency\": 1, \"value\": \"A DOUBLE LIFE has ...\"}, \"i just saw this film, i first saw it when i was 7 and could just about remember the end. so i watched it like, 10 minutes ago, and (i may seem like a baby as i am 12 ha-ha) i started to cry at the ending, i forgotten how sad it was. i think i was mainly sad for Anne-Marie because she said: 'i love you Charlie' and also: 'i'll miss you Charlie', just made me really cry ha-ha. it has to be one of me favourite movies of all time, it is just a film well worth watching. WATCH IT ha-ha, thats all i can say XD

but, i love this film, its a true classic.

xx Maverick xx 10/10\": {\"frequency\": 1, \"value\": \"i just saw this ...\"}, \"Sundown - featuring the weakest, dorkiest vampires ever seen, accompanied by one of the most unfitting, pretentious scores ever written - and with Shane the vampire, who's every move and spoken word was so ridiculous that I burst out laughing half the times and rolled my eyes the rest.

The vampires don't seem to have any special powers at all - except for strength (sometimes), being able to switch off a lamp with their mind (one time) and... that's it, really. Ever imagine count Dracula worriedly recoiling from a fight 'cause he ran out of bullets? Neither did I. Practically any other movie-Dracula would eat this one for breakfast, skin his followers and use their bones as toothpicks.

The main plot of the movie is that a human family of four gets caught up in a vampire gang fight - Dracula's vs. some old geezer's. It could have been some good old B-flick fun, but the overly dramatic music was clearly written by someone who took this movie a bit too seriously, and ends up ruining the remaining part of the movie not already ruined by clay bats, mediocre acting and the laughable screenplay.

In the end it's just too silly to be funny. Sure, it has some amusing moments, but they're few, and far apart.\": {\"frequency\": 1, \"value\": \"Sundown - ...\"}, \"What a stunning episode for this fine series. This is television excellence at its best. The story takes place in 1968 and it's beautifully filmed in black & white, almost a film noir style with its deep shadows and stark images. This is a story about two men who fall in love, but I don't want to spoil this. It is a rare presentation of what homosexuals faced in the 1960s in America. Written by the superb Tom Pettit, and directed by the great Jeannot Szwarc, we move through their lives, their love for each other, and their tragedy. Taking on such a sensitive issue makes this episode all the more stunning. Our emotions are as torn and on edge as the characters. Chills ran up my spine at the end when they played Bob Dylan's gorgeous, \\\"Ah, but I was so much older then, I'm younger than that now,\\\" as sung by the Byrds. This one goes far past a 10 and all the way to the stars. Beautiful.\": {\"frequency\": 1, \"value\": \"What a stunning ...\"}, \"A friend of mine bought this film for \\ufffd\\ufffd1, and even then it was grossly overpriced. Despite featuring big names such as Adam Sandler, Billy Bob Thornton and the incredibly talented Burt Young, this film was about as funny as taking a chisel and hammering it straight through your earhole. It uses tired, bottom of the barrel comedic techniques - consistently breaking the fourth wall as Sandler talks to the audience, and seemingly pointless montages of 'hot girls'.

Adam Sandler plays a waiter on a cruise ship who wants to make it as a successful comedian in order to become successful with women. When the ship's resident comedian - the shamelessly named 'Dickie' due to his unfathomable success with the opposite gender - is presumed lost at sea, Sandler's character Shecker gets his big break. Dickie is not dead, he's rather locked in the bathroom, presumably sea sick.

Perhaps from his mouth he just vomited the worst film of all time.\": {\"frequency\": 1, \"value\": \"A friend of mine ...\"}, \"If you want Scream or anything like the big-studio horror product that we get forced on us these days don't bother. This well-written film kept me up thinking about all it had to say. Importance of myth in our lives to make it make sense, how children interpret the world (and the violence in it), our ransacking of the environment and ignorance of its history and legends.. all here, but not flatly on the surface. You could technically call it a \\\"monster movie\\\" even though the Wendigo does not take physical form until the end, and then it's even up to you and your beliefs as to what's happening with the legendary spirit/beast. Some standard thriller elements for those looking just for the basics and the film never bores, though in fact the less you see of the creature, the better. Fessenden successfully continues George Romero's tradition of using the genre as parable and as a discussion forum while still keeping us creeped out.\": {\"frequency\": 2, \"value\": \"If you want Scream ...\"}, \"I was browsing through Netflix and stumbled upon this movie. Having fond memories of the book as a child, I decided to check this out. This is a movie that you should really pass on.

It is just not worth seeing. It is very boring and uninteresting. I feel that it would even be that way to small children. It has no magic that the book contains. This movie is not horrible, but you will just find yourself not caring ten minutes into it.

There are moments that just come off as weird. The witch character is not very good. The family acts like it is no big deal that these odd things are happening. I know this is a kids movie, so as an older audience we must not look too deeply in things, but the whole movie just feels like it was written and produced by people who have never had any movie making experience before.

The DVD that I had began skipping in the final moments of the film, and instead of trying to fix it I just turned it off and sent it back to Netflix. I really didn't care how it finished. Skip this film and read the book instead.\": {\"frequency\": 1, \"value\": \"I was browsing ...\"}, \"A wonder. One of the best musicals ever. The three Busby Berkely numbers that end the movie are spectacular, but what makes this film so wonderful is the incredible non-stop patter and the natural acting of Cagney and Blondell. (Keeler is also lovely, even though she may not have been a great actress). There's a freshness in the movie that you don't see in flicks today, much less in the usually stilted 30s films, even though the plot, involving the setting up of movies prologues, is quite dated.\": {\"frequency\": 1, \"value\": \"A wonder. One of ...\"}, \"\\\"Carriers\\\" follows the exploits of two guys and two gals in a stolen Mercedes with the words road warrior on the hood hightailing it down the highway for the beach with surfboards strapped to the top of their car. Brian (Chris Pine of \\\"Star Trek\\\") is driving and his girlfriend Bobby (Piper Perabo of \\\"Coyote Ugly\\\")has shotgun, while Brian's younger brother, Danny (Lou Taylor Pucci of \\\"Fanboys\\\") and his friend--not exactly girlfriend--Kate (Emily VanCamp of \\\"The Ring 2\\\") occupy the backseat. This quartet of twentysomething characters are living in a nightmare. Apparently, a viral pandemic--which co-directors & co-scenarists Alex Pastor and David Pastor tell us absolutely nothing about--has devastated America. Naturally, the lack of exposition shaves off at least fifteen minutes that would have slowed down this cynical melodrama about how humans degenerate in a crisis and become their own worst enemies.

This lethal virus gives you the shingles and then you bleed and die. Most everybody runs around wearing those white masks strapped to their nose and mouth by a thin rubber band. Initially, this foursome encounters a desperate father, Frank (Christopher Meloni of \\\"Runaway Bride\\\"),and his cute little daughter Jodie (Kiernan Shipka of \\\"Land of the Lost\\\") blocking the highway with their SUV. Brian swerves around Frank when he tries to waylay them, but in the process, the oil pan in their Mercedes ruptures and they wind up on foot. Reluctantly, they hitch a ride with Frank after they seal Jodie up in the rear of the SUV. She wears a mask over her nose and mouth and it is speckled with blood. Frank has heard that doctors are curing ailing people at a hospital and they head to it. Sadly, somebody has lied to Frank. The hospital physician is giving the last couple of kids some Kool-Aid that will put them out of their misery. The cure did not improve their condition. Everybody else in town is dead. Kate tries without success to get a dial tone on every phone. Frank realizes that there is no hope for his daughter and he lets the heroic quartet appropriate his SUV and take off.

Indeed, \\\"Carriers\\\" qualifies as a relentlessly depressing movie about the effects of a pandemic on four sympathetic people who degenerate into homicidal murderers to protect themselves. They reach a country club and frolic around on a golf course until another four show up in suits and masks with pump-action shotguns. Incredibly, our protagonists manage to escape without getting shot, but Brian has a scare when he almost falls into the water with a floating corpse. Eventually, they discover that one of them has become infected. Later, as they are about to run out of gas, Brian blocks the highway like Frank did at the outset. Danny tries to stop a pair of older Christian women driving the car. Danny lies that his pregnant wife is about to give birth and he needs their help. Brian throws caution to the wind and blasts away at the ladies with his automatic pistol when they refuse to help them. Brian catches a slug in the leg from the passenger, but he kills her.

No,\\\"Carriers\\\" is not a beer & pizza movie that you can either laugh off or laugh with because the humor is virtually non-existent. By the end of this 84-minute movie, our heroes have turned into villains who only care only for themselves and their plight. Chris Pine makes quite an impression as fun-loving Brian and his energetic performance is the only reason to hang with this hokum, while the only other well-known actress, Piper Perabo, is relegated to an inconsequential girlfriend role. As Bobby, she makes tragic the mistake of showing compassion to a dying little girl and pays an awful price. It is a testament to Pine's performance that he can change his character to the point of putting himself before others. Essentially, Pine has the only role that gives him the ability to pull a one-eighty from happy-go-lucky guy to heartless guy.

The two directors are Spanish brothers, and they never let the momentum flag. Since there is no relief in sight, \\\"Carriers\\\" sinks into predictability. \\\"Irr\\ufffd\\ufffdversible\\\" cinematographer Beno\\ufffd\\ufffdt Debie does a fantastic job with his widescreen lensing and as unsavory as this road trip becomes, Debie makes it look like a dynamic film. Aside from the lack of a happy ending or closure in any sense of the word, \\\"Carriers\\\" suffers because it is so horribly cynical. The scene when the German shepherd attacks Danny conjures up the most suspense, but even it could have been improved. Unfortunately, the Pastor brothers do not scare up either much tension or suspense. By fade-out, you really don't care what happens to anybody.\": {\"frequency\": 1, \"value\": \"\\\"Carriers\\\" follows ...\"}, \"Mighty Morphin Power Rangers has got to be the worst television show ever made. There is no plot, just a bunch of silly costumed kids using martial arts while dressed up in second class spandex outfits.

The special effects look like they are from the '70's, the costumes look like something out of a bad comedy, and the show is just plain awful.

The only thing worse than the television show are the toys, just second rate plastic garbage fed to our kids.

There are far better shows for your kids to watch!

Try giving your kids something like Nickelodean, those shows actually have some intelligence behind them, unlike power rangers.\": {\"frequency\": 1, \"value\": \"Mighty Morphin ...\"}, \"This film has been receiving a lot of play lately during the day on either HBO or Cinemax. The reason is that they are assuming people would be interested in comparing it to the Leonardo DiCaprio/Tom Hanks caper of the same name. The only reason to see it is for the attractive Matt Lattanzi. Yum! Although I must say Matt was more than a little long in the tooth to be playing a high schooler. If he were a woman, they'd have had him playing the MOTHER of a high schooler! (Is is just me, or is his daughter starting to look like Shelley Duvall?) Oh yeah, the plot--who cares? Typical teen highjinx played by adults.\": {\"frequency\": 1, \"value\": \"This film has been ...\"}, \"This Night Listener is better than people are generally saying. It has weaknesses, and it seems to be having a genre identity crisis, no doubt, but I think its creepy atmosphere and intriguing performances make up for this. The whole thing feels like one of those fireside \\\"this happened to a friend of a friend of mine\\\" ghost stories. One big complaint about the movie is the pacing: but the slow and sometimes awkward pacing is deliberate. Everything that unfolds in this movie is kept well within the realm of possibility, and real life just sort of plods along\\ufffd\\ufffdno? So there are no flashy endings or earth-shattering revelations, no \\\"showdown\\\" scenes. Thank Heaven. You have to get into the zone when watching this movie, forget your reservations and your expectations of what makes a (conventionally)good movie. Williams isn't terrific, but he easily meets the needs of the story, plus his character is supposed to be somewhat generic (\\\"No One\\\") as he is the Everyman, the avatar by which we ourselves enter the story. Toni Collette's performance should be nominated for an Oscar (even if she maybe shouldn't win it). Give it a shot. For quality and content alone, The Night Listener is surely in the top twenty percent of movies coming out these days.\": {\"frequency\": 1, \"value\": \"This Night ...\"}, \"Every so often a movie comes along that knocks me down a notch and reminds me that my taste in films I seek out to watch isn't always impeccable. I normally would stay away from stuff like this, but I was duped by some glowing reviews and the Rohmer pedigree.

There's an initial and intriguing novelty to the production where Rohmer essentially superimposes the actors onto painted (digital) back-drops of revolution era France. This quickly wanes and becomes about as interesting as watching the paint dry on a paint by numbers scene. What we're left with is a boring and stuffy film about aristocrats in 18th century France. None of the characters are appealing or sympathetic. The pace is so languid, the dialogue so arduous, and suspense is clearly a foreign concept to Rohmer, that I ended up not caring whose head rolled, who was harboring who, or what the devil the revolution was supposed to be about. The movie would've greatly benefited from some semblance of emotional build-up and a music score (there's some fine classical music used at the very end). Despite being so \\\"talky\\\", the film plays much like a silent film, and the worst kind of film at that, a dull and uninteresting film about infinitely interesting subjects. Only the most astute French historians will find anything to take from this film, as it dose seem to paint well known events from a new angle (the Lady is English and a royalist). Otherwise, avoid this yawner at all costs unless you are suffering from insomnia (I dozed off twice).\": {\"frequency\": 1, \"value\": \"Every so often a ...\"}, \"Filmed by MGM on the same sets as the English version, but in German, Garbo's second portrayal of \\\"Anna Christie\\\" benefited from practice and her apparent ease with German dialog. Garbo appears more relaxed and natural under Jacques Feyder's direction than under Clarence Brown's, and her silent movie mannerisms have all but disappeared, which made her transition to sound complete. The strength she brought to the character remains here, although it has been softened, and Garbo reveals more of Anna's vulnerability. The entire cast, with the exception of Garbo, is different from the previous version of the film, and Garbo benefits from not having to compete with Marie Dressler, who stole every scene she was in during the English-language version. In Feyder's film, Garbo holds the center of attention throughout, although the three supporting players, particularly the father, gave excellent performances.

Feyder's direction was more assured than Clarence Brown's, and his use of the camera and editing techniques did not seem as constrained by the new sound process as did those of Brown. The film moves with more fluidity than the English language adaptation, and the static nature of the first film has been replaced with a flow that maintains viewer interest. Even William Daniels cinematography seems improved over his filming of the Brown version. He captured Garbo's luminescence and the atmospherics of the docks with style. Also, the screenplay adaptation for the European audience made Anna's profession quite clear from the start, and the explicitness clarifies for viewers who were unfamiliar with the play as to what was only implied in the Brown filming. However, the film was made before the Production Code was introduced, which made the censorship puzzling.

Garbo's Oscar nomination for \\\"Anna Christie\\\" was always somewhat mystifying, and I suspected that the nod was given more in recognition of her relatively smooth transition to sound films than for her performance. However, some of the Academy voters may have seen the German-language version of the film, and they realized, as will contemporary viewers, that her \\\"Anna Christie\\\" under Feyder's direction was definitely Oscar worthy.\": {\"frequency\": 1, \"value\": \"Filmed by MGM on ...\"}, \"Greetings again from the darkness. Much anticipated, twisted comedy from writer/director Richard Shepard is a coming out party for Pierce Brosnan the actor. That Bond guy is gone. This new guy is something else entirely!! Have read that Shepard thought Brosnan was too much the pretty boy for this plum role, but Brosnan proves to be the perfect Julian Noble, \\\"Facilitator\\\" ... and is anything but pretty! Do not underestimate how twisted the humor is in this one. If you go, expect punch lines and sight gags regarding all types of sex, killing, religion, sports, business and anything else you might deem politically incorrect. Brosnan takes an excellent script to another level with his marvelous facial gestures and physical movements. Even sitting on a hotel bed (with or without a sombrero) is a joy to behold.

Greg Kinnear is the straight guy to Brosnan's comic and has plenty of depth and comic timing to make this partnership click. Hope Davis has a small, but subtly effective supporting role as Kinnear's wife (what's with her name \\\"Bean\\\"?) who happens to get a little excited when she has a facilitator in her living room.

The visuals and settings are perfect - including a bullfight, racetrack and Denver suburb. And how often do we get The Killers and Xavier Cugat on the same soundtrack? This one is definitely not for everyone, but if your sense of humor is a bit off center and you enjoy risky film-making, it could be for you.\": {\"frequency\": 1, \"value\": \"Greetings again ...\"}, \"When an attempt is made to assassinate the Emir of Ohtar, an Arab potentate visiting Washington, D.C., his life is saved by a cocktail waitress named Sunny Davis. Sunny becomes a national heroine and media celebrity and as a reward is offered a job working for the Protocol Section of the United States Department of State. Unknown to her however, the State Department officials who offer her the job have a hidden agenda.

A map we see shows Ohtar lying on the borders of Saudi Arabia and South Yemen, in an area of barren desert known as the Rub al-Khali, or Empty Quarter. In real life a state in this location would have a population of virtually zero, and virtually zero strategic value, but for the purposes of the film we have to accept that Ohtar is of immense strategic importance in the Cold War and that the American government, who are keen to build a military base there, need to do all that they can in order to keep on the good side of its ruler. It transpires that the Emir has taken a fancy to the attractive young woman who saved him and he has reached a deal with the State Department; they can have their base provided that he can have Sunny as the latest addition to his harem. Sunny's new job is just a ruse to ensure that the Emir has further opportunities to meet her.

A plot like this could have been the occasion for some hilarious satire, but in fact the film's satirical content is rather toned down. Possibly in 1984 the American public were not in the mood for trenchant satire on their country's foreign policy; this was, after all, the year in which Ronald Reagan carried forty-nine out of fifty states in the Presidential election and his hard line with the Soviet Union was clearly going down well with the voters. (If the film had been made a couple of years later, in the wake of the Iran/Contra affair, its tone might have been different).

The film is not so much a satire as a vehicle for Goldie Hawn to show off her brand of cuteness and charm. Sunny is a typical Goldie character- pretty, sweet-natured, naive and not too bright. There is, however, a limit to how far you can go with cuteness and charm alone, and you cannot automatically make a bad film a good one just by making the leading character a dumb blonde. (Actually, that sounds more like a recipe for making a good film a bad one). Goldie tries her best to save this one, but never succeeds. Part of the reason is the inconsistent way in which her character is portrayed. On the one hand Sunny is a sweet, innocent country girl from Oregon. On the other hand she is a 35-year-old woman who works in a sleazy bar and wears a revealing costume. The effect is rather like imagining Rebecca of Sunnybrook Farm grown up and working as a Bunny Girl.

The more important reason why Goldie is unable to rescue this film is even the best comedian or comedienne is no better than his/her material, and \\\"Protocol\\\" is simply unfunny. Whatever humour exists is tired and strained, relying on offensive stereotypes about Arab men who, apparently, all lust after Western women, particularly if they are blonde and blue-eyed. There was a lot of this sort of thing about in the mid-eighties, as this was the period which also saw the awful Ben Kingsley/ Nastassia Kinski film \\\"Harem\\\", about a lascivious Middle Eastern ruler who kidnaps a young American woman, and the mini-series of the same name which told a virtually identical story with a period setting. The film-makers seem to have realised that their film would not work as a pure comedy, because towards the end it turns into a sort of latter-day \\\"Mr Smith Goes to Washington\\\". Sunny turns from a blonde bimbo into a fount of political wisdom and starts uttering all sorts of platitudes about Democracy and the Constitution and the Citizen's Duty to Vote and We The People and how the Price of Liberty is Eternal Vigilance blah blah blah\\ufffd\\ufffd\\ufffd\\ufffd, but in truth the film is no more successful as a political parable than it is as a comedy.

Goldie Hawn has made a number of good comedies, such as \\\"Cactus Flower\\\", \\\"Overboard\\\" and \\\"\\\"Housesitter\\\", but \\\"Protocol\\\" is not one of them. I have not seen all of her films, but of those I have seen this dire comedy is by far the worst. 3/10\": {\"frequency\": 1, \"value\": \"When an attempt is ...\"}, \"This movie was like a bad indie with A-list talent. The plot was silly, all the way to the end. It reminded me very much of something churned out for the home video market in the 1980's. I would have given it a one, but there were brief moments when you could see the actors really really straining to make this worthwhile. I think the worst thing was the underwater scene's held off of the dock. The underwater lighting seemed to come from no were, and whenever someone we were supposed to care about was close to running out of air, this air tank would kind of appear. I would avoid this, unless there is nothing else on the shelf. Good Day.\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"Henri Verneuil's film may be not so famous as Parallax View, 3 Days of the Condor or JFK but it is certainly not worse and sometimes even better than these classic representatives of the genre. Action takes place in fictional western state where fictional president has been killed. After several years of investigation, special government commission decides that president was killed by a lone gunman. But one man - prosecutor Volney, played by Yves Montand - thinks there's something more to be investigated and so the film starts. This movie doesn't deal with some exact theories, but it embraces the whole structure of relationship between government and society in today's world. Such film could be made only in the 1970-ies but it will never lose it's actuality. Furthermore, it's even a bit frightful how precise are it's oracles. 10 out of 10.\": {\"frequency\": 1, \"value\": \"Henri Verneuil's ...\"}, \"Felt it was very balanced in showing what Jehovahs Witnesses have done in protecting American freedoms. It also showed the strong faith of two families who were first generation witnesses. I also appreciated how it showed how by becoming a Jehovahs Witness affects non-witness family members and how hard it is for them to accept the fact that they don't celebrate holidays, the sad part is that non-witness families do not think of having their witness family over for family dinners/visits or give them gifts at any other times but for holidays or birthdays. When it comes to medical care the witnesses want and expect a high standard of medical care, what people forget is that blood transfusions allow for sloppy medical care and surgeries whereas bloodless treatments causes the medical team to be highly skilled and trained, which would you prefer to treat your loved ones? I highly recommend this video!\": {\"frequency\": 1, \"value\": \"Felt it was very ...\"}, \"Snow White, which just came out in Locarno, where I had the chance to see it, of course refers to the world famous fairy tale. And it also refers to coke. In the end, real snow of the Swiss Alps plays its part as well.

Thus all three aspects of the title are addressed in this film. There is a lot of dope on scene, and there is also a pale, dark haired girl - with a prince who has to go through all kind of trouble to come to her rescue.

But: It's not a fairy tale. It's supposed to be a realistic drama located in Zurich, Switzerland (according to the Tagline).

Technically the movie is close to perfect. Unfortunately a weak plot, foreseeable dialogs, a mostly unreal scenery and the mixed acting don't add up to create authenticity. Thus as a spectator I remained untouched.

And then there were the clich\\ufffd\\ufffds, which drove me crazy one by one: Snow White is a rich and spoiled upper class daughter - of course her parents are divorced and she never got enough love from them, because they were so busy all the time. Her best girlfriend, on the other hand, has loving and caring parents. They (a steelworker and a housewife) live in a tiny flat, poor and happy - and ignorant of the desperate situation their daughter is in. The good guy (= prince) is a musician (!) from the French speaking part of Switzerland (which is considered to be the economically less successful but emotionally fitter fraction of the country). He has problems with his parents. They are migrants from Spain, who don't seem to accept his wild way of living - until the father becomes seriously ill and confesses his great admiration for his son from a hospital bed.

And so it goes on: Naturally, the drug dealer is brutal, the bankers are heartless, the club owner is a playboy and the photographer, although a woman (!), has only her career in mind when she exposes Snow White in artsy pornographic pictures at a show.

This review doesn't need a spoiler in order to let you add these pieces to an obvious plot. As I like other films by Samir, e.g. \\\"Forget Baghdad\\\", I was quite disappointed. Let's hope for the next one.\": {\"frequency\": 1, \"value\": \"Snow White, which ...\"}, \"Silly, simplistic, and short, GUN CRAZY (VOLUME 1: A WOMAN FROM NOWHERE) goes nowhere.

This brief (just over sixty minutes) tale isn't so much inspired by the classic spaghetti Westerns as it is a rip-off of Sam Raimi's THE QUICK & THE DEAD (his admitted homage to the spaghetti Westerns) brought into a contemporary setting. In QUICK & DEAD, Sharon Stone's character seeks revenge against the dastardly sheriff (played by Gene Hackman) who, when she was but an urchin, placed the fate of her father (a brief cameo by Gary Sinise) in her hands; she accidentally shot him through the head. In GUN CRAZY, Saki (played by the nimble Ryoko Yonekura) seeks revenge against the dastardly Mr. Tojo (played with minimalist appeal by Shingo Tsurumi), who, when she was but an urchin, placed the fate of her father in her hands; she let her foot slip off the clutch, and dear ole dad was drawn and quartered by a semi truck. The only significant difference, despite the settings, is the fact that Tojo sadistically cripples Saki with \\ufffd\\ufffd well, I won't spoil that for you in case you decide to watch it.

In short, Saki \\ufffd\\ufffd a pale imitation of the Clint Eastwood's 'Man With No Name' \\ufffd\\ufffd rides into the town \\ufffd\\ufffd basically, there's a auto shop and a tavern alongside an American military base, so I guess that suffices for a town \\ufffd\\ufffd corrupted by Tojo, the local crimelord with a ridiculously high price on his head for reasons never explained or explored. Confessing her true self as a bounty hunter, Saki takes on the local gunmen in shootouts whose choreography bares more than a passing similarity to the works of Johnny To and John Woo. Of course, by the end of the film Saki has endured her fair amount of torture at the hands of the bad guys, but she rises to the occasion \\ufffd\\ufffd on her knees, in a laughable attempt at a surprise ending \\ufffd\\ufffd and vanquishes all of her enemies with a rocket launcher.

Don't ask where she gets the rocket launcher. Just watch it for yourself. Try not to laugh.

The image quality is average for the DVD release. There is a grainy quality to several sequences, but, all in all, this isn't a bad transfer. The sound quality leaves a bit to the imagination at times, but, again, it isn't a bad transfer.

Rather, it's a bad film.\": {\"frequency\": 1, \"value\": \"Silly, simplistic, ...\"}, \"I wish Spike Lee had chosen a different title for his film. \\\"Summer Of Sam\\\" conveys the impression that the film is about the infamous serial killer, David Berkowitz. It's not. It's a gritty, earthy portrait of NYC street life during the hot summer of '77 when Berkowitz terrorized that city.

The film follows several young fictional characters in an Italian-American neighborhood, and their reactions to the Son of Sam threat. There's Vinny and his wife Dionna; there's Richie and Ruby, and several other characters.

The problem is that these characters are not likable. They are routinely annoying, and at times unbearable. Lee then belabors their high energy, chaotic lives, which are filled with anger, lust, and general turmoil. There are at least two protracted fight scenes between Vinny and his wife, redundant disco dance scenes, countless gabfests ... Over and over I kept wondering: where's the film editor?

Meanwhile, with all that bulk, the film passes up the chance to convey any real sense of fear or dread arising from the Son of Sam menace, which is too much in the background. Lee is more successful at showing a different kind of menace, that arising from neighborhood vigilante groups.

The acting is uniformly good. That, combined with 70's disco music, and lavish attention to costumes and production design, make you really feel like you are in an Italian-American neighborhood in NYC in 1977.

The film's atmospheric authenticity, however, is not nearly enough to offset a rambling, overblown script about the lives of grossly irritating people.\": {\"frequency\": 1, \"value\": \"I wish Spike Lee ...\"}, \"I only watched the first 30 minutes of this and what I saw was a total piece of crap. The scenes I saw were as bad as an Ed Wood movie. No, it was a hundred times WORSE. Ed Wood has the reputation of being the worst director ever but that's not true; the idiot who directed this junk is the WORST director ever.

The American cop has a German accent! The \\\"police station\\\" was a desk in a warehouse with a sign \\\"Police Station\\\" hanging on the wall. There is a fist fight where the punches clearly miss by about TEN FEET.

This cop pulls women over, cuffs them and leads them to a warehouse. He tells his cop partner to wait in the car. Then he comes out of the warehouse carrying a duffel bag. The cop partner thinks maybe something is not right, that his partner might be a bad cop who is murdering these women, but he isn't sure if that is what's happening because - he's a moron! The dialog is totally stupid, the acting is awful, and the characters act in the stupidest manner I have ever seen on screen. It is totally obvious to the cop's partner that he is illegally abducting these women and he is slapping them and taking them into a warehouse and returning to the car with a duffel bag with a body in it, and yet, the partner, who is there all along, doesn't know what is happening!

The director of this film is a total hack. I stopped the movie at 30 minutes because I couldn't take it anymore. It has to be one of the WORST movies I have ever started to watch and I won't waste anymore time on it writing this review.

Absolutely WORTHLESS.\": {\"frequency\": 1, \"value\": \"I only watched the ...\"}, \"[***POSSIBLE SPOILERS***] This movie's reputation precedes it, so it was with anticipation that I sat down to watch it in letterbox on TCM. What a major disappointment.

The cast is superb and the production values are first-rate, but the characters are without depth, the plot is thin, and the whole thing goes on too long. For a movie that deals with alcoholism, family divisions, unfaithfulness, gambling, and sexual repression, the movie is curiously flat, prosaic, lifeless, and cliche-ridden. One example is the portrayal of Frank Hirsch's unfaithfuness: his rather heavy-handed request to his wife to \\\"go upstairs and relax a bit\\\" followed by her predictable pleading of a headache, leads - even more predictably - to his evening liaison with his secretary (\\\"hey Nancy, I've got the blues tonight. Let's go for a drive\\\"), all according to well-worn formula. We don't feel these are real people, but cardboard cutouts acting in a marionette play. Also, the source of the obvious friction between Frank and Dave Hirsch is never really explored or explained. Dave's infatuation with the on-again/off-again Gwen is inexplicable in light of her fatuous inability to defecate or get off the pot. His subsequent marriage of desperation to the Shirley Maclaine/Ginny character is, from the moment of its being presented to this viewer, anyway, obviously doomed to fail, and it was clear - by the conventions of this type of soap opera - that it could only be resolved by someone being killed. The moment the jealous lover started running around with the gun I started a bet with myself as to who - Dave or Ginny - would get killed. The whole thing was phony with a capital 'P'.

Having said that, Maclaine's performance and that of Dean Martin are the standouts here. But on the whole I find the movie's interest to be purely that of a period piece of Hollywood history.\": {\"frequency\": 1, \"value\": \"[***POSSIBLE ...\"}, \"I recently had the pleasure of seeing The Big Bad Swim at the Ft. Lauderdale Film Festival and I must say it is the best film I have seen all year and the only film I have ever felt inspired to write a comment/review on. This film was beautifully directed and combined a script with realistic dialogs, excellent acting, and an inspiring message. Ordinary lives come together in an adult swim class and become extraordinary in a celebration of the diversity of life. This is poignantly illustrated by the imagery in the first minute of this captivating film where we see only the legs and torso of individuals in various shapes and sizes enter into a pool of water. This film is brilliantly directed as the actors are placed and positioned in captivating scenes, which hold your attention and imagination.\": {\"frequency\": 1, \"value\": \"I recently had the ...\"}, \"I saw this movie for a number of reasons the main being Mira Sorvino. With her on the cast it couldn't be so bad. And it even seemed like it had some mystery and Olivier Martinez was her boyfriend at the time and he was pretty good in `Unfaithful'. The story is set in Spain so it could be an exotic entertaining movie with one of my favorite actresses.

If you're thinking about the same thing let me warn you: this is a truly awful, uninteresting, boring movie. The only adjective that comes to mind is pathetic.

The story is contrived with sub-plots that add nothing to the narrative. They try to build a slasher/thriller with a look at fascism in Spain but fail horribly. The twists have no credibility and the so-called investigation leads nowhere.

The characters are paper-thin! I didn't care about anyone. More than that they're irritating and pretty hateful people.

The acting is atrocious. Mira what is wrong with you? Why Mira? You're an oscar winner! Keep some dignity! Her character was weak but that is no excuse for such an awful performance. She seems to be sleepwalking all movie long. Come to think of it, I actually think I saw her eyes slowly closing in some scenes. I used to think this woman was sexy. Well she isn't here. If you want to look at some skin try Romi and Michelle because there's nothing to see here. And that accent? My god...

Olivier Martinez is even worst. It's too painful to remember his performance to describe it here. Im sorry but I can\\ufffd\\ufffdt. Ive suffered enough with this garbage.

This whole movie is depressing! It's so bad in every way it's a wonder how it was even made. A lousy team to produce a lousy script and make some money over the actor's name. Don't fall for it.

Avoid it!

\": {\"frequency\": 1, \"value\": \"I saw this movie ...\"}, \"This film was rather a disappointment. After the very slow, very intense (and quite gory) beginning the film begins to lose it. Too much plot leaves too little time for explanation, and coming out of the theater I wondered what this was all about. The characters remain shallow, the story is not convincing at all, most of it is d\\ufffd\\ufffdja v\\ufffd\\ufffd stuff without hints of parody, and there are some very cheesy parts... Like, the young cop has to do dig up a body. Of course it's night AND it rains AND he has to do it alone... yawn! Or The Manifestation of the Evil being \\\"nazis\\\" plus \\\"genetic manipulation\\\"... Wow, that's really original. There are some nice bits, though, like the fistfight scene, mountain views and some (running) gags, but (though Reno and Vincent Cassel do what they can) that's definitely not worth it. (3 out of 10)\": {\"frequency\": 1, \"value\": \"This film was ...\"}, \"I shall not waste my time writing anything much further about how every aspect of this film is indescribably bad. That has been done in great detail already, many times over. The 'plot' started out as a very uninspiring cockney wide-boy/gangster-by-numbers bore and very quickly descended into an utter shambles. Anybody who pretends that they can see some hidden masterpiece inside this awful mess is just kidding themselves. It is now 7 or 8 years since I watched it during its 1 week run at the cinema before it was pulled, yet it sticks in my mind for being easily the most terrible film I have ever seen.

I am only making these comments, and indeed the only reason I went to see the film, is because of the amusing fact that my brother Eddie appeared in it as the second 'heavy' in the pub scene. It was his hands that thrust a zippo lighter towards Rhys Ifan's face in the bar in 'Russia' (it was actually filmed at the former Butlins holiday camp at Barry Island). My brother has absolutely no acting experience whatsoever - he had recently joined an extras' agency and this was his first part. Having seen the film, it appeared that nobody in it required any acting experience whatsoever.

I remember there were about 8 people in the whole cinema - and this was just a couple of days after it had been released. I have never heard of an other film that was so unpopular and disappeared so fast - and rightly so. In case you were thinking of renting this film on DVD, I would advise you instead to put your two pound coins in a fire until they are red-hot, then jam them into your eye sockets. This will probably be a lot less painful than watching the film.\": {\"frequency\": 1, \"value\": \"I shall not waste ...\"}, \"This is a very bland and inert production of one of Shakespeare's most vibrant plays. I can only guess that the intent was to make the play as accessible and understandable as possible to an audience that has not been exposed to Shakespeare before. By doing this, though - by making every line clear and every intent obvious - they have drained the play of life and turned it into a flat caricature. Somehow, it is actually boring - a very hard feat given such wonderful material.

The acting is forgettable at best - Sam Waterston as Benedick and Douglas Watson as Don Pedro. Others, however, do not fare so well. April Shawnham's Hero is a pouty, breathless airhead that frequently provokes winces. Jerry Mayer's Don John is a nonsensical cartoon character on the level of Snidely Whiplash (though Snidley was much more enjoyable).

F. Murray Abraham (you know, the guy who killed Mozart?) is not in this version, unless he was in disguise and had his name removed from the credits.

Given that the producer, Joseph Papp, is basically a theater god, this production is not only disappointing but head-scratching as well.

Don't bother with this. Watch Branagh's Much Ado instead - his version is overflowing with vitality and humor, to say nothing of wonderful performances.\": {\"frequency\": 1, \"value\": \"This is a very ...\"}, \"What can i say about the first film ever?

You can't rate this, because it's not supposed to be entertaining. But if you HAVE to rate it, you should give it a 10. It is stunning to see moving images from the year 1895. This was one of the most important movies in history. I wonder how it was to be one of the people who saw the first movie ever!

\": {\"frequency\": 1, \"value\": \"What can i say ...\"}, \"hi I'm from Taft California and i like this movie because it shows how us little town people love our sports football is the main thing in Taft and this movie shows just how important it is i personally think they should make another one but instead of actors use us kids to play the games well show you our determination we've beat Bakersfield every game for the past 6 years and since I'm a senior next year its my last chance and then its college we've had running backs lead the state and I'm next if you want to know me I'm kyle Taylor and i average seven to eight yards a carry and about five times a game ill break away on a 75 or around that yard run so check us out at our website and go to our sports page bye\": {\"frequency\": 1, \"value\": \"hi I'm from Taft ...\"}, \"Original Claymation Rudolph: Pretty good. Original Frosty cartoon: Needs a little work, but could be worse. But Frosty and Rudolph together on the Fourth of July? C'mon! Give me a BREAK!!! This was one movie that shouldn't have been made. It was bad. It didn't really go for any holiday in particular, except July 4. That made it especially bad since Frosty and Rudolph are usually associated with the Christmas season. And any movie can be ruined by too much singing. The frequent songs made this movie seem a lot longer than it really was. The movie tried mixing two familiar Chirstmastime characters with an American traditional holiday (which almost seems to \\\"limit\\\" it to America), too many pointless songs, and a lousy plotline. The result? A bad movie that can't really be watched at any time of year. I would suggest you forgo this movie even if you like Frosty and Rudolph.\": {\"frequency\": 1, \"value\": \"Original ...\"}, \"The highlight of this movie for me was without doubt Tom Hanks. As Mike Sullivan, he was definitely cast against type and showed that he can handle an untraditional (for him) role. Hanks is usually the good guy in a movie - the one you like, admire and root for. Sullivan was definitely not a good guy. It's true that in the context of this movie he came across as somewhat noble - his purpose being to avenge the murders of his wife and youngest son. Even so, he was already a gangster and murderer before those killings. So Hanks took a role I wouldn't have expected him in, and he pulled it off well.

Hanks' good performance aside, though, I certainly couldn't call this an enjoyable movie. After an opening that I would best describe as enigmatic (it wasn't entirely clear to me for a while where this was going) it turns into a very sombre movie, about the complicated relationships Sullivan has developed as a gangster - largely raised by Rooney (Paul Newman), who's a sort of mob boss, and trying to raise his own two sons and to keep them \\\"clean\\\" so to speak; isolated from his business. After the older son witnesses a murder, the gang tries to kill him to keep him quiet, gets the wrong son (and the mother), and leaves Sullivan and his older son (Mike, Jr.) on the run. It becomes a weird sort of father/son bonding movie.

Although it ends on a somewhat hopeful note (at least in the overall context of the story) it's really very dark throughout, that mood being reinforced with many of the scenes being shot in darkness and torrential rainfall. I have to confess that while I appreciated Hanks' performance, the movie as a whole just didn't pull me in. 4/10\": {\"frequency\": 1, \"value\": \"The highlight of ...\"}, \"Generally over rated movie which boasts a strong cast and some clever dialog and of course Dean Martin songs. Problem is Nicholas Cage, there is no chemistry between he and Cher and they are the central love story. Cher almost makes up for this with her reactions to Cage's shifting accent and out of control body language. Cage simply never settles into his role. He tries everything he can think of and comes across as an actor rather than real person and that's what's needed in a love story. Cage has had these same kind of performance problems in other roles that require more of a Jimmy Stewart type character. Cage keeps taking these roles, perhaps because he likes those kind of movies but his own energy as an actor doesn't lend itself to them, though he's gotten better at it with repeated attempts. He should leave these type of roles to less interesting actors who would fully commit to the film and spend his energy and considerable talent in more off beat roles and films where he can be his crazy interesting self.\": {\"frequency\": 1, \"value\": \"Generally over ...\"}, \"I saw this film recently in a film festival. It's the romance of an ex-alcoholic unemployed man who just came out of a big depression and a single middle-aged woman who works in an employment office (INEM). I found the story very simple and full of clich\\ufffd\\ufffds, taking the 'social' theme of the movie and turn it in to a romance comedy. The lead actor did a good job, he definitely looks like an alcoholic man, but Ana Belen is not believable as a working class woman, she looks, acts and talks very much like a 'high-standing' woman. What I mean is that Ana Belen plays herself. She does it in all her movies anyway. The whole mise-en-scene of the film was very poor. The photography is ugly, not using well at all the panoramic aspect ratio. The dialogue sounds totally scripted and dull most of the times. The comic situations are typical from Gomez Pereira, but in this case they are not funny at all and are resolved poorly. In my opinion this film is not worth watching. Only if you really love Pereira's previous films you might enjoy this one a little bit. Anyway, I walked out of the theater because I felt I was wasting my time. The film-maker was by the door. I wonder what a director feels like when he sees someone walking out of one of his films, specially one that is made to please everybody.\": {\"frequency\": 1, \"value\": \"I saw this film ...\"}, \"After watching a dozen episodes, I decided to give up on this show since it depicts in an unrealistic manner what is mathematical modeling. In the episodes that Charlie would predict the future behavior of individuals using mathematical models, I thought that my profession was being joked about. I am not a mathematician, instead a chemical engineer, but I do work a lot with mathematical models. So I will try to explain to the layman why what is shown is close to \\\"make-believe\\\" of fairy tales.

First, choosing the right model to predict a situation is a demanding task. Charlie Eppes is shown as a genius, but even him would have to spend considerable time researching for a suitable model, specifically for trying to guess what someone will do or where he will be in the near future. Individuals are erratic and haphazard, there is no modeling for them. Isaac Asimov even wrote about that in the 1950's. Even if there were a model for specific kind of individual, it would be a probabilistic (stoichastic) one, meaning it has good chance of making a wrong prediction.

Second, supposing the right model for someone or a situation is found, the model parameters have to be known. These parameters are the constants of the equations, such as the gravity acceleration (9.8 m/s2), and often are not easy to determine. Again, Charlie Eppes would have to be someone beyond genius to know the right parameters for the model he chooses. And after the model and the parameters are chosen, they would have to be tested. Oddly, they are not, and by miracle, they fit exactly the situation that is being predicted.

Third, a very important aspect of modeling is almost always neglected, not only by Numbers, but also by sci-fi movies: the computational effort required for solving these models. Try to make Excel solve a complex model with many equations and variables and one will find doing a Herculean job. Even if Charlie Eppes has the right software to solve his models, he might be stuck with hardware that will be dreadfully slow. And even with the right software/hardware combination, the model solution might well take days to be reached. He solves them immediately! I could use his computer in my research work, I would be very glad.

As a drama, it is far from being the best show. The characters are somewhat stereotyped, but not even remotely funny as those in Big Bang Theory are. The crimes are dull and the way Charlie Eppes solves them sometimes make the FBI look pretty incompetent.

For some layman, the show might work. For others, the way things are handled makes it difficult to swallow!\": {\"frequency\": 1, \"value\": \"After watching a ...\"}, \"this was one of the most moving movies i have ever seen. i was about 12 years old when i watched it for the first time and whenever it is on TV i my eyes are glued to it. the acting and plot are amazing. it seems so true to reality and it touches on so many controversial topics. i recommend this movie to anyone interested in a good drama.\": {\"frequency\": 1, \"value\": \"this was one of ...\"}, \"Another great movie by Costa-Gavras. It's a great presentation of the situation is Latin America and the US involvement in Latin American politics. The facts might or might not be accurate but it is a fact that the US was deeply involved in coups and support of Latin American dictatorships.

Despite this though the spirit of the movie follows the typical leftist/communist propaganda of the Cold War era. Costa-Gavras is a well-known communist sympathizer and his movies are always biased. For example he presents the US actions as brutal and inhumane, while representing Tupamaros' extremist activities as something positive.

As it turned out it was a blessing for Uruguay and the rest of the Latin America that the US got involved. Europe is filled with poor East European prostitutes. I never heard of poor Uruguayan or Chilean girls prostituting themselves en masse as it happens in most East European countries. The US was fighting a dirty war and god bless us all the monster of Soviet Communism was defeated. It is unfortunate the US had to do what it did in Latin America (and elsewhere) but sometimes you need to play dirty. This is not an idealistic world as Costa-Gavras and Matamoros like to believe. Had Matamoros come to power in Uruguay, we would've had another Ukraine in Latin America.

All in all this movie follows corrupt and bankrupt leftist ideology of times past and tries to pass it as idealistic and morally correct.\": {\"frequency\": 1, \"value\": \"Another great ...\"}, \"A man brings his new wife to his home where his former wife died of an \\\"accident\\\". His new wife has just been released from an institution and is also VERY rich! All of the sudden she starts hearing noises and seeing skulls all over the place. Is she going crazy again or is the first wife coming back from the dead?

You've probably guessed the ending so I won't spell it out. I saw this many times on Saturday afternoon TV as a kid. Back then, I liked it but I WAS young. Seeing it now I realize how bad it is. It's horribly acted, badly written, very dull (even at an hour) and has a huge cast of FIVE people (one being the director)! Still it does have some good things about it.

The music is kinda creepy and the setting itself with the huge empty house and pond nearby is nicely atmospheric. There also are a few scary moments (I jumped a little when she saw the first skull) and a somewhat effective ending. All in all it's definitely NOT a good movie...but not a total disaster either. It does have a small cult following. I give it a 2.

Also try to avoid the Elite DVD Drive-in edition of it (it's paired with \\\"Attack of the Giant Leeches\\\"). It's in TERRIBLE shape with jumps and scratches all over. It didn't even look this bad on TV!\": {\"frequency\": 1, \"value\": \"A man brings his ...\"}, \"I thought Harvey Keitel, a young, fresh from the Sex Pistols John Lydon, then as a bonus, the music by Ennio Morricone. I expected an old-school, edgy, Italian cop thriller that was made in America. Istead, I got a mishmash story that never made sense and a movie that left me saying: WTF!!! Too many unanswered questions, and not enough action. The result: a potential cult classic got flushed down the toilet. Keitel and Lydon work well together, so maybe Quentin Tarantino can reunite these guys with better script. Oh, and the Morricone score: OK, but not memorable.

Overall, not a waste of time, but not a \\\"must see\\\", unless you are a hardcore Keitel fan.\": {\"frequency\": 1, \"value\": \"I thought Harvey ...\"}, \"Christopher Lambert is annoying and disappointing in his portrayal as GIDEON. This movie could have been a classic had Lambert performed as well as Tom Hanks in Forrest Gump, or Dustin Hoffman as Raymond Babbitt in RAIN MAN, or Sean Penn as Sam Dawson in I AM SAM.

Too bad because the story line is meaningful to us in life, the supporting performances by Charlton Heston, Carroll O'Connor, Shirley Jones, Mike Connors and Shelley Winters were excelent. 3 of 10.\": {\"frequency\": 1, \"value\": \"Christopher ...\"}, \"The show's echoed 'bubbling' sound effect used to put me to sleep. A very soothing show. I think I might have slept through the parts where there was danger or peril. I had also heard that some set up shots for a show on sponge divers was shot in Tarpon Springs, Florida. I would assume Lloyd Bridges never dove there. I only remember the show in reruns and although it was never edge-of-the-seat exciting we would make up our own underwater episodes in the lake at my grandmother's house... imagining the echoed bubbling sounds and narrating our adventures in our heads. I thought 'Flipper' had better undersea action. Of course, he had the advantage of being in his natural environment.\": {\"frequency\": 1, \"value\": \"The show's echoed ...\"}, \"WARNING: POSSIBLE SPOILERS (but not really - keep reading). Ahhh, there are so many reasons to become utterly addicted to this spoof gem that I won't have room to list them all. The opening credits set the playful scene with kitsch late 1950s cartoon stills; an enchanting Peres 'Prez' Prado mambo theme which appears to be curiously uncredited (but his grunts are unmistakable, and no-one else did them); and with familiar cast names, including Kathy Najimi a full year before she hit with Sister Acts 1 & 2 plus Teri Hatcher from TV's Superman.

Every scene is imbued with shallow injustices flung at various actors, actresses and producers in daytime TV. Peeking behind the careers of these people is all just an excuse for an old-fashioned, delicious farce. Robert Harling penned this riotous spoof that plays like an issue of MAD Magazine, but feels like a gift to us in the audience. Some of the cliched characters are a bit dim, but everyone is drizzling with high jealousy, especially against Celeste Talbert (Sally Field) who is the show's perennial award-winning lead, nicknamed \\\"America's Sweetheart\\\". The daytime Emmies-like awards opening does introduce us to Celeste's show, The Sun Also Sets. Against all vain fears to the contrary, Celeste wins again. She is overjoyed, because it's always \\\"such a genuine thrill\\\": \\\"Adam, did you watch? I won! Well, nguh...\\\" The reason for Adam's absence soon becomes the justification for the entire plot, and we're instantly off on a trip with Celeste's neuroses. She cries, screeches, and wrings her hands though the rest of the movie while her dresser Tawnee (Kathy Najimi, constantly waddling after Celeste, unseen through Celeste's fog of paranoia) indulges a taste for Tammy Faye Baker, for which Tawnee had been in fact specifically hired.

Rosie Schwartz (Whoopi Goldberg) has seen it all before. She is the head writer of the show, and she and Celeste have been excellent support networks to each other for 15 years. So when Celeste freaks, Rosie offers to write her off the show for six months: \\\"We'll just say that Maggie went to visit with the Dalai Lama.\\\" But Celeste has doubts: \\\"I thought that the Dalai Lama moved to LA.\\\" \\\"-Well, then, some other lama, Fernando Lamas, come on!\\\". Such a skewering line must be rather affronting to still living beefcake actor Lorenzo Lamas, son of aforementioned Fernando Lamas (d. 1982).

Those who can remember the economics teacher (Ben Stein) in Ferris Bueller's Day Off (1986) as he deadeningly calls the roll (\\\"Bueller. Bueller. Bueller\\\"), will take secret pleasure from seeing him again as a nitwit writer. Other well hidden member of the cast include Garry Marshall (in real life Mr Happy Days and brother of Penny), who \\\"gets paid $1.2 million to make the command decisions\\\" on The Sun Also Sets - he says he definitely likes \\\"peppy and cheap\\\"; and Carrie Fisher as Betsy Faye Sharon, who's \\\"a bitch\\\".

Geoffrey Anderson (Kevin Kline) is the \\\"yummy-with-a-spoon\\\" (and he is, by the way) dinner theater actor now rescued from his Hell by David Seaton Barnes (Robert Downey Jr), and brought back to the same show he was canned from 20 years earlier. Of course this presents some logical challenges for the current scriptwriters because his character, Rod Randall, was supposed to have been decapitated all those years ago. Somehow they work out the logical difficulties, and Geoffrey Anderson steps off the choo-choo.

Celeste can now only get worse, and her trick of going across the Washington bridge no longer helps. First, her hands shake as she tries to put on mascara, but she soon degenerates into a stalker. Unfortunately, she cannot get rid of Geoffrey Anderson so easily. Geoffrey's been promised development of his one-man play about Hamlet, and he means to hold the producer to that promise. \\\"I'm not going back to Florida no-how!\\\", argues Geoffrey. \\\"You try playing Willie Loman in front of a bunch of old farts eating meatloaf !\\\" And indeed, seeing Geoffrey's dinner theater lifestyle amongst all the hocking and accidents is hilarious. Back in Florida in his Willie Loman fat suit in his room, Geoffrey Anderson used to chafe at being called to stage as \\\"Mr Loman\\\". He was forced to splat whatever cockroaches crawled across his TV with a shoe, and to use pliers instead of the broken analog channel changer. Now he find himself as the yummy surgeon dating Laurie Craven, the show's new ingenue; so he's not leaving.

Beautiful Elizabeth Shue (as Laurie) rounds out the amazing ensemble cast who all do the fantastic job of those who know the stereotypes all too well. But, of course, the course to true love never did run smoothly. Montana Moorehead (Cathy Moriarty) is getting impatient waiting for her star to rise, and is getting desperate for some publicity.

Will her plots finally succeed? Will Celeste settle her nerves, or will she kill Tawnee first? Will the producer get Mr Fuzzy? -You'll just have to watch * the second half * of this utterly lovable, farcically malicious riot.

And you'll really have to see to believe how the short-sighted Geoffrey reads his lines without glasses live off the TelePrompter. If you are not in stitches with stomach-heaving laughter and tears pouring down your face, feel free to demand your money back for the video rental. Soapdish (1991) is an unmissable gem that you will need to see again and again, because it's not often that a movie can deliver so amply with so many hilarious lines. This is very well-crafted humor, almost all of it in the writing. A draw with Blazing Saddles (1974) for uproarious apoplexy value, although otherwise dissimilar. Watch it and weep. A happy source for anyone's video addiction. 10 out of 10.\": {\"frequency\": 1, \"value\": \"WARNING: POSSIBLE ...\"}, \"When I was seventeen I genuinely believed Elvis to be the king of rock and roll, and not only did I wish to see all 31 of his \\\"character\\\" movies, but it was my ambition to own them, too. What an exceptionally poor excuse for a seventeen-year-old I must have been. Thankfully sense prevailed and Live A Little, Love A Little is the only Elvis film I own.

The spotlight has fallen on this one recently since a remixed version of top song A Little Less Conversation has been released as a single. (His first to reach the UK top ten in 22 years \\ufffd\\ufffd his first UK No.1 in 25) Even when I was seventeen and in serious need of psychiatric help I realised that the songs for this movie weren't exactly first rate. However, A Little Less Conversation - rollnecks and 60s grooving aside - is a real standout. Finding a lesser-known song that only a relatively small few are aware of promoted into the mainstream produces a mixture of emotions. It's nice to finally see faith in a song vindicated, but it's also saddening to see the disintegration of your own private cult. (And what chauvinistic lyrics, too. Though what other Elvis song contains the word \\\"procrastinate\\\"?)

But what really bothers me about this film is not A Little Less Conversation but the 84 minutes that surround it. Actually based on a novel (Kiss My Firm But Pliant Lips - what kind of lame novel would that be?) this one sees a bored Elvis holed up with a \\\"comedy\\\" dog and a nympho. Within 90 seconds of meeting him, Michele Carey asks \\\"would you like to make love to me?\\\" Quite a fast mover by any standards I'm sure you'll agree.

I do seem to recall that some of Elvis's early movies - most notably Jailhouse Rock and King Creole - weren't too bad, but this is just identikit hillbilly cobblers. Being fired from a newspaper job can lead to a five minute karate fight with a couple of gingernuts, causing a motorway pile up is good for a laugh, and models dress as pink mermaids. There's even a dream sequence for God's sake. Maybe the only dumb stereotype it doesn't conform to is in not having all that many songs. With just four to choose from, including the credits number, you're waiting an average of 22 minutes between tracks. Some movies would become vapid by having too many tunes, but here they might have helped to have numbed the pain. Of the remaining three tracks, then The Edge of Reality isn't actually that bad, though Elvis's dance to it must surely have been called \\\"The Bear Trap\\\".

In one sense, for a PG certificate film from 1968 then this is shockingly high on sexual content. Sadly, however, with talking dogs, Middle America sitcom values and the stiffest dancing you'll ever see, Elvis's dignity is obliterated by this movie.\": {\"frequency\": 1, \"value\": \"When I was ...\"}, \"I saw \\\"The Grudge\\\" yesterday, and wow... I was really scared, a good thing. I love horror-movies, and I really liked this one. There were so many 'surprise'-scenes (what's the English word?) that made you jump in your seat. Though, too much screaming from the audience made it difficult not to laugh. I think the most scary scene was... on the bus, when the face flashes by on the window, or when Yoko's walking without her chin. The make-up is also VERY good. Sometimes you could really see it was there, but it was still adding a freaky look to the scene. The boy was very good indeed, so cute without make-up and so terribly scary with it on. The next time I hear a cracking noise I will probably feel pretty scared...\": {\"frequency\": 1, \"value\": \"I saw \\\"The Grudge\\\" ...\"}, \"I don't think anyone besides Terrence Malick and maybe Tran Anh Hung makes cinema on a purer level than Claire Denis. That said, I don't love this, her newest film, quite as much as her 2001 masterpiece \\\"Trouble Every Day\\\" (although it comes very close), which itself is one of my absolute favorite films. It it only because the narrative here is possibly slightly too elliptical for it's own good. Don't get me wrong, the fact that this film barely has a plot at all is really one of the best things about it, but I think Denis took it about one degree farther than it needed to go and consequently the film does flirt with incomprehensibility, and a few key plot points should have been clarified somehow (like that the main character goes to South Korea to get his heart transplant, instead of just showing him there all of a sudden without any explanation of where he is or why he is there). Also some of the other characters seemed unnecessary and as if they were just excuses for Denis to use actors she likes yet again (Beatrice Dalle's character in particular is a little distracting because you keep expecting that she is going to have some significance). Still, the film is incredibly absorbing and the cinematography is beyond amazing. It is definitely very much a masterpiece in it's own way. At least as good as Denis' more highly-acclaimed \\\"Beau travail\\\", if not better. Claire Denis has to be my favorite French director at this point, better than Leos Carax even. Also I have to admit that the South Korean sequence really does do \\\"Lost in Translation\\\" better than that film itself does (and I, unlike some, am a huge fan of that film as well).\": {\"frequency\": 1, \"value\": \"I don't think ...\"}, \"Dave (Devon Sawa) and his friends Sam (Jason Segel) and Jeff (Michael Maronna) have scammed their way through college. When creepy Ethan (Jason Schwartzman) discovers their secret, he blackmails them into helping him score with beautiful, good-hearted student Angela (James King).

Stupid and incompetent \\\"comedy\\\" - a lot more groan-inducing than laugh-inducing. Movie tries appealing to its target audience with its disgusting gags - but NONE OF THEM WORK. What's more, it's full of worthless, unappealing characters - and Schwartzman's character is so repulsive he's a major turn-off. Movie even tries using 50's/60's sexpot/actress Mamie Van Doren in the movie's most outrageous scene. YUCK!!!

Further bringing it down are its utter predictability and the waste (yet again) of veteran comedic actor Joe Flaherty's talent - when's this guy going to stop accepting every role that comes along and do something worthwhile?

All in all, the only thing I liked was James (a.k.a. Jaime) King, who was very appealing - and deserved better.

This gets no more than one out of ten from me.\": {\"frequency\": 1, \"value\": \"Dave (Devon Sawa) ...\"}, \"The movie starts out with some scrolling text which takes nearly five minutes. It gives the basic summary of what is going on. This could have easily been done with acting but instead you get a scrolling text effect. Soon after you are bombarded with characters that you learn a little about, keep in mind this is ALL you will learn about them. The plot starts to get off the ground and then crashes through the entire movie. Not only does the plot change, but you might even ask yourself if your watching the same movie. I have never played the video game, but know people who have. From my understanding whether you've played the game or not this movie does not get any better. Save your money unless you like to sleep at the theaters.\": {\"frequency\": 1, \"value\": \"The movie starts ...\"}, \"I wish I'd known more about this movie when I rented it. I'd put it in my queue on the basis of Heather Graham and her strong cred as an actress (IMHO). While parts of the movie were charming, much of the movie felt contrived, undeveloped, or otherwise just boring or predictable. Not to mention the ICK factor of so many people thinking the sibs were a couple... I don't care how big a part of the story line that is, it still felt a bit, um, gross. And Charlie, for a zoologist, she certainly doesn't seem to be very attuned to signals from other Homo sapiens. What was it about her (besides her hotness and some common interests) that made Gray fall for her? The story could have been so much more interesting with a little more depth. High points - Molly Shannon (although I do agree with the reviewer who found her annoying on occasion), the cabbie in drag, and the dance sequences (if Sam & Gray were such great dancers, I wish we'd seen more of that, as the bits we were shown were indeed better than most of the rest of the movie). Could have been better.\": {\"frequency\": 1, \"value\": \"I wish I'd known ...\"}, \"Give me my money back! Give me my life back! Give me a bit of credit. This movie was vomit worthy. Useless and time consuming. What a waste of energy and totally pointless. Okay I understand the premise and the idea sound but, give us a break! Next time just give me the money and let me spend it. Lost child, mothers remorse, blamed husband! Clich\\ufffd\\ufffd yes~! Get a life! Sorry but this movie was a total waste of my time, my money and my being. I would rather watch eggs cook! No real explanation to why this happened. Prison? Why? Loss? obvious but Why? Acting deserves a What am I doing here Oscar and the cinematography a Am I just doing this for a Wage? How much did this movie make? Well this silly fool hired a copy. Enough said\": {\"frequency\": 1, \"value\": \"Give me my money ...\"}, \"This was a great movie! Even though there was only about 15 people including myself there it was great! My friend and I laughed a lot. My mom even enjoyed it. There was two middle aged women there and a mid 20 year old there and they seemed to enjoy it. I love the part where Corky and Ned are like both liking Nancy and stuff its cute lol. And when she gets her roadster and Ned is there. Yeah This was a great movie even thought people underestimated it lol. Go See it i bet you'll enjoy it!! I really enjoyed it and so did my friend.

People were so tough on this movie and they hadn't even seen it. I bet next time they will give the movie and actresses a chance. They all did a great job in my opinion. But if you have young kids its still appropriate. I will probably take my 7 year old niece to watch it too.\": {\"frequency\": 1, \"value\": \"This was a great ...\"}, \"Certainly NOMAD has some of the best horse riding scenes, swordplay, and scrumptious landscape cinematography you'll likely see, but this isn't what makes a film good. It helps but the story has to shine through on top of these things. And that's where Nomad wanders.

The story is stilted, giving it a sense that it was thrown together simply to make a \\\"cool\\\" movie that \\\"looks\\\" great. Not to mention that many of the main characters are not from the region in which this story takes place (and it's blatantly obvious with names like Lee and Hernandez). If movie makers want to engross us in a culture like the Jugars and the Kazaks, they damn well better use actors/actresses that look the part.

Warring tribes, a prophecy, brotherly love and respect, a love interest that separates our \\\"heroes\\\", are all touched on but with so little impact and screen time that most viewers will brush them aside in favor of the next battle sequence, the next action horse scene, or the breathtaking beauty of the landscape.

It is worth mentioning that there were some significant changes made to Nomad during its filming, specifically the director and cinematographer. Ivan Passer (director) was replaced by Sergei Bodrov, and Ueli Steiger (cinematographer) was replaced by Dan Laustsen. In one respect, Laustsen seems to have the better eye since his visions of the lands made the final cut that we see here. Definitely a good thing. However, the changing over to Bodrov as director may not have been the wisest choice. From what I'm seeing here, the focus is on the battles and not the people, which I sense comes from Bodrov's eyes and not Passer's. A true travesty.

The most shameful aspect is that this could've been a really fantastic film, with both character and action focuses. Unfortunately, the higher-ups apparently decided that action was what was needed and took the cheap (intellectually speaking) way out.

Even though I can't give this film a positive rating, it is worth watching simply for the amazing cinematography work. But that's all.\": {\"frequency\": 1, \"value\": \"Certainly NOMAD ...\"}, \"Not only does this film have one of the great movie titles, it sports the third teaming of 70s child actors Ike Eissenman and Kim Richards. I seem to remember this film being broadcast Halloween week back in '78 going against Linda Blair in Stranger in our House. I missed it on the first run choosing to see the other film. Later, on repeat, I saw I made the right choice. The movie is not really bad, but, really lacks any chills or surprises. Although, I did like the scene where Richard Crenna shoots the family dog to no avail.\": {\"frequency\": 1, \"value\": \"Not only does this ...\"}, \"Peter Ustinov plays an embezzler who is just getting out of prison when the film begins. As soon as he walks out the gates, he immediately begins working on a scheme to once again make a bundle by stealing, though this time he has his sights set pretty high. This is actually one of the weak points about the film, as he apparently knows nothing about computers (few did back in 1968) but manages to become a computer genius literally overnight! Yeah, right. Anyway, he comes up with a scheme to impersonate a computer expert and obtain a job with a large American corporation so he can eventually embezzle a ton of cash. Considering his knowledge of computers is rudimentary, it's amazing how he puts into effect a brilliant plan AND manages to infiltrate the computer system and its defenses. But, it's a movie after all, so I was able to suspend disbelief. By the end of the film, he and his new wife (Maggie Smith) are able to run away with a million pounds.

At the very end, though, it gets very, very confusing and Smith announces she's managed to actually accumulate more than two million by shrewd investing in the companies that Ustinov started (though she didn't realize they were all dummy companies). This should mean that eventually these stocks she bought were worthless. What they seem to imply (and I could be guessing wrong here) is that Ustinov and his new partners quickly cashed in the stocks before this became known and the stocks would thereby then become worthless. Either way, the film seems to post on a magical ending whereby no one is hurt and everyone is happy--and this just didn't make much sense. It's a shame, really, as the acting and most of the writing was great. Karl Malden, Bob Newhart, Peter Ustinov and Maggie Smith were just wonderful.

If I seem to have interpreted the end, let me know, as the film seemed very vague in details at the end.\": {\"frequency\": 1, \"value\": \"Peter Ustinov ...\"}, \"Hi, I'm a friend of werewolf movies, and when i saw the title of Darkwolf hitting the shelves i was like \\\"hmm, simple and nice name to it at least. Althou... i wonder why i haven't heard of it before.\\\"

First of all, the movie starts with tits. Lots of tits. Tits are pretty much all this movies budget went to. Who cares about a werewolf effect, just pay the actresses enough to get topless shots!

So, about the mysterious darkwolf character (a little spoilers ahead, but who really cares...) He's your average everyday biker. Not even super-tough looking, but like the old wise woman says in the movie \\\"he is far more powerful and dangerous than you've ever faced before.\\\" Just by describing her a tattooed biker-type of a guy. Pretty original. I even had look twice when they first used the \\\"red glowing eyes\\\" SPECIAL EFFECT! I mean my god, that \\\"lets-plant-red-dots-on-eyes-with-computer\\\" effect has been used since the seventies. It looks plain ugly here! And don't get me started with the werewolf 3D-CGI. As said before, like an bad and old video game.

And finally, as i do like werewolf films, like i said. They prettymuch always build a werewolf-legend of their own. Darkwolf does build the werewolfworld as well, about some silly legends of hybrid-werewolves and the ancient bloodline. BUT. It almost instantly after creating the rules of engagement \\\"the darkwolf kills anyone the girl has touched\\\" starts random-slashing. Which just doesn't make any sense, why even bother telling us the rules of killing, when they aren't even gonna play by them... Aplus the wolf-point-of-view shots are made with a sony handycam or something, filming mostly the floor and walls. Just add growling noises and you've got a super werewolf effect. The gore is partially OK. But when the wolf slashes everyone with an open hand, just by basically laying the hand on top of the victims, it just doesn't do the trick for me...

Truly, WHO gives money to make these heaps of junk straight-to-video horrortitles, they aren't even funny-kind of bad movies, just sad.\": {\"frequency\": 1, \"value\": \"Hi, I'm a friend ...\"}, \"Over-powered mobile suits that can annihilate entire armies - Check! Weapons that hardly need to be aimed and still annihilate everything - Check! Mobile suits based on angels - Check!

OK - its a Gundam series. This one, Gundam Wing, has good character development, real-world complexity, interesting ideas and some pretty eye-candy.

With characters, the initially weak Relena Dorlan (later Peacecraft, then back to Dorlan) gets stronger and more independent (although is still absolutely besotted with Heero Yuy, the series main character). The aforementioned Heero, initially a cold, hard butcherer, becomes more and more human, while still remaining in-character. And seeing the lost Millardo Peacecraft (whos nomm de guerre is Zechs Marquise) float between OZ, freelance, and command of White Fang shows how some people can really lose themselves in their own creations.

The complexity of the political and military situation is also quite good - reflecting how the real world works. However, in 49 half-hour episodes, it does become a bit of a liability in that this complexity isn't used to its full potential.

The ideas at the core of the series - the necessity of fighting, the desire for peace, etc - are ones that resonate even today. In retrospect, the series was ahead of its time, what with the \\\"War on Terrorism\\\" and all. But its exploration of these ideas, the monologues, especially those of Treize Kushrenada, is an incredible dramatic piece, forming some of the best writing in the series.

But that sometimes good writing is also sometimes extremely poor, which dramatically causes it to lose some of its edge.

In terms of eye-candy, which is what this one has in bucketloads, everything from the mobile suits to the battleship Libra (No not the tampons you idiot!) is wells designed, and explodes in big balls of orange (which is bad, because better animation would've had better explosions). But who cares?! Stuff explodes, and thats all that matters.

In short though, the sheer complexity of the series means that if you miss out on a few episodes, you've missed out on a lot. The poor writing can leave you cringing, and sometimes the animation makes you go \\\"WTF?!?!\\\" But this is made up for in its classic animation style, its scale, sparks of incredible dialogue, and its more mature exploration that one expects of such Japenese animations.\": {\"frequency\": 1, \"value\": \"Over-powered ...\"}, \"This is one of the better comedies that has ever been on television. Season one was hilarious as were most of the following seasons. The only reason that I give this show a 9/10 is because of the unfortunate final season. The only good part of the final season was the finale. My favorite part of this show was the scenes that cut to people's imaginations, often depicting the characters in famous TV shows or movies from the 70's. It is a rare show in that i liked every character (with the exception of the final season...too late to try to develop a new character and fez wasn't nearly as funny). Red's foot in your ass comments never got old, nor did Kelso's stupidity. Bravo to fox for keeping such a good show so long, too long even.\": {\"frequency\": 1, \"value\": \"This is one of the ...\"}, \"This movie has no plot and no focus. Yes, it's supposed to be a slap-stick, stupid comedy, but the screen-writers have no idea what the movie was about. Even the title doesn't go along with the movie. It should have been called \\\"Cool Ethan\\\" or \\\"Cheaters Never Win\\\" or something like that. The characters are not developed and no one cares what happens to them! The girl roommate character (from That 70's Show) was the only person worth watching. She was hilarious and stole every scene she was in. The others need to make sure that their own college diplomas are in the works since they'll need a career other than acting.\": {\"frequency\": 1, \"value\": \"This movie has no ...\"}, \"Awful. This thriller should have buried. What a piece of crap. Terrible writing, characters are less than believable. Horrible Schlock!! Stick some B- stars in a terribly written POS to try and give it a little credit, but it fails miserably. If I didn't have to write ten lines about this movie I would have given it a word word review, it starts with 'sh' and ends with 'it'.

Horrible ending, retarded. Who writes this crap. The ending of this film is so contrived, weak it's as if they had no idea what to do with this story line, or they just ran out of money. Most likely due to the number of cameos in this movie. It's a good thing that these actors are on the way out, because this would be a career killer. Good thing for them that hardly anyone will see it. At least no one important, like future investors. It could have ended a thousand different ways, but as it is, I feel cheated out of my precious time.

Don't bother with this one, you will feel like you wasted time you can never get back.\": {\"frequency\": 1, \"value\": \"Awful. This ...\"}, \"This was a must see documentary for me when I missed the opportunity in 2004, so I was definitely going to watch the repeat. I really sympathised with the main character of the film, because, this is true, I have a milder condition of the skin problem he had, Dystrophic Epidermolysis Bullosa (EB). This is a sad, sometimes amusing and very emotional documentary about a boy with a terrible skin disorder. Jonny Kennedy speaks like a kid (because of wasting vocal muscle) and never went through puberty, but he is 36 years old. Most sympathising moments are seeing his terrible condition, and pealing off his bandages. Jonny had quite a naughty sense of humour, he even narrated from beyond the grave when showing his body in a coffin. He tells his story with the help of his mother, Edna Kennedy, his older brother and celebrity model, and Jonny's supporter, Nell McAndrew. It won the BAFTAs for Best Editing and Best New Director (Factual), and it was nominated for Best Sound (Factual) and the Flaherty Documentary Award. It was number 10 on The 100 Greatest TV Treats 2004. A must see documentary!\": {\"frequency\": 1, \"value\": \"This was a must ...\"}, \"I never understood why some people dislike Bollywood films: they've got charismatic actors, great dance numbers, and heightened emotion--what's not to like? What I didn't realize was that I had only seen the upper-crust of Bollywood. Then I watched \\\"Garam Masala\\\". I could tell from the first scene that this was not a movie I was going to like (the film opens with a montage of the two leads driving around a city and apparently happening serendipitously on a series of photo setups populated with gyrating models), but I kept hoping things would improve. Sadly, they didn't. The main problem is that the two protagonists, Mac & Sam, are completely unsympathetic. They spend the entire movie lying to women--and lying brutally- -in order to get them into bed, and the audience is supposed to find this funny, and be charmed. The boys are unscrupulous and inept, and not in a lovable way. Mac even goes so far as to have one of the women drugged in order to keep her from discovering his cheating. The script is extremely poor, with repetitive scenes, setups that never lead to anything, and illogical actions and statements by the characters. In fact, the characters are never really developed at all. The males are boorish, greedy jerks, and the women merely interchangeably beautiful. If you go by this movie, you would think that \\\"air hostesses\\\" are pretty easy to pass from man to man. In reality, betrayal is not so humorous.

The only bright spots I found in the movie were one dance number that had brilliant sets, and a few slapsticky moments involving the French-farce, door-slamming aspects of the story. But Bollywood dancing is better enjoyed in movies choreographed by Farah Khan, and for slapstick you might as well just go straight to the silent comedies of Buster Keaton and Harold Lloyd, who seem to have influenced writer/director Priyadarshan not a little. Priyadarshan also takes false credit for inventing the story: the basic premise of the plot is stolen from the 1960 play \\\"Boeing Boeing.\\\" The original author of that work, Marc Camoletti, is credited nowhere. At least Priyadarshan changed the title for this remake, rather than brazenly using the original without giving credit, as he did in his 1985 version of this same tale. (According to IMDb's credits list.)\": {\"frequency\": 1, \"value\": \"I never understood ...\"}, \"Interesting way of looking at how we as humans so often behave we are sometimes blinded by our desire to achieve perfection that we some times destroy the foundation of what we are trying to achieve. It also addresses the issue how we tend to ignore those among us who are not as outspoken and by doing this may miss out on a great opportunity. The injection of comedy also makes watching the film an enjoyable experience..A must see for anyone who is interested in a reflective yet comical look at life. I am eagerly looking forward to your next product.Hope that you will continue to provide us with quality entertainment. Excellent work ......Joanne\": {\"frequency\": 1, \"value\": \"Interesting way of ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"I have only had ...\"}, \"How Rick Sloane was allowed to make five movies is harder to believe than cold fusion. This film is absolutely criminal. Before watching this movie I thought Manos: Hands of Fate was the worse piece of crap I ever saw, but at least Manos moves so slowly you might fall asleep, thereby rescuing your eyes from the pain it will suffer. The greatest tragedy of this movie is that the old man that keeps the Hobgoblins \\\"locked\\\" up makes it to the final scene. The time I spent watching this movie was an absolute waste of my life.\": {\"frequency\": 1, \"value\": \"How Rick Sloane ...\"}, \"Convoluted, infuriating and implausible, Fay Grim is hard to sit through but Parker Posey is really the only actress who could take this story and run with it. She's at once touching,funny, cunning. The supporting actors commit to it as well.

I wont even try to tell you the plot.. It involves characters from Hartley's Henry Fool and attempts a tale of international espionage.

The film works well if you continue along with it-understanding it is. in a sense, completely ridiculous. It becomes more and more ridiculous as you plod along. (I resisted the temptation to turn off the DVD twice).

Fay Grim requires an adventurous film-goer willing to tackle something that isn't cookie-cutter. In the end, it offers something that defies description.\": {\"frequency\": 1, \"value\": \"Convoluted, ...\"}, \"First, this was a BRAVE film. I've seen Irreversible and can understand the comparisons. However, I cannot begin to understand the people who've trashed this film. I can see how the end may have come off extreme but I'd be lying if I didn't say I wished that every guy who's ever forced a woman into sex deserved exactly what Jared got. Conversely, it didn't solve anything or make anything better and the fact that the film doesn't pretend to is what made me appreciate it.

The comment prior to this one called the film pathetic and claimed no adult would stick with. I certainly did and intently. I'm 24 years old. The way the film drags made it realistic to me. People have become so used to eye candy and fast paced plots on screen that if you ask them to concentrate too long on one brick in the foundation of a film, not only do they lose interest, they demolish whatever has been built, and call it rubbish. When in actuality it's their lack of patience and comprehension that needs fine tuning and not the product of a creative mind such as Talia Lugacy's.

Rosario Dawson displayed the numbness of self-destruction flawlessly. I think she portrayed Maya pre and post assault with great ease and the transition between the two is an act I rarely ever see done well. Often times, much like the films \\\"aimed at teens\\\" mentioned in the prior comment, the effects of rape are displayed as either extremely manic and impulsive or terribly depressed, isolated and lifeless. Dawson, in my opinion, manages to perform the balancing act so many survivors fall prey to: drone-like existence in the waking hours, working some dead end job to survive (and distract) and then overindulging in vices in order to lose themselves in the haze of substance abuse rather than face what sobriety brings.

I thought this film told the truth and I appreciated it for finally showing people a different side of rape. So many people let the end of this film devour the middle and the beginning...I believe that Maya's face during the act was the end...not the act itself...not the vengeance or the meaning behind it...just her face...

thank you\": {\"frequency\": 1, \"value\": \"First, this was a ...\"}, \"I cannot comment on this film without discussing its significance to me personally. As a child bad health prevented me from ever going to a cinema. I first encountered movies at the end of WWII through Roger Manvilles splendid Penguin book \\\"Film\\\", which brought me so much pleasure as my health began to improve that I wish I could buy another copy to re-read today. My introduction to many classics films such as The Battleship Potemkin, Drifters (Grierson's magnificent documentary), Metropolis, The Cabinet of Dr Caligari, and Ecstasy; came first through this book and later at my University Art-house cinema. Ecstasy had incurred the wrath of the Vatican, for condoning Eva's desertion of Emil, her subsequent divorce, and the brief swim she took in the buff, but Roger Manville ignored these trivial matters and discussed the film as a triumphant, outstandingly beautiful, visual paean to love - a view echoed by many IMDb users. A very lonely young man, when I saw it, I willingly concurred. No further opportunity to see Ecstasy arose until the introduction of home videos - by then it had become a treasured memory not to be disturbed. Quite recently I finally added Ecstasy to my home video collection and found this assessment very superficial. Ecstasy is much more of a parable on the continuity of human existence, against which individual lives are insignificant - perhaps a tribute to what Bernard Shaw in his aggressively agnostic writings used to term 'The Lifeforce'.

Ecstasy portrays a young bride marrying a middle aged man whose sex urge is no longer strong. Disappointed, she returns home and divorces him. Soon after she experiences a strong mutual attraction to a young virile man she meets whilst out horse riding. She makes love for the first time and it is an overwhelming experience. Her former husband cannot face rejection and gives the young man a lift in his car intending that a passing train will kill them both on a level crossing. But the train stops in time and the apparently ill driver is taken to recuperate at a nearby hotel where he later commits suicide by shooting himself. After these exciting climacteric sequences, a bland, predictable and almost inevitable ending emphasises that whilst individual human lives exhibit both joy and tragedy, collectively life continues to carry us all forward in its stream and only through contributing to this stream can we be truly happy. This story is trite, the acting is no more than adequate; and normally such a film would have disappeared into the garbage, as did most of its contemporaries, long ago. What has given Ecstasy its classic status is exceptional cinematography, a continuous lyrical score and very careful loving direction, coupled with something fortuitous but in cinematographic terms very important - it appeared just after the introduction of sound and was probably planned as a silent film. It is sub-titled and its Director has exploited the impact of brief verbal sequences accompanying some sub-titles, and occasionally breaking into the score which so lovingly carries the film forward. This makes it not only almost unique but extremely rewarding to watch. The parable in the tale is stressed continuously but so subtly that only when reflecting after viewing does one become fully aware of it. For example, the names - Eva and Adam; the obsessive behavior of Emil on his wedding night which shows that triviata have become the most important thing in his life and predicate his eventual suicide since he has no adequate purpose to sustain him; the ongoing series of beautiful sequences showing erotic imagery (a bee pollinating a flower, a key entering a lock, a breaking necklace during Eva's virginal lovemaking sequence with Adam, etc.); and the final post-suicide sequences which could have been filmed in many different ways but serve to extol the importance to individuals of performing some type of work that contributes positively to Society, as well as of creating new life to sustain this society after we ourselves pass on.

As a 1933 film I would rate this at 9 - even comparing it with contemporary works I would not reduce this below 8. For me the film will always remain a \\\"must see\\\", (although you may feel that my background remarks above indicate some bias in this judgment). Unfortunately in North America contemporary assessments of this film have been distorted by the extreme 1930's reaction to Hedy Kiesler's very brief and relatively unimportant nude scene which she had difficulty living down in Hollywood (some critics, who have clearly not seen such classic films as Hypocrites, Hula, Back to God's Country, Bird of Paradise or some of the early works of D.W. Griffiths and C.B. deMille, have even erroneously referred to this as the first appearance of a nude actress in a feature film). This scene was probably part of the original novel, and the film would have been very little different if the Director had chosen to rewrite it.

Two further thoughts; firstly this is a Czech film, released there in 1933. Its final message about hard work generating positive benefits for society must have seemed very superficial to its viewers when a few years later their country became the first victim of Nazi oppression and was virtually destroyed for at least two generations (I do not remember these sequences being screened just after the war when I first saw this film - were they removed from the copy I saw then?). Secondly for me its main message today is that things of real beauty are often very transitory even though their memory may stay with one for a lifetime. We should all be thankful that today some of them can be captured on camera and viewed again at our convenience.\": {\"frequency\": 1, \"value\": \"I cannot comment ...\"}, \"this film is quite simply one of the worst films ever made and is a damning indictment on not only the British film industry but the talentless hacks at work today. Not only did the film get mainstream distribution it also features a good cast of British actors, so what went wrong? i don't know and simply i don't care enough to engage with the debate because the film was so terrible it deserves no thought at all. be warned and stay the hell away from this rubbish. but apparently i need to write ten lines of text in this review so i might as well detail the plot. A nob of a man is setup by his evil friend and co-worker out of his father's company and thus leads to an encounter with the Russian mafia and dodgy accents and stupid, very stupid plot twists/devices. i should have asked for my money back but was perhaps still in shock from the experience. if you want a good crime film watch the usual suspects or the godfather, what about lock, stock.... thats the peak of the contemporary British crime film.....\": {\"frequency\": 1, \"value\": \"this film is quite ...\"}, \"I had high hopes for Troy and I am so bitterly disappointed. The film was directed so badly it made my stomach ache. The pacing was so slow, the dialogue laughable and the film - well apart from a nice fight scene between Achilles (Pitt) and Hector (Bana) - the rest was shallow.

And why, oh why does Hollywood always insist on rewriting stories to fit 'consumer approval'. Agamemnon didn't die in Troy, the war lasted 10 years and Achilles was killed by Paris OUTSIDE the walls of Troy with an arrow to the ankle! It annoys me that such a classic story as this is turned into a soap.

And don't even start me on the 'lack' of chemistry between Helen and Paris. She was the woman the war was fought over and it didn't even look as if the two of them cared a great deal about the other. No sparks, no emotion, no hope.

I have to say in the films defence Brad Pitt, Eric Bana and Peter O' Toole acted very well with a bad script but that isn't enough to save this awful movie.

Can anybody tell me where the \\ufffd\\ufffd200 million budget went? Maybe in all the trees they used for the funeral pyres - where did they get all those trees?

I am so disappointed it hurts.\": {\"frequency\": 1, \"value\": \"I had high hopes ...\"}, \"I had never heard of this film before a couple of weeks ago, but its concept interested me when I heard it: an American man meets a European woman on his last night in Europe and they spend the night together talking. It sparked my interest, but I never expected it to be this great. Before Sunrise is a masterpiece, and it's also one of the most romantic films on record. To my surprise, it completely lacked the cynicism of the 1990s. It's impossible to really talk too much about it, since there is no real plot, so to speak (although there are plenty of thoroughly interesting things you could talk about; it is sort of like My Dinner With Andre, where there is a conversation, but it's not JUST the conversation that matters), but let me just say, see it. SEE IT!\": {\"frequency\": 1, \"value\": \"I had never heard ...\"}, \"Sometimes a movie is so comprehensively awful it has a destructive effect on your morale. You begin to really ask yourself, what does it mean for our society that the standard is so terribly low? Can they honestly expect that we'll endure this many clich\\ufffd\\ufffds and still be entertained?

Of course, it is still a Hollywood mainstay to make the GUN the major character, plot device, and the source of all conflict and resolution in films. Character needs a gun. Gets a gun. Can't do that because he has a gun. Puts his gun down first. OH MY GOD What are we going to do!? He has a gun! He waves it around, acting more malicious than real human beings ever do. He pushes it in someone's face for 90 minutes, shouting questions. The hallmark of any conclusion will be the comforting sound of police sirens.

It's a real challenge to make such a tired, hackneyed formula work again; a film has to be very clever and well executed. This one is neither. It has no life and no personality, and it will suck these components from YOU. it will make you feel WORSE about living in the time and space that you do. Really, who needs that!? So yes, I'll say it: I think this may well be the worst film I have ever seen. Anyone who was involved in the making of this sub- mediocre soul killing trash should be publicly embarrassed for the disservice they've done to us all.\": {\"frequency\": 1, \"value\": \"Sometimes a movie ...\"}, \"Girlfight is like your grandmother's cooking: same old recipe you've tried a million times before, yet somehow transformed into something fresh and new. Try and explain the story to people who haven't seen it before: a young women from the wrong side of the tracks attempts to improve her situation by taking up boxing whilst dealing with a bitter, obstructive father and her growing attraction to a male rival. Watch them roll their eyes at the string of clich\\ufffd\\ufffds, and they're right: it *is* clich\\ufffd\\ufffdd. Yet I was hypnotized by how well this film works, due to the frequently superb acting and dialogue, and sensitive direction that makes it 'new'. I avoided this at the cinema because it looked like complete crap but don't make the same mistake I did. Definiately worth a look.\": {\"frequency\": 1, \"value\": \"Girlfight is like ...\"}, \"Former brat pack actor and all round pretty boy Rob Lowe stars in a film set in a high security American prison . I had a gut feeling his character was going to be popular for all the wrong reasons like Tobias in the first series of OZ , but PROXIMITY isn`t that kind of film , it`s more like a \\\" Man on the run \\\" film like THE FUGITIVE . It also makes a nod to the themes of punishment and justice with James Coburn putting in a cameo as the spokesman for a justice for victims pressure group but any intelligent discussion on how society should treat criminals is completely ignored as the film degenerates into tired old cliches of shoot outs and car chases\": {\"frequency\": 1, \"value\": \"Former brat pack ...\"}, \"It seems a shame that Greta Garbo ended her illustrious career at the age of 36 with this ridiculous mistaken-identity marital romp. Coming off the success of her first romantic comedy, Ernst Lubitsch's masterful \\\"Ninotchka\\\" (1939), where she was ideally cast as an austere Russian envoy, Garbo is reunited with her leading man Melvyn Douglas for a sitcom-level story that has her playing Karin Borg, a plain-Jane ski instructor who impulsively marries publishing executive Larry Blake when he becomes smitten with her. Once he makes clear that work is his priority, Karin inadvertently decides to masquerade as her high-living twin sister Katherine to test her husband's fidelity when he is back in Manhattan.

It's surprising that this infamous 1941 misfire was directed by George Cukor, who led Garbo to her greatest dramatic performance in 1937's \\\"Camille\\\", because this is as unflattering a vehicle as one could imagine for the screen legend. Only someone with Carole Lombard's natural sense of ease and mischief could have gotten away with the shenanigans presented in the by-the-numbers script by S.N. Behrman, Salka Viertel and George Oppenheimer. MGM's intent behind this comedy was to contemporize and Americanize Garbo's image for wartime audiences whom the studio heads felt were not interested in the tragic period characters she favored in the thirties.

However, Garbo appears ill-at-ease mostly as the bogus party girl Katherine and especially compared to expert farceurs like Douglas and Constance Bennett as romantic rival Griselda. Photographed unflatteringly by Joseph Ruttenberg, Garbo looks tired in many scenes and downright hideous in her teased hairdo for the \\\"chica-choca\\\" dance sequence. The story ends conventionally but with the addition of a lengthy physical sequence where Larry tries to maneuver his skis on a series of mountain cliffs that unfortunately reminds me of Sonny Bono's death. Roland Young and Ruth Gordon (in a rare appearance at this point of her career) show up in comic supporting roles as Douglas' associates. This movie is not yet on DVD, and I wouldn't consider it priority for transfer as it represents a curio in Garbo's otherwise legendary career. She was reportedly quite unhappy during the filming. I can see why.\": {\"frequency\": 1, \"value\": \"It seems a shame ...\"}, \"Panic delivers the goods ten fold with Oscar caliber performances from William H Macy, Neve Campbell, and Donald Sutherland. In a movie about the choices we make and the consequences we live with. Chillingly Honest and thought provoking, Panic is easily one of the best film to come out of Hollywood in years. The impact stays with you right after you leave the theater.\": {\"frequency\": 1, \"value\": \"Panic delivers the ...\"}, \"I see a lot of people liked this movie. To me this was a movie made right of writing 101 and the person failed the class. From the time Lindsey Price the videographer shows up until the end the movie was very predictable. I kept on watching to see if it was going anywhere.

First we have the widowed young father. Clich\\ufffd\\ufffd #1 movies/TV always kill off the the mother parent if the child is a girl, or a brood of boys so the single father can get swoon over his dead wife and seem completely out of his element taking care of the children. Starting from from My 3 Sons to 2 1/2 Dads. These movies are usually dramas and comedies are TV shows.

Clich\\ufffd\\ufffd # 2 When a pushy woman has a video camera in her hand she will play a big part in the movie. And will always have solutions or even if that person is a airhead

Clich\\ufffd\\ufffd #3 If the person in peril is a foreigner they have to be of Latino origin. And they must be illegal. Apparently there are no legal Latino's and illegal Europeans, unless if there is a IRA element involved.

Clich\\ufffd\\ufffd #4 The said Latino must be highly educated in his native country. In this case he was a Profesor who made 200 per month. And the said highly educated Latino must now act like he hasn't brain in his head now and lets the air head side kick take over.

Clich\\ufffd\\ufffd #5 The crime the person committed really wasn't a crime but a accident. But because in this case he has lost all of the sense he had when he crossed the boarder he now acts like a blithering idiot and now has put his own daughter in peril by taking her along on a fruitless quest to the border with the idiot side kick.

Clich\\ufffd\\ufffd #6 One never runs over a hoodlum running from a crime , but some poor little cute kid. This is because the parents of the child have to play a big part of the movie, and because the the person who accidentally killed the child can have ridiculous interaction with the parents.

Clich\\ufffd\\ufffd #7 Name me one movie in which one cop is not the angry vet and they get paired up with a rookie. Even if they are homicide detectives who have to be the most experienced cops on a police Force. Sev7n and Copy cat and Law and Order come to mind right away. And the vet even though gruff on the outside has a heart of gold.

Clich\\ufffd\\ufffd #8 Let's go and round up some unemployed Soap Stars. Now I like Lindsey Price. But Susan Haskell IMO can not act her way out of a paper bag and when she use to be on One Life To Live as Marty he swayed from right to left every time she opened her mouth. It use to get me sea sick. She might be anchored on land better now, but she still cannot act.

The movie might have been more insightful if it wasn't filled with clich\\ufffd\\ufffds. I don't think a movie has to be expensive or cerebral to be good. But this was just bad.

***SPOILER**** Now I am not going to spoil the ending. Oh heck I will because I feel it will be a disservice to humanity to let a person waste time they will never get back looking at this movie. It involves Clich\\ufffd\\ufffd #6 and #7. Unless a person has never seen a movie before you had to see what was coming. The father makes even a dumber mistake runs from the cops at the end and gets shot by the angry veteran, who all of a sudden is very upset. You would think she thought the poor guy was innocent all through the movie and she shot him by mistake. When she didn't. Now for the little girl who the dad brought along with him. Guess what happen to her? Times up, she ends up living with the family whose child was killed by her father!! Come on! You all knew that was going to happen, because she is a replacement child!! That is why she did not go and live with the Lindey Price character.

This movie was a insult as far as I was concerned. Because there were so many avenues this movie could of explored and went down but it chose to take the clich\\ufffd\\ufffd ridden one. The 2 stars are for 2 of the stars, the little girl, who I thought was very good and Lindsey Price who character was annoying but she did what she could with it. My advice is take a vice and squeeze your head with it instead of looking at this dreck\": {\"frequency\": 1, \"value\": \"I see a lot of ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"Superb. I had ...\"}, \"Why do all movies on Lifetime have such anemic titles? \\\"An Unexpected Love\\\" - ooh, how provocative!! \\\"This Much I know\\\" would have been better. The film is nothing special. Real people don't really talk like these characters do and the situations are really hackneyed. The straight woman who \\\"turns\\\" lesbian seemed more butch than the lesbian character. If you wanna watch two hot women kiss in a very discreet fashion, you might enjoy this. Although it seems like it was written by someone who doesn't really get out in the world to observe people. Why am I wasting my time writing about it?\": {\"frequency\": 1, \"value\": \"Why do all movies ...\"}, \"Not a movie, but a lip synched collection of performances from acts that were part of the British Invasion, that followed the dynamic entrance of the Beatles to the music world. Some of these acts did not make a big splash on this side of the pond, but a lot of them did. Featured are: Herman's Hermits, Billy J. Kramer and the Dakotas, Peter and Gordon, Honeycombs, Nashville Teens, Animals, and of course,the Beatles.

It is so much fun watching these young acts before they honed and polished their acts.\": {\"frequency\": 1, \"value\": \"Not a movie, but a ...\"}, \"I love this movie because I grew up around harness racing. Pat Boone behind the sulky reminds me of my father who was drawn to the trotters because, unlike thoroughbred jockeys, men of normal height and weight can be drivers.

Yes, the 1944 Home in Indiana is a better movie, but it's also a very different movie. April Love is light and easy to watch, a feel good movie. (Disappointing though that Pat Boone's religious/moral views prohibited him from ever kissing the girl! Quite a change from today's standard fare.) Home in Indiana with Walter Brennan (filmed in black and white with no hint that anyone will ever burst into song) captures the stress and struggle better thereby making the ultimate accomplishment more satisfying but it requires a bigger emotional investment.\": {\"frequency\": 1, \"value\": \"I love this movie ...\"}, \"This charmingly pleasant and tenderhearted sequel to the hugely successful \\\"The Legend of Boggy Creek\\\" is a follow-up in name only. Stories abound in a sleepy, self-contained fishing community of a supposedly vicious Bigfoot creature called \\\"Big Bay Ty\\\" that resides deep in the uninviting swamplands of Boggy Creek. Two bratty brothers and their older, more sensible tomboy sister (a sweetly feisty performance by cute, pigtailed future \\\"Different Strokes\\\" sitcom star Dana Plato) go venturing into the treacherous marsh to check out if the creature of local legend may be in fact a real live being. The trio get hopelessly lost in a fierce storm and the furry, bear-like, humongous, but very gentle and benevolent Sasquatch comes to the kids' rescue.

Tom Moore's casual, no-frills direction relates this simple story at a leisurely pace, astutely capturing the workaday minutiae of the rural town in compellingly exact detail, drawing the assorted country characters with great warmth and affection, and thankfully developing the sentiment in an organic, restrained, unforced manner that never degenerates into sticky-sappy mush. The adorable Dawn Wells (Mary Ann on \\\"Gilligan's Island\\\") gives an engagingly plucky portrayal of the kids' loving working class single mom while Jim Wilson and John Hofeus offer enjoyably irascible support as a couple of squabbling ol' hayseed curmudgeonly coots. Robert Bethard's capable, sunny cinematography displays the woodsy setting in all its sumptuously tranquil, achingly pure and fragile untouched by civilization splendor. Darrell Deck's score adeptly blends flesh-crawling synthesizer shudders and jubilant banjo-pluckin' country bluegrass into a tuneful sonic brew. In addition, this picture warrants special praise for the way it uncannily predicts the 90's kiddie feature Bigfoot vogue by a good 15-odd years in advance.\": {\"frequency\": 1, \"value\": \"This charmingly ...\"}, \"A cheap exploitation film about a mothers search for her daughter who has been kidnapped by people who make snuff porno films. The trail leads the mother all over Europe as she searches for her child and we in the audience struggle to stay asleep.

This is one of the countless soft-core sleaze films that are made for people who want the excitement of porno with out the stigma or danger of it showing up on their credit card bill.Personally I'd rather have the stigma since those films tend to be more interesting and honest about what we're seeing. This is suppose to be a sexy thriller but its not. Mostly its people talking about things followed by lots of walking from place to place and lead to lead.Periodically through out the film various people get undressed and everything has more than a touch of S&M to the proceedings. The violence and fetish material is of the sort to provoke laughter rather than horror or even excitement, its all so incredibly fake. Worse there is not even enough nudity to keep it interesting. (Basically par for the course for many of these films)

You'll forgive my lack of details but it simply is a dull boring film that I stayed with to the end hoping for something remotely prurient to occur, but there was nothing. The most interesting thing was the blonde haired villainess with the huge over bite and nose the size of a Buick. I watched her with morbid fascination wondering what she had looked like as a young girl and wondering whether she had had plastic surgery, not the type of things you should be thinking about in a gripping thriller.

Avoid.\": {\"frequency\": 1, \"value\": \"A cheap ...\"}, \"\\\"The Days\\\" is a typical family drama with a little catch - you must relate to the character's emotions in every way possible in order for you to truly appreciate the show.

[Possible Spoilers For Those Who Are Unfamiliar With the Show]

The story, obviously, for all the people who has watched the show, is the world of Cooper Day, the middle child of the family. He records his days with his family and hopes to become a rich and famous writer one day because of his observations. His family includes a mother, a father, a perfect sister, and a genius-little-brother. The first episode, which is going to sound a bit stupid since John Scott Shepard has created this situation - both the sister and mother gets pregnant. That's the first situation the writer hits. Then the father quits his job at the law firm. The youngest son gets a panic attack. The middle child gets in a fight with the sister's boyfriend. This is all in a day's work.

[/Spoilers]

I admire this show. I don't know. It's a bit crappy but I like it. First I thought the camera-work was a ripoff but then I got used it and started to like it. I liked the quiet conversations under a dark light. I liked the intimate feeling of the show. I liked the low-budget style. I liked the acting. I admire the story. Then I find myself wanting a second season of The Days. I slowly became a fan of it as the 6-episode airing on ABC came to an end. It's a really good show and it's nothing like The OC. The two have nothing in common. So I hope fans will stop comparing them.

And if you can relate to either Abby, Jack, Natalie, Cooper or even Nate, you'll like this show. A lot.\": {\"frequency\": 1, \"value\": \"\\\"The Days\\\" is a ...\"}, \"A very engaging documentary about Scottish artist Andy Goldsworthy, whose work consists mostly of ephemeral sculptures made from elements from nature. His work is made of rocks, leaves, grass, ice, etc., that gets blown away when the tide arrives at the beach or the wind blows at the field. Thus, most of Goldsworthy's works don't really last, except as photos or films of what they were. Now, one can argue that Goldsworthy's works are a reflection of mortality, or words to that effect, but isn't it easier to say that what he does is just beautiful art. And at a time when the stereotype about artists is that they are mostly bitter, pretentious, often mentally unstable people who live in decrepit urban settings, Goldsworthy seems to be the opposite: a stable, unpretentious, family oriented person who loves nature and lives in a small village in Scotland (of course, I'm sure those are the same reasons why he's shunned by some people on the art world who found his works fluffy or superficial).\": {\"frequency\": 1, \"value\": \"A very engaging ...\"}, \"This movie, while seemingly based off of a movie of the same title in 1951 released by MGM and starring Janet Leigh, is still a great film. Danny Glover in one of his best performances brings George Knox, a down on his luck baseball manager with a short temper, to life. As for this movie being \\\"stacked\\\", how about adding Christopher Lloyd (his stage experience works and shows through in his performances on screen, a wonderful actor), Joseph Gordon-Levitt (Third Rock from the Sun), Brenda Fricker (a charming and well seasoned Irish actress), Tony Danza (yes even he is good in this film), Matthew McConaughey (he stole the show in Dazed and Confused, and his role may not be as pivotal in this film, but he got exposure), Adrien Brody (what I said about Matthew McConaughey goes the same for Adrien, except the Dazed and Confused part), some great character actors like Taylor Negron (David), Tony Longo (Messmer), Jay O. Sanders (Ranch Wilder), Neal McDonough (Whitt Bass) and a seasoned veteran in one of his final performances, Ben Johnson (Hank Murphy, the owner of the California Angels), and the rest of the cast does a great job, plus a great storyline that is uplifting to pretty much anyone, I don't care what recesses of depression you're in. I loved this film as a kid, and it brings back memories when I watch it today. I need this on DVD. I recommend it to any parent who's looking for something their kids have not seen, and everybody else, for that matter.\": {\"frequency\": 1, \"value\": \"This movie, while ...\"}}, \"size\": 25000}, \"id\": {\"complete\": true, \"numeric\": false, \"num_unique\": 24924, \"num_undefined\": 0, \"progress\": 1.0, \"frequent_items\": {\"3252_9\": {\"frequency\": 1, \"value\": \"3252_9\"}, \"327_3\": {\"frequency\": 1, \"value\": \"327_3\"}, \"8620_8\": {\"frequency\": 1, \"value\": \"8620_8\"}, \"6416_7\": {\"frequency\": 1, \"value\": \"6416_7\"}, \"535_10\": {\"frequency\": 1, \"value\": \"535_10\"}, \"327_8\": {\"frequency\": 1, \"value\": \"327_8\"}, \"8361_4\": {\"frequency\": 1, \"value\": \"8361_4\"}, \"6673_2\": {\"frequency\": 1, \"value\": \"6673_2\"}, \"6207_9\": {\"frequency\": 1, \"value\": \"6207_9\"}, \"6352_10\": {\"frequency\": 1, \"value\": \"6352_10\"}, \"6887_3\": {\"frequency\": 1, \"value\": \"6887_3\"}, \"11914_2\": {\"frequency\": 1, \"value\": \"11914_2\"}, \"11362_2\": {\"frequency\": 1, \"value\": \"11362_2\"}, \"12237_2\": {\"frequency\": 1, \"value\": \"12237_2\"}, \"5809_4\": {\"frequency\": 1, \"value\": \"5809_4\"}, \"2021_8\": {\"frequency\": 1, \"value\": \"2021_8\"}, \"3071_9\": {\"frequency\": 1, \"value\": \"3071_9\"}, \"7388_1\": {\"frequency\": 1, \"value\": \"7388_1\"}, \"6209_8\": {\"frequency\": 2, \"value\": \"6209_8\"}, \"4799_10\": {\"frequency\": 1, \"value\": \"4799_10\"}, \"2681_3\": {\"frequency\": 1, \"value\": \"2681_3\"}, \"1592_3\": {\"frequency\": 1, \"value\": \"1592_3\"}, \"2072_10\": {\"frequency\": 1, \"value\": \"2072_10\"}, \"2681_7\": {\"frequency\": 1, \"value\": \"2681_7\"}, \"6209_4\": {\"frequency\": 1, \"value\": \"6209_4\"}, \"11916_3\": {\"frequency\": 1, \"value\": \"11916_3\"}, \"9855_2\": {\"frequency\": 1, \"value\": \"9855_2\"}, \"9867_10\": {\"frequency\": 1, \"value\": \"9867_10\"}, \"1553_3\": {\"frequency\": 1, \"value\": \"1553_3\"}, \"7386_7\": {\"frequency\": 1, \"value\": \"7386_7\"}, \"9244_3\": {\"frequency\": 1, \"value\": \"9244_3\"}, \"10799_1\": {\"frequency\": 1, \"value\": \"10799_1\"}, \"2812_8\": {\"frequency\": 1, \"value\": \"2812_8\"}, \"4543_7\": {\"frequency\": 1, \"value\": \"4543_7\"}, \"2083_1\": {\"frequency\": 1, \"value\": \"2083_1\"}, \"723_2\": {\"frequency\": 1, \"value\": \"723_2\"}, \"11784_10\": {\"frequency\": 1, \"value\": \"11784_10\"}, \"11100_4\": {\"frequency\": 1, \"value\": \"11100_4\"}, \"8132_3\": {\"frequency\": 1, \"value\": \"8132_3\"}, \"3628_1\": {\"frequency\": 1, \"value\": \"3628_1\"}, \"3291_1\": {\"frequency\": 1, \"value\": \"3291_1\"}, \"1703_4\": {\"frequency\": 2, \"value\": \"1703_4\"}, \"3628_8\": {\"frequency\": 1, \"value\": \"3628_8\"}, \"12322_10\": {\"frequency\": 1, \"value\": \"12322_10\"}, \"11368_1\": {\"frequency\": 1, \"value\": \"11368_1\"}, \"5766_1\": {\"frequency\": 1, \"value\": \"5766_1\"}, \"8507_10\": {\"frequency\": 1, \"value\": \"8507_10\"}, \"7349_7\": {\"frequency\": 1, \"value\": \"7349_7\"}, \"5933_7\": {\"frequency\": 1, \"value\": \"5933_7\"}, \"7349_1\": {\"frequency\": 1, \"value\": \"7349_1\"}, \"10020_3\": {\"frequency\": 1, \"value\": \"10020_3\"}, \"7685_10\": {\"frequency\": 1, \"value\": \"7685_10\"}, \"4135_10\": {\"frequency\": 1, \"value\": \"4135_10\"}, \"4481_1\": {\"frequency\": 1, \"value\": \"4481_1\"}, \"4273_1\": {\"frequency\": 1, \"value\": \"4273_1\"}, \"1907_7\": {\"frequency\": 1, \"value\": \"1907_7\"}, \"2458_8\": {\"frequency\": 1, \"value\": \"2458_8\"}, \"10794_1\": {\"frequency\": 1, \"value\": \"10794_1\"}, \"8365_4\": {\"frequency\": 1, \"value\": \"8365_4\"}, \"8136_9\": {\"frequency\": 1, \"value\": \"8136_9\"}, \"4545_1\": {\"frequency\": 1, \"value\": \"4545_1\"}, \"3075_1\": {\"frequency\": 1, \"value\": \"3075_1\"}, \"5134_4\": {\"frequency\": 1, \"value\": \"5134_4\"}, \"1433_10\": {\"frequency\": 1, \"value\": \"1433_10\"}, \"6671_1\": {\"frequency\": 1, \"value\": \"6671_1\"}, \"6849_3\": {\"frequency\": 1, \"value\": \"6849_3\"}, \"6800_9\": {\"frequency\": 1, \"value\": \"6800_9\"}, \"4288_9\": {\"frequency\": 2, \"value\": \"4288_9\"}, \"3796_1\": {\"frequency\": 1, \"value\": \"3796_1\"}, \"10301_8\": {\"frequency\": 1, \"value\": \"10301_8\"}, \"4288_2\": {\"frequency\": 1, \"value\": \"4288_2\"}, \"10063_1\": {\"frequency\": 1, \"value\": \"10063_1\"}, \"4153_10\": {\"frequency\": 1, \"value\": \"4153_10\"}, \"12077_1\": {\"frequency\": 1, \"value\": \"12077_1\"}, \"7296_10\": {\"frequency\": 1, \"value\": \"7296_10\"}, \"10942_2\": {\"frequency\": 1, \"value\": \"10942_2\"}, \"7260_1\": {\"frequency\": 1, \"value\": \"7260_1\"}, \"11750_1\": {\"frequency\": 1, \"value\": \"11750_1\"}, \"12009_3\": {\"frequency\": 1, \"value\": \"12009_3\"}, \"6905_1\": {\"frequency\": 1, \"value\": \"6905_1\"}, \"10657_3\": {\"frequency\": 1, \"value\": \"10657_3\"}, \"3598_3\": {\"frequency\": 1, \"value\": \"3598_3\"}, \"3033_8\": {\"frequency\": 1, \"value\": \"3033_8\"}, \"4986_2\": {\"frequency\": 1, \"value\": \"4986_2\"}, \"6249_7\": {\"frequency\": 1, \"value\": \"6249_7\"}, \"202_10\": {\"frequency\": 1, \"value\": \"202_10\"}, \"12349_4\": {\"frequency\": 1, \"value\": \"12349_4\"}, \"2277_4\": {\"frequency\": 1, \"value\": \"2277_4\"}, \"11754_7\": {\"frequency\": 1, \"value\": \"11754_7\"}, \"11327_4\": {\"frequency\": 1, \"value\": \"11327_4\"}, \"1558_1\": {\"frequency\": 1, \"value\": \"1558_1\"}, \"11033_9\": {\"frequency\": 1, \"value\": \"11033_9\"}, \"11182_3\": {\"frequency\": 1, \"value\": \"11182_3\"}, \"5421_4\": {\"frequency\": 1, \"value\": \"5421_4\"}, \"2757_1\": {\"frequency\": 1, \"value\": \"2757_1\"}, \"4155_10\": {\"frequency\": 1, \"value\": \"4155_10\"}, \"1180_4\": {\"frequency\": 1, \"value\": \"1180_4\"}, \"4797_10\": {\"frequency\": 1, \"value\": \"4797_10\"}, \"10944_1\": {\"frequency\": 1, \"value\": \"10944_1\"}, \"4894_10\": {\"frequency\": 1, \"value\": \"4894_10\"}, \"5687_1\": {\"frequency\": 1, \"value\": \"5687_1\"}, \"11410_3\": {\"frequency\": 1, \"value\": \"11410_3\"}, \"1161_1\": {\"frequency\": 1, \"value\": \"1161_1\"}, \"3792_8\": {\"frequency\": 1, \"value\": \"3792_8\"}, \"8940_3\": {\"frequency\": 1, \"value\": \"8940_3\"}, \"6518_4\": {\"frequency\": 1, \"value\": \"6518_4\"}, \"11687_10\": {\"frequency\": 1, \"value\": \"11687_10\"}, \"7699_10\": {\"frequency\": 1, \"value\": \"7699_10\"}, \"6676_9\": {\"frequency\": 1, \"value\": \"6676_9\"}, \"12046_1\": {\"frequency\": 1, \"value\": \"12046_1\"}, \"709_10\": {\"frequency\": 1, \"value\": \"709_10\"}, \"10323_10\": {\"frequency\": 1, \"value\": \"10323_10\"}, \"3414_8\": {\"frequency\": 1, \"value\": \"3414_8\"}, \"7190_4\": {\"frequency\": 1, \"value\": \"7190_4\"}, \"5175_2\": {\"frequency\": 1, \"value\": \"5175_2\"}, \"11666_10\": {\"frequency\": 1, \"value\": \"11666_10\"}, \"4822_2\": {\"frequency\": 1, \"value\": \"4822_2\"}, \"7605_4\": {\"frequency\": 1, \"value\": \"7605_4\"}, \"5466_1\": {\"frequency\": 1, \"value\": \"5466_1\"}, \"3340_8\": {\"frequency\": 1, \"value\": \"3340_8\"}, \"3511_4\": {\"frequency\": 1, \"value\": \"3511_4\"}, \"7004_4\": {\"frequency\": 1, \"value\": \"7004_4\"}, \"1320_1\": {\"frequency\": 1, \"value\": \"1320_1\"}, \"10666_8\": {\"frequency\": 1, \"value\": \"10666_8\"}, \"4532_7\": {\"frequency\": 1, \"value\": \"4532_7\"}, \"12230_9\": {\"frequency\": 1, \"value\": \"12230_9\"}, \"6559_1\": {\"frequency\": 1, \"value\": \"6559_1\"}, \"3123_10\": {\"frequency\": 1, \"value\": \"3123_10\"}, \"1665_7\": {\"frequency\": 1, \"value\": \"1665_7\"}, \"11499_1\": {\"frequency\": 1, \"value\": \"11499_1\"}, \"2718_9\": {\"frequency\": 1, \"value\": \"2718_9\"}, \"6454_2\": {\"frequency\": 1, \"value\": \"6454_2\"}, \"9804_10\": {\"frequency\": 1, \"value\": \"9804_10\"}, \"4867_9\": {\"frequency\": 1, \"value\": \"4867_9\"}, \"4759_2\": {\"frequency\": 1, \"value\": \"4759_2\"}, \"4437_7\": {\"frequency\": 1, \"value\": \"4437_7\"}, \"609_9\": {\"frequency\": 1, \"value\": \"609_9\"}, \"4330_10\": {\"frequency\": 1, \"value\": \"4330_10\"}, \"6855_10\": {\"frequency\": 1, \"value\": \"6855_10\"}, \"146_2\": {\"frequency\": 1, \"value\": \"146_2\"}, \"8886_10\": {\"frequency\": 1, \"value\": \"8886_10\"}, \"4439_4\": {\"frequency\": 1, \"value\": \"4439_4\"}, \"1969_10\": {\"frequency\": 1, \"value\": \"1969_10\"}, \"12178_7\": {\"frequency\": 2, \"value\": \"12178_7\"}, \"12006_4\": {\"frequency\": 1, \"value\": \"12006_4\"}, \"10497_4\": {\"frequency\": 1, \"value\": \"10497_4\"}, \"2360_10\": {\"frequency\": 1, \"value\": \"2360_10\"}, \"3374_7\": {\"frequency\": 1, \"value\": \"3374_7\"}, \"10091_1\": {\"frequency\": 1, \"value\": \"10091_1\"}, \"2921_10\": {\"frequency\": 1, \"value\": \"2921_10\"}, \"10091_7\": {\"frequency\": 1, \"value\": \"10091_7\"}, \"7730_7\": {\"frequency\": 1, \"value\": \"7730_7\"}, \"2717_10\": {\"frequency\": 1, \"value\": \"2717_10\"}, \"4828_1\": {\"frequency\": 2, \"value\": \"4828_1\"}, \"11859_4\": {\"frequency\": 1, \"value\": \"11859_4\"}, \"2646_10\": {\"frequency\": 1, \"value\": \"2646_10\"}, \"3513_4\": {\"frequency\": 1, \"value\": \"3513_4\"}, \"6555_2\": {\"frequency\": 2, \"value\": \"6555_2\"}, \"4417_1\": {\"frequency\": 1, \"value\": \"4417_1\"}, \"8949_1\": {\"frequency\": 1, \"value\": \"8949_1\"}, \"8807_9\": {\"frequency\": 1, \"value\": \"8807_9\"}, \"10691_7\": {\"frequency\": 1, \"value\": \"10691_7\"}, \"3052_10\": {\"frequency\": 1, \"value\": \"3052_10\"}, \"10343_3\": {\"frequency\": 1, \"value\": \"10343_3\"}, \"11038_3\": {\"frequency\": 1, \"value\": \"11038_3\"}, \"5073_1\": {\"frequency\": 1, \"value\": \"5073_1\"}, \"5464_2\": {\"frequency\": 1, \"value\": \"5464_2\"}, \"5071_1\": {\"frequency\": 1, \"value\": \"5071_1\"}, \"3086_10\": {\"frequency\": 1, \"value\": \"3086_10\"}, \"10281_7\": {\"frequency\": 1, \"value\": \"10281_7\"}, \"10693_4\": {\"frequency\": 1, \"value\": \"10693_4\"}, \"7809_10\": {\"frequency\": 1, \"value\": \"7809_10\"}, \"8275_1\": {\"frequency\": 1, \"value\": \"8275_1\"}, \"1283_10\": {\"frequency\": 1, \"value\": \"1283_10\"}, \"5227_10\": {\"frequency\": 1, \"value\": \"5227_10\"}, \"11452_1\": {\"frequency\": 1, \"value\": \"11452_1\"}, \"1994_2\": {\"frequency\": 1, \"value\": \"1994_2\"}, \"11790_8\": {\"frequency\": 1, \"value\": \"11790_8\"}, \"2334_9\": {\"frequency\": 1, \"value\": \"2334_9\"}, \"5187_1\": {\"frequency\": 1, \"value\": \"5187_1\"}, \"6591_3\": {\"frequency\": 1, \"value\": \"6591_3\"}, \"10209_3\": {\"frequency\": 1, \"value\": \"10209_3\"}, \"4710_1\": {\"frequency\": 1, \"value\": \"4710_1\"}, \"1962_2\": {\"frequency\": 1, \"value\": \"1962_2\"}, \"6179_8\": {\"frequency\": 1, \"value\": \"6179_8\"}, \"3491_1\": {\"frequency\": 1, \"value\": \"3491_1\"}, \"12372_7\": {\"frequency\": 1, \"value\": \"12372_7\"}, \"11494_4\": {\"frequency\": 1, \"value\": \"11494_4\"}, \"9406_2\": {\"frequency\": 1, \"value\": \"9406_2\"}, \"46_4\": {\"frequency\": 1, \"value\": \"46_4\"}, \"1996_3\": {\"frequency\": 1, \"value\": \"1996_3\"}, \"2336_4\": {\"frequency\": 1, \"value\": \"2336_4\"}, \"5971_3\": {\"frequency\": 1, \"value\": \"5971_3\"}, \"10861_7\": {\"frequency\": 1, \"value\": \"10861_7\"}, \"4750_7\": {\"frequency\": 1, \"value\": \"4750_7\"}, \"10650_1\": {\"frequency\": 1, \"value\": \"10650_1\"}, \"1990_2\": {\"frequency\": 1, \"value\": \"1990_2\"}, \"12003_4\": {\"frequency\": 1, \"value\": \"12003_4\"}, \"11411_8\": {\"frequency\": 1, \"value\": \"11411_8\"}, \"11337_10\": {\"frequency\": 1, \"value\": \"11337_10\"}, \"6739_7\": {\"frequency\": 1, \"value\": \"6739_7\"}, \"11725_10\": {\"frequency\": 1, \"value\": \"11725_10\"}, \"12333_9\": {\"frequency\": 1, \"value\": \"12333_9\"}, \"2090_2\": {\"frequency\": 1, \"value\": \"2090_2\"}, \"8273_2\": {\"frequency\": 1, \"value\": \"8273_2\"}, \"4575_1\": {\"frequency\": 1, \"value\": \"4575_1\"}, \"11623_2\": {\"frequency\": 1, \"value\": \"11623_2\"}, \"6138_8\": {\"frequency\": 1, \"value\": \"6138_8\"}, \"9809_2\": {\"frequency\": 1, \"value\": \"9809_2\"}, \"10131_10\": {\"frequency\": 1, \"value\": \"10131_10\"}, \"10289_1\": {\"frequency\": 1, \"value\": \"10289_1\"}, \"5424_1\": {\"frequency\": 1, \"value\": \"5424_1\"}, \"5979_3\": {\"frequency\": 1, \"value\": \"5979_3\"}, \"11176_9\": {\"frequency\": 1, \"value\": \"11176_9\"}, \"11837_2\": {\"frequency\": 1, \"value\": \"11837_2\"}, \"10869_7\": {\"frequency\": 1, \"value\": \"10869_7\"}, \"1629_1\": {\"frequency\": 1, \"value\": \"1629_1\"}, \"3746_10\": {\"frequency\": 1, \"value\": \"3746_10\"}, \"2111_2\": {\"frequency\": 1, \"value\": \"2111_2\"}, \"9597_10\": {\"frequency\": 1, \"value\": \"9597_10\"}, \"11137_7\": {\"frequency\": 1, \"value\": \"11137_7\"}, \"5306_7\": {\"frequency\": 1, \"value\": \"5306_7\"}, \"9996_9\": {\"frequency\": 1, \"value\": \"9996_9\"}, \"6453_10\": {\"frequency\": 1, \"value\": \"6453_10\"}, \"178_7\": {\"frequency\": 1, \"value\": \"178_7\"}, \"10865_7\": {\"frequency\": 1, \"value\": \"10865_7\"}, \"6595_9\": {\"frequency\": 1, \"value\": \"6595_9\"}, \"10658_4\": {\"frequency\": 1, \"value\": \"10658_4\"}, \"8234_7\": {\"frequency\": 1, \"value\": \"8234_7\"}, \"8573_10\": {\"frequency\": 2, \"value\": \"8573_10\"}, \"10949_1\": {\"frequency\": 1, \"value\": \"10949_1\"}, \"8520_8\": {\"frequency\": 1, \"value\": \"8520_8\"}, \"6733_3\": {\"frequency\": 1, \"value\": \"6733_3\"}, \"1080_9\": {\"frequency\": 1, \"value\": \"1080_9\"}, \"4905_1\": {\"frequency\": 1, \"value\": \"4905_1\"}, \"9241_3\": {\"frequency\": 1, \"value\": \"9241_3\"}, \"179_3\": {\"frequency\": 1, \"value\": \"179_3\"}, \"7490_8\": {\"frequency\": 1, \"value\": \"7490_8\"}, \"1127_4\": {\"frequency\": 1, \"value\": \"1127_4\"}, \"6468_3\": {\"frequency\": 1, \"value\": \"6468_3\"}, \"4673_9\": {\"frequency\": 1, \"value\": \"4673_9\"}, \"9743_8\": {\"frequency\": 1, \"value\": \"9743_8\"}, \"1986_10\": {\"frequency\": 1, \"value\": \"1986_10\"}, \"10661_9\": {\"frequency\": 1, \"value\": \"10661_9\"}, \"4367_4\": {\"frequency\": 1, \"value\": \"4367_4\"}, \"4907_3\": {\"frequency\": 1, \"value\": \"4907_3\"}, \"10661_3\": {\"frequency\": 1, \"value\": \"10661_3\"}, \"843_10\": {\"frequency\": 1, \"value\": \"843_10\"}, \"8603_2\": {\"frequency\": 1, \"value\": \"8603_2\"}, \"11391_8\": {\"frequency\": 1, \"value\": \"11391_8\"}, \"9707_3\": {\"frequency\": 1, \"value\": \"9707_3\"}, \"4369_3\": {\"frequency\": 1, \"value\": \"4369_3\"}, \"2457_8\": {\"frequency\": 1, \"value\": \"2457_8\"}, \"8075_1\": {\"frequency\": 1, \"value\": \"8075_1\"}, \"1201_8\": {\"frequency\": 1, \"value\": \"1201_8\"}, \"1487_9\": {\"frequency\": 1, \"value\": \"1487_9\"}, \"1999_9\": {\"frequency\": 1, \"value\": \"1999_9\"}, \"4080_10\": {\"frequency\": 1, \"value\": \"4080_10\"}, \"1203_4\": {\"frequency\": 1, \"value\": \"1203_4\"}, \"6174_2\": {\"frequency\": 1, \"value\": \"6174_2\"}, \"1203_8\": {\"frequency\": 1, \"value\": \"1203_8\"}, \"11510_1\": {\"frequency\": 1, \"value\": \"11510_1\"}, \"3916_3\": {\"frequency\": 1, \"value\": \"3916_3\"}, \"1253_10\": {\"frequency\": 1, \"value\": \"1253_10\"}, \"3561_4\": {\"frequency\": 1, \"value\": \"3561_4\"}, \"5526_3\": {\"frequency\": 1, \"value\": \"5526_3\"}, \"936_8\": {\"frequency\": 1, \"value\": \"936_8\"}, \"10379_2\": {\"frequency\": 1, \"value\": \"10379_2\"}, \"8678_9\": {\"frequency\": 1, \"value\": \"8678_9\"}, \"936_1\": {\"frequency\": 1, \"value\": \"936_1\"}, \"7259_7\": {\"frequency\": 1, \"value\": \"7259_7\"}, \"88_2\": {\"frequency\": 1, \"value\": \"88_2\"}, \"1668_1\": {\"frequency\": 1, \"value\": \"1668_1\"}, \"47_8\": {\"frequency\": 1, \"value\": \"47_8\"}, \"4909_8\": {\"frequency\": 1, \"value\": \"4909_8\"}, \"4361_2\": {\"frequency\": 1, \"value\": \"4361_2\"}, \"3914_2\": {\"frequency\": 2, \"value\": \"3914_2\"}, \"9590_1\": {\"frequency\": 1, \"value\": \"9590_1\"}, \"10567_2\": {\"frequency\": 1, \"value\": \"10567_2\"}, \"9741_1\": {\"frequency\": 1, \"value\": \"9741_1\"}, \"3617_2\": {\"frequency\": 1, \"value\": \"3617_2\"}, \"10567_9\": {\"frequency\": 1, \"value\": \"10567_9\"}, \"2367_8\": {\"frequency\": 1, \"value\": \"2367_8\"}, \"10828_1\": {\"frequency\": 1, \"value\": \"10828_1\"}, \"12462_7\": {\"frequency\": 1, \"value\": \"12462_7\"}, \"11609_10\": {\"frequency\": 1, \"value\": \"11609_10\"}, \"3559_10\": {\"frequency\": 1, \"value\": \"3559_10\"}, \"11518_8\": {\"frequency\": 1, \"value\": \"11518_8\"}, \"4246_4\": {\"frequency\": 1, \"value\": \"4246_4\"}, \"9562_4\": {\"frequency\": 1, \"value\": \"9562_4\"}, \"6694_10\": {\"frequency\": 1, \"value\": \"6694_10\"}, \"9562_8\": {\"frequency\": 1, \"value\": \"9562_8\"}, \"5566_2\": {\"frequency\": 1, \"value\": \"5566_2\"}, \"11557_8\": {\"frequency\": 1, \"value\": \"11557_8\"}, \"2158_3\": {\"frequency\": 1, \"value\": \"2158_3\"}, \"12274_3\": {\"frequency\": 1, \"value\": \"12274_3\"}, \"6244_1\": {\"frequency\": 1, \"value\": \"6244_1\"}, \"10742_1\": {\"frequency\": 1, \"value\": \"10742_1\"}, \"1042_10\": {\"frequency\": 1, \"value\": \"1042_10\"}, \"2249_7\": {\"frequency\": 1, \"value\": \"2249_7\"}, \"1112_1\": {\"frequency\": 1, \"value\": \"1112_1\"}, \"6244_8\": {\"frequency\": 1, \"value\": \"6244_8\"}, \"1520_7\": {\"frequency\": 1, \"value\": \"1520_7\"}, \"4013_7\": {\"frequency\": 1, \"value\": \"4013_7\"}, \"3752_3\": {\"frequency\": 1, \"value\": \"3752_3\"}, \"934_4\": {\"frequency\": 1, \"value\": \"934_4\"}, \"4525_1\": {\"frequency\": 1, \"value\": \"4525_1\"}, \"758_9\": {\"frequency\": 1, \"value\": \"758_9\"}, \"7818_1\": {\"frequency\": 1, \"value\": \"7818_1\"}, \"3501_1\": {\"frequency\": 1, \"value\": \"3501_1\"}, \"3910_2\": {\"frequency\": 1, \"value\": \"3910_2\"}, \"10568_1\": {\"frequency\": 1, \"value\": \"10568_1\"}, \"5301_4\": {\"frequency\": 1, \"value\": \"5301_4\"}, \"7679_4\": {\"frequency\": 1, \"value\": \"7679_4\"}, \"253_7\": {\"frequency\": 1, \"value\": \"253_7\"}, \"4940_1\": {\"frequency\": 1, \"value\": \"4940_1\"}, \"10409_2\": {\"frequency\": 1, \"value\": \"10409_2\"}, \"975_4\": {\"frequency\": 1, \"value\": \"975_4\"}, \"1101_3\": {\"frequency\": 1, \"value\": \"1101_3\"}, \"7652_3\": {\"frequency\": 1, \"value\": \"7652_3\"}, \"5365_10\": {\"frequency\": 1, \"value\": \"5365_10\"}, \"5225_4\": {\"frequency\": 1, \"value\": \"5225_4\"}, \"424_8\": {\"frequency\": 1, \"value\": \"424_8\"}, \"8654_9\": {\"frequency\": 1, \"value\": \"8654_9\"}, \"6944_9\": {\"frequency\": 1, \"value\": \"6944_9\"}, \"10597_2\": {\"frequency\": 1, \"value\": \"10597_2\"}, \"235_10\": {\"frequency\": 2, \"value\": \"235_10\"}, \"9924_9\": {\"frequency\": 1, \"value\": \"9924_9\"}, \"5225_9\": {\"frequency\": 1, \"value\": \"5225_9\"}, \"4479_1\": {\"frequency\": 1, \"value\": \"4479_1\"}, \"977_8\": {\"frequency\": 1, \"value\": \"977_8\"}, \"742_1\": {\"frequency\": 1, \"value\": \"742_1\"}, \"9926_7\": {\"frequency\": 1, \"value\": \"9926_7\"}, \"7812_8\": {\"frequency\": 1, \"value\": \"7812_8\"}, \"4670_4\": {\"frequency\": 1, \"value\": \"4670_4\"}, \"2481_1\": {\"frequency\": 1, \"value\": \"2481_1\"}, \"11555_2\": {\"frequency\": 1, \"value\": \"11555_2\"}, \"10395_8\": {\"frequency\": 1, \"value\": \"10395_8\"}, \"6940_4\": {\"frequency\": 1, \"value\": \"6940_4\"}, \"7638_7\": {\"frequency\": 1, \"value\": \"7638_7\"}, \"10395_2\": {\"frequency\": 1, \"value\": \"10395_2\"}, \"11104_10\": {\"frequency\": 1, \"value\": \"11104_10\"}, \"10593_4\": {\"frequency\": 1, \"value\": \"10593_4\"}, \"8454_3\": {\"frequency\": 1, \"value\": \"8454_3\"}, \"11832_7\": {\"frequency\": 1, \"value\": \"11832_7\"}, \"4484_1\": {\"frequency\": 1, \"value\": \"4484_1\"}, \"4031_10\": {\"frequency\": 1, \"value\": \"4031_10\"}, \"9626_8\": {\"frequency\": 1, \"value\": \"9626_8\"}, \"7898_10\": {\"frequency\": 1, \"value\": \"7898_10\"}, \"12315_2\": {\"frequency\": 1, \"value\": \"12315_2\"}, \"1393_2\": {\"frequency\": 1, \"value\": \"1393_2\"}, \"8552_9\": {\"frequency\": 1, \"value\": \"8552_9\"}, \"422_7\": {\"frequency\": 1, \"value\": \"422_7\"}, \"12203_10\": {\"frequency\": 1, \"value\": \"12203_10\"}, \"7260_10\": {\"frequency\": 1, \"value\": \"7260_10\"}, \"9470_8\": {\"frequency\": 1, \"value\": \"9470_8\"}, \"10398_3\": {\"frequency\": 2, \"value\": \"10398_3\"}, \"9622_3\": {\"frequency\": 1, \"value\": \"9622_3\"}, \"4402_8\": {\"frequency\": 1, \"value\": \"4402_8\"}, \"5387_3\": {\"frequency\": 1, \"value\": \"5387_3\"}, \"5387_8\": {\"frequency\": 1, \"value\": \"5387_8\"}, \"11515_1\": {\"frequency\": 1, \"value\": \"11515_1\"}, \"5220_2\": {\"frequency\": 1, \"value\": \"5220_2\"}, \"3109_4\": {\"frequency\": 1, \"value\": \"3109_4\"}, \"9164_10\": {\"frequency\": 1, \"value\": \"9164_10\"}, \"11901_9\": {\"frequency\": 1, \"value\": \"11901_9\"}, \"9379_1\": {\"frequency\": 1, \"value\": \"9379_1\"}, \"5871_9\": {\"frequency\": 1, \"value\": \"5871_9\"}, \"7423_9\": {\"frequency\": 1, \"value\": \"7423_9\"}, \"10848_10\": {\"frequency\": 1, \"value\": \"10848_10\"}, \"8931_4\": {\"frequency\": 1, \"value\": \"8931_4\"}, \"5838_8\": {\"frequency\": 1, \"value\": \"5838_8\"}, \"10286_1\": {\"frequency\": 1, \"value\": \"10286_1\"}, \"3221_3\": {\"frequency\": 1, \"value\": \"3221_3\"}, \"2701_1\": {\"frequency\": 1, \"value\": \"2701_1\"}, \"4450_3\": {\"frequency\": 1, \"value\": \"4450_3\"}, \"10359_7\": {\"frequency\": 1, \"value\": \"10359_7\"}, \"10284_9\": {\"frequency\": 1, \"value\": \"10284_9\"}, \"12043_10\": {\"frequency\": 1, \"value\": \"12043_10\"}, \"10448_1\": {\"frequency\": 1, \"value\": \"10448_1\"}, \"216_4\": {\"frequency\": 1, \"value\": \"216_4\"}, \"4886_1\": {\"frequency\": 1, \"value\": \"4886_1\"}, \"12417_10\": {\"frequency\": 1, \"value\": \"12417_10\"}, \"10392_3\": {\"frequency\": 1, \"value\": \"10392_3\"}, \"4886_8\": {\"frequency\": 1, \"value\": \"4886_8\"}, \"9000_10\": {\"frequency\": 1, \"value\": \"9000_10\"}, \"216_8\": {\"frequency\": 1, \"value\": \"216_8\"}, \"7494_10\": {\"frequency\": 1, \"value\": \"7494_10\"}, \"6598_1\": {\"frequency\": 1, \"value\": \"6598_1\"}, \"5571_10\": {\"frequency\": 1, \"value\": \"5571_10\"}, \"11071_2\": {\"frequency\": 1, \"value\": \"11071_2\"}, \"3759_1\": {\"frequency\": 1, \"value\": \"3759_1\"}, \"3407_2\": {\"frequency\": 1, \"value\": \"3407_2\"}, \"10625_2\": {\"frequency\": 1, \"value\": \"10625_2\"}, \"10084_10\": {\"frequency\": 1, \"value\": \"10084_10\"}, \"8003_8\": {\"frequency\": 1, \"value\": \"8003_8\"}, \"1434_10\": {\"frequency\": 1, \"value\": \"1434_10\"}, \"3401_8\": {\"frequency\": 1, \"value\": \"3401_8\"}, \"11259_1\": {\"frequency\": 1, \"value\": \"11259_1\"}, \"8359_8\": {\"frequency\": 1, \"value\": \"8359_8\"}, \"431_4\": {\"frequency\": 1, \"value\": \"431_4\"}, \"8675_8\": {\"frequency\": 1, \"value\": \"8675_8\"}, \"5836_8\": {\"frequency\": 1, \"value\": \"5836_8\"}, \"1011_2\": {\"frequency\": 1, \"value\": \"1011_2\"}, \"3327_3\": {\"frequency\": 1, \"value\": \"3327_3\"}, \"1441_2\": {\"frequency\": 1, \"value\": \"1441_2\"}, \"3815_7\": {\"frequency\": 1, \"value\": \"3815_7\"}, \"7927_10\": {\"frequency\": 2, \"value\": \"7927_10\"}, \"12133_3\": {\"frequency\": 1, \"value\": \"12133_3\"}, \"5222_8\": {\"frequency\": 1, \"value\": \"5222_8\"}, \"8086_9\": {\"frequency\": 1, \"value\": \"8086_9\"}, \"10115_1\": {\"frequency\": 1, \"value\": \"10115_1\"}, \"479_10\": {\"frequency\": 1, \"value\": \"479_10\"}, \"6363_8\": {\"frequency\": 1, \"value\": \"6363_8\"}, \"11885_1\": {\"frequency\": 1, \"value\": \"11885_1\"}, \"10152_1\": {\"frequency\": 1, \"value\": \"10152_1\"}, \"65_10\": {\"frequency\": 1, \"value\": \"65_10\"}, \"9971_10\": {\"frequency\": 1, \"value\": \"9971_10\"}, \"5353_1\": {\"frequency\": 1, \"value\": \"5353_1\"}, \"8516_2\": {\"frequency\": 1, \"value\": \"8516_2\"}, \"10152_9\": {\"frequency\": 1, \"value\": \"10152_9\"}, \"8514_1\": {\"frequency\": 1, \"value\": \"8514_1\"}, \"6683_1\": {\"frequency\": 1, \"value\": \"6683_1\"}, \"7313_1\": {\"frequency\": 1, \"value\": \"7313_1\"}, \"6383_3\": {\"frequency\": 1, \"value\": \"6383_3\"}, \"7138_1\": {\"frequency\": 1, \"value\": \"7138_1\"}, \"2522_8\": {\"frequency\": 1, \"value\": \"2522_8\"}, \"4083_10\": {\"frequency\": 1, \"value\": \"4083_10\"}, \"1056_3\": {\"frequency\": 1, \"value\": \"1056_3\"}, \"5351_2\": {\"frequency\": 1, \"value\": \"5351_2\"}, \"1238_7\": {\"frequency\": 1, \"value\": \"1238_7\"}, \"9517_10\": {\"frequency\": 1, \"value\": \"9517_10\"}, \"11667_1\": {\"frequency\": 1, \"value\": \"11667_1\"}, \"304_4\": {\"frequency\": 1, \"value\": \"304_4\"}, \"10150_3\": {\"frequency\": 1, \"value\": \"10150_3\"}, \"9336_4\": {\"frequency\": 1, \"value\": \"9336_4\"}, \"2825_3\": {\"frequency\": 1, \"value\": \"2825_3\"}, \"11667_9\": {\"frequency\": 1, \"value\": \"11667_9\"}, \"10441_1\": {\"frequency\": 1, \"value\": \"10441_1\"}, \"6494_10\": {\"frequency\": 1, \"value\": \"6494_10\"}, \"7743_8\": {\"frequency\": 1, \"value\": \"7743_8\"}, \"9338_3\": {\"frequency\": 2, \"value\": \"9338_3\"}, \"155_10\": {\"frequency\": 1, \"value\": \"155_10\"}, \"8551_4\": {\"frequency\": 1, \"value\": \"8551_4\"}, \"8356_4\": {\"frequency\": 1, \"value\": \"8356_4\"}, \"6640_1\": {\"frequency\": 1, \"value\": \"6640_1\"}, \"7956_10\": {\"frequency\": 1, \"value\": \"7956_10\"}, \"2293_1\": {\"frequency\": 1, \"value\": \"2293_1\"}, \"4541_10\": {\"frequency\": 1, \"value\": \"4541_10\"}, \"6934_4\": {\"frequency\": 1, \"value\": \"6934_4\"}, \"7589_8\": {\"frequency\": 1, \"value\": \"7589_8\"}, \"9845_3\": {\"frequency\": 1, \"value\": \"9845_3\"}, \"4655_7\": {\"frequency\": 1, \"value\": \"4655_7\"}, \"4447_7\": {\"frequency\": 1, \"value\": \"4447_7\"}, \"8350_3\": {\"frequency\": 1, \"value\": \"8350_3\"}, \"5166_10\": {\"frequency\": 1, \"value\": \"5166_10\"}, \"3022_1\": {\"frequency\": 1, \"value\": \"3022_1\"}, \"5779_3\": {\"frequency\": 1, \"value\": \"5779_3\"}, \"292_10\": {\"frequency\": 1, \"value\": \"292_10\"}, \"702_2\": {\"frequency\": 1, \"value\": \"702_2\"}, \"3445_7\": {\"frequency\": 1, \"value\": \"3445_7\"}, \"10156_1\": {\"frequency\": 1, \"value\": \"10156_1\"}, \"1294_1\": {\"frequency\": 1, \"value\": \"1294_1\"}, \"6485_10\": {\"frequency\": 1, \"value\": \"6485_10\"}, \"6127_8\": {\"frequency\": 1, \"value\": \"6127_8\"}, \"10404_9\": {\"frequency\": 1, \"value\": \"10404_9\"}, \"8404_10\": {\"frequency\": 1, \"value\": \"8404_10\"}, \"1566_8\": {\"frequency\": 1, \"value\": \"1566_8\"}, \"1615_8\": {\"frequency\": 1, \"value\": \"1615_8\"}, \"10154_1\": {\"frequency\": 1, \"value\": \"10154_1\"}, \"8352_1\": {\"frequency\": 1, \"value\": \"8352_1\"}, \"11918_2\": {\"frequency\": 1, \"value\": \"11918_2\"}, \"4198_7\": {\"frequency\": 1, \"value\": \"4198_7\"}, \"8510_1\": {\"frequency\": 1, \"value\": \"8510_1\"}, \"11256_1\": {\"frequency\": 1, \"value\": \"11256_1\"}, \"11464_1\": {\"frequency\": 1, \"value\": \"11464_1\"}, \"7316_1\": {\"frequency\": 1, \"value\": \"7316_1\"}, \"7737_10\": {\"frequency\": 1, \"value\": \"7737_10\"}, \"11444_10\": {\"frequency\": 1, \"value\": \"11444_10\"}, \"215_8\": {\"frequency\": 1, \"value\": \"215_8\"}, \"6648_1\": {\"frequency\": 1, \"value\": \"6648_1\"}, \"12412_3\": {\"frequency\": 1, \"value\": \"12412_3\"}, \"6955_10\": {\"frequency\": 1, \"value\": \"6955_10\"}, \"6601_4\": {\"frequency\": 1, \"value\": \"6601_4\"}, \"4401_9\": {\"frequency\": 2, \"value\": \"4401_9\"}, \"3028_1\": {\"frequency\": 1, \"value\": \"3028_1\"}, \"12254_10\": {\"frequency\": 1, \"value\": \"12254_10\"}, \"12062_10\": {\"frequency\": 1, \"value\": \"12062_10\"}, \"2424_3\": {\"frequency\": 1, \"value\": \"2424_3\"}, \"2864_9\": {\"frequency\": 1, \"value\": \"2864_9\"}, \"11652_10\": {\"frequency\": 1, \"value\": \"11652_10\"}, \"11206_10\": {\"frequency\": 1, \"value\": \"11206_10\"}, \"11211_8\": {\"frequency\": 1, \"value\": \"11211_8\"}, \"2629_9\": {\"frequency\": 1, \"value\": \"2629_9\"}, \"12303_9\": {\"frequency\": 1, \"value\": \"12303_9\"}, \"3476_10\": {\"frequency\": 1, \"value\": \"3476_10\"}, \"9239_2\": {\"frequency\": 1, \"value\": \"9239_2\"}, \"4298_10\": {\"frequency\": 1, \"value\": \"4298_10\"}, \"11759_10\": {\"frequency\": 1, \"value\": \"11759_10\"}, \"9239_8\": {\"frequency\": 2, \"value\": \"9239_8\"}, \"8391_1\": {\"frequency\": 1, \"value\": \"8391_1\"}, \"7742_3\": {\"frequency\": 1, \"value\": \"7742_3\"}, \"8127_2\": {\"frequency\": 1, \"value\": \"8127_2\"}, \"1917_1\": {\"frequency\": 1, \"value\": \"1917_1\"}, \"7021_10\": {\"frequency\": 1, \"value\": \"7021_10\"}, \"2981_1\": {\"frequency\": 1, \"value\": \"2981_1\"}, \"2203_3\": {\"frequency\": 1, \"value\": \"2203_3\"}, \"1917_9\": {\"frequency\": 1, \"value\": \"1917_9\"}, \"3025_7\": {\"frequency\": 1, \"value\": \"3025_7\"}, \"5316_2\": {\"frequency\": 1, \"value\": \"5316_2\"}, \"10995_10\": {\"frequency\": 1, \"value\": \"10995_10\"}, \"2301_10\": {\"frequency\": 1, \"value\": \"2301_10\"}, \"3831_10\": {\"frequency\": 1, \"value\": \"3831_10\"}, \"7461_2\": {\"frequency\": 1, \"value\": \"7461_2\"}, \"1861_3\": {\"frequency\": 1, \"value\": \"1861_3\"}, \"12452_1\": {\"frequency\": 1, \"value\": \"12452_1\"}, \"6559_10\": {\"frequency\": 1, \"value\": \"6559_10\"}, \"5915_1\": {\"frequency\": 1, \"value\": \"5915_1\"}, \"10815_2\": {\"frequency\": 2, \"value\": \"10815_2\"}, \"4919_3\": {\"frequency\": 1, \"value\": \"4919_3\"}, \"8126_7\": {\"frequency\": 1, \"value\": \"8126_7\"}, \"1752_1\": {\"frequency\": 1, \"value\": \"1752_1\"}, \"5394_10\": {\"frequency\": 1, \"value\": \"5394_10\"}, \"12456_3\": {\"frequency\": 1, \"value\": \"12456_3\"}, \"8714_10\": {\"frequency\": 1, \"value\": \"8714_10\"}, \"9236_1\": {\"frequency\": 1, \"value\": \"9236_1\"}, \"11358_9\": {\"frequency\": 1, \"value\": \"11358_9\"}, \"8878_4\": {\"frequency\": 1, \"value\": \"8878_4\"}, \"11348_10\": {\"frequency\": 1, \"value\": \"11348_10\"}, \"5100_4\": {\"frequency\": 1, \"value\": \"5100_4\"}, \"2938_3\": {\"frequency\": 1, \"value\": \"2938_3\"}, \"5211_4\": {\"frequency\": 1, \"value\": \"5211_4\"}, \"4035_10\": {\"frequency\": 1, \"value\": \"4035_10\"}, \"7214_7\": {\"frequency\": 1, \"value\": \"7214_7\"}, \"11540_10\": {\"frequency\": 1, \"value\": \"11540_10\"}, \"477_4\": {\"frequency\": 1, \"value\": \"477_4\"}, \"11744_9\": {\"frequency\": 1, \"value\": \"11744_9\"}, \"8163_3\": {\"frequency\": 1, \"value\": \"8163_3\"}, \"1177_1\": {\"frequency\": 1, \"value\": \"1177_1\"}, \"4152_10\": {\"frequency\": 1, \"value\": \"4152_10\"}, \"5217_4\": {\"frequency\": 1, \"value\": \"5217_4\"}, \"9382_9\": {\"frequency\": 1, \"value\": \"9382_9\"}, \"1715_8\": {\"frequency\": 1, \"value\": \"1715_8\"}, \"2207_9\": {\"frequency\": 1, \"value\": \"2207_9\"}, \"1401_7\": {\"frequency\": 1, \"value\": \"1401_7\"}, \"2940_3\": {\"frequency\": 1, \"value\": \"2940_3\"}, \"9139_8\": {\"frequency\": 2, \"value\": \"9139_8\"}, \"4098_2\": {\"frequency\": 1, \"value\": \"4098_2\"}, \"4489_9\": {\"frequency\": 1, \"value\": \"4489_9\"}, \"3280_10\": {\"frequency\": 1, \"value\": \"3280_10\"}, \"7353_7\": {\"frequency\": 1, \"value\": \"7353_7\"}, \"1713_8\": {\"frequency\": 1, \"value\": \"1713_8\"}, \"10018_8\": {\"frequency\": 1, \"value\": \"10018_8\"}, \"4255_9\": {\"frequency\": 1, \"value\": \"4255_9\"}, \"4489_1\": {\"frequency\": 1, \"value\": \"4489_1\"}, \"10313_4\": {\"frequency\": 1, \"value\": \"10313_4\"}, \"3027_8\": {\"frequency\": 1, \"value\": \"3027_8\"}, \"10207_10\": {\"frequency\": 1, \"value\": \"10207_10\"}, \"7549_7\": {\"frequency\": 1, \"value\": \"7549_7\"}, \"1865_8\": {\"frequency\": 1, \"value\": \"1865_8\"}, \"2411_9\": {\"frequency\": 1, \"value\": \"2411_9\"}, \"10721_3\": {\"frequency\": 1, \"value\": \"10721_3\"}, \"3068_9\": {\"frequency\": 1, \"value\": \"3068_9\"}, \"9230_8\": {\"frequency\": 1, \"value\": \"9230_8\"}, \"6645_1\": {\"frequency\": 1, \"value\": \"6645_1\"}, \"1718_3\": {\"frequency\": 1, \"value\": \"1718_3\"}, \"11310_1\": {\"frequency\": 1, \"value\": \"11310_1\"}, \"11432_9\": {\"frequency\": 1, \"value\": \"11432_9\"}, \"486_1\": {\"frequency\": 1, \"value\": \"486_1\"}, \"2519_10\": {\"frequency\": 1, \"value\": \"2519_10\"}, \"5259_9\": {\"frequency\": 1, \"value\": \"5259_9\"}, \"6763_8\": {\"frequency\": 1, \"value\": \"6763_8\"}, \"5983_8\": {\"frequency\": 1, \"value\": \"5983_8\"}, \"11686_10\": {\"frequency\": 1, \"value\": \"11686_10\"}, \"7071_9\": {\"frequency\": 1, \"value\": \"7071_9\"}, \"1407_7\": {\"frequency\": 1, \"value\": \"1407_7\"}, \"2901_7\": {\"frequency\": 1, \"value\": \"2901_7\"}, \"11316_1\": {\"frequency\": 1, \"value\": \"11316_1\"}, \"6760_2\": {\"frequency\": 1, \"value\": \"6760_2\"}, \"1194_1\": {\"frequency\": 1, \"value\": \"1194_1\"}, \"283_8\": {\"frequency\": 1, \"value\": \"283_8\"}, \"12494_8\": {\"frequency\": 1, \"value\": \"12494_8\"}, \"6859_7\": {\"frequency\": 1, \"value\": \"6859_7\"}, \"7218_9\": {\"frequency\": 1, \"value\": \"7218_9\"}, \"283_1\": {\"frequency\": 1, \"value\": \"283_1\"}, \"1581_7\": {\"frequency\": 1, \"value\": \"1581_7\"}, \"11581_2\": {\"frequency\": 1, \"value\": \"11581_2\"}, \"11781_8\": {\"frequency\": 1, \"value\": \"11781_8\"}, \"9277_1\": {\"frequency\": 2, \"value\": \"9277_1\"}, \"1403_1\": {\"frequency\": 1, \"value\": \"1403_1\"}, \"1171_4\": {\"frequency\": 1, \"value\": \"1171_4\"}, \"12471_7\": {\"frequency\": 1, \"value\": \"12471_7\"}, \"11587_2\": {\"frequency\": 1, \"value\": \"11587_2\"}, \"281_1\": {\"frequency\": 1, \"value\": \"281_1\"}, \"10278_1\": {\"frequency\": 1, \"value\": \"10278_1\"}, \"3688_8\": {\"frequency\": 1, \"value\": \"3688_8\"}, \"7213_3\": {\"frequency\": 1, \"value\": \"7213_3\"}, \"9056_1\": {\"frequency\": 1, \"value\": \"9056_1\"}, \"11008_1\": {\"frequency\": 1, \"value\": \"11008_1\"}, \"3688_2\": {\"frequency\": 1, \"value\": \"3688_2\"}, \"4887_2\": {\"frequency\": 1, \"value\": \"4887_2\"}, \"1485_2\": {\"frequency\": 1, \"value\": \"1485_2\"}, \"6081_9\": {\"frequency\": 1, \"value\": \"6081_9\"}, \"1483_9\": {\"frequency\": 1, \"value\": \"1483_9\"}, \"4881_9\": {\"frequency\": 1, \"value\": \"4881_9\"}, \"11422_1\": {\"frequency\": 1, \"value\": \"11422_1\"}, \"2365_3\": {\"frequency\": 1, \"value\": \"2365_3\"}, \"7030_4\": {\"frequency\": 1, \"value\": \"7030_4\"}, \"12252_10\": {\"frequency\": 1, \"value\": \"12252_10\"}, \"10999_1\": {\"frequency\": 1, \"value\": \"10999_1\"}, \"4881_1\": {\"frequency\": 1, \"value\": \"4881_1\"}, \"4883_1\": {\"frequency\": 1, \"value\": \"4883_1\"}, \"2066_7\": {\"frequency\": 1, \"value\": \"2066_7\"}, \"8697_2\": {\"frequency\": 1, \"value\": \"8697_2\"}, \"6210_1\": {\"frequency\": 1, \"value\": \"6210_1\"}, \"6087_9\": {\"frequency\": 1, \"value\": \"6087_9\"}, \"2698_8\": {\"frequency\": 1, \"value\": \"2698_8\"}, \"1272_7\": {\"frequency\": 1, \"value\": \"1272_7\"}, \"2907_4\": {\"frequency\": 1, \"value\": \"2907_4\"}, \"275_10\": {\"frequency\": 1, \"value\": \"275_10\"}, \"2792_4\": {\"frequency\": 1, \"value\": \"2792_4\"}, \"11259_10\": {\"frequency\": 1, \"value\": \"11259_10\"}, \"2124_10\": {\"frequency\": 1, \"value\": \"2124_10\"}, \"4443_3\": {\"frequency\": 1, \"value\": \"4443_3\"}, \"439_1\": {\"frequency\": 1, \"value\": \"439_1\"}, \"5191_2\": {\"frequency\": 1, \"value\": \"5191_2\"}, \"9704_10\": {\"frequency\": 1, \"value\": \"9704_10\"}, \"4565_8\": {\"frequency\": 1, \"value\": \"4565_8\"}, \"3649_4\": {\"frequency\": 1, \"value\": \"3649_4\"}, \"6543_1\": {\"frequency\": 1, \"value\": \"6543_1\"}, \"12341_4\": {\"frequency\": 1, \"value\": \"12341_4\"}, \"5452_4\": {\"frequency\": 1, \"value\": \"5452_4\"}, \"8401_3\": {\"frequency\": 1, \"value\": \"8401_3\"}, \"2354_10\": {\"frequency\": 1, \"value\": \"2354_10\"}, \"9972_1\": {\"frequency\": 1, \"value\": \"9972_1\"}, \"9177_1\": {\"frequency\": 1, \"value\": \"9177_1\"}, \"4528_3\": {\"frequency\": 1, \"value\": \"4528_3\"}, \"3098_1\": {\"frequency\": 1, \"value\": \"3098_1\"}, \"6541_4\": {\"frequency\": 1, \"value\": \"6541_4\"}, \"11424_8\": {\"frequency\": 1, \"value\": \"11424_8\"}, \"1659_7\": {\"frequency\": 1, \"value\": \"1659_7\"}, \"1338_3\": {\"frequency\": 1, \"value\": \"1338_3\"}, \"1880_10\": {\"frequency\": 1, \"value\": \"1880_10\"}, \"9386_2\": {\"frequency\": 1, \"value\": \"9386_2\"}, \"7217_1\": {\"frequency\": 1, \"value\": \"7217_1\"}, \"8791_1\": {\"frequency\": 1, \"value\": \"8791_1\"}, \"4212_4\": {\"frequency\": 1, \"value\": \"4212_4\"}, \"9054_1\": {\"frequency\": 1, \"value\": \"9054_1\"}, \"5753_1\": {\"frequency\": 1, \"value\": \"5753_1\"}, \"11736_9\": {\"frequency\": 1, \"value\": \"11736_9\"}, \"8034_10\": {\"frequency\": 1, \"value\": \"8034_10\"}, \"8822_10\": {\"frequency\": 1, \"value\": \"8822_10\"}, \"11420_9\": {\"frequency\": 1, \"value\": \"11420_9\"}, \"1286_8\": {\"frequency\": 1, \"value\": \"1286_8\"}, \"1243_9\": {\"frequency\": 1, \"value\": \"1243_9\"}, \"2326_8\": {\"frequency\": 1, \"value\": \"2326_8\"}, \"784_10\": {\"frequency\": 1, \"value\": \"784_10\"}, \"16_7\": {\"frequency\": 1, \"value\": \"16_7\"}, \"6581_7\": {\"frequency\": 1, \"value\": \"6581_7\"}, \"4485_10\": {\"frequency\": 1, \"value\": \"4485_10\"}, \"8754_8\": {\"frequency\": 1, \"value\": \"8754_8\"}, \"12382_8\": {\"frequency\": 1, \"value\": \"12382_8\"}, \"1618_3\": {\"frequency\": 1, \"value\": \"1618_3\"}, \"639_10\": {\"frequency\": 1, \"value\": \"639_10\"}, \"3190_7\": {\"frequency\": 1, \"value\": \"3190_7\"}, \"8487_1\": {\"frequency\": 1, \"value\": \"8487_1\"}, \"472_1\": {\"frequency\": 1, \"value\": \"472_1\"}, \"10990_7\": {\"frequency\": 1, \"value\": \"10990_7\"}, \"11289_10\": {\"frequency\": 1, \"value\": \"11289_10\"}, \"7999_10\": {\"frequency\": 1, \"value\": \"7999_10\"}, \"4706_8\": {\"frequency\": 1, \"value\": \"4706_8\"}, \"10493_4\": {\"frequency\": 1, \"value\": \"10493_4\"}, \"5675_2\": {\"frequency\": 1, \"value\": \"5675_2\"}, \"9617_10\": {\"frequency\": 1, \"value\": \"9617_10\"}, \"8283_7\": {\"frequency\": 1, \"value\": \"8283_7\"}, \"8752_2\": {\"frequency\": 1, \"value\": \"8752_2\"}, \"10491_7\": {\"frequency\": 1, \"value\": \"10491_7\"}, \"4785_2\": {\"frequency\": 1, \"value\": \"4785_2\"}, \"6766_3\": {\"frequency\": 1, \"value\": \"6766_3\"}, \"1249_9\": {\"frequency\": 1, \"value\": \"1249_9\"}, \"10314_4\": {\"frequency\": 1, \"value\": \"10314_4\"}, \"8288_7\": {\"frequency\": 1, \"value\": \"8288_7\"}, \"884_8\": {\"frequency\": 1, \"value\": \"884_8\"}, \"11127_9\": {\"frequency\": 1, \"value\": \"11127_9\"}, \"884_4\": {\"frequency\": 1, \"value\": \"884_4\"}, \"3642_1\": {\"frequency\": 1, \"value\": \"3642_1\"}, \"7884_7\": {\"frequency\": 1, \"value\": \"7884_7\"}, \"10849_10\": {\"frequency\": 1, \"value\": \"10849_10\"}, \"6118_10\": {\"frequency\": 1, \"value\": \"6118_10\"}, \"10538_8\": {\"frequency\": 1, \"value\": \"10538_8\"}, \"11803_7\": {\"frequency\": 1, \"value\": \"11803_7\"}, \"886_8\": {\"frequency\": 1, \"value\": \"886_8\"}, \"5316_7\": {\"frequency\": 1, \"value\": \"5316_7\"}, \"5398_1\": {\"frequency\": 1, \"value\": \"5398_1\"}, \"8305_3\": {\"frequency\": 1, \"value\": \"8305_3\"}, \"7189_10\": {\"frequency\": 1, \"value\": \"7189_10\"}, \"9624_10\": {\"frequency\": 1, \"value\": \"9624_10\"}, \"888_8\": {\"frequency\": 1, \"value\": \"888_8\"}, \"9136_8\": {\"frequency\": 1, \"value\": \"9136_8\"}, \"5936_3\": {\"frequency\": 1, \"value\": \"5936_3\"}, \"8758_4\": {\"frequency\": 1, \"value\": \"8758_4\"}, \"9017_8\": {\"frequency\": 1, \"value\": \"9017_8\"}, \"10648_4\": {\"frequency\": 1, \"value\": \"10648_4\"}, \"8208_8\": {\"frequency\": 1, \"value\": \"8208_8\"}, \"1925_9\": {\"frequency\": 1, \"value\": \"1925_9\"}, \"31_1\": {\"frequency\": 1, \"value\": \"31_1\"}, \"170_10\": {\"frequency\": 1, \"value\": \"170_10\"}, \"9505_4\": {\"frequency\": 1, \"value\": \"9505_4\"}, \"31_8\": {\"frequency\": 1, \"value\": \"31_8\"}, \"6374_10\": {\"frequency\": 1, \"value\": \"6374_10\"}, \"8465_8\": {\"frequency\": 1, \"value\": \"8465_8\"}, \"4345_10\": {\"frequency\": 1, \"value\": \"4345_10\"}, \"1279_9\": {\"frequency\": 1, \"value\": \"1279_9\"}, \"3496_1\": {\"frequency\": 1, \"value\": \"3496_1\"}, \"11806_10\": {\"frequency\": 1, \"value\": \"11806_10\"}, \"1202_2\": {\"frequency\": 1, \"value\": \"1202_2\"}, \"8583_9\": {\"frequency\": 1, \"value\": \"8583_9\"}, \"6753_7\": {\"frequency\": 1, \"value\": \"6753_7\"}, \"6051_9\": {\"frequency\": 1, \"value\": \"6051_9\"}, \"960_1\": {\"frequency\": 1, \"value\": \"960_1\"}, \"4158_10\": {\"frequency\": 1, \"value\": \"4158_10\"}, \"301_10\": {\"frequency\": 1, \"value\": \"301_10\"}, \"7116_9\": {\"frequency\": 1, \"value\": \"7116_9\"}, \"10685_7\": {\"frequency\": 1, \"value\": \"10685_7\"}, \"2377_1\": {\"frequency\": 1, \"value\": \"2377_1\"}, \"8284_8\": {\"frequency\": 1, \"value\": \"8284_8\"}, \"5857_10\": {\"frequency\": 1, \"value\": \"5857_10\"}, \"2382_1\": {\"frequency\": 1, \"value\": \"2382_1\"}, \"5460_4\": {\"frequency\": 1, \"value\": \"5460_4\"}, \"1131_7\": {\"frequency\": 1, \"value\": \"1131_7\"}, \"9682_10\": {\"frequency\": 1, \"value\": \"9682_10\"}, \"882_8\": {\"frequency\": 1, \"value\": \"882_8\"}, \"10898_7\": {\"frequency\": 1, \"value\": \"10898_7\"}, \"1617_4\": {\"frequency\": 1, \"value\": \"1617_4\"}, \"8229_10\": {\"frequency\": 1, \"value\": \"8229_10\"}, \"2069_9\": {\"frequency\": 1, \"value\": \"2069_9\"}, \"10891_1\": {\"frequency\": 1, \"value\": \"10891_1\"}, \"3571_1\": {\"frequency\": 1, \"value\": \"3571_1\"}, \"6014_1\": {\"frequency\": 1, \"value\": \"6014_1\"}, \"10492_1\": {\"frequency\": 1, \"value\": \"10492_1\"}, \"9416_10\": {\"frequency\": 1, \"value\": \"9416_10\"}, \"7783_1\": {\"frequency\": 1, \"value\": \"7783_1\"}, \"3802_2\": {\"frequency\": 1, \"value\": \"3802_2\"}, \"10004_8\": {\"frequency\": 1, \"value\": \"10004_8\"}, \"9596_10\": {\"frequency\": 1, \"value\": \"9596_10\"}, \"9299_3\": {\"frequency\": 1, \"value\": \"9299_3\"}, \"5532_2\": {\"frequency\": 1, \"value\": \"5532_2\"}, \"6016_1\": {\"frequency\": 1, \"value\": \"6016_1\"}, \"8644_1\": {\"frequency\": 1, \"value\": \"8644_1\"}, \"8160_7\": {\"frequency\": 1, \"value\": \"8160_7\"}, \"8644_7\": {\"frequency\": 1, \"value\": \"8644_7\"}, \"7700_2\": {\"frequency\": 1, \"value\": \"7700_2\"}, \"1613_10\": {\"frequency\": 1, \"value\": \"1613_10\"}, \"9306_9\": {\"frequency\": 1, \"value\": \"9306_9\"}, \"5303_10\": {\"frequency\": 1, \"value\": \"5303_10\"}, \"6603_3\": {\"frequency\": 1, \"value\": \"6603_3\"}, \"2498_1\": {\"frequency\": 1, \"value\": \"2498_1\"}, \"9580_3\": {\"frequency\": 1, \"value\": \"9580_3\"}, \"8802_7\": {\"frequency\": 1, \"value\": \"8802_7\"}, \"7706_4\": {\"frequency\": 1, \"value\": \"7706_4\"}, \"4863_10\": {\"frequency\": 1, \"value\": \"4863_10\"}, \"10006_4\": {\"frequency\": 1, \"value\": \"10006_4\"}, \"344_8\": {\"frequency\": 1, \"value\": \"344_8\"}, \"8693_10\": {\"frequency\": 1, \"value\": \"8693_10\"}, \"12174_7\": {\"frequency\": 1, \"value\": \"12174_7\"}, \"3677_3\": {\"frequency\": 1, \"value\": \"3677_3\"}, \"2630_3\": {\"frequency\": 1, \"value\": \"2630_3\"}, \"4788_10\": {\"frequency\": 1, \"value\": \"4788_10\"}, \"9753_4\": {\"frequency\": 1, \"value\": \"9753_4\"}, \"3488_7\": {\"frequency\": 1, \"value\": \"3488_7\"}, \"11545_8\": {\"frequency\": 1, \"value\": \"11545_8\"}, \"2808_10\": {\"frequency\": 1, \"value\": \"2808_10\"}, \"11461_10\": {\"frequency\": 1, \"value\": \"11461_10\"}, \"9594_10\": {\"frequency\": 2, \"value\": \"9594_10\"}, \"6979_3\": {\"frequency\": 1, \"value\": \"6979_3\"}, \"12304_10\": {\"frequency\": 1, \"value\": \"12304_10\"}, \"9930_1\": {\"frequency\": 1, \"value\": \"9930_1\"}, \"11508_1\": {\"frequency\": 1, \"value\": \"11508_1\"}, \"4250_8\": {\"frequency\": 1, \"value\": \"4250_8\"}, \"10851_2\": {\"frequency\": 1, \"value\": \"10851_2\"}, \"12499_7\": {\"frequency\": 1, \"value\": \"12499_7\"}, \"2412_1\": {\"frequency\": 1, \"value\": \"2412_1\"}, \"1244_8\": {\"frequency\": 1, \"value\": \"1244_8\"}, \"4250_3\": {\"frequency\": 1, \"value\": \"4250_3\"}, \"5313_7\": {\"frequency\": 1, \"value\": \"5313_7\"}, \"641_4\": {\"frequency\": 1, \"value\": \"641_4\"}, \"4063_2\": {\"frequency\": 1, \"value\": \"4063_2\"}, \"1530_2\": {\"frequency\": 1, \"value\": \"1530_2\"}, \"10471_10\": {\"frequency\": 1, \"value\": \"10471_10\"}, \"7802_1\": {\"frequency\": 1, \"value\": \"7802_1\"}, \"169_8\": {\"frequency\": 1, \"value\": \"169_8\"}, \"10000_8\": {\"frequency\": 1, \"value\": \"10000_8\"}, \"7898_1\": {\"frequency\": 1, \"value\": \"7898_1\"}, \"4971_7\": {\"frequency\": 2, \"value\": \"4971_7\"}, \"641_8\": {\"frequency\": 1, \"value\": \"641_8\"}, \"578_10\": {\"frequency\": 1, \"value\": \"578_10\"}, \"12264_9\": {\"frequency\": 1, \"value\": \"12264_9\"}, \"8646_1\": {\"frequency\": 1, \"value\": \"8646_1\"}, \"2187_2\": {\"frequency\": 1, \"value\": \"2187_2\"}, \"945_10\": {\"frequency\": 1, \"value\": \"945_10\"}, \"5112_9\": {\"frequency\": 1, \"value\": \"5112_9\"}, \"3077_10\": {\"frequency\": 1, \"value\": \"3077_10\"}, \"225_9\": {\"frequency\": 1, \"value\": \"225_9\"}, \"10161_9\": {\"frequency\": 1, \"value\": \"10161_9\"}, \"3394_4\": {\"frequency\": 1, \"value\": \"3394_4\"}, \"8427_1\": {\"frequency\": 1, \"value\": \"8427_1\"}, \"5291_4\": {\"frequency\": 1, \"value\": \"5291_4\"}, \"430_7\": {\"frequency\": 1, \"value\": \"430_7\"}, \"10115_10\": {\"frequency\": 1, \"value\": \"10115_10\"}, \"4682_4\": {\"frequency\": 1, \"value\": \"4682_4\"}, \"3855_8\": {\"frequency\": 1, \"value\": \"3855_8\"}, \"265_1\": {\"frequency\": 1, \"value\": \"265_1\"}, \"4601_4\": {\"frequency\": 1, \"value\": \"4601_4\"}, \"3586_10\": {\"frequency\": 1, \"value\": \"3586_10\"}, \"432_8\": {\"frequency\": 1, \"value\": \"432_8\"}, \"6299_1\": {\"frequency\": 2, \"value\": \"6299_1\"}, \"10531_10\": {\"frequency\": 1, \"value\": \"10531_10\"}, \"3930_4\": {\"frequency\": 1, \"value\": \"3930_4\"}, \"10165_3\": {\"frequency\": 1, \"value\": \"10165_3\"}, \"8460_2\": {\"frequency\": 1, \"value\": \"8460_2\"}, \"6019_1\": {\"frequency\": 1, \"value\": \"6019_1\"}, \"221_4\": {\"frequency\": 1, \"value\": \"221_4\"}, \"32_3\": {\"frequency\": 1, \"value\": \"32_3\"}, \"9936_4\": {\"frequency\": 1, \"value\": \"9936_4\"}, \"6019_8\": {\"frequency\": 1, \"value\": \"6019_8\"}, \"4684_1\": {\"frequency\": 1, \"value\": \"4684_1\"}, \"4605_2\": {\"frequency\": 1, \"value\": \"4605_2\"}, \"961_1\": {\"frequency\": 1, \"value\": \"961_1\"}, \"5059_7\": {\"frequency\": 1, \"value\": \"5059_7\"}, \"11349_4\": {\"frequency\": 1, \"value\": \"11349_4\"}, \"5576_9\": {\"frequency\": 1, \"value\": \"5576_9\"}, \"3859_4\": {\"frequency\": 1, \"value\": \"3859_4\"}, \"4932_8\": {\"frequency\": 2, \"value\": \"4932_8\"}, \"5539_3\": {\"frequency\": 1, \"value\": \"5539_3\"}, \"5784_4\": {\"frequency\": 1, \"value\": \"5784_4\"}, \"9152_1\": {\"frequency\": 1, \"value\": \"9152_1\"}, \"9934_3\": {\"frequency\": 1, \"value\": \"9934_3\"}, \"6808_8\": {\"frequency\": 1, \"value\": \"6808_8\"}, \"2394_3\": {\"frequency\": 1, \"value\": \"2394_3\"}, \"4061_3\": {\"frequency\": 1, \"value\": \"4061_3\"}, \"9188_1\": {\"frequency\": 1, \"value\": \"9188_1\"}, \"10832_10\": {\"frequency\": 1, \"value\": \"10832_10\"}, \"6969_10\": {\"frequency\": 1, \"value\": \"6969_10\"}, \"4173_10\": {\"frequency\": 1, \"value\": \"4173_10\"}, \"5054_1\": {\"frequency\": 1, \"value\": \"5054_1\"}, \"11731_4\": {\"frequency\": 1, \"value\": \"11731_4\"}, \"10438_4\": {\"frequency\": 1, \"value\": \"10438_4\"}, \"6111_1\": {\"frequency\": 1, \"value\": \"6111_1\"}, \"9652_3\": {\"frequency\": 1, \"value\": \"9652_3\"}, \"2879_9\": {\"frequency\": 1, \"value\": \"2879_9\"}, \"5397_9\": {\"frequency\": 1, \"value\": \"5397_9\"}, \"5097_8\": {\"frequency\": 1, \"value\": \"5097_8\"}, \"8581_10\": {\"frequency\": 1, \"value\": \"8581_10\"}, \"10535_2\": {\"frequency\": 1, \"value\": \"10535_2\"}, \"2378_8\": {\"frequency\": 1, \"value\": \"2378_8\"}, \"5056_8\": {\"frequency\": 1, \"value\": \"5056_8\"}, \"5364_10\": {\"frequency\": 1, \"value\": \"5364_10\"}, \"5395_1\": {\"frequency\": 1, \"value\": \"5395_1\"}, \"3298_10\": {\"frequency\": 1, \"value\": \"3298_10\"}, \"9094_1\": {\"frequency\": 1, \"value\": \"9094_1\"}, \"4448_10\": {\"frequency\": 1, \"value\": \"4448_10\"}, \"11269_1\": {\"frequency\": 1, \"value\": \"11269_1\"}, \"8094_2\": {\"frequency\": 1, \"value\": \"8094_2\"}, \"2114_10\": {\"frequency\": 1, \"value\": \"2114_10\"}, \"9863_10\": {\"frequency\": 1, \"value\": \"9863_10\"}, \"2515_1\": {\"frequency\": 1, \"value\": \"2515_1\"}, \"1571_1\": {\"frequency\": 1, \"value\": \"1571_1\"}, \"2517_2\": {\"frequency\": 1, \"value\": \"2517_2\"}, \"10695_8\": {\"frequency\": 1, \"value\": \"10695_8\"}, \"4000_10\": {\"frequency\": 1, \"value\": \"4000_10\"}, \"8923_3\": {\"frequency\": 1, \"value\": \"8923_3\"}, \"3119_4\": {\"frequency\": 1, \"value\": \"3119_4\"}, \"12314_3\": {\"frequency\": 1, \"value\": \"12314_3\"}, \"8723_2\": {\"frequency\": 1, \"value\": \"8723_2\"}, \"8386_1\": {\"frequency\": 1, \"value\": \"8386_1\"}, \"7474_9\": {\"frequency\": 1, \"value\": \"7474_9\"}, \"6762_1\": {\"frequency\": 1, \"value\": \"6762_1\"}, \"9979_1\": {\"frequency\": 2, \"value\": \"9979_1\"}, \"8384_7\": {\"frequency\": 1, \"value\": \"8384_7\"}, \"10323_1\": {\"frequency\": 1, \"value\": \"10323_1\"}, \"11933_1\": {\"frequency\": 1, \"value\": \"11933_1\"}, \"3801_8\": {\"frequency\": 1, \"value\": \"3801_8\"}, \"5863_8\": {\"frequency\": 1, \"value\": \"5863_8\"}, \"3366_10\": {\"frequency\": 1, \"value\": \"3366_10\"}, \"4025_9\": {\"frequency\": 1, \"value\": \"4025_9\"}, \"5050_1\": {\"frequency\": 1, \"value\": \"5050_1\"}, \"5007_10\": {\"frequency\": 1, \"value\": \"5007_10\"}, \"12318_9\": {\"frequency\": 1, \"value\": \"12318_9\"}, \"5865_1\": {\"frequency\": 1, \"value\": \"5865_1\"}, \"11540_2\": {\"frequency\": 1, \"value\": \"11540_2\"}, \"12260_10\": {\"frequency\": 1, \"value\": \"12260_10\"}, \"9719_1\": {\"frequency\": 1, \"value\": \"9719_1\"}, \"6721_10\": {\"frequency\": 1, \"value\": \"6721_10\"}, \"10981_8\": {\"frequency\": 1, \"value\": \"10981_8\"}, \"8684_1\": {\"frequency\": 1, \"value\": \"8684_1\"}, \"10435_7\": {\"frequency\": 1, \"value\": \"10435_7\"}, \"113_4\": {\"frequency\": 1, \"value\": \"113_4\"}, \"6394_1\": {\"frequency\": 1, \"value\": \"6394_1\"}, \"1477_7\": {\"frequency\": 1, \"value\": \"1477_7\"}, \"10437_7\": {\"frequency\": 1, \"value\": \"10437_7\"}, \"8749_7\": {\"frequency\": 1, \"value\": \"8749_7\"}, \"8545_9\": {\"frequency\": 1, \"value\": \"8545_9\"}, \"8727_7\": {\"frequency\": 1, \"value\": \"8727_7\"}, \"11630_8\": {\"frequency\": 1, \"value\": \"11630_8\"}, \"879_8\": {\"frequency\": 1, \"value\": \"879_8\"}, \"425_2\": {\"frequency\": 1, \"value\": \"425_2\"}, \"2950_10\": {\"frequency\": 1, \"value\": \"2950_10\"}, \"6252_10\": {\"frequency\": 1, \"value\": \"6252_10\"}, \"2511_4\": {\"frequency\": 1, \"value\": \"2511_4\"}, \"2170_4\": {\"frequency\": 1, \"value\": \"2170_4\"}, \"6497_10\": {\"frequency\": 1, \"value\": \"6497_10\"}, \"268_8\": {\"frequency\": 1, \"value\": \"268_8\"}, \"8547_3\": {\"frequency\": 1, \"value\": \"8547_3\"}, \"3356_4\": {\"frequency\": 1, \"value\": \"3356_4\"}, \"6154_4\": {\"frequency\": 1, \"value\": \"6154_4\"}, \"7398_10\": {\"frequency\": 1, \"value\": \"7398_10\"}, \"625_4\": {\"frequency\": 1, \"value\": \"625_4\"}, \"3048_10\": {\"frequency\": 1, \"value\": \"3048_10\"}, \"6884_10\": {\"frequency\": 1, \"value\": \"6884_10\"}, \"9340_8\": {\"frequency\": 1, \"value\": \"9340_8\"}, \"872_9\": {\"frequency\": 1, \"value\": \"872_9\"}, \"10542_7\": {\"frequency\": 1, \"value\": \"10542_7\"}, \"11886_10\": {\"frequency\": 1, \"value\": \"11886_10\"}, \"7598_10\": {\"frequency\": 1, \"value\": \"7598_10\"}, \"5320_2\": {\"frequency\": 1, \"value\": \"5320_2\"}, \"7183_1\": {\"frequency\": 1, \"value\": \"7183_1\"}, \"4849_1\": {\"frequency\": 2, \"value\": \"4849_1\"}, \"6475_3\": {\"frequency\": 1, \"value\": \"6475_3\"}, \"3852_2\": {\"frequency\": 1, \"value\": \"3852_2\"}, \"984_7\": {\"frequency\": 1, \"value\": \"984_7\"}, \"3479_1\": {\"frequency\": 1, \"value\": \"3479_1\"}, \"7591_8\": {\"frequency\": 1, \"value\": \"7591_8\"}, \"2666_10\": {\"frequency\": 1, \"value\": \"2666_10\"}, \"10162_3\": {\"frequency\": 1, \"value\": \"10162_3\"}, \"5292_7\": {\"frequency\": 2, \"value\": \"5292_7\"}, \"2550_9\": {\"frequency\": 1, \"value\": \"2550_9\"}, \"5363_1\": {\"frequency\": 1, \"value\": \"5363_1\"}, \"9651_9\": {\"frequency\": 1, \"value\": \"9651_9\"}, \"2552_3\": {\"frequency\": 1, \"value\": \"2552_3\"}, \"8840_3\": {\"frequency\": 1, \"value\": \"8840_3\"}, \"5290_3\": {\"frequency\": 1, \"value\": \"5290_3\"}, \"1074_10\": {\"frequency\": 1, \"value\": \"1074_10\"}, \"12363_9\": {\"frequency\": 1, \"value\": \"12363_9\"}, \"10129_7\": {\"frequency\": 1, \"value\": \"10129_7\"}, \"8346_9\": {\"frequency\": 1, \"value\": \"8346_9\"}, \"12041_1\": {\"frequency\": 1, \"value\": \"12041_1\"}, \"5582_3\": {\"frequency\": 1, \"value\": \"5582_3\"}, \"4225_10\": {\"frequency\": 2, \"value\": \"4225_10\"}, \"10899_10\": {\"frequency\": 1, \"value\": \"10899_10\"}, \"3995_1\": {\"frequency\": 1, \"value\": \"3995_1\"}, \"689_1\": {\"frequency\": 1, \"value\": \"689_1\"}, \"7142_8\": {\"frequency\": 1, \"value\": \"7142_8\"}, \"687_9\": {\"frequency\": 1, \"value\": \"687_9\"}, \"2930_10\": {\"frequency\": 1, \"value\": \"2930_10\"}, \"2730_9\": {\"frequency\": 1, \"value\": \"2730_9\"}, \"9344_8\": {\"frequency\": 1, \"value\": \"9344_8\"}, \"7627_4\": {\"frequency\": 1, \"value\": \"7627_4\"}, \"5586_8\": {\"frequency\": 1, \"value\": \"5586_8\"}, \"2730_3\": {\"frequency\": 1, \"value\": \"2730_3\"}, \"4653_10\": {\"frequency\": 1, \"value\": \"4653_10\"}, \"1220_4\": {\"frequency\": 1, \"value\": \"1220_4\"}, \"6945_10\": {\"frequency\": 1, \"value\": \"6945_10\"}, \"623_3\": {\"frequency\": 1, \"value\": \"623_3\"}, \"7374_10\": {\"frequency\": 1, \"value\": \"7374_10\"}, \"6255_8\": {\"frequency\": 1, \"value\": \"6255_8\"}, \"11899_2\": {\"frequency\": 1, \"value\": \"11899_2\"}, \"5584_8\": {\"frequency\": 1, \"value\": \"5584_8\"}, \"1681_4\": {\"frequency\": 1, \"value\": \"1681_4\"}, \"9346_1\": {\"frequency\": 1, \"value\": \"9346_1\"}, \"1220_9\": {\"frequency\": 1, \"value\": \"1220_9\"}, \"8191_8\": {\"frequency\": 1, \"value\": \"8191_8\"}, \"157_1\": {\"frequency\": 1, \"value\": \"157_1\"}, \"7897_8\": {\"frequency\": 1, \"value\": \"7897_8\"}, \"8886_3\": {\"frequency\": 1, \"value\": \"8886_3\"}, \"450_1\": {\"frequency\": 1, \"value\": \"450_1\"}, \"6434_7\": {\"frequency\": 1, \"value\": \"6434_7\"}, \"9260_1\": {\"frequency\": 1, \"value\": \"9260_1\"}, \"5268_1\": {\"frequency\": 1, \"value\": \"5268_1\"}, \"9962_3\": {\"frequency\": 1, \"value\": \"9962_3\"}, \"6658_3\": {\"frequency\": 1, \"value\": \"6658_3\"}, \"3687_7\": {\"frequency\": 1, \"value\": \"3687_7\"}, \"3248_10\": {\"frequency\": 1, \"value\": \"3248_10\"}, \"7265_8\": {\"frequency\": 1, \"value\": \"7265_8\"}, \"456_1\": {\"frequency\": 1, \"value\": \"456_1\"}, \"110_1\": {\"frequency\": 1, \"value\": \"110_1\"}, \"6395_9\": {\"frequency\": 1, \"value\": \"6395_9\"}, \"454_4\": {\"frequency\": 1, \"value\": \"454_4\"}, \"1590_10\": {\"frequency\": 1, \"value\": \"1590_10\"}, \"2637_7\": {\"frequency\": 1, \"value\": \"2637_7\"}, \"11938_3\": {\"frequency\": 1, \"value\": \"11938_3\"}, \"9643_10\": {\"frequency\": 1, \"value\": \"9643_10\"}, \"7040_1\": {\"frequency\": 1, \"value\": \"7040_1\"}, \"7878_7\": {\"frequency\": 1, \"value\": \"7878_7\"}, \"11678_8\": {\"frequency\": 1, \"value\": \"11678_8\"}, \"9645_8\": {\"frequency\": 1, \"value\": \"9645_8\"}, \"8381_8\": {\"frequency\": 1, \"value\": \"8381_8\"}, \"7957_10\": {\"frequency\": 1, \"value\": \"7957_10\"}, \"4567_10\": {\"frequency\": 1, \"value\": \"4567_10\"}, \"5746_9\": {\"frequency\": 1, \"value\": \"5746_9\"}, \"1768_4\": {\"frequency\": 1, \"value\": \"1768_4\"}, \"1768_9\": {\"frequency\": 1, \"value\": \"1768_9\"}, \"6725_1\": {\"frequency\": 1, \"value\": \"6725_1\"}, \"4573_10\": {\"frequency\": 1, \"value\": \"4573_10\"}, \"9167_7\": {\"frequency\": 2, \"value\": \"9167_7\"}, \"86_10\": {\"frequency\": 1, \"value\": \"86_10\"}, \"8498_3\": {\"frequency\": 1, \"value\": \"8498_3\"}, \"9592_8\": {\"frequency\": 1, \"value\": \"9592_8\"}, \"1082_10\": {\"frequency\": 1, \"value\": \"1082_10\"}, \"5919_1\": {\"frequency\": 1, \"value\": \"5919_1\"}, \"5240_1\": {\"frequency\": 1, \"value\": \"5240_1\"}, \"4452_8\": {\"frequency\": 1, \"value\": \"4452_8\"}, \"8147_10\": {\"frequency\": 1, \"value\": \"8147_10\"}, \"6474_8\": {\"frequency\": 1, \"value\": \"6474_8\"}, \"9835_9\": {\"frequency\": 1, \"value\": \"9835_9\"}, \"7894_10\": {\"frequency\": 1, \"value\": \"7894_10\"}, \"8884_9\": {\"frequency\": 1, \"value\": \"8884_9\"}, \"12446_8\": {\"frequency\": 1, \"value\": \"12446_8\"}, \"7209_8\": {\"frequency\": 1, \"value\": \"7209_8\"}, \"1066_10\": {\"frequency\": 1, \"value\": \"1066_10\"}, \"8023_7\": {\"frequency\": 1, \"value\": \"8023_7\"}, \"4870_10\": {\"frequency\": 1, \"value\": \"4870_10\"}, \"6617_1\": {\"frequency\": 1, \"value\": \"6617_1\"}, \"10048_10\": {\"frequency\": 1, \"value\": \"10048_10\"}, \"8389_1\": {\"frequency\": 1, \"value\": \"8389_1\"}, \"12402_2\": {\"frequency\": 1, \"value\": \"12402_2\"}, \"8969_1\": {\"frequency\": 1, \"value\": \"8969_1\"}, \"759_10\": {\"frequency\": 1, \"value\": \"759_10\"}, \"10501_10\": {\"frequency\": 1, \"value\": \"10501_10\"}, \"10461_9\": {\"frequency\": 1, \"value\": \"10461_9\"}, \"2664_9\": {\"frequency\": 1, \"value\": \"2664_9\"}, \"4414_9\": {\"frequency\": 1, \"value\": \"4414_9\"}, \"7208_3\": {\"frequency\": 1, \"value\": \"7208_3\"}, \"2974_8\": {\"frequency\": 1, \"value\": \"2974_8\"}, \"9263_1\": {\"frequency\": 1, \"value\": \"9263_1\"}, \"10049_1\": {\"frequency\": 1, \"value\": \"10049_1\"}, \"79_4\": {\"frequency\": 1, \"value\": \"79_4\"}, \"4638_10\": {\"frequency\": 1, \"value\": \"4638_10\"}, \"7108_3\": {\"frequency\": 1, \"value\": \"7108_3\"}, \"11013_1\": {\"frequency\": 1, \"value\": \"11013_1\"}, \"7031_10\": {\"frequency\": 1, \"value\": \"7031_10\"}, \"10673_2\": {\"frequency\": 1, \"value\": \"10673_2\"}, \"1111_10\": {\"frequency\": 1, \"value\": \"1111_10\"}, \"9457_1\": {\"frequency\": 1, \"value\": \"9457_1\"}, \"10733_7\": {\"frequency\": 1, \"value\": \"10733_7\"}, \"2213_9\": {\"frequency\": 1, \"value\": \"2213_9\"}, \"1939_8\": {\"frequency\": 1, \"value\": \"1939_8\"}, \"8698_10\": {\"frequency\": 1, \"value\": \"8698_10\"}, \"6962_1\": {\"frequency\": 1, \"value\": \"6962_1\"}, \"782_9\": {\"frequency\": 1, \"value\": \"782_9\"}, \"9396_9\": {\"frequency\": 1, \"value\": \"9396_9\"}, \"6921_1\": {\"frequency\": 1, \"value\": \"6921_1\"}, \"5157_1\": {\"frequency\": 1, \"value\": \"5157_1\"}, \"10731_1\": {\"frequency\": 1, \"value\": \"10731_1\"}, \"6866_1\": {\"frequency\": 1, \"value\": \"6866_1\"}, \"8153_1\": {\"frequency\": 1, \"value\": \"8153_1\"}, \"8154_10\": {\"frequency\": 1, \"value\": \"8154_10\"}, \"9788_9\": {\"frequency\": 1, \"value\": \"9788_9\"}, \"7063_3\": {\"frequency\": 1, \"value\": \"7063_3\"}, \"10269_7\": {\"frequency\": 1, \"value\": \"10269_7\"}, \"4221_8\": {\"frequency\": 1, \"value\": \"4221_8\"}, \"1811_1\": {\"frequency\": 1, \"value\": \"1811_1\"}, \"1892_3\": {\"frequency\": 1, \"value\": \"1892_3\"}, \"5447_4\": {\"frequency\": 1, \"value\": \"5447_4\"}, \"6037_10\": {\"frequency\": 1, \"value\": \"6037_10\"}, \"5247_4\": {\"frequency\": 1, \"value\": \"5247_4\"}, \"11592_10\": {\"frequency\": 1, \"value\": \"11592_10\"}, \"10608_2\": {\"frequency\": 1, \"value\": \"10608_2\"}, \"1813_1\": {\"frequency\": 1, \"value\": \"1813_1\"}, \"11050_1\": {\"frequency\": 1, \"value\": \"11050_1\"}, \"12156_8\": {\"frequency\": 1, \"value\": \"12156_8\"}, \"3890_2\": {\"frequency\": 1, \"value\": \"3890_2\"}, \"6757_4\": {\"frequency\": 1, \"value\": \"6757_4\"}, \"11050_8\": {\"frequency\": 1, \"value\": \"11050_8\"}, \"7738_8\": {\"frequency\": 1, \"value\": \"7738_8\"}, \"10779_10\": {\"frequency\": 1, \"value\": \"10779_10\"}, \"5704_2\": {\"frequency\": 1, \"value\": \"5704_2\"}, \"1147_4\": {\"frequency\": 1, \"value\": \"1147_4\"}, \"4410_4\": {\"frequency\": 1, \"value\": \"4410_4\"}, \"12259_7\": {\"frequency\": 1, \"value\": \"12259_7\"}, \"1246_3\": {\"frequency\": 1, \"value\": \"1246_3\"}, \"3609_1\": {\"frequency\": 1, \"value\": \"3609_1\"}, \"291_3\": {\"frequency\": 1, \"value\": \"291_3\"}, \"6610_1\": {\"frequency\": 1, \"value\": \"6610_1\"}, \"2471_2\": {\"frequency\": 1, \"value\": \"2471_2\"}, \"11016_1\": {\"frequency\": 1, \"value\": \"11016_1\"}, \"2770_4\": {\"frequency\": 1, \"value\": \"2770_4\"}, \"6097_1\": {\"frequency\": 1, \"value\": \"6097_1\"}, \"7024_2\": {\"frequency\": 1, \"value\": \"7024_2\"}, \"11231_10\": {\"frequency\": 2, \"value\": \"11231_10\"}, \"11265_1\": {\"frequency\": 1, \"value\": \"11265_1\"}, \"3371_4\": {\"frequency\": 1, \"value\": \"3371_4\"}, \"1348_3\": {\"frequency\": 1, \"value\": \"1348_3\"}, \"6091_7\": {\"frequency\": 1, \"value\": \"6091_7\"}, \"7671_1\": {\"frequency\": 1, \"value\": \"7671_1\"}, \"4386_9\": {\"frequency\": 1, \"value\": \"4386_9\"}, \"10468_9\": {\"frequency\": 1, \"value\": \"10468_9\"}, \"3318_3\": {\"frequency\": 1, \"value\": \"3318_3\"}, \"11430_8\": {\"frequency\": 1, \"value\": \"11430_8\"}, \"10754_4\": {\"frequency\": 1, \"value\": \"10754_4\"}, \"870_10\": {\"frequency\": 1, \"value\": \"870_10\"}, \"7047_10\": {\"frequency\": 1, \"value\": \"7047_10\"}, \"3570_10\": {\"frequency\": 1, \"value\": \"3570_10\"}, \"1113_10\": {\"frequency\": 1, \"value\": \"1113_10\"}, \"1878_10\": {\"frequency\": 1, \"value\": \"1878_10\"}, \"4451_9\": {\"frequency\": 1, \"value\": \"4451_9\"}, \"9468_7\": {\"frequency\": 1, \"value\": \"9468_7\"}, \"6827_4\": {\"frequency\": 1, \"value\": \"6827_4\"}, \"11054_7\": {\"frequency\": 1, \"value\": \"11054_7\"}, \"9040_9\": {\"frequency\": 1, \"value\": \"9040_9\"}, \"6674_9\": {\"frequency\": 1, \"value\": \"6674_9\"}, \"3861_10\": {\"frequency\": 1, \"value\": \"3861_10\"}, \"12152_2\": {\"frequency\": 1, \"value\": \"12152_2\"}, \"9495_8\": {\"frequency\": 1, \"value\": \"9495_8\"}, \"8815_2\": {\"frequency\": 1, \"value\": \"8815_2\"}, \"8785_1\": {\"frequency\": 1, \"value\": \"8785_1\"}, \"6530_8\": {\"frequency\": 1, \"value\": \"6530_8\"}, \"7734_10\": {\"frequency\": 1, \"value\": \"7734_10\"}, \"8597_9\": {\"frequency\": 1, \"value\": \"8597_9\"}, \"6530_4\": {\"frequency\": 1, \"value\": \"6530_4\"}, \"7970_1\": {\"frequency\": 1, \"value\": \"7970_1\"}, \"9491_10\": {\"frequency\": 1, \"value\": \"9491_10\"}, \"11335_2\": {\"frequency\": 1, \"value\": \"11335_2\"}, \"3086_1\": {\"frequency\": 1, \"value\": \"3086_1\"}, \"10968_7\": {\"frequency\": 1, \"value\": \"10968_7\"}, \"10968_1\": {\"frequency\": 1, \"value\": \"10968_1\"}, \"10854_10\": {\"frequency\": 1, \"value\": \"10854_10\"}, \"12351_4\": {\"frequency\": 1, \"value\": \"12351_4\"}, \"9145_1\": {\"frequency\": 1, \"value\": \"9145_1\"}, \"8291_1\": {\"frequency\": 1, \"value\": \"8291_1\"}, \"1181_9\": {\"frequency\": 1, \"value\": \"1181_9\"}, \"11950_2\": {\"frequency\": 1, \"value\": \"11950_2\"}, \"11436_9\": {\"frequency\": 1, \"value\": \"11436_9\"}, \"8819_1\": {\"frequency\": 1, \"value\": \"8819_1\"}, \"182_1\": {\"frequency\": 1, \"value\": \"182_1\"}, \"10139_4\": {\"frequency\": 1, \"value\": \"10139_4\"}, \"2357_3\": {\"frequency\": 1, \"value\": \"2357_3\"}, \"11950_8\": {\"frequency\": 1, \"value\": \"11950_8\"}, \"9752_10\": {\"frequency\": 1, \"value\": \"9752_10\"}, \"7026_7\": {\"frequency\": 1, \"value\": \"7026_7\"}, \"12113_8\": {\"frequency\": 1, \"value\": \"12113_8\"}, \"4266_7\": {\"frequency\": 1, \"value\": \"4266_7\"}, \"11194_10\": {\"frequency\": 1, \"value\": \"11194_10\"}, \"2642_10\": {\"frequency\": 1, \"value\": \"2642_10\"}, \"4266_3\": {\"frequency\": 1, \"value\": \"4266_3\"}, \"11434_2\": {\"frequency\": 1, \"value\": \"11434_2\"}, \"11278_8\": {\"frequency\": 1, \"value\": \"11278_8\"}, \"3267_8\": {\"frequency\": 2, \"value\": \"3267_8\"}, \"12359_8\": {\"frequency\": 1, \"value\": \"12359_8\"}, \"11278_1\": {\"frequency\": 1, \"value\": \"11278_1\"}, \"5485_10\": {\"frequency\": 1, \"value\": \"5485_10\"}, \"11116_4\": {\"frequency\": 1, \"value\": \"11116_4\"}, \"404_9\": {\"frequency\": 1, \"value\": \"404_9\"}, \"10678_4\": {\"frequency\": 1, \"value\": \"10678_4\"}, \"12357_7\": {\"frequency\": 1, \"value\": \"12357_7\"}, \"7330_2\": {\"frequency\": 1, \"value\": \"7330_2\"}, \"10782_7\": {\"frequency\": 1, \"value\": \"10782_7\"}, \"6427_10\": {\"frequency\": 1, \"value\": \"6427_10\"}, \"3261_4\": {\"frequency\": 1, \"value\": \"3261_4\"}, \"2318_3\": {\"frequency\": 1, \"value\": \"2318_3\"}, \"6138_1\": {\"frequency\": 1, \"value\": \"6138_1\"}, \"6180_7\": {\"frequency\": 1, \"value\": \"6180_7\"}, \"6752_3\": {\"frequency\": 1, \"value\": \"6752_3\"}, \"8495_8\": {\"frequency\": 1, \"value\": \"8495_8\"}, \"406_8\": {\"frequency\": 1, \"value\": \"406_8\"}, \"9402_7\": {\"frequency\": 1, \"value\": \"9402_7\"}, \"8059_1\": {\"frequency\": 1, \"value\": \"8059_1\"}, \"9102_8\": {\"frequency\": 1, \"value\": \"9102_8\"}, \"2039_9\": {\"frequency\": 1, \"value\": \"2039_9\"}, \"9713_2\": {\"frequency\": 1, \"value\": \"9713_2\"}, \"10964_1\": {\"frequency\": 1, \"value\": \"10964_1\"}, \"6532_8\": {\"frequency\": 1, \"value\": \"6532_8\"}, \"10674_1\": {\"frequency\": 1, \"value\": \"10674_1\"}, \"5442_8\": {\"frequency\": 2, \"value\": \"5442_8\"}, \"10964_7\": {\"frequency\": 1, \"value\": \"10964_7\"}, \"11098_1\": {\"frequency\": 1, \"value\": \"11098_1\"}, \"8787_8\": {\"frequency\": 1, \"value\": \"8787_8\"}, \"9452_9\": {\"frequency\": 1, \"value\": \"9452_9\"}, \"8295_4\": {\"frequency\": 1, \"value\": \"8295_4\"}, \"1931_1\": {\"frequency\": 1, \"value\": \"1931_1\"}, \"2780_4\": {\"frequency\": 1, \"value\": \"2780_4\"}, \"2448_8\": {\"frequency\": 1, \"value\": \"2448_8\"}, \"1975_1\": {\"frequency\": 1, \"value\": \"1975_1\"}, \"1542_4\": {\"frequency\": 1, \"value\": \"1542_4\"}, \"6419_10\": {\"frequency\": 1, \"value\": \"6419_10\"}, \"4340_8\": {\"frequency\": 1, \"value\": \"4340_8\"}, \"4556_2\": {\"frequency\": 1, \"value\": \"4556_2\"}, \"7838_8\": {\"frequency\": 1, \"value\": \"7838_8\"}, \"5277_10\": {\"frequency\": 1, \"value\": \"5277_10\"}, \"11961_1\": {\"frequency\": 1, \"value\": \"11961_1\"}, \"4340_2\": {\"frequency\": 1, \"value\": \"4340_2\"}, \"1682_7\": {\"frequency\": 1, \"value\": \"1682_7\"}, \"5400_4\": {\"frequency\": 1, \"value\": \"5400_4\"}, \"5627_4\": {\"frequency\": 1, \"value\": \"5627_4\"}, \"7525_2\": {\"frequency\": 1, \"value\": \"7525_2\"}, \"7972_10\": {\"frequency\": 1, \"value\": \"7972_10\"}, \"8331_8\": {\"frequency\": 1, \"value\": \"8331_8\"}, \"6491_10\": {\"frequency\": 1, \"value\": \"6491_10\"}, \"4513_8\": {\"frequency\": 1, \"value\": \"4513_8\"}, \"11276_1\": {\"frequency\": 1, \"value\": \"11276_1\"}, \"1937_2\": {\"frequency\": 1, \"value\": \"1937_2\"}, \"12118_4\": {\"frequency\": 1, \"value\": \"12118_4\"}, \"8748_8\": {\"frequency\": 1, \"value\": \"8748_8\"}, \"298_8\": {\"frequency\": 1, \"value\": \"298_8\"}, \"7285_3\": {\"frequency\": 1, \"value\": \"7285_3\"}, \"5855_9\": {\"frequency\": 1, \"value\": \"5855_9\"}, \"9069_7\": {\"frequency\": 1, \"value\": \"9069_7\"}, \"11113_3\": {\"frequency\": 1, \"value\": \"11113_3\"}, \"9187_10\": {\"frequency\": 1, \"value\": \"9187_10\"}, \"3606_2\": {\"frequency\": 1, \"value\": \"3606_2\"}, \"668_4\": {\"frequency\": 1, \"value\": \"668_4\"}, \"10429_10\": {\"frequency\": 1, \"value\": \"10429_10\"}, \"1656_4\": {\"frequency\": 1, \"value\": \"1656_4\"}, \"7970_10\": {\"frequency\": 1, \"value\": \"7970_10\"}, \"11724_8\": {\"frequency\": 1, \"value\": \"11724_8\"}, \"5547_8\": {\"frequency\": 1, \"value\": \"5547_8\"}, \"8257_2\": {\"frequency\": 1, \"value\": \"8257_2\"}, \"11330_8\": {\"frequency\": 1, \"value\": \"11330_8\"}, \"10368_7\": {\"frequency\": 1, \"value\": \"10368_7\"}, \"9461_1\": {\"frequency\": 2, \"value\": \"9461_1\"}, \"5123_2\": {\"frequency\": 1, \"value\": \"5123_2\"}, \"6387_3\": {\"frequency\": 1, \"value\": \"6387_3\"}, \"1267_7\": {\"frequency\": 1, \"value\": \"1267_7\"}, \"3678_4\": {\"frequency\": 1, \"value\": \"3678_4\"}, \"10264_4\": {\"frequency\": 1, \"value\": \"10264_4\"}, \"2431_1\": {\"frequency\": 1, \"value\": \"2431_1\"}, \"3678_8\": {\"frequency\": 1, \"value\": \"3678_8\"}, \"1255_10\": {\"frequency\": 1, \"value\": \"1255_10\"}, \"8717_9\": {\"frequency\": 1, \"value\": \"8717_9\"}, \"3676_2\": {\"frequency\": 1, \"value\": \"3676_2\"}, \"1938_9\": {\"frequency\": 1, \"value\": \"1938_9\"}, \"4552_9\": {\"frequency\": 1, \"value\": \"4552_9\"}, \"3676_8\": {\"frequency\": 2, \"value\": \"3676_8\"}, \"544_8\": {\"frequency\": 1, \"value\": \"544_8\"}, \"6723_10\": {\"frequency\": 1, \"value\": \"6723_10\"}, \"1587_10\": {\"frequency\": 1, \"value\": \"1587_10\"}, \"5743_10\": {\"frequency\": 1, \"value\": \"5743_10\"}, \"12164_9\": {\"frequency\": 1, \"value\": \"12164_9\"}, \"7271_4\": {\"frequency\": 1, \"value\": \"7271_4\"}, \"7835_4\": {\"frequency\": 1, \"value\": \"7835_4\"}, \"7271_7\": {\"frequency\": 1, \"value\": \"7271_7\"}, \"7716_4\": {\"frequency\": 1, \"value\": \"7716_4\"}, \"7526_8\": {\"frequency\": 1, \"value\": \"7526_8\"}, \"3500_10\": {\"frequency\": 1, \"value\": \"3500_10\"}, \"5162_9\": {\"frequency\": 1, \"value\": \"5162_9\"}, \"5086_7\": {\"frequency\": 1, \"value\": \"5086_7\"}, \"12355_10\": {\"frequency\": 1, \"value\": \"12355_10\"}, \"5355_8\": {\"frequency\": 1, \"value\": \"5355_8\"}, \"7472_9\": {\"frequency\": 1, \"value\": \"7472_9\"}, \"7724_1\": {\"frequency\": 1, \"value\": \"7724_1\"}, \"11155_2\": {\"frequency\": 1, \"value\": \"11155_2\"}, \"3872_4\": {\"frequency\": 1, \"value\": \"3872_4\"}, \"12397_8\": {\"frequency\": 1, \"value\": \"12397_8\"}, \"3826_10\": {\"frequency\": 1, \"value\": \"3826_10\"}, \"11111_9\": {\"frequency\": 1, \"value\": \"11111_9\"}, \"7522_8\": {\"frequency\": 1, \"value\": \"7522_8\"}, \"9090_9\": {\"frequency\": 1, \"value\": \"9090_9\"}, \"11111_1\": {\"frequency\": 1, \"value\": \"11111_1\"}, \"918_2\": {\"frequency\": 1, \"value\": \"918_2\"}, \"6066_2\": {\"frequency\": 1, \"value\": \"6066_2\"}, \"3360_7\": {\"frequency\": 1, \"value\": \"3360_7\"}, \"1789_3\": {\"frequency\": 1, \"value\": \"1789_3\"}, \"2170_9\": {\"frequency\": 1, \"value\": \"2170_9\"}, \"12299_7\": {\"frequency\": 1, \"value\": \"12299_7\"}, \"4079_4\": {\"frequency\": 1, \"value\": \"4079_4\"}, \"1368_10\": {\"frequency\": 1, \"value\": \"1368_10\"}, \"10500_4\": {\"frequency\": 1, \"value\": \"10500_4\"}, \"198_8\": {\"frequency\": 1, \"value\": \"198_8\"}, \"11252_1\": {\"frequency\": 1, \"value\": \"11252_1\"}, \"7273_4\": {\"frequency\": 1, \"value\": \"7273_4\"}, \"3938_1\": {\"frequency\": 1, \"value\": \"3938_1\"}, \"64_7\": {\"frequency\": 1, \"value\": \"64_7\"}, \"5048_2\": {\"frequency\": 1, \"value\": \"5048_2\"}, \"9540_2\": {\"frequency\": 1, \"value\": \"9540_2\"}, \"10841_2\": {\"frequency\": 1, \"value\": \"10841_2\"}, \"1785_2\": {\"frequency\": 1, \"value\": \"1785_2\"}, \"3009_8\": {\"frequency\": 1, \"value\": \"3009_8\"}, \"1781_10\": {\"frequency\": 1, \"value\": \"1781_10\"}, \"1462_1\": {\"frequency\": 1, \"value\": \"1462_1\"}, \"1502_1\": {\"frequency\": 1, \"value\": \"1502_1\"}, \"3548_3\": {\"frequency\": 1, \"value\": \"3548_3\"}, \"9727_7\": {\"frequency\": 1, \"value\": \"9727_7\"}, \"10213_1\": {\"frequency\": 1, \"value\": \"10213_1\"}, \"2117_10\": {\"frequency\": 1, \"value\": \"2117_10\"}, \"1317_8\": {\"frequency\": 1, \"value\": \"1317_8\"}, \"3368_1\": {\"frequency\": 1, \"value\": \"3368_1\"}, \"5436_7\": {\"frequency\": 1, \"value\": \"5436_7\"}, \"5081_4\": {\"frequency\": 1, \"value\": \"5081_4\"}, \"8473_8\": {\"frequency\": 1, \"value\": \"8473_8\"}, \"10976_10\": {\"frequency\": 1, \"value\": \"10976_10\"}, \"12058_4\": {\"frequency\": 1, \"value\": \"12058_4\"}, \"8236_1\": {\"frequency\": 1, \"value\": \"8236_1\"}, \"5434_9\": {\"frequency\": 1, \"value\": \"5434_9\"}, \"277_4\": {\"frequency\": 1, \"value\": \"277_4\"}, \"1724_10\": {\"frequency\": 1, \"value\": \"1724_10\"}, \"4690_2\": {\"frequency\": 1, \"value\": \"4690_2\"}, \"9760_4\": {\"frequency\": 1, \"value\": \"9760_4\"}, \"2137_1\": {\"frequency\": 1, \"value\": \"2137_1\"}, \"5432_2\": {\"frequency\": 1, \"value\": \"5432_2\"}, \"815_7\": {\"frequency\": 1, \"value\": \"815_7\"}, \"3967_7\": {\"frequency\": 1, \"value\": \"3967_7\"}, \"7152_9\": {\"frequency\": 1, \"value\": \"7152_9\"}, \"11197_1\": {\"frequency\": 1, \"value\": \"11197_1\"}, \"2962_1\": {\"frequency\": 1, \"value\": \"2962_1\"}, \"2671_7\": {\"frequency\": 1, \"value\": \"2671_7\"}, \"9195_1\": {\"frequency\": 1, \"value\": \"9195_1\"}, \"5020_10\": {\"frequency\": 1, \"value\": \"5020_10\"}, \"4613_4\": {\"frequency\": 1, \"value\": \"4613_4\"}, \"9793_1\": {\"frequency\": 1, \"value\": \"9793_1\"}, \"8617_1\": {\"frequency\": 1, \"value\": \"8617_1\"}, \"5042_9\": {\"frequency\": 1, \"value\": \"5042_9\"}, \"3141_10\": {\"frequency\": 1, \"value\": \"3141_10\"}, \"5198_3\": {\"frequency\": 1, \"value\": \"5198_3\"}, \"4203_2\": {\"frequency\": 1, \"value\": \"4203_2\"}, \"12074_10\": {\"frequency\": 1, \"value\": \"12074_10\"}, \"12428_2\": {\"frequency\": 1, \"value\": \"12428_2\"}, \"11576_7\": {\"frequency\": 1, \"value\": \"11576_7\"}, \"2847_8\": {\"frequency\": 1, \"value\": \"2847_8\"}, \"10370_4\": {\"frequency\": 1, \"value\": \"10370_4\"}, \"11723_1\": {\"frequency\": 1, \"value\": \"11723_1\"}, \"5040_3\": {\"frequency\": 1, \"value\": \"5040_3\"}, \"3500_1\": {\"frequency\": 1, \"value\": \"3500_1\"}, \"11023_9\": {\"frequency\": 1, \"value\": \"11023_9\"}, \"8435_1\": {\"frequency\": 1, \"value\": \"8435_1\"}, \"11721_1\": {\"frequency\": 1, \"value\": \"11721_1\"}, \"5473_2\": {\"frequency\": 1, \"value\": \"5473_2\"}, \"8724_10\": {\"frequency\": 1, \"value\": \"8724_10\"}, \"8820_7\": {\"frequency\": 1, \"value\": \"8820_7\"}, \"11533_8\": {\"frequency\": 1, \"value\": \"11533_8\"}, \"10374_8\": {\"frequency\": 1, \"value\": \"10374_8\"}, \"7293_10\": {\"frequency\": 1, \"value\": \"7293_10\"}, \"6948_10\": {\"frequency\": 1, \"value\": \"6948_10\"}, \"8437_3\": {\"frequency\": 1, \"value\": \"8437_3\"}, \"9953_1\": {\"frequency\": 1, \"value\": \"9953_1\"}, \"4658_8\": {\"frequency\": 1, \"value\": \"4658_8\"}, \"4134_7\": {\"frequency\": 1, \"value\": \"4134_7\"}, \"11953_8\": {\"frequency\": 1, \"value\": \"11953_8\"}, \"10333_8\": {\"frequency\": 1, \"value\": \"10333_8\"}, \"1033_4\": {\"frequency\": 1, \"value\": \"1033_4\"}, \"3580_4\": {\"frequency\": 1, \"value\": \"3580_4\"}, \"11402_4\": {\"frequency\": 1, \"value\": \"11402_4\"}, \"9080_3\": {\"frequency\": 1, \"value\": \"9080_3\"}, \"8917_2\": {\"frequency\": 1, \"value\": \"8917_2\"}, \"1012_10\": {\"frequency\": 1, \"value\": \"1012_10\"}, \"10331_2\": {\"frequency\": 1, \"value\": \"10331_2\"}, \"5165_1\": {\"frequency\": 1, \"value\": \"5165_1\"}, \"395_1\": {\"frequency\": 1, \"value\": \"395_1\"}, \"10972_10\": {\"frequency\": 1, \"value\": \"10972_10\"}, \"5001_7\": {\"frequency\": 1, \"value\": \"5001_7\"}, \"7650_1\": {\"frequency\": 1, \"value\": \"7650_1\"}, \"11849_4\": {\"frequency\": 1, \"value\": \"11849_4\"}, \"2767_1\": {\"frequency\": 1, \"value\": \"2767_1\"}, \"3195_10\": {\"frequency\": 1, \"value\": \"3195_10\"}, \"2253_2\": {\"frequency\": 1, \"value\": \"2253_2\"}, \"2767_8\": {\"frequency\": 1, \"value\": \"2767_8\"}, \"6597_9\": {\"frequency\": 1, \"value\": \"6597_9\"}, \"7235_8\": {\"frequency\": 1, \"value\": \"7235_8\"}, \"3906_10\": {\"frequency\": 1, \"value\": \"3906_10\"}, \"4110_10\": {\"frequency\": 1, \"value\": \"4110_10\"}, \"2273_4\": {\"frequency\": 2, \"value\": \"2273_4\"}, \"574_4\": {\"frequency\": 1, \"value\": \"574_4\"}, \"3120_8\": {\"frequency\": 1, \"value\": \"3120_8\"}, \"8747_3\": {\"frequency\": 1, \"value\": \"8747_3\"}, \"10425_3\": {\"frequency\": 1, \"value\": \"10425_3\"}, \"9983_3\": {\"frequency\": 1, \"value\": \"9983_3\"}, \"2540_2\": {\"frequency\": 1, \"value\": \"2540_2\"}, \"8027_1\": {\"frequency\": 1, \"value\": \"8027_1\"}, \"4342_10\": {\"frequency\": 1, \"value\": \"4342_10\"}, \"1704_8\": {\"frequency\": 1, \"value\": \"1704_8\"}, \"1070_1\": {\"frequency\": 1, \"value\": \"1070_1\"}, \"5119_3\": {\"frequency\": 1, \"value\": \"5119_3\"}, \"11393_7\": {\"frequency\": 1, \"value\": \"11393_7\"}, \"11681_1\": {\"frequency\": 1, \"value\": \"11681_1\"}, \"10423_9\": {\"frequency\": 1, \"value\": \"10423_9\"}, \"8484_10\": {\"frequency\": 1, \"value\": \"8484_10\"}, \"9987_9\": {\"frequency\": 1, \"value\": \"9987_9\"}, \"5474_9\": {\"frequency\": 1, \"value\": \"5474_9\"}, \"10337_3\": {\"frequency\": 1, \"value\": \"10337_3\"}, \"5007_1\": {\"frequency\": 1, \"value\": \"5007_1\"}, \"1037_1\": {\"frequency\": 1, \"value\": \"1037_1\"}, \"9985_1\": {\"frequency\": 1, \"value\": \"9985_1\"}, \"1851_1\": {\"frequency\": 1, \"value\": \"1851_1\"}, \"9904_4\": {\"frequency\": 1, \"value\": \"9904_4\"}, \"391_8\": {\"frequency\": 1, \"value\": \"391_8\"}, \"4656_4\": {\"frequency\": 1, \"value\": \"4656_4\"}, \"10421_7\": {\"frequency\": 1, \"value\": \"10421_7\"}, \"6111_10\": {\"frequency\": 1, \"value\": \"6111_10\"}, \"10178_3\": {\"frequency\": 1, \"value\": \"10178_3\"}, \"9184_10\": {\"frequency\": 1, \"value\": \"9184_10\"}, \"9256_1\": {\"frequency\": 1, \"value\": \"9256_1\"}, \"1212_8\": {\"frequency\": 1, \"value\": \"1212_8\"}, \"8079_3\": {\"frequency\": 1, \"value\": \"8079_3\"}, \"5592_2\": {\"frequency\": 1, \"value\": \"5592_2\"}, \"3421_4\": {\"frequency\": 1, \"value\": \"3421_4\"}, \"9600_8\": {\"frequency\": 1, \"value\": \"9600_8\"}, \"637_3\": {\"frequency\": 1, \"value\": \"637_3\"}, \"1210_1\": {\"frequency\": 1, \"value\": \"1210_1\"}, \"3844_8\": {\"frequency\": 1, \"value\": \"3844_8\"}, \"7768_8\": {\"frequency\": 1, \"value\": \"7768_8\"}, \"2544_8\": {\"frequency\": 1, \"value\": \"2544_8\"}, \"5636_10\": {\"frequency\": 1, \"value\": \"5636_10\"}, \"1686_10\": {\"frequency\": 1, \"value\": \"1686_10\"}, \"8518_10\": {\"frequency\": 1, \"value\": \"8518_10\"}, \"7614_1\": {\"frequency\": 1, \"value\": \"7614_1\"}, \"3167_7\": {\"frequency\": 2, \"value\": \"3167_7\"}, \"4859_7\": {\"frequency\": 1, \"value\": \"4859_7\"}, \"10700_3\": {\"frequency\": 1, \"value\": \"10700_3\"}, \"2803_2\": {\"frequency\": 1, \"value\": \"2803_2\"}, \"2448_4\": {\"frequency\": 1, \"value\": \"2448_4\"}, \"8966_10\": {\"frequency\": 1, \"value\": \"8966_10\"}, \"9313_1\": {\"frequency\": 1, \"value\": \"9313_1\"}, \"639_3\": {\"frequency\": 1, \"value\": \"639_3\"}, \"6334_8\": {\"frequency\": 1, \"value\": \"6334_8\"}, \"12164_1\": {\"frequency\": 1, \"value\": \"12164_1\"}, \"1075_1\": {\"frequency\": 1, \"value\": \"1075_1\"}, \"2926_8\": {\"frequency\": 1, \"value\": \"2926_8\"}, \"6666_4\": {\"frequency\": 1, \"value\": \"6666_4\"}, \"5898_4\": {\"frequency\": 1, \"value\": \"5898_4\"}, \"2920_8\": {\"frequency\": 1, \"value\": \"2920_8\"}, \"1587_2\": {\"frequency\": 1, \"value\": \"1587_2\"}, \"375_9\": {\"frequency\": 1, \"value\": \"375_9\"}, \"1851_10\": {\"frequency\": 2, \"value\": \"1851_10\"}, \"6237_4\": {\"frequency\": 1, \"value\": \"6237_4\"}, \"7868_3\": {\"frequency\": 1, \"value\": \"7868_3\"}, \"521_10\": {\"frequency\": 1, \"value\": \"521_10\"}, \"12026_8\": {\"frequency\": 1, \"value\": \"12026_8\"}, \"10839_2\": {\"frequency\": 1, \"value\": \"10839_2\"}, \"104_3\": {\"frequency\": 1, \"value\": \"104_3\"}, \"2387_2\": {\"frequency\": 1, \"value\": \"2387_2\"}, \"2809_8\": {\"frequency\": 1, \"value\": \"2809_8\"}, \"4566_1\": {\"frequency\": 1, \"value\": \"4566_1\"}, \"5334_7\": {\"frequency\": 1, \"value\": \"5334_7\"}, \"2381_9\": {\"frequency\": 1, \"value\": \"2381_9\"}, \"10432_10\": {\"frequency\": 1, \"value\": \"10432_10\"}, \"4131_7\": {\"frequency\": 1, \"value\": \"4131_7\"}, \"8068_1\": {\"frequency\": 1, \"value\": \"8068_1\"}, \"1214_3\": {\"frequency\": 1, \"value\": \"1214_3\"}, \"4688_10\": {\"frequency\": 1, \"value\": \"4688_10\"}, \"10771_2\": {\"frequency\": 1, \"value\": \"10771_2\"}, \"141_9\": {\"frequency\": 1, \"value\": \"141_9\"}, \"7370_7\": {\"frequency\": 1, \"value\": \"7370_7\"}, \"2647_4\": {\"frequency\": 1, \"value\": \"2647_4\"}, \"10559_8\": {\"frequency\": 1, \"value\": \"10559_8\"}, \"1846_8\": {\"frequency\": 1, \"value\": \"1846_8\"}, \"19_4\": {\"frequency\": 1, \"value\": \"19_4\"}, \"5339_2\": {\"frequency\": 1, \"value\": \"5339_2\"}, \"10079_8\": {\"frequency\": 1, \"value\": \"10079_8\"}, \"5169_7\": {\"frequency\": 1, \"value\": \"5169_7\"}, \"7521_7\": {\"frequency\": 1, \"value\": \"7521_7\"}, \"6233_4\": {\"frequency\": 1, \"value\": \"6233_4\"}, \"804_10\": {\"frequency\": 1, \"value\": \"804_10\"}, \"9183_10\": {\"frequency\": 1, \"value\": \"9183_10\"}, \"5892_8\": {\"frequency\": 1, \"value\": \"5892_8\"}, \"12190_4\": {\"frequency\": 1, \"value\": \"12190_4\"}, \"4998_9\": {\"frequency\": 1, \"value\": \"4998_9\"}, \"7864_8\": {\"frequency\": 1, \"value\": \"7864_8\"}, \"12323_4\": {\"frequency\": 1, \"value\": \"12323_4\"}, \"12192_4\": {\"frequency\": 1, \"value\": \"12192_4\"}, \"6235_1\": {\"frequency\": 1, \"value\": \"6235_1\"}, \"7728_7\": {\"frequency\": 1, \"value\": \"7728_7\"}, \"6252_1\": {\"frequency\": 1, \"value\": \"6252_1\"}, \"1077_3\": {\"frequency\": 1, \"value\": \"1077_3\"}, \"7158_1\": {\"frequency\": 1, \"value\": \"7158_1\"}, \"2268_1\": {\"frequency\": 1, \"value\": \"2268_1\"}, \"11769_1\": {\"frequency\": 1, \"value\": \"11769_1\"}, \"8075_8\": {\"frequency\": 1, \"value\": \"8075_8\"}, \"9214_3\": {\"frequency\": 1, \"value\": \"9214_3\"}, \"11198_1\": {\"frequency\": 1, \"value\": \"11198_1\"}, \"11795_1\": {\"frequency\": 1, \"value\": \"11795_1\"}, \"6487_1\": {\"frequency\": 1, \"value\": \"6487_1\"}, \"6406_4\": {\"frequency\": 1, \"value\": \"6406_4\"}, \"802_10\": {\"frequency\": 1, \"value\": \"802_10\"}, \"8855_10\": {\"frequency\": 1, \"value\": \"8855_10\"}, \"9824_4\": {\"frequency\": 1, \"value\": \"9824_4\"}, \"3358_9\": {\"frequency\": 1, \"value\": \"3358_9\"}, \"12246_1\": {\"frequency\": 1, \"value\": \"12246_1\"}, \"7168_10\": {\"frequency\": 1, \"value\": \"7168_10\"}, \"11761_1\": {\"frequency\": 1, \"value\": \"11761_1\"}, \"2223_3\": {\"frequency\": 1, \"value\": \"2223_3\"}, \"11767_8\": {\"frequency\": 1, \"value\": \"11767_8\"}, \"12246_9\": {\"frequency\": 2, \"value\": \"12246_9\"}, \"902_9\": {\"frequency\": 1, \"value\": \"902_9\"}, \"11765_4\": {\"frequency\": 1, \"value\": \"11765_4\"}, \"767_9\": {\"frequency\": 1, \"value\": \"767_9\"}, \"3154_2\": {\"frequency\": 1, \"value\": \"3154_2\"}, \"3145_3\": {\"frequency\": 1, \"value\": \"3145_3\"}, \"382_10\": {\"frequency\": 1, \"value\": \"382_10\"}, \"145_2\": {\"frequency\": 1, \"value\": \"145_2\"}, \"2264_9\": {\"frequency\": 1, \"value\": \"2264_9\"}, \"7374_1\": {\"frequency\": 1, \"value\": \"7374_1\"}, \"9913_10\": {\"frequency\": 1, \"value\": \"9913_10\"}, \"7564_1\": {\"frequency\": 1, \"value\": \"7564_1\"}, \"6448_10\": {\"frequency\": 1, \"value\": \"6448_10\"}, \"6953_2\": {\"frequency\": 1, \"value\": \"6953_2\"}, \"15_7\": {\"frequency\": 1, \"value\": \"15_7\"}, \"7881_2\": {\"frequency\": 1, \"value\": \"7881_2\"}, \"4410_10\": {\"frequency\": 1, \"value\": \"4410_10\"}, \"11821_2\": {\"frequency\": 1, \"value\": \"11821_2\"}, \"7117_1\": {\"frequency\": 1, \"value\": \"7117_1\"}, \"7881_9\": {\"frequency\": 1, \"value\": \"7881_9\"}, \"509_3\": {\"frequency\": 1, \"value\": \"509_3\"}, \"2216_9\": {\"frequency\": 1, \"value\": \"2216_9\"}, \"9690_4\": {\"frequency\": 1, \"value\": \"9690_4\"}, \"4420_1\": {\"frequency\": 1, \"value\": \"4420_1\"}, \"3044_1\": {\"frequency\": 1, \"value\": \"3044_1\"}, \"5136_10\": {\"frequency\": 1, \"value\": \"5136_10\"}, \"6872_7\": {\"frequency\": 1, \"value\": \"6872_7\"}, \"1318_2\": {\"frequency\": 1, \"value\": \"1318_2\"}, \"11283_1\": {\"frequency\": 1, \"value\": \"11283_1\"}, \"2229_7\": {\"frequency\": 1, \"value\": \"2229_7\"}, \"2229_1\": {\"frequency\": 1, \"value\": \"2229_1\"}, \"6626_1\": {\"frequency\": 1, \"value\": \"6626_1\"}, \"2676_1\": {\"frequency\": 1, \"value\": \"2676_1\"}, \"8968_8\": {\"frequency\": 1, \"value\": \"8968_8\"}, \"8145_1\": {\"frequency\": 1, \"value\": \"8145_1\"}, \"11418_4\": {\"frequency\": 1, \"value\": \"11418_4\"}, \"12081_8\": {\"frequency\": 1, \"value\": \"12081_8\"}, \"6310_10\": {\"frequency\": 1, \"value\": \"6310_10\"}, \"7837_10\": {\"frequency\": 1, \"value\": \"7837_10\"}, \"1507_8\": {\"frequency\": 2, \"value\": \"1507_8\"}, \"8633_8\": {\"frequency\": 1, \"value\": \"8633_8\"}, \"12081_1\": {\"frequency\": 1, \"value\": \"12081_1\"}, \"3534_10\": {\"frequency\": 1, \"value\": \"3534_10\"}, \"7765_4\": {\"frequency\": 1, \"value\": \"7765_4\"}, \"6874_4\": {\"frequency\": 1, \"value\": \"6874_4\"}, \"6879_10\": {\"frequency\": 1, \"value\": \"6879_10\"}, \"9521_3\": {\"frequency\": 1, \"value\": \"9521_3\"}, \"5756_8\": {\"frequency\": 1, \"value\": \"5756_8\"}, \"6293_10\": {\"frequency\": 1, \"value\": \"6293_10\"}, \"2961_1\": {\"frequency\": 1, \"value\": \"2961_1\"}, \"6077_1\": {\"frequency\": 1, \"value\": \"6077_1\"}, \"12087_1\": {\"frequency\": 1, \"value\": \"12087_1\"}, \"5702_10\": {\"frequency\": 1, \"value\": \"5702_10\"}, \"2996_4\": {\"frequency\": 1, \"value\": \"2996_4\"}, \"5233_4\": {\"frequency\": 1, \"value\": \"5233_4\"}, \"12438_1\": {\"frequency\": 1, \"value\": \"12438_1\"}, \"7404_9\": {\"frequency\": 1, \"value\": \"7404_9\"}, \"3707_2\": {\"frequency\": 1, \"value\": \"3707_2\"}, \"3133_1\": {\"frequency\": 1, \"value\": \"3133_1\"}, \"4463_7\": {\"frequency\": 1, \"value\": \"4463_7\"}, \"9223_9\": {\"frequency\": 2, \"value\": \"9223_9\"}, \"5844_8\": {\"frequency\": 1, \"value\": \"5844_8\"}, \"4169_7\": {\"frequency\": 1, \"value\": \"4169_7\"}, \"7333_10\": {\"frequency\": 1, \"value\": \"7333_10\"}, \"4237_3\": {\"frequency\": 1, \"value\": \"4237_3\"}, \"7704_10\": {\"frequency\": 2, \"value\": \"7704_10\"}, \"2517_9\": {\"frequency\": 1, \"value\": \"2517_9\"}, \"2073_7\": {\"frequency\": 1, \"value\": \"2073_7\"}, \"7057_1\": {\"frequency\": 1, \"value\": \"7057_1\"}, \"10900_8\": {\"frequency\": 1, \"value\": \"10900_8\"}, \"10295_1\": {\"frequency\": 1, \"value\": \"10295_1\"}, \"6801_9\": {\"frequency\": 1, \"value\": \"6801_9\"}, \"11527_1\": {\"frequency\": 1, \"value\": \"11527_1\"}, \"10297_3\": {\"frequency\": 1, \"value\": \"10297_3\"}, \"6279_1\": {\"frequency\": 1, \"value\": \"6279_1\"}, \"738_1\": {\"frequency\": 1, \"value\": \"738_1\"}, \"4467_7\": {\"frequency\": 1, \"value\": \"4467_7\"}, \"5710_1\": {\"frequency\": 1, \"value\": \"5710_1\"}, \"1843_9\": {\"frequency\": 1, \"value\": \"1843_9\"}, \"6998_4\": {\"frequency\": 1, \"value\": \"6998_4\"}, \"11814_7\": {\"frequency\": 1, \"value\": \"11814_7\"}, \"6837_10\": {\"frequency\": 1, \"value\": \"6837_10\"}, \"11529_7\": {\"frequency\": 1, \"value\": \"11529_7\"}, \"6788_9\": {\"frequency\": 1, \"value\": \"6788_9\"}, \"8184_7\": {\"frequency\": 1, \"value\": \"8184_7\"}, \"10457_8\": {\"frequency\": 1, \"value\": \"10457_8\"}, \"8639_3\": {\"frequency\": 1, \"value\": \"8639_3\"}, \"11924_10\": {\"frequency\": 1, \"value\": \"11924_10\"}, \"5616_3\": {\"frequency\": 1, \"value\": \"5616_3\"}, \"8104_7\": {\"frequency\": 1, \"value\": \"8104_7\"}, \"12193_10\": {\"frequency\": 1, \"value\": \"12193_10\"}, \"7481_10\": {\"frequency\": 1, \"value\": \"7481_10\"}, \"12192_7\": {\"frequency\": 1, \"value\": \"12192_7\"}, \"12338_10\": {\"frequency\": 1, \"value\": \"12338_10\"}, \"11615_9\": {\"frequency\": 1, \"value\": \"11615_9\"}, \"6535_10\": {\"frequency\": 1, \"value\": \"6535_10\"}, \"4993_2\": {\"frequency\": 1, \"value\": \"4993_2\"}, \"10183_7\": {\"frequency\": 1, \"value\": \"10183_7\"}, \"12124_1\": {\"frequency\": 1, \"value\": \"12124_1\"}, \"10104_1\": {\"frequency\": 1, \"value\": \"10104_1\"}, \"453_10\": {\"frequency\": 2, \"value\": \"453_10\"}, \"321_10\": {\"frequency\": 1, \"value\": \"321_10\"}, \"1452_8\": {\"frequency\": 1, \"value\": \"1452_8\"}, \"3293_10\": {\"frequency\": 1, \"value\": \"3293_10\"}, \"4334_1\": {\"frequency\": 1, \"value\": \"4334_1\"}, \"469_2\": {\"frequency\": 1, \"value\": \"469_2\"}, \"1452_1\": {\"frequency\": 1, \"value\": \"1452_1\"}, \"4167_2\": {\"frequency\": 1, \"value\": \"4167_2\"}, \"1100_3\": {\"frequency\": 1, \"value\": \"1100_3\"}, \"614_10\": {\"frequency\": 1, \"value\": \"614_10\"}, \"4997_2\": {\"frequency\": 1, \"value\": \"4997_2\"}, \"9418_2\": {\"frequency\": 1, \"value\": \"9418_2\"}, \"584_8\": {\"frequency\": 1, \"value\": \"584_8\"}, \"11928_8\": {\"frequency\": 1, \"value\": \"11928_8\"}, \"3820_8\": {\"frequency\": 1, \"value\": \"3820_8\"}, \"10836_10\": {\"frequency\": 1, \"value\": \"10836_10\"}, \"7351_10\": {\"frequency\": 1, \"value\": \"7351_10\"}, \"3254_3\": {\"frequency\": 1, \"value\": \"3254_3\"}, \"6290_7\": {\"frequency\": 1, \"value\": \"6290_7\"}, \"9485_3\": {\"frequency\": 1, \"value\": \"9485_3\"}, \"4963_10\": {\"frequency\": 1, \"value\": \"4963_10\"}, \"4856_2\": {\"frequency\": 1, \"value\": \"4856_2\"}, \"3947_2\": {\"frequency\": 1, \"value\": \"3947_2\"}, \"1903_10\": {\"frequency\": 1, \"value\": \"1903_10\"}, \"6520_7\": {\"frequency\": 1, \"value\": \"6520_7\"}, \"1944_1\": {\"frequency\": 1, \"value\": \"1944_1\"}, \"4854_7\": {\"frequency\": 1, \"value\": \"4854_7\"}, \"891_10\": {\"frequency\": 1, \"value\": \"891_10\"}, \"2304_1\": {\"frequency\": 1, \"value\": \"2304_1\"}, \"8583_4\": {\"frequency\": 1, \"value\": \"8583_4\"}, \"2768_2\": {\"frequency\": 1, \"value\": \"2768_2\"}, \"4276_4\": {\"frequency\": 1, \"value\": \"4276_4\"}, \"5745_3\": {\"frequency\": 1, \"value\": \"5745_3\"}, \"11851_10\": {\"frequency\": 1, \"value\": \"11851_10\"}, \"11024_4\": {\"frequency\": 1, \"value\": \"11024_4\"}, \"230_2\": {\"frequency\": 1, \"value\": \"230_2\"}, \"1287_3\": {\"frequency\": 1, \"value\": \"1287_3\"}, \"1879_1\": {\"frequency\": 1, \"value\": \"1879_1\"}, \"226_10\": {\"frequency\": 1, \"value\": \"226_10\"}, \"8328_1\": {\"frequency\": 1, \"value\": \"8328_1\"}, \"8102_1\": {\"frequency\": 1, \"value\": \"8102_1\"}, \"7443_7\": {\"frequency\": 1, \"value\": \"7443_7\"}, \"7413_2\": {\"frequency\": 1, \"value\": \"7413_2\"}, \"11942_1\": {\"frequency\": 1, \"value\": \"11942_1\"}, \"7902_4\": {\"frequency\": 1, \"value\": \"7902_4\"}, \"2080_9\": {\"frequency\": 1, \"value\": \"2080_9\"}, \"5138_1\": {\"frequency\": 1, \"value\": \"5138_1\"}, \"6566_8\": {\"frequency\": 1, \"value\": \"6566_8\"}, \"58_3\": {\"frequency\": 1, \"value\": \"58_3\"}, \"1552_3\": {\"frequency\": 1, \"value\": \"1552_3\"}, \"2557_10\": {\"frequency\": 1, \"value\": \"2557_10\"}, \"8778_3\": {\"frequency\": 1, \"value\": \"8778_3\"}, \"2048_1\": {\"frequency\": 1, \"value\": \"2048_1\"}, \"7304_8\": {\"frequency\": 1, \"value\": \"7304_8\"}, \"9284_1\": {\"frequency\": 1, \"value\": \"9284_1\"}, \"3031_2\": {\"frequency\": 1, \"value\": \"3031_2\"}, \"6478_10\": {\"frequency\": 1, \"value\": \"6478_10\"}, \"4761_4\": {\"frequency\": 1, \"value\": \"4761_4\"}, \"1676_4\": {\"frequency\": 1, \"value\": \"1676_4\"}, \"7011_3\": {\"frequency\": 1, \"value\": \"7011_3\"}, \"1219_1\": {\"frequency\": 1, \"value\": \"1219_1\"}, \"4852_8\": {\"frequency\": 1, \"value\": \"4852_8\"}, \"2775_1\": {\"frequency\": 1, \"value\": \"2775_1\"}, \"376_10\": {\"frequency\": 1, \"value\": \"376_10\"}, \"4168_4\": {\"frequency\": 1, \"value\": \"4168_4\"}, \"4168_7\": {\"frequency\": 1, \"value\": \"4168_7\"}, \"2282_4\": {\"frequency\": 1, \"value\": \"2282_4\"}, \"10147_1\": {\"frequency\": 1, \"value\": \"10147_1\"}, \"4262_10\": {\"frequency\": 1, \"value\": \"4262_10\"}, \"6524_4\": {\"frequency\": 1, \"value\": \"6524_4\"}, \"6524_8\": {\"frequency\": 1, \"value\": \"6524_8\"}, \"9114_1\": {\"frequency\": 1, \"value\": \"9114_1\"}, \"5712_8\": {\"frequency\": 1, \"value\": \"5712_8\"}, \"1633_9\": {\"frequency\": 1, \"value\": \"1633_9\"}, \"11574_10\": {\"frequency\": 1, \"value\": \"11574_10\"}, \"3039_1\": {\"frequency\": 1, \"value\": \"3039_1\"}, \"764_2\": {\"frequency\": 1, \"value\": \"764_2\"}, \"8170_7\": {\"frequency\": 1, \"value\": \"8170_7\"}, \"4502_3\": {\"frequency\": 1, \"value\": \"4502_3\"}, \"7721_4\": {\"frequency\": 1, \"value\": \"7721_4\"}, \"5752_1\": {\"frequency\": 1, \"value\": \"5752_1\"}, \"2042_7\": {\"frequency\": 1, \"value\": \"2042_7\"}, \"8891_10\": {\"frequency\": 1, \"value\": \"8891_10\"}, \"370_10\": {\"frequency\": 1, \"value\": \"370_10\"}, \"1556_1\": {\"frequency\": 1, \"value\": \"1556_1\"}, \"11915_4\": {\"frequency\": 1, \"value\": \"11915_4\"}, \"5843_3\": {\"frequency\": 1, \"value\": \"5843_3\"}, \"4876_10\": {\"frequency\": 1, \"value\": \"4876_10\"}, \"1670_8\": {\"frequency\": 1, \"value\": \"1670_8\"}, \"12285_4\": {\"frequency\": 1, \"value\": \"12285_4\"}, \"4546_2\": {\"frequency\": 1, \"value\": \"4546_2\"}, \"3972_7\": {\"frequency\": 2, \"value\": \"3972_7\"}, \"5615_8\": {\"frequency\": 1, \"value\": \"5615_8\"}, \"6066_10\": {\"frequency\": 1, \"value\": \"6066_10\"}, \"8362_1\": {\"frequency\": 1, \"value\": \"8362_1\"}, \"9899_7\": {\"frequency\": 1, \"value\": \"9899_7\"}, \"2046_1\": {\"frequency\": 1, \"value\": \"2046_1\"}, \"2044_1\": {\"frequency\": 1, \"value\": \"2044_1\"}, \"9448_1\": {\"frequency\": 1, \"value\": \"9448_1\"}, \"6377_9\": {\"frequency\": 1, \"value\": \"6377_9\"}, \"4765_2\": {\"frequency\": 1, \"value\": \"4765_2\"}, \"8266_4\": {\"frequency\": 1, \"value\": \"8266_4\"}, \"1983_1\": {\"frequency\": 1, \"value\": \"1983_1\"}, \"11710_4\": {\"frequency\": 1, \"value\": \"11710_4\"}, \"9248_9\": {\"frequency\": 1, \"value\": \"9248_9\"}, \"4818_9\": {\"frequency\": 1, \"value\": \"4818_9\"}, \"51_1\": {\"frequency\": 1, \"value\": \"51_1\"}, \"3036_2\": {\"frequency\": 1, \"value\": \"3036_2\"}, \"10739_10\": {\"frequency\": 1, \"value\": \"10739_10\"}, \"9664_1\": {\"frequency\": 1, \"value\": \"9664_1\"}, \"5962_4\": {\"frequency\": 1, \"value\": \"5962_4\"}, \"716_10\": {\"frequency\": 1, \"value\": \"716_10\"}, \"2990_10\": {\"frequency\": 1, \"value\": \"2990_10\"}, \"9282_8\": {\"frequency\": 1, \"value\": \"9282_8\"}, \"5612_1\": {\"frequency\": 1, \"value\": \"5612_1\"}, \"4725_1\": {\"frequency\": 1, \"value\": \"4725_1\"}, \"7550_1\": {\"frequency\": 1, \"value\": \"7550_1\"}, \"9072_1\": {\"frequency\": 1, \"value\": \"9072_1\"}, \"10298_4\": {\"frequency\": 1, \"value\": \"10298_4\"}, \"146_10\": {\"frequency\": 1, \"value\": \"146_10\"}, \"12022_10\": {\"frequency\": 1, \"value\": \"12022_10\"}, \"7489_7\": {\"frequency\": 1, \"value\": \"7489_7\"}, \"7727_9\": {\"frequency\": 1, \"value\": \"7727_9\"}, \"2555_10\": {\"frequency\": 1, \"value\": \"2555_10\"}, \"6882_1\": {\"frequency\": 1, \"value\": \"6882_1\"}, \"5779_10\": {\"frequency\": 1, \"value\": \"5779_10\"}, \"9070_1\": {\"frequency\": 1, \"value\": \"9070_1\"}, \"1099_4\": {\"frequency\": 1, \"value\": \"1099_4\"}, \"6379_9\": {\"frequency\": 1, \"value\": \"6379_9\"}, \"11388_1\": {\"frequency\": 1, \"value\": \"11388_1\"}, \"1598_8\": {\"frequency\": 1, \"value\": \"1598_8\"}, \"3948_9\": {\"frequency\": 1, \"value\": \"3948_9\"}, \"9204_1\": {\"frequency\": 1, \"value\": \"9204_1\"}, \"1598_2\": {\"frequency\": 1, \"value\": \"1598_2\"}, \"11459_10\": {\"frequency\": 1, \"value\": \"11459_10\"}, \"11143_1\": {\"frequency\": 1, \"value\": \"11143_1\"}, \"2404_3\": {\"frequency\": 1, \"value\": \"2404_3\"}, \"4065_10\": {\"frequency\": 1, \"value\": \"4065_10\"}, \"1782_4\": {\"frequency\": 1, \"value\": \"1782_4\"}, \"5503_10\": {\"frequency\": 1, \"value\": \"5503_10\"}, \"4228_10\": {\"frequency\": 1, \"value\": \"4228_10\"}, \"2953_8\": {\"frequency\": 1, \"value\": \"2953_8\"}, \"7538_7\": {\"frequency\": 1, \"value\": \"7538_7\"}, \"2272_3\": {\"frequency\": 1, \"value\": \"2272_3\"}, \"9552_8\": {\"frequency\": 1, \"value\": \"9552_8\"}, \"5612_8\": {\"frequency\": 1, \"value\": \"5612_8\"}, \"12008_8\": {\"frequency\": 1, \"value\": \"12008_8\"}, \"10829_10\": {\"frequency\": 1, \"value\": \"10829_10\"}, \"9206_8\": {\"frequency\": 1, \"value\": \"9206_8\"}, \"8824_8\": {\"frequency\": 1, \"value\": \"8824_8\"}, \"11124_10\": {\"frequency\": 1, \"value\": \"11124_10\"}, \"2108_4\": {\"frequency\": 1, \"value\": \"2108_4\"}, \"11854_7\": {\"frequency\": 1, \"value\": \"11854_7\"}, \"6400_3\": {\"frequency\": 1, \"value\": \"6400_3\"}, \"3079_1\": {\"frequency\": 1, \"value\": \"3079_1\"}, \"4764_1\": {\"frequency\": 1, \"value\": \"4764_1\"}, \"2482_10\": {\"frequency\": 1, \"value\": \"2482_10\"}, \"10135_2\": {\"frequency\": 1, \"value\": \"10135_2\"}, \"11380_7\": {\"frequency\": 1, \"value\": \"11380_7\"}, \"945_2\": {\"frequency\": 1, \"value\": \"945_2\"}, \"8630_9\": {\"frequency\": 1, \"value\": \"8630_9\"}, \"4912_4\": {\"frequency\": 1, \"value\": \"4912_4\"}, \"7269_3\": {\"frequency\": 1, \"value\": \"7269_3\"}, \"7082_1\": {\"frequency\": 1, \"value\": \"7082_1\"}, \"9770_1\": {\"frequency\": 1, \"value\": \"9770_1\"}, \"7226_8\": {\"frequency\": 1, \"value\": \"7226_8\"}, \"7119_10\": {\"frequency\": 1, \"value\": \"7119_10\"}, \"10982_10\": {\"frequency\": 1, \"value\": \"10982_10\"}, \"5684_1\": {\"frequency\": 1, \"value\": \"5684_1\"}, \"7220_7\": {\"frequency\": 1, \"value\": \"7220_7\"}, \"4553_2\": {\"frequency\": 1, \"value\": \"4553_2\"}, \"8400_2\": {\"frequency\": 1, \"value\": \"8400_2\"}, \"1183_2\": {\"frequency\": 1, \"value\": \"1183_2\"}, \"3372_3\": {\"frequency\": 1, \"value\": \"3372_3\"}, \"12084_3\": {\"frequency\": 1, \"value\": \"12084_3\"}, \"9450_10\": {\"frequency\": 1, \"value\": \"9450_10\"}, \"4662_8\": {\"frequency\": 1, \"value\": \"4662_8\"}, \"8947_2\": {\"frequency\": 1, \"value\": \"8947_2\"}, \"4507_3\": {\"frequency\": 1, \"value\": \"4507_3\"}, \"5176_1\": {\"frequency\": 1, \"value\": \"5176_1\"}, \"6635_10\": {\"frequency\": 1, \"value\": \"6635_10\"}, \"6281_8\": {\"frequency\": 1, \"value\": \"6281_8\"}, \"3073_8\": {\"frequency\": 1, \"value\": \"3073_8\"}, \"3519_3\": {\"frequency\": 1, \"value\": \"3519_3\"}, \"5174_2\": {\"frequency\": 1, \"value\": \"5174_2\"}, \"716_1\": {\"frequency\": 1, \"value\": \"716_1\"}, \"97_1\": {\"frequency\": 1, \"value\": \"97_1\"}, \"11594_4\": {\"frequency\": 1, \"value\": \"11594_4\"}, \"7372_1\": {\"frequency\": 1, \"value\": \"7372_1\"}, \"8402_4\": {\"frequency\": 1, \"value\": \"8402_4\"}, \"1410_9\": {\"frequency\": 1, \"value\": \"1410_9\"}, \"1805_10\": {\"frequency\": 1, \"value\": \"1805_10\"}, \"5236_10\": {\"frequency\": 1, \"value\": \"5236_10\"}, \"2290_10\": {\"frequency\": 1, \"value\": \"2290_10\"}, \"6199_1\": {\"frequency\": 1, \"value\": \"6199_1\"}, \"9731_8\": {\"frequency\": 1, \"value\": \"9731_8\"}, \"96_10\": {\"frequency\": 1, \"value\": \"96_10\"}, \"5467_2\": {\"frequency\": 1, \"value\": \"5467_2\"}, \"1189_4\": {\"frequency\": 1, \"value\": \"1189_4\"}, \"11819_3\": {\"frequency\": 1, \"value\": \"11819_3\"}, \"5461_7\": {\"frequency\": 1, \"value\": \"5461_7\"}, \"3382_10\": {\"frequency\": 1, \"value\": \"3382_10\"}, \"7045_1\": {\"frequency\": 1, \"value\": \"7045_1\"}, \"5511_8\": {\"frequency\": 1, \"value\": \"5511_8\"}, \"3660_1\": {\"frequency\": 1, \"value\": \"3660_1\"}, \"2719_4\": {\"frequency\": 1, \"value\": \"2719_4\"}, \"9820_10\": {\"frequency\": 1, \"value\": \"9820_10\"}, \"9892_1\": {\"frequency\": 1, \"value\": \"9892_1\"}, \"3021_8\": {\"frequency\": 1, \"value\": \"3021_8\"}, \"10258_10\": {\"frequency\": 1, \"value\": \"10258_10\"}, \"7224_3\": {\"frequency\": 1, \"value\": \"7224_3\"}, \"325_9\": {\"frequency\": 1, \"value\": \"325_9\"}, \"9894_8\": {\"frequency\": 1, \"value\": \"9894_8\"}, \"2916_1\": {\"frequency\": 1, \"value\": \"2916_1\"}, \"3971_1\": {\"frequency\": 1, \"value\": \"3971_1\"}, \"8857_10\": {\"frequency\": 1, \"value\": \"8857_10\"}, \"11356_3\": {\"frequency\": 1, \"value\": \"11356_3\"}, \"10696_3\": {\"frequency\": 1, \"value\": \"10696_3\"}, \"12334_7\": {\"frequency\": 1, \"value\": \"12334_7\"}, \"6139_1\": {\"frequency\": 2, \"value\": \"6139_1\"}, \"5427_3\": {\"frequency\": 1, \"value\": \"5427_3\"}, \"12334_4\": {\"frequency\": 1, \"value\": \"12334_4\"}, \"3741_1\": {\"frequency\": 1, \"value\": \"3741_1\"}, \"11281_2\": {\"frequency\": 1, \"value\": \"11281_2\"}, \"1105_8\": {\"frequency\": 1, \"value\": \"1105_8\"}, \"2513_4\": {\"frequency\": 1, \"value\": \"2513_4\"}, \"9998_4\": {\"frequency\": 1, \"value\": \"9998_4\"}, \"12276_7\": {\"frequency\": 1, \"value\": \"12276_7\"}, \"9453_1\": {\"frequency\": 1, \"value\": \"9453_1\"}, \"11717_4\": {\"frequency\": 1, \"value\": \"11717_4\"}, \"1457_1\": {\"frequency\": 1, \"value\": \"1457_1\"}, \"10386_4\": {\"frequency\": 1, \"value\": \"10386_4\"}, \"4719_1\": {\"frequency\": 1, \"value\": \"4719_1\"}, \"6137_7\": {\"frequency\": 1, \"value\": \"6137_7\"}, \"5604_8\": {\"frequency\": 1, \"value\": \"5604_8\"}, \"9998_9\": {\"frequency\": 1, \"value\": \"9998_9\"}, \"11715_7\": {\"frequency\": 1, \"value\": \"11715_7\"}, \"757_8\": {\"frequency\": 1, \"value\": \"757_8\"}, \"11715_1\": {\"frequency\": 1, \"value\": \"11715_1\"}, \"1327_4\": {\"frequency\": 1, \"value\": \"1327_4\"}, \"5017_8\": {\"frequency\": 1, \"value\": \"5017_8\"}, \"11560_4\": {\"frequency\": 1, \"value\": \"11560_4\"}, \"2372_8\": {\"frequency\": 1, \"value\": \"2372_8\"}, \"6080_10\": {\"frequency\": 1, \"value\": \"6080_10\"}, \"6556_3\": {\"frequency\": 1, \"value\": \"6556_3\"}, \"2611_9\": {\"frequency\": 1, \"value\": \"2611_9\"}, \"1211_7\": {\"frequency\": 1, \"value\": \"1211_7\"}, \"11562_9\": {\"frequency\": 1, \"value\": \"11562_9\"}, \"4680_10\": {\"frequency\": 2, \"value\": \"4680_10\"}, \"5465_1\": {\"frequency\": 1, \"value\": \"5465_1\"}, \"4754_10\": {\"frequency\": 1, \"value\": \"4754_10\"}, \"10692_4\": {\"frequency\": 1, \"value\": \"10692_4\"}, \"1109_1\": {\"frequency\": 1, \"value\": \"1109_1\"}, \"2374_9\": {\"frequency\": 1, \"value\": \"2374_9\"}, \"2347_10\": {\"frequency\": 1, \"value\": \"2347_10\"}, \"10453_1\": {\"frequency\": 1, \"value\": \"10453_1\"}, \"6178_7\": {\"frequency\": 1, \"value\": \"6178_7\"}, \"11652_4\": {\"frequency\": 1, \"value\": \"11652_4\"}, \"10734_10\": {\"frequency\": 1, \"value\": \"10734_10\"}, \"6178_3\": {\"frequency\": 1, \"value\": \"6178_3\"}, \"2595_9\": {\"frequency\": 1, \"value\": \"2595_9\"}, \"11416_4\": {\"frequency\": 1, \"value\": \"11416_4\"}, \"3178_4\": {\"frequency\": 1, \"value\": \"3178_4\"}, \"387_2\": {\"frequency\": 1, \"value\": \"387_2\"}, \"3590_8\": {\"frequency\": 1, \"value\": \"3590_8\"}, \"3196_10\": {\"frequency\": 1, \"value\": \"3196_10\"}, \"3377_2\": {\"frequency\": 1, \"value\": \"3377_2\"}, \"751_9\": {\"frequency\": 1, \"value\": \"751_9\"}, \"816_4\": {\"frequency\": 1, \"value\": \"816_4\"}, \"2597_3\": {\"frequency\": 1, \"value\": \"2597_3\"}, \"4966_10\": {\"frequency\": 1, \"value\": \"4966_10\"}, \"3377_8\": {\"frequency\": 1, \"value\": \"3377_8\"}, \"4374_10\": {\"frequency\": 1, \"value\": \"4374_10\"}, \"10694_7\": {\"frequency\": 1, \"value\": \"10694_7\"}, \"5600_4\": {\"frequency\": 1, \"value\": \"5600_4\"}, \"5033_3\": {\"frequency\": 1, \"value\": \"5033_3\"}, \"5600_8\": {\"frequency\": 1, \"value\": \"5600_8\"}, \"9160_8\": {\"frequency\": 1, \"value\": \"9160_8\"}, \"4387_9\": {\"frequency\": 1, \"value\": \"4387_9\"}, \"9955_9\": {\"frequency\": 1, \"value\": \"9955_9\"}, \"3477_3\": {\"frequency\": 1, \"value\": \"3477_3\"}, \"3061_10\": {\"frequency\": 1, \"value\": \"3061_10\"}, \"560_8\": {\"frequency\": 1, \"value\": \"560_8\"}, \"8192_10\": {\"frequency\": 1, \"value\": \"8192_10\"}, \"9635_3\": {\"frequency\": 1, \"value\": \"9635_3\"}, \"9327_1\": {\"frequency\": 1, \"value\": \"9327_1\"}, \"5596_10\": {\"frequency\": 1, \"value\": \"5596_10\"}, \"8775_3\": {\"frequency\": 1, \"value\": \"8775_3\"}, \"9991_4\": {\"frequency\": 1, \"value\": \"9991_4\"}, \"8773_8\": {\"frequency\": 1, \"value\": \"8773_8\"}, \"9325_1\": {\"frequency\": 1, \"value\": \"9325_1\"}, \"11656_9\": {\"frequency\": 1, \"value\": \"11656_9\"}, \"5462_8\": {\"frequency\": 1, \"value\": \"5462_8\"}, \"5039_3\": {\"frequency\": 1, \"value\": \"5039_3\"}, \"7046_2\": {\"frequency\": 1, \"value\": \"7046_2\"}, \"2535_7\": {\"frequency\": 1, \"value\": \"2535_7\"}, \"3330_4\": {\"frequency\": 1, \"value\": \"3330_4\"}, \"2108_10\": {\"frequency\": 1, \"value\": \"2108_10\"}, \"2535_2\": {\"frequency\": 1, \"value\": \"2535_2\"}, \"5621_10\": {\"frequency\": 1, \"value\": \"5621_10\"}, \"11912_2\": {\"frequency\": 1, \"value\": \"11912_2\"}, \"603_1\": {\"frequency\": 1, \"value\": \"603_1\"}, \"4364_1\": {\"frequency\": 1, \"value\": \"4364_1\"}, \"2712_2\": {\"frequency\": 1, \"value\": \"2712_2\"}, \"6291_10\": {\"frequency\": 1, \"value\": \"6291_10\"}, \"9113_4\": {\"frequency\": 1, \"value\": \"9113_4\"}, \"12172_3\": {\"frequency\": 1, \"value\": \"12172_3\"}, \"6322_7\": {\"frequency\": 1, \"value\": \"6322_7\"}, \"2948_1\": {\"frequency\": 1, \"value\": \"2948_1\"}, \"9534_1\": {\"frequency\": 1, \"value\": \"9534_1\"}, \"9362_7\": {\"frequency\": 1, \"value\": \"9362_7\"}, \"8529_4\": {\"frequency\": 1, \"value\": \"8529_4\"}, \"811_1\": {\"frequency\": 1, \"value\": \"811_1\"}, \"9872_10\": {\"frequency\": 1, \"value\": \"9872_10\"}, \"7600_1\": {\"frequency\": 1, \"value\": \"7600_1\"}, \"10040_2\": {\"frequency\": 1, \"value\": \"10040_2\"}, \"4118_10\": {\"frequency\": 1, \"value\": \"4118_10\"}, \"201_4\": {\"frequency\": 1, \"value\": \"201_4\"}, \"4889_10\": {\"frequency\": 1, \"value\": \"4889_10\"}, \"4368_2\": {\"frequency\": 2, \"value\": \"4368_2\"}, \"8563_2\": {\"frequency\": 1, \"value\": \"8563_2\"}, \"5418_10\": {\"frequency\": 1, \"value\": \"5418_10\"}, \"7166_2\": {\"frequency\": 1, \"value\": \"7166_2\"}, \"5935_4\": {\"frequency\": 1, \"value\": \"5935_4\"}, \"9569_9\": {\"frequency\": 1, \"value\": \"9569_9\"}, \"288_10\": {\"frequency\": 1, \"value\": \"288_10\"}, \"4988_7\": {\"frequency\": 1, \"value\": \"4988_7\"}, \"10747_4\": {\"frequency\": 1, \"value\": \"10747_4\"}, \"12457_4\": {\"frequency\": 1, \"value\": \"12457_4\"}, \"937_1\": {\"frequency\": 1, \"value\": \"937_1\"}, \"5433_10\": {\"frequency\": 1, \"value\": \"5433_10\"}, \"3455_2\": {\"frequency\": 1, \"value\": \"3455_2\"}, \"8568_4\": {\"frequency\": 1, \"value\": \"8568_4\"}, \"2379_8\": {\"frequency\": 1, \"value\": \"2379_8\"}, \"8926_10\": {\"frequency\": 1, \"value\": \"8926_10\"}, \"3980_1\": {\"frequency\": 1, \"value\": \"3980_1\"}, \"6804_7\": {\"frequency\": 1, \"value\": \"6804_7\"}, \"605_4\": {\"frequency\": 1, \"value\": \"605_4\"}, \"10191_10\": {\"frequency\": 1, \"value\": \"10191_10\"}, \"3999_4\": {\"frequency\": 1, \"value\": \"3999_4\"}, \"9740_1\": {\"frequency\": 1, \"value\": \"9740_1\"}, \"9368_3\": {\"frequency\": 1, \"value\": \"9368_3\"}, \"384_4\": {\"frequency\": 1, \"value\": \"384_4\"}, \"5058_10\": {\"frequency\": 1, \"value\": \"5058_10\"}, \"6280_7\": {\"frequency\": 1, \"value\": \"6280_7\"}, \"9665_10\": {\"frequency\": 1, \"value\": \"9665_10\"}, \"859_1\": {\"frequency\": 1, \"value\": \"859_1\"}, \"4241_2\": {\"frequency\": 1, \"value\": \"4241_2\"}, \"3705_3\": {\"frequency\": 1, \"value\": \"3705_3\"}, \"11874_10\": {\"frequency\": 1, \"value\": \"11874_10\"}, \"11339_10\": {\"frequency\": 1, \"value\": \"11339_10\"}, \"2212_10\": {\"frequency\": 1, \"value\": \"2212_10\"}, \"3887_10\": {\"frequency\": 1, \"value\": \"3887_10\"}, \"2157_1\": {\"frequency\": 1, \"value\": \"2157_1\"}, \"11550_4\": {\"frequency\": 1, \"value\": \"11550_4\"}, \"6639_1\": {\"frequency\": 1, \"value\": \"6639_1\"}, \"7497_10\": {\"frequency\": 1, \"value\": \"7497_10\"}, \"10064_10\": {\"frequency\": 1, \"value\": \"10064_10\"}, \"4056_4\": {\"frequency\": 1, \"value\": \"4056_4\"}, \"7533_3\": {\"frequency\": 1, \"value\": \"7533_3\"}, \"4220_2\": {\"frequency\": 1, \"value\": \"4220_2\"}, \"10069_1\": {\"frequency\": 1, \"value\": \"10069_1\"}, \"3913_1\": {\"frequency\": 1, \"value\": \"3913_1\"}, \"8039_8\": {\"frequency\": 1, \"value\": \"8039_8\"}, \"1027_1\": {\"frequency\": 1, \"value\": \"1027_1\"}, \"8564_2\": {\"frequency\": 1, \"value\": \"8564_2\"}, \"2409_1\": {\"frequency\": 1, \"value\": \"2409_1\"}, \"717_7\": {\"frequency\": 1, \"value\": \"717_7\"}, \"11588_10\": {\"frequency\": 1, \"value\": \"11588_10\"}, \"1794_7\": {\"frequency\": 1, \"value\": \"1794_7\"}, \"974_4\": {\"frequency\": 1, \"value\": \"974_4\"}, \"139_4\": {\"frequency\": 1, \"value\": \"139_4\"}, \"717_1\": {\"frequency\": 1, \"value\": \"717_1\"}, \"3707_7\": {\"frequency\": 1, \"value\": \"3707_7\"}, \"10903_10\": {\"frequency\": 1, \"value\": \"10903_10\"}, \"1394_4\": {\"frequency\": 1, \"value\": \"1394_4\"}, \"2237_3\": {\"frequency\": 1, \"value\": \"2237_3\"}, \"9850_7\": {\"frequency\": 1, \"value\": \"9850_7\"}, \"4943_2\": {\"frequency\": 1, \"value\": \"4943_2\"}, \"5563_8\": {\"frequency\": 1, \"value\": \"5563_8\"}, \"8031_1\": {\"frequency\": 1, \"value\": \"8031_1\"}, \"9469_10\": {\"frequency\": 1, \"value\": \"9469_10\"}, \"5492_10\": {\"frequency\": 1, \"value\": \"5492_10\"}, \"4184_4\": {\"frequency\": 1, \"value\": \"4184_4\"}, \"7811_2\": {\"frequency\": 1, \"value\": \"7811_2\"}, \"6826_2\": {\"frequency\": 1, \"value\": \"6826_2\"}, \"6844_1\": {\"frequency\": 1, \"value\": \"6844_1\"}, \"1129_1\": {\"frequency\": 2, \"value\": \"1129_1\"}, \"12467_1\": {\"frequency\": 1, \"value\": \"12467_1\"}, \"11077_8\": {\"frequency\": 1, \"value\": \"11077_8\"}, \"1757_8\": {\"frequency\": 1, \"value\": \"1757_8\"}, \"9816_4\": {\"frequency\": 1, \"value\": \"9816_4\"}, \"10119_2\": {\"frequency\": 1, \"value\": \"10119_2\"}, \"1747_2\": {\"frequency\": 1, \"value\": \"1747_2\"}, \"3790_1\": {\"frequency\": 1, \"value\": \"3790_1\"}, \"9667_2\": {\"frequency\": 1, \"value\": \"9667_2\"}, \"6636_3\": {\"frequency\": 1, \"value\": \"6636_3\"}, \"9471_1\": {\"frequency\": 1, \"value\": \"9471_1\"}, \"7771_9\": {\"frequency\": 1, \"value\": \"7771_9\"}, \"6045_2\": {\"frequency\": 1, \"value\": \"6045_2\"}, \"11140_9\": {\"frequency\": 1, \"value\": \"11140_9\"}, \"9897_10\": {\"frequency\": 1, \"value\": \"9897_10\"}, \"1328_2\": {\"frequency\": 1, \"value\": \"1328_2\"}, \"5441_1\": {\"frequency\": 1, \"value\": \"5441_1\"}, \"2119_4\": {\"frequency\": 1, \"value\": \"2119_4\"}, \"1125_3\": {\"frequency\": 1, \"value\": \"1125_3\"}, \"6903_1\": {\"frequency\": 1, \"value\": \"6903_1\"}, \"8607_1\": {\"frequency\": 1, \"value\": \"8607_1\"}, \"7163_3\": {\"frequency\": 1, \"value\": \"7163_3\"}, \"3798_2\": {\"frequency\": 1, \"value\": \"3798_2\"}, \"452_10\": {\"frequency\": 1, \"value\": \"452_10\"}, \"5642_7\": {\"frequency\": 1, \"value\": \"5642_7\"}, \"4207_7\": {\"frequency\": 1, \"value\": \"4207_7\"}, \"4207_4\": {\"frequency\": 1, \"value\": \"4207_4\"}, \"5932_2\": {\"frequency\": 1, \"value\": \"5932_2\"}, \"7251_10\": {\"frequency\": 1, \"value\": \"7251_10\"}, \"9968_4\": {\"frequency\": 1, \"value\": \"9968_4\"}, \"11864_3\": {\"frequency\": 1, \"value\": \"11864_3\"}, \"9912_10\": {\"frequency\": 1, \"value\": \"9912_10\"}, \"722_7\": {\"frequency\": 1, \"value\": \"722_7\"}, \"6908_2\": {\"frequency\": 1, \"value\": \"6908_2\"}, \"11866_8\": {\"frequency\": 2, \"value\": \"11866_8\"}, \"5767_8\": {\"frequency\": 1, \"value\": \"5767_8\"}, \"4847_1\": {\"frequency\": 1, \"value\": \"4847_1\"}, \"8441_10\": {\"frequency\": 1, \"value\": \"8441_10\"}, \"6283_7\": {\"frequency\": 1, \"value\": \"6283_7\"}, \"8135_2\": {\"frequency\": 1, \"value\": \"8135_2\"}, \"5767_3\": {\"frequency\": 1, \"value\": \"5767_3\"}, \"6283_2\": {\"frequency\": 1, \"value\": \"6283_2\"}, \"6415_8\": {\"frequency\": 1, \"value\": \"6415_8\"}, \"10449_9\": {\"frequency\": 1, \"value\": \"10449_9\"}, \"979_8\": {\"frequency\": 1, \"value\": \"979_8\"}, \"5965_3\": {\"frequency\": 1, \"value\": \"5965_3\"}, \"4201_9\": {\"frequency\": 1, \"value\": \"4201_9\"}, \"7140_10\": {\"frequency\": 1, \"value\": \"7140_10\"}, \"3473_1\": {\"frequency\": 1, \"value\": \"3473_1\"}, \"10306_4\": {\"frequency\": 1, \"value\": \"10306_4\"}, \"3144_10\": {\"frequency\": 1, \"value\": \"3144_10\"}, \"3758_3\": {\"frequency\": 1, \"value\": \"3758_3\"}, \"10603_10\": {\"frequency\": 1, \"value\": \"10603_10\"}, \"12430_1\": {\"frequency\": 1, \"value\": \"12430_1\"}, \"6317_10\": {\"frequency\": 1, \"value\": \"6317_10\"}, \"9747_10\": {\"frequency\": 2, \"value\": \"9747_10\"}, \"599_4\": {\"frequency\": 1, \"value\": \"599_4\"}, \"10375_10\": {\"frequency\": 1, \"value\": \"10375_10\"}, \"8825_9\": {\"frequency\": 1, \"value\": \"8825_9\"}, \"7624_4\": {\"frequency\": 1, \"value\": \"7624_4\"}, \"7008_2\": {\"frequency\": 1, \"value\": \"7008_2\"}, \"6599_8\": {\"frequency\": 1, \"value\": \"6599_8\"}, \"11668_3\": {\"frequency\": 1, \"value\": \"11668_3\"}, \"1114_8\": {\"frequency\": 1, \"value\": \"1114_8\"}, \"2393_8\": {\"frequency\": 1, \"value\": \"2393_8\"}, \"4320_1\": {\"frequency\": 1, \"value\": \"4320_1\"}, \"5223_7\": {\"frequency\": 1, \"value\": \"5223_7\"}, \"6499_2\": {\"frequency\": 1, \"value\": \"6499_2\"}, \"1254_7\": {\"frequency\": 1, \"value\": \"1254_7\"}, \"9695_1\": {\"frequency\": 1, \"value\": \"9695_1\"}, \"227_10\": {\"frequency\": 1, \"value\": \"227_10\"}, \"3599_2\": {\"frequency\": 1, \"value\": \"3599_2\"}, \"3816_7\": {\"frequency\": 1, \"value\": \"3816_7\"}, \"1116_9\": {\"frequency\": 1, \"value\": \"1116_9\"}, \"3281_10\": {\"frequency\": 1, \"value\": \"3281_10\"}, \"10446_2\": {\"frequency\": 1, \"value\": \"10446_2\"}, \"1235_10\": {\"frequency\": 1, \"value\": \"1235_10\"}, \"6809_1\": {\"frequency\": 1, \"value\": \"6809_1\"}, \"724_10\": {\"frequency\": 1, \"value\": \"724_10\"}, \"12422_1\": {\"frequency\": 1, \"value\": \"12422_1\"}, \"4209_7\": {\"frequency\": 1, \"value\": \"4209_7\"}, \"10096_1\": {\"frequency\": 1, \"value\": \"10096_1\"}, \"1293_8\": {\"frequency\": 1, \"value\": \"1293_8\"}, \"9683_9\": {\"frequency\": 1, \"value\": \"9683_9\"}, \"3148_4\": {\"frequency\": 1, \"value\": \"3148_4\"}, \"11030_1\": {\"frequency\": 1, \"value\": \"11030_1\"}, \"4756_3\": {\"frequency\": 1, \"value\": \"4756_3\"}, \"8831_4\": {\"frequency\": 1, \"value\": \"8831_4\"}, \"2017_1\": {\"frequency\": 1, \"value\": \"2017_1\"}, \"2320_10\": {\"frequency\": 1, \"value\": \"2320_10\"}, \"5649_2\": {\"frequency\": 1, \"value\": \"5649_2\"}, \"10833_10\": {\"frequency\": 1, \"value\": \"10833_10\"}, \"6677_9\": {\"frequency\": 1, \"value\": \"6677_9\"}, \"365_1\": {\"frequency\": 1, \"value\": \"365_1\"}, \"11088_7\": {\"frequency\": 1, \"value\": \"11088_7\"}, \"8833_9\": {\"frequency\": 1, \"value\": \"8833_9\"}, \"605_8\": {\"frequency\": 1, \"value\": \"605_8\"}, \"11664_3\": {\"frequency\": 1, \"value\": \"11664_3\"}, \"3592_10\": {\"frequency\": 1, \"value\": \"3592_10\"}, \"11287_3\": {\"frequency\": 1, \"value\": \"11287_3\"}, \"3105_8\": {\"frequency\": 1, \"value\": \"3105_8\"}, \"11072_8\": {\"frequency\": 1, \"value\": \"11072_8\"}, \"2527_9\": {\"frequency\": 1, \"value\": \"2527_9\"}, \"11664_9\": {\"frequency\": 1, \"value\": \"11664_9\"}, \"4112_1\": {\"frequency\": 1, \"value\": \"4112_1\"}, \"6679_8\": {\"frequency\": 1, \"value\": \"6679_8\"}, \"3105_3\": {\"frequency\": 1, \"value\": \"3105_3\"}, \"2987_2\": {\"frequency\": 1, \"value\": \"2987_2\"}, \"8643_1\": {\"frequency\": 1, \"value\": \"8643_1\"}, \"3023_7\": {\"frequency\": 1, \"value\": \"3023_7\"}, \"10988_2\": {\"frequency\": 1, \"value\": \"10988_2\"}, \"809_10\": {\"frequency\": 1, \"value\": \"809_10\"}, \"11558_1\": {\"frequency\": 1, \"value\": \"11558_1\"}, \"1666_2\": {\"frequency\": 1, \"value\": \"1666_2\"}, \"6512_7\": {\"frequency\": 1, \"value\": \"6512_7\"}, \"5414_10\": {\"frequency\": 1, \"value\": \"5414_10\"}, \"9478_1\": {\"frequency\": 1, \"value\": \"9478_1\"}, \"2985_4\": {\"frequency\": 1, \"value\": \"2985_4\"}, \"11461_1\": {\"frequency\": 1, \"value\": \"11461_1\"}, \"1770_1\": {\"frequency\": 1, \"value\": \"1770_1\"}, \"1664_4\": {\"frequency\": 1, \"value\": \"1664_4\"}, \"10243_1\": {\"frequency\": 1, \"value\": \"10243_1\"}, \"3986_1\": {\"frequency\": 1, \"value\": \"3986_1\"}, \"4823_3\": {\"frequency\": 1, \"value\": \"4823_3\"}, \"9119_10\": {\"frequency\": 1, \"value\": \"9119_10\"}, \"7351_2\": {\"frequency\": 1, \"value\": \"7351_2\"}, \"608_8\": {\"frequency\": 1, \"value\": \"608_8\"}, \"9360_1\": {\"frequency\": 1, \"value\": \"9360_1\"}, \"3142_8\": {\"frequency\": 1, \"value\": \"3142_8\"}, \"9476_9\": {\"frequency\": 1, \"value\": \"9476_9\"}, \"1565_7\": {\"frequency\": 1, \"value\": \"1565_7\"}, \"8353_3\": {\"frequency\": 1, \"value\": \"8353_3\"}, \"2015_2\": {\"frequency\": 1, \"value\": \"2015_2\"}, \"5470_3\": {\"frequency\": 1, \"value\": \"5470_3\"}, \"11062_2\": {\"frequency\": 1, \"value\": \"11062_2\"}, \"9885_4\": {\"frequency\": 1, \"value\": \"9885_4\"}, \"10523_2\": {\"frequency\": 1, \"value\": \"10523_2\"}, \"4539_9\": {\"frequency\": 1, \"value\": \"4539_9\"}, \"2826_10\": {\"frequency\": 1, \"value\": \"2826_10\"}, \"9486_10\": {\"frequency\": 1, \"value\": \"9486_10\"}, \"7508_2\": {\"frequency\": 1, \"value\": \"7508_2\"}, \"6890_4\": {\"frequency\": 1, \"value\": \"6890_4\"}, \"8879_4\": {\"frequency\": 1, \"value\": \"8879_4\"}, \"1685_1\": {\"frequency\": 1, \"value\": \"1685_1\"}, \"2056_1\": {\"frequency\": 1, \"value\": \"2056_1\"}, \"11357_3\": {\"frequency\": 1, \"value\": \"11357_3\"}, \"3093_10\": {\"frequency\": 1, \"value\": \"3093_10\"}, \"1775_9\": {\"frequency\": 1, \"value\": \"1775_9\"}, \"2050_7\": {\"frequency\": 1, \"value\": \"2050_7\"}, \"12148_10\": {\"frequency\": 1, \"value\": \"12148_10\"}, \"1662_1\": {\"frequency\": 1, \"value\": \"1662_1\"}, \"8509_2\": {\"frequency\": 1, \"value\": \"8509_2\"}, \"6563_7\": {\"frequency\": 1, \"value\": \"6563_7\"}, \"11905_3\": {\"frequency\": 1, \"value\": \"11905_3\"}, \"10247_2\": {\"frequency\": 1, \"value\": \"10247_2\"}, \"2504_10\": {\"frequency\": 1, \"value\": \"2504_10\"}, \"1102_8\": {\"frequency\": 1, \"value\": \"1102_8\"}, \"7005_4\": {\"frequency\": 1, \"value\": \"7005_4\"}, \"1660_4\": {\"frequency\": 1, \"value\": \"1660_4\"}, \"7356_10\": {\"frequency\": 1, \"value\": \"7356_10\"}, \"7739_4\": {\"frequency\": 1, \"value\": \"7739_4\"}, \"4792_3\": {\"frequency\": 1, \"value\": \"4792_3\"}, \"1526_9\": {\"frequency\": 1, \"value\": \"1526_9\"}, \"3203_1\": {\"frequency\": 1, \"value\": \"3203_1\"}, \"5107_1\": {\"frequency\": 1, \"value\": \"5107_1\"}, \"11318_1\": {\"frequency\": 1, \"value\": \"11318_1\"}, \"10017_4\": {\"frequency\": 1, \"value\": \"10017_4\"}, \"10599_8\": {\"frequency\": 1, \"value\": \"10599_8\"}, \"9407_8\": {\"frequency\": 1, \"value\": \"9407_8\"}, \"1623_1\": {\"frequency\": 1, \"value\": \"1623_1\"}, \"1085_7\": {\"frequency\": 1, \"value\": \"1085_7\"}, \"5735_7\": {\"frequency\": 1, \"value\": \"5735_7\"}, \"10963_7\": {\"frequency\": 1, \"value\": \"10963_7\"}, \"6425_9\": {\"frequency\": 1, \"value\": \"6425_9\"}, \"5735_2\": {\"frequency\": 1, \"value\": \"5735_2\"}, \"4794_8\": {\"frequency\": 1, \"value\": \"4794_8\"}, \"3243_4\": {\"frequency\": 2, \"value\": \"3243_4\"}, \"7735_1\": {\"frequency\": 1, \"value\": \"7735_1\"}, \"11624_4\": {\"frequency\": 1, \"value\": \"11624_4\"}, \"3494_4\": {\"frequency\": 1, \"value\": \"3494_4\"}, \"10013_1\": {\"frequency\": 1, \"value\": \"10013_1\"}, \"10092_1\": {\"frequency\": 1, \"value\": \"10092_1\"}, \"8028_1\": {\"frequency\": 1, \"value\": \"8028_1\"}, \"2091_3\": {\"frequency\": 1, \"value\": \"2091_3\"}, \"12013_10\": {\"frequency\": 1, \"value\": \"12013_10\"}, \"9775_8\": {\"frequency\": 1, \"value\": \"9775_8\"}, \"7980_3\": {\"frequency\": 1, \"value\": \"7980_3\"}, \"4327_8\": {\"frequency\": 1, \"value\": \"4327_8\"}, \"1628_1\": {\"frequency\": 1, \"value\": \"1628_1\"}, \"9992_3\": {\"frequency\": 1, \"value\": \"9992_3\"}, \"4017_7\": {\"frequency\": 1, \"value\": \"4017_7\"}, \"11350_1\": {\"frequency\": 1, \"value\": \"11350_1\"}, \"2464_4\": {\"frequency\": 1, \"value\": \"2464_4\"}, \"9270_2\": {\"frequency\": 1, \"value\": \"9270_2\"}, \"3651_4\": {\"frequency\": 1, \"value\": \"3651_4\"}, \"10868_8\": {\"frequency\": 1, \"value\": \"10868_8\"}, \"2466_3\": {\"frequency\": 1, \"value\": \"2466_3\"}, \"6041_10\": {\"frequency\": 1, \"value\": \"6041_10\"}, \"4015_1\": {\"frequency\": 1, \"value\": \"4015_1\"}, \"9272_7\": {\"frequency\": 1, \"value\": \"9272_7\"}, \"11175_2\": {\"frequency\": 1, \"value\": \"11175_2\"}, \"2466_9\": {\"frequency\": 1, \"value\": \"2466_9\"}, \"7369_1\": {\"frequency\": 2, \"value\": \"7369_1\"}, \"11175_8\": {\"frequency\": 1, \"value\": \"11175_8\"}, \"11619_1\": {\"frequency\": 1, \"value\": \"11619_1\"}, \"9524_3\": {\"frequency\": 1, \"value\": \"9524_3\"}, \"2059_4\": {\"frequency\": 1, \"value\": \"2059_4\"}, \"6107_1\": {\"frequency\": 1, \"value\": \"6107_1\"}, \"3690_1\": {\"frequency\": 1, \"value\": \"3690_1\"}, \"8316_9\": {\"frequency\": 1, \"value\": \"8316_9\"}, \"2949_10\": {\"frequency\": 1, \"value\": \"2949_10\"}, \"9261_3\": {\"frequency\": 1, \"value\": \"9261_3\"}, \"806_10\": {\"frequency\": 1, \"value\": \"806_10\"}, \"3958_7\": {\"frequency\": 1, \"value\": \"3958_7\"}, \"3069_9\": {\"frequency\": 1, \"value\": \"3069_9\"}, \"5140_4\": {\"frequency\": 1, \"value\": \"5140_4\"}, \"4790_1\": {\"frequency\": 1, \"value\": \"4790_1\"}, \"5171_10\": {\"frequency\": 1, \"value\": \"5171_10\"}, \"6548_10\": {\"frequency\": 1, \"value\": \"6548_10\"}, \"2982_1\": {\"frequency\": 1, \"value\": \"2982_1\"}, \"3346_2\": {\"frequency\": 1, \"value\": \"3346_2\"}, \"5454_1\": {\"frequency\": 1, \"value\": \"5454_1\"}, \"1195_8\": {\"frequency\": 1, \"value\": \"1195_8\"}, \"6005_4\": {\"frequency\": 1, \"value\": \"6005_4\"}, \"11944_10\": {\"frequency\": 1, \"value\": \"11944_10\"}, \"5738_4\": {\"frequency\": 1, \"value\": \"5738_4\"}, \"4167_10\": {\"frequency\": 1, \"value\": \"4167_10\"}, \"218_9\": {\"frequency\": 1, \"value\": \"218_9\"}, \"487_8\": {\"frequency\": 1, \"value\": \"487_8\"}, \"2810_10\": {\"frequency\": 1, \"value\": \"2810_10\"}, \"189_9\": {\"frequency\": 1, \"value\": \"189_9\"}, \"1408_2\": {\"frequency\": 1, \"value\": \"1408_2\"}, \"7962_4\": {\"frequency\": 1, \"value\": \"7962_4\"}, \"4269_4\": {\"frequency\": 1, \"value\": \"4269_4\"}, \"9404_10\": {\"frequency\": 1, \"value\": \"9404_10\"}, \"996_9\": {\"frequency\": 2, \"value\": \"996_9\"}, \"6893_3\": {\"frequency\": 1, \"value\": \"6893_3\"}, \"6613_4\": {\"frequency\": 1, \"value\": \"6613_4\"}, \"2297_7\": {\"frequency\": 1, \"value\": \"2297_7\"}, \"2300_10\": {\"frequency\": 1, \"value\": \"2300_10\"}, \"2460_1\": {\"frequency\": 1, \"value\": \"2460_1\"}, \"5916_10\": {\"frequency\": 1, \"value\": \"5916_10\"}, \"11315_4\": {\"frequency\": 1, \"value\": \"11315_4\"}, \"4019_7\": {\"frequency\": 1, \"value\": \"4019_7\"}, \"6811_10\": {\"frequency\": 1, \"value\": \"6811_10\"}, \"994_7\": {\"frequency\": 1, \"value\": \"994_7\"}, \"9702_2\": {\"frequency\": 1, \"value\": \"9702_2\"}, \"6003_2\": {\"frequency\": 1, \"value\": \"6003_2\"}, \"4853_10\": {\"frequency\": 1, \"value\": \"4853_10\"}, \"4952_1\": {\"frequency\": 1, \"value\": \"4952_1\"}, \"1484_2\": {\"frequency\": 1, \"value\": \"1484_2\"}, \"9013_3\": {\"frequency\": 1, \"value\": \"9013_3\"}, \"2366_7\": {\"frequency\": 1, \"value\": \"2366_7\"}, \"1929_10\": {\"frequency\": 1, \"value\": \"1929_10\"}, \"3989_1\": {\"frequency\": 1, \"value\": \"3989_1\"}, \"11139_8\": {\"frequency\": 1, \"value\": \"11139_8\"}, \"4217_9\": {\"frequency\": 1, \"value\": \"4217_9\"}, \"11423_8\": {\"frequency\": 1, \"value\": \"11423_8\"}, \"4395_1\": {\"frequency\": 1, \"value\": \"4395_1\"}, \"2190_2\": {\"frequency\": 1, \"value\": \"2190_2\"}, \"2621_8\": {\"frequency\": 1, \"value\": \"2621_8\"}, \"10804_10\": {\"frequency\": 1, \"value\": \"10804_10\"}, \"12221_8\": {\"frequency\": 1, \"value\": \"12221_8\"}, \"357_2\": {\"frequency\": 1, \"value\": \"357_2\"}, \"5978_9\": {\"frequency\": 1, \"value\": \"5978_9\"}, \"2621_4\": {\"frequency\": 1, \"value\": \"2621_4\"}, \"6481_10\": {\"frequency\": 1, \"value\": \"6481_10\"}, \"12221_2\": {\"frequency\": 1, \"value\": \"12221_2\"}, \"3418_10\": {\"frequency\": 1, \"value\": \"3418_10\"}, \"1651_10\": {\"frequency\": 1, \"value\": \"1651_10\"}, \"990_1\": {\"frequency\": 1, \"value\": \"990_1\"}, \"8452_7\": {\"frequency\": 1, \"value\": \"8452_7\"}, \"3616_7\": {\"frequency\": 1, \"value\": \"3616_7\"}, \"12033_3\": {\"frequency\": 1, \"value\": \"12033_3\"}, \"306_10\": {\"frequency\": 1, \"value\": \"306_10\"}, \"7505_9\": {\"frequency\": 1, \"value\": \"7505_9\"}, \"4675_9\": {\"frequency\": 1, \"value\": \"4675_9\"}, \"3341_1\": {\"frequency\": 1, \"value\": \"3341_1\"}, \"5108_10\": {\"frequency\": 1, \"value\": \"5108_10\"}, \"8671_7\": {\"frequency\": 1, \"value\": \"8671_7\"}, \"3385_1\": {\"frequency\": 1, \"value\": \"3385_1\"}, \"3521_9\": {\"frequency\": 1, \"value\": \"3521_9\"}, \"11361_10\": {\"frequency\": 1, \"value\": \"11361_10\"}, \"10914_8\": {\"frequency\": 1, \"value\": \"10914_8\"}, \"1924_10\": {\"frequency\": 1, \"value\": \"1924_10\"}, \"4709_2\": {\"frequency\": 1, \"value\": \"4709_2\"}, \"7252_4\": {\"frequency\": 1, \"value\": \"7252_4\"}, \"6395_3\": {\"frequency\": 1, \"value\": \"6395_3\"}, \"9170_1\": {\"frequency\": 1, \"value\": \"9170_1\"}, \"3753_9\": {\"frequency\": 1, \"value\": \"3753_9\"}, \"1339_9\": {\"frequency\": 1, \"value\": \"1339_9\"}, \"2627_1\": {\"frequency\": 1, \"value\": \"2627_1\"}, \"5936_10\": {\"frequency\": 1, \"value\": \"5936_10\"}, \"5786_10\": {\"frequency\": 1, \"value\": \"5786_10\"}, \"6240_10\": {\"frequency\": 1, \"value\": \"6240_10\"}, \"1449_9\": {\"frequency\": 1, \"value\": \"1449_9\"}, \"9451_8\": {\"frequency\": 1, \"value\": \"9451_8\"}, \"10682_1\": {\"frequency\": 2, \"value\": \"10682_1\"}, \"10680_1\": {\"frequency\": 1, \"value\": \"10680_1\"}, \"11789_1\": {\"frequency\": 1, \"value\": \"11789_1\"}, \"11318_9\": {\"frequency\": 1, \"value\": \"11318_9\"}, \"1119_1\": {\"frequency\": 1, \"value\": \"1119_1\"}, \"9011_9\": {\"frequency\": 1, \"value\": \"9011_9\"}, \"11427_1\": {\"frequency\": 1, \"value\": \"11427_1\"}, \"4637_4\": {\"frequency\": 1, \"value\": \"4637_4\"}, \"4358_10\": {\"frequency\": 2, \"value\": \"4358_10\"}, \"7791_10\": {\"frequency\": 1, \"value\": \"7791_10\"}, \"3569_8\": {\"frequency\": 1, \"value\": \"3569_8\"}, \"7290_3\": {\"frequency\": 1, \"value\": \"7290_3\"}, \"10596_1\": {\"frequency\": 1, \"value\": \"10596_1\"}, \"12381_8\": {\"frequency\": 1, \"value\": \"12381_8\"}, \"49_10\": {\"frequency\": 1, \"value\": \"49_10\"}, \"11973_4\": {\"frequency\": 1, \"value\": \"11973_4\"}, \"10660_10\": {\"frequency\": 1, \"value\": \"10660_10\"}, \"5025_2\": {\"frequency\": 1, \"value\": \"5025_2\"}, \"5780_10\": {\"frequency\": 1, \"value\": \"5780_10\"}, \"2758_1\": {\"frequency\": 1, \"value\": \"2758_1\"}, \"9714_10\": {\"frequency\": 1, \"value\": \"9714_10\"}, \"4854_1\": {\"frequency\": 1, \"value\": \"4854_1\"}, \"3191_1\": {\"frequency\": 1, \"value\": \"3191_1\"}, \"10594_8\": {\"frequency\": 1, \"value\": \"10594_8\"}, \"2909_10\": {\"frequency\": 1, \"value\": \"2909_10\"}, \"10394_3\": {\"frequency\": 1, \"value\": \"10394_3\"}, \"4485_4\": {\"frequency\": 1, \"value\": \"4485_4\"}, \"105_7\": {\"frequency\": 1, \"value\": \"105_7\"}, \"1539_10\": {\"frequency\": 1, \"value\": \"1539_10\"}, \"3065_10\": {\"frequency\": 1, \"value\": \"3065_10\"}, \"10688_1\": {\"frequency\": 1, \"value\": \"10688_1\"}, \"1190_7\": {\"frequency\": 1, \"value\": \"1190_7\"}, \"2559_1\": {\"frequency\": 1, \"value\": \"2559_1\"}, \"565_10\": {\"frequency\": 1, \"value\": \"565_10\"}, \"475_1\": {\"frequency\": 2, \"value\": \"475_1\"}, \"5451_1\": {\"frequency\": 1, \"value\": \"5451_1\"}, \"2868_7\": {\"frequency\": 1, \"value\": \"2868_7\"}, \"823_9\": {\"frequency\": 1, \"value\": \"823_9\"}, \"552_1\": {\"frequency\": 1, \"value\": \"552_1\"}, \"211_4\": {\"frequency\": 1, \"value\": \"211_4\"}, \"10533_10\": {\"frequency\": 1, \"value\": \"10533_10\"}, \"3941_9\": {\"frequency\": 1, \"value\": \"3941_9\"}, \"9563_9\": {\"frequency\": 1, \"value\": \"9563_9\"}, \"7726_10\": {\"frequency\": 1, \"value\": \"7726_10\"}, \"6432_1\": {\"frequency\": 1, \"value\": \"6432_1\"}, \"2564_2\": {\"frequency\": 1, \"value\": \"2564_2\"}, \"9520_10\": {\"frequency\": 1, \"value\": \"9520_10\"}, \"5499_1\": {\"frequency\": 1, \"value\": \"5499_1\"}, \"5371_3\": {\"frequency\": 1, \"value\": \"5371_3\"}, \"1517_2\": {\"frequency\": 1, \"value\": \"1517_2\"}, \"5293_1\": {\"frequency\": 1, \"value\": \"5293_1\"}, \"10275_3\": {\"frequency\": 1, \"value\": \"10275_3\"}, \"11735_10\": {\"frequency\": 1, \"value\": \"11735_10\"}, \"2687_10\": {\"frequency\": 1, \"value\": \"2687_10\"}, \"11785_10\": {\"frequency\": 1, \"value\": \"11785_10\"}, \"9621_8\": {\"frequency\": 1, \"value\": \"9621_8\"}, \"10649_4\": {\"frequency\": 1, \"value\": \"10649_4\"}, \"7296_1\": {\"frequency\": 1, \"value\": \"7296_1\"}, \"9135_2\": {\"frequency\": 1, \"value\": \"9135_2\"}, \"2893_10\": {\"frequency\": 1, \"value\": \"2893_10\"}, \"10879_1\": {\"frequency\": 1, \"value\": \"10879_1\"}, \"9502_3\": {\"frequency\": 1, \"value\": \"9502_3\"}, \"7673_7\": {\"frequency\": 1, \"value\": \"7673_7\"}, \"10354_9\": {\"frequency\": 1, \"value\": \"10354_9\"}, \"10819_3\": {\"frequency\": 1, \"value\": \"10819_3\"}, \"5909_3\": {\"frequency\": 1, \"value\": \"5909_3\"}, \"9628_1\": {\"frequency\": 1, \"value\": \"9628_1\"}, \"10614_1\": {\"frequency\": 1, \"value\": \"10614_1\"}, \"1629_10\": {\"frequency\": 1, \"value\": \"1629_10\"}, \"5066_8\": {\"frequency\": 1, \"value\": \"5066_8\"}, \"1569_10\": {\"frequency\": 1, \"value\": \"1569_10\"}, \"3046_10\": {\"frequency\": 1, \"value\": \"3046_10\"}, \"10393_9\": {\"frequency\": 1, \"value\": \"10393_9\"}, \"215_4\": {\"frequency\": 1, \"value\": \"215_4\"}, \"827_4\": {\"frequency\": 1, \"value\": \"827_4\"}, \"8285_8\": {\"frequency\": 1, \"value\": \"8285_8\"}, \"10143_1\": {\"frequency\": 1, \"value\": \"10143_1\"}, \"8601_1\": {\"frequency\": 1, \"value\": \"8601_1\"}, \"883_1\": {\"frequency\": 2, \"value\": \"883_1\"}, \"9256_10\": {\"frequency\": 1, \"value\": \"9256_10\"}, \"2068_2\": {\"frequency\": 1, \"value\": \"2068_2\"}, \"5068_4\": {\"frequency\": 1, \"value\": \"5068_4\"}, \"6234_1\": {\"frequency\": 1, \"value\": \"6234_1\"}, \"38_2\": {\"frequency\": 1, \"value\": \"38_2\"}, \"7171_10\": {\"frequency\": 1, \"value\": \"7171_10\"}, \"4347_1\": {\"frequency\": 1, \"value\": \"4347_1\"}, \"6816_7\": {\"frequency\": 1, \"value\": \"6816_7\"}, \"120_8\": {\"frequency\": 1, \"value\": \"120_8\"}, \"11263_10\": {\"frequency\": 1, \"value\": \"11263_10\"}, \"5578_1\": {\"frequency\": 1, \"value\": \"5578_1\"}, \"3400_1\": {\"frequency\": 1, \"value\": \"3400_1\"}, \"5533_7\": {\"frequency\": 1, \"value\": \"5533_7\"}, \"4060_4\": {\"frequency\": 1, \"value\": \"4060_4\"}, \"10913_7\": {\"frequency\": 1, \"value\": \"10913_7\"}, \"8004_9\": {\"frequency\": 1, \"value\": \"8004_9\"}, \"5901_7\": {\"frequency\": 1, \"value\": \"5901_7\"}, \"10809_1\": {\"frequency\": 1, \"value\": \"10809_1\"}, \"162_8\": {\"frequency\": 1, \"value\": \"162_8\"}, \"7124_2\": {\"frequency\": 1, \"value\": \"7124_2\"}, \"6812_7\": {\"frequency\": 1, \"value\": \"6812_7\"}, \"5060_8\": {\"frequency\": 1, \"value\": \"5060_8\"}, \"1088_9\": {\"frequency\": 1, \"value\": \"1088_9\"}, \"1802_9\": {\"frequency\": 1, \"value\": \"1802_9\"}, \"160_2\": {\"frequency\": 1, \"value\": \"160_2\"}, \"10062_1\": {\"frequency\": 1, \"value\": \"10062_1\"}, \"11942_8\": {\"frequency\": 1, \"value\": \"11942_8\"}, \"8736_3\": {\"frequency\": 1, \"value\": \"8736_3\"}, \"6925_9\": {\"frequency\": 1, \"value\": \"6925_9\"}, \"160_9\": {\"frequency\": 1, \"value\": \"160_9\"}, \"10363_2\": {\"frequency\": 1, \"value\": \"10363_2\"}, \"12287_10\": {\"frequency\": 1, \"value\": \"12287_10\"}, \"630_2\": {\"frequency\": 1, \"value\": \"630_2\"}, \"4933_8\": {\"frequency\": 1, \"value\": \"4933_8\"}, \"5575_8\": {\"frequency\": 1, \"value\": \"5575_8\"}, \"2935_10\": {\"frequency\": 1, \"value\": \"2935_10\"}, \"10280_3\": {\"frequency\": 1, \"value\": \"10280_3\"}, \"457_10\": {\"frequency\": 1, \"value\": \"457_10\"}, \"11471_7\": {\"frequency\": 1, \"value\": \"11471_7\"}, \"12269_8\": {\"frequency\": 1, \"value\": \"12269_8\"}, \"6993_7\": {\"frequency\": 1, \"value\": \"6993_7\"}, \"15_1\": {\"frequency\": 1, \"value\": \"15_1\"}, \"3489_2\": {\"frequency\": 1, \"value\": \"3489_2\"}, \"8517_8\": {\"frequency\": 1, \"value\": \"8517_8\"}, \"4685_7\": {\"frequency\": 1, \"value\": \"4685_7\"}, \"4970_3\": {\"frequency\": 1, \"value\": \"4970_3\"}, \"2753_1\": {\"frequency\": 1, \"value\": \"2753_1\"}, \"3610_1\": {\"frequency\": 1, \"value\": \"3610_1\"}, \"10057_9\": {\"frequency\": 1, \"value\": \"10057_9\"}, \"12416_3\": {\"frequency\": 1, \"value\": \"12416_3\"}, \"11103_10\": {\"frequency\": 1, \"value\": \"11103_10\"}, \"10889_10\": {\"frequency\": 1, \"value\": \"10889_10\"}, \"5940_7\": {\"frequency\": 1, \"value\": \"5940_7\"}, \"6598_8\": {\"frequency\": 1, \"value\": \"6598_8\"}, \"1245_7\": {\"frequency\": 1, \"value\": \"1245_7\"}, \"8550_3\": {\"frequency\": 1, \"value\": \"8550_3\"}, \"9564_10\": {\"frequency\": 1, \"value\": \"9564_10\"}, \"10499_1\": {\"frequency\": 1, \"value\": \"10499_1\"}, \"12265_1\": {\"frequency\": 1, \"value\": \"12265_1\"}, \"10856_8\": {\"frequency\": 1, \"value\": \"10856_8\"}, \"6523_10\": {\"frequency\": 1, \"value\": \"6523_10\"}, \"5739_10\": {\"frequency\": 1, \"value\": \"5739_10\"}, \"236_9\": {\"frequency\": 1, \"value\": \"236_9\"}, \"8169_4\": {\"frequency\": 1, \"value\": \"8169_4\"}, \"9535_10\": {\"frequency\": 1, \"value\": \"9535_10\"}, \"1239_8\": {\"frequency\": 1, \"value\": \"1239_8\"}, \"1803_10\": {\"frequency\": 1, \"value\": \"1803_10\"}, \"4974_2\": {\"frequency\": 1, \"value\": \"4974_2\"}, \"2025_1\": {\"frequency\": 1, \"value\": \"2025_1\"}, \"1241_7\": {\"frequency\": 1, \"value\": \"1241_7\"}, \"4193_3\": {\"frequency\": 1, \"value\": \"4193_3\"}, \"5359_1\": {\"frequency\": 1, \"value\": \"5359_1\"}, \"3487_9\": {\"frequency\": 1, \"value\": \"3487_9\"}, \"9459_8\": {\"frequency\": 1, \"value\": \"9459_8\"}, \"6450_10\": {\"frequency\": 1, \"value\": \"6450_10\"}, \"5392_3\": {\"frequency\": 1, \"value\": \"5392_3\"}, \"2696_8\": {\"frequency\": 1, \"value\": \"2696_8\"}, \"3104_10\": {\"frequency\": 1, \"value\": \"3104_10\"}, \"7358_10\": {\"frequency\": 1, \"value\": \"7358_10\"}, \"6266_2\": {\"frequency\": 2, \"value\": \"6266_2\"}, \"9842_7\": {\"frequency\": 1, \"value\": \"9842_7\"}, \"6641_8\": {\"frequency\": 1, \"value\": \"6641_8\"}, \"4428_10\": {\"frequency\": 1, \"value\": \"4428_10\"}, \"9842_1\": {\"frequency\": 1, \"value\": \"9842_1\"}, \"964_8\": {\"frequency\": 1, \"value\": \"964_8\"}, \"9755_2\": {\"frequency\": 1, \"value\": \"9755_2\"}, \"11589_3\": {\"frequency\": 1, \"value\": \"11589_3\"}, \"5390_1\": {\"frequency\": 1, \"value\": \"5390_1\"}, \"6686_9\": {\"frequency\": 1, \"value\": \"6686_9\"}, \"10532_4\": {\"frequency\": 1, \"value\": \"10532_4\"}, \"4687_8\": {\"frequency\": 1, \"value\": \"4687_8\"}, \"10476_1\": {\"frequency\": 1, \"value\": \"10476_1\"}, \"7306_3\": {\"frequency\": 1, \"value\": \"7306_3\"}, \"5785_4\": {\"frequency\": 1, \"value\": \"5785_4\"}, \"8758_10\": {\"frequency\": 1, \"value\": \"8758_10\"}, \"11886_1\": {\"frequency\": 1, \"value\": \"11886_1\"}, \"9833_8\": {\"frequency\": 1, \"value\": \"9833_8\"}, \"2900_9\": {\"frequency\": 1, \"value\": \"2900_9\"}, \"5864_7\": {\"frequency\": 1, \"value\": \"5864_7\"}, \"969_1\": {\"frequency\": 1, \"value\": \"969_1\"}, \"2429_8\": {\"frequency\": 1, \"value\": \"2429_8\"}, \"12224_9\": {\"frequency\": 1, \"value\": \"12224_9\"}, \"5505_1\": {\"frequency\": 1, \"value\": \"5505_1\"}, \"4402_1\": {\"frequency\": 1, \"value\": \"4402_1\"}, \"465_1\": {\"frequency\": 1, \"value\": \"465_1\"}, \"607_10\": {\"frequency\": 1, \"value\": \"607_10\"}, \"10716_3\": {\"frequency\": 1, \"value\": \"10716_3\"}, \"3112_7\": {\"frequency\": 1, \"value\": \"3112_7\"}, \"9653_9\": {\"frequency\": 1, \"value\": \"9653_9\"}, \"5396_3\": {\"frequency\": 1, \"value\": \"5396_3\"}, \"2692_8\": {\"frequency\": 1, \"value\": \"2692_8\"}, \"9885_10\": {\"frequency\": 1, \"value\": \"9885_10\"}, \"6472_2\": {\"frequency\": 1, \"value\": \"6472_2\"}, \"2692_1\": {\"frequency\": 1, \"value\": \"2692_1\"}, \"11877_10\": {\"frequency\": 1, \"value\": \"11877_10\"}, \"5530_8\": {\"frequency\": 1, \"value\": \"5530_8\"}, \"4028_10\": {\"frequency\": 1, \"value\": \"4028_10\"}, \"4730_4\": {\"frequency\": 1, \"value\": \"4730_4\"}, \"12228_8\": {\"frequency\": 1, \"value\": \"12228_8\"}, \"2900_1\": {\"frequency\": 1, \"value\": \"2900_1\"}, \"5530_1\": {\"frequency\": 1, \"value\": \"5530_1\"}, \"431_8\": {\"frequency\": 1, \"value\": \"431_8\"}, \"2425_7\": {\"frequency\": 1, \"value\": \"2425_7\"}, \"2425_4\": {\"frequency\": 1, \"value\": \"2425_4\"}, \"8860_8\": {\"frequency\": 1, \"value\": \"8860_8\"}, \"1150_10\": {\"frequency\": 1, \"value\": \"1150_10\"}, \"8622_8\": {\"frequency\": 1, \"value\": \"8622_8\"}, \"4408_8\": {\"frequency\": 1, \"value\": \"4408_8\"}, \"1866_2\": {\"frequency\": 1, \"value\": \"1866_2\"}, \"6819_8\": {\"frequency\": 1, \"value\": \"6819_8\"}, \"8279_10\": {\"frequency\": 1, \"value\": \"8279_10\"}, \"6819_3\": {\"frequency\": 1, \"value\": \"6819_3\"}, \"7667_7\": {\"frequency\": 1, \"value\": \"7667_7\"}, \"5251_7\": {\"frequency\": 1, \"value\": \"5251_7\"}, \"2516_9\": {\"frequency\": 1, \"value\": \"2516_9\"}, \"4441_7\": {\"frequency\": 1, \"value\": \"4441_7\"}, \"8695_3\": {\"frequency\": 1, \"value\": \"8695_3\"}, \"11264_1\": {\"frequency\": 1, \"value\": \"11264_1\"}, \"1731_10\": {\"frequency\": 1, \"value\": \"1731_10\"}, \"5546_7\": {\"frequency\": 1, \"value\": \"5546_7\"}, \"1860_9\": {\"frequency\": 1, \"value\": \"1860_9\"}, \"56_3\": {\"frequency\": 1, \"value\": \"56_3\"}, \"1006_8\": {\"frequency\": 1, \"value\": \"1006_8\"}, \"4938_1\": {\"frequency\": 1, \"value\": \"4938_1\"}, \"1751_2\": {\"frequency\": 1, \"value\": \"1751_2\"}, \"6815_8\": {\"frequency\": 1, \"value\": \"6815_8\"}, \"2263_10\": {\"frequency\": 1, \"value\": \"2263_10\"}, \"9800_1\": {\"frequency\": 1, \"value\": \"9800_1\"}, \"10814_2\": {\"frequency\": 1, \"value\": \"10814_2\"}, \"6467_3\": {\"frequency\": 1, \"value\": \"6467_3\"}, \"11881_9\": {\"frequency\": 1, \"value\": \"11881_9\"}, \"8086_2\": {\"frequency\": 1, \"value\": \"8086_2\"}, \"6823_10\": {\"frequency\": 1, \"value\": \"6823_10\"}, \"9309_9\": {\"frequency\": 1, \"value\": \"9309_9\"}, \"9978_1\": {\"frequency\": 1, \"value\": \"9978_1\"}, \"8697_7\": {\"frequency\": 1, \"value\": \"8697_7\"}, \"3815_1\": {\"frequency\": 1, \"value\": \"3815_1\"}, \"4106_4\": {\"frequency\": 1, \"value\": \"4106_4\"}, \"3115_8\": {\"frequency\": 1, \"value\": \"3115_8\"}, \"9392_9\": {\"frequency\": 1, \"value\": \"9392_9\"}, \"12491_2\": {\"frequency\": 1, \"value\": \"12491_2\"}, \"11507_10\": {\"frequency\": 1, \"value\": \"11507_10\"}, \"4407_8\": {\"frequency\": 1, \"value\": \"4407_8\"}, \"10436_8\": {\"frequency\": 1, \"value\": \"10436_8\"}, \"6780_4\": {\"frequency\": 1, \"value\": \"6780_4\"}, \"10316_3\": {\"frequency\": 1, \"value\": \"10316_3\"}, \"2588_3\": {\"frequency\": 1, \"value\": \"2588_3\"}, \"7328_2\": {\"frequency\": 1, \"value\": \"7328_2\"}, \"2414_3\": {\"frequency\": 1, \"value\": \"2414_3\"}, \"8091_9\": {\"frequency\": 1, \"value\": \"8091_9\"}, \"1714_1\": {\"frequency\": 1, \"value\": \"1714_1\"}, \"9304_1\": {\"frequency\": 1, \"value\": \"9304_1\"}, \"2510_4\": {\"frequency\": 1, \"value\": \"2510_4\"}, \"9058_7\": {\"frequency\": 1, \"value\": \"9058_7\"}, \"6975_8\": {\"frequency\": 1, \"value\": \"6975_8\"}, \"5707_10\": {\"frequency\": 1, \"value\": \"5707_10\"}, \"9841_4\": {\"frequency\": 1, \"value\": \"9841_4\"}, \"8970_10\": {\"frequency\": 1, \"value\": \"8970_10\"}, \"1174_4\": {\"frequency\": 1, \"value\": \"1174_4\"}, \"9574_9\": {\"frequency\": 1, \"value\": \"9574_9\"}, \"1712_9\": {\"frequency\": 1, \"value\": \"1712_9\"}, \"5775_3\": {\"frequency\": 1, \"value\": \"5775_3\"}, \"11268_1\": {\"frequency\": 1, \"value\": \"11268_1\"}, \"1864_1\": {\"frequency\": 1, \"value\": \"1864_1\"}, \"32_10\": {\"frequency\": 1, \"value\": \"32_10\"}, \"4445_7\": {\"frequency\": 1, \"value\": \"4445_7\"}, \"10758_1\": {\"frequency\": 1, \"value\": \"10758_1\"}, \"2358_9\": {\"frequency\": 1, \"value\": \"2358_9\"}, \"11268_8\": {\"frequency\": 1, \"value\": \"11268_8\"}, \"1154_10\": {\"frequency\": 1, \"value\": \"1154_10\"}, \"1472_1\": {\"frequency\": 1, \"value\": \"1472_1\"}, \"7464_3\": {\"frequency\": 1, \"value\": \"7464_3\"}, \"8880_3\": {\"frequency\": 1, \"value\": \"8880_3\"}, \"2832_8\": {\"frequency\": 1, \"value\": \"2832_8\"}, \"10145_8\": {\"frequency\": 1, \"value\": \"10145_8\"}, \"839_7\": {\"frequency\": 1, \"value\": \"839_7\"}, \"1004_7\": {\"frequency\": 1, \"value\": \"1004_7\"}, \"2295_7\": {\"frequency\": 1, \"value\": \"2295_7\"}, \"12095_3\": {\"frequency\": 1, \"value\": \"12095_3\"}, \"8882_4\": {\"frequency\": 1, \"value\": \"8882_4\"}, \"6762_9\": {\"frequency\": 1, \"value\": \"6762_9\"}, \"2147_4\": {\"frequency\": 1, \"value\": \"2147_4\"}, \"2063_8\": {\"frequency\": 1, \"value\": \"2063_8\"}, \"282_9\": {\"frequency\": 1, \"value\": \"282_9\"}, \"3853_9\": {\"frequency\": 1, \"value\": \"3853_9\"}, \"12245_10\": {\"frequency\": 1, \"value\": \"12245_10\"}, \"11004_1\": {\"frequency\": 1, \"value\": \"11004_1\"}, \"3856_10\": {\"frequency\": 1, \"value\": \"3856_10\"}, \"7496_8\": {\"frequency\": 1, \"value\": \"7496_8\"}, \"1172_3\": {\"frequency\": 1, \"value\": \"1172_3\"}, \"10747_10\": {\"frequency\": 1, \"value\": \"10747_10\"}, \"7759_3\": {\"frequency\": 1, \"value\": \"7759_3\"}, \"9343_1\": {\"frequency\": 1, \"value\": \"9343_1\"}, \"293_7\": {\"frequency\": 1, \"value\": \"293_7\"}, \"10126_2\": {\"frequency\": 1, \"value\": \"10126_2\"}, \"3447_1\": {\"frequency\": 1, \"value\": \"3447_1\"}, \"10163_8\": {\"frequency\": 1, \"value\": \"10163_8\"}, \"4271_10\": {\"frequency\": 1, \"value\": \"4271_10\"}, \"2196_4\": {\"frequency\": 1, \"value\": \"2196_4\"}, \"4104_9\": {\"frequency\": 1, \"value\": \"4104_9\"}, \"3726_7\": {\"frequency\": 1, \"value\": \"3726_7\"}, \"831_9\": {\"frequency\": 1, \"value\": \"831_9\"}, \"6725_9\": {\"frequency\": 1, \"value\": \"6725_9\"}, \"688_4\": {\"frequency\": 1, \"value\": \"688_4\"}, \"782_4\": {\"frequency\": 1, \"value\": \"782_4\"}, \"831_2\": {\"frequency\": 1, \"value\": \"831_2\"}, \"6390_2\": {\"frequency\": 1, \"value\": \"6390_2\"}, \"3538_10\": {\"frequency\": 1, \"value\": \"3538_10\"}, \"3166_3\": {\"frequency\": 1, \"value\": \"3166_3\"}, \"11226_7\": {\"frequency\": 1, \"value\": \"11226_7\"}, \"686_3\": {\"frequency\": 1, \"value\": \"686_3\"}, \"8769_4\": {\"frequency\": 1, \"value\": \"8769_4\"}, \"3994_8\": {\"frequency\": 1, \"value\": \"3994_8\"}, \"2799_1\": {\"frequency\": 1, \"value\": \"2799_1\"}, \"10613_3\": {\"frequency\": 1, \"value\": \"10613_3\"}, \"6768_8\": {\"frequency\": 1, \"value\": \"6768_8\"}, \"11473_4\": {\"frequency\": 1, \"value\": \"11473_4\"}, \"9057_3\": {\"frequency\": 1, \"value\": \"9057_3\"}, \"1863_1\": {\"frequency\": 1, \"value\": \"1863_1\"}, \"11860_10\": {\"frequency\": 1, \"value\": \"11860_10\"}, \"9345_1\": {\"frequency\": 1, \"value\": \"9345_1\"}, \"4442_9\": {\"frequency\": 1, \"value\": \"4442_9\"}, \"3763_3\": {\"frequency\": 1, \"value\": \"3763_3\"}, \"1575_9\": {\"frequency\": 1, \"value\": \"1575_9\"}, \"7626_9\": {\"frequency\": 1, \"value\": \"7626_9\"}, \"9053_2\": {\"frequency\": 1, \"value\": \"9053_2\"}, \"1573_1\": {\"frequency\": 1, \"value\": \"1573_1\"}, \"10169_2\": {\"frequency\": 2, \"value\": \"10169_2\"}, \"2795_7\": {\"frequency\": 1, \"value\": \"2795_7\"}, \"355_4\": {\"frequency\": 1, \"value\": \"355_4\"}, \"5700_1\": {\"frequency\": 1, \"value\": \"5700_1\"}, \"11048_7\": {\"frequency\": 1, \"value\": \"11048_7\"}, \"10595_10\": {\"frequency\": 1, \"value\": \"10595_10\"}, \"9317_8\": {\"frequency\": 1, \"value\": \"9317_8\"}, \"4474_10\": {\"frequency\": 1, \"value\": \"4474_10\"}, \"1764_10\": {\"frequency\": 1, \"value\": \"1764_10\"}, \"4502_7\": {\"frequency\": 1, \"value\": \"4502_7\"}, \"8790_1\": {\"frequency\": 1, \"value\": \"8790_1\"}, \"5627_10\": {\"frequency\": 1, \"value\": \"5627_10\"}, \"340_3\": {\"frequency\": 1, \"value\": \"340_3\"}, \"9258_10\": {\"frequency\": 1, \"value\": \"9258_10\"}, \"2255_4\": {\"frequency\": 1, \"value\": \"2255_4\"}, \"8571_7\": {\"frequency\": 1, \"value\": \"8571_7\"}, \"8349_1\": {\"frequency\": 1, \"value\": \"8349_1\"}, \"2636_1\": {\"frequency\": 1, \"value\": \"2636_1\"}, \"3992_8\": {\"frequency\": 1, \"value\": \"3992_8\"}, \"3_4\": {\"frequency\": 1, \"value\": \"3_4\"}, \"4625_10\": {\"frequency\": 1, \"value\": \"4625_10\"}, \"2636_9\": {\"frequency\": 1, \"value\": \"2636_9\"}, \"8713_10\": {\"frequency\": 1, \"value\": \"8713_10\"}, \"546_10\": {\"frequency\": 1, \"value\": \"546_10\"}, \"4254_2\": {\"frequency\": 1, \"value\": \"4254_2\"}, \"6618_2\": {\"frequency\": 1, \"value\": \"6618_2\"}, \"12104_1\": {\"frequency\": 1, \"value\": \"12104_1\"}, \"7446_8\": {\"frequency\": 1, \"value\": \"7446_8\"}, \"4277_10\": {\"frequency\": 1, \"value\": \"4277_10\"}, \"9352_10\": {\"frequency\": 1, \"value\": \"9352_10\"}, \"11670_7\": {\"frequency\": 1, \"value\": \"11670_7\"}, \"10477_1\": {\"frequency\": 2, \"value\": \"10477_1\"}, \"3689_8\": {\"frequency\": 1, \"value\": \"3689_8\"}, \"12415_4\": {\"frequency\": 1, \"value\": \"12415_4\"}, \"2652_10\": {\"frequency\": 1, \"value\": \"2652_10\"}, \"11456_10\": {\"frequency\": 1, \"value\": \"11456_10\"}, \"6582_7\": {\"frequency\": 1, \"value\": \"6582_7\"}, \"4524_2\": {\"frequency\": 1, \"value\": \"4524_2\"}, \"8196_8\": {\"frequency\": 1, \"value\": \"8196_8\"}, \"4208_10\": {\"frequency\": 1, \"value\": \"4208_10\"}, \"580_3\": {\"frequency\": 1, \"value\": \"580_3\"}, \"9593_2\": {\"frequency\": 1, \"value\": \"9593_2\"}, \"3237_8\": {\"frequency\": 1, \"value\": \"3237_8\"}, \"1766_10\": {\"frequency\": 1, \"value\": \"1766_10\"}, \"7996_2\": {\"frequency\": 1, \"value\": \"7996_2\"}, \"6618_8\": {\"frequency\": 1, \"value\": \"6618_8\"}, \"4286_10\": {\"frequency\": 1, \"value\": \"4286_10\"}, \"8194_9\": {\"frequency\": 1, \"value\": \"8194_9\"}, \"12441_9\": {\"frequency\": 1, \"value\": \"12441_9\"}, \"10763_3\": {\"frequency\": 1, \"value\": \"10763_3\"}, \"5741_1\": {\"frequency\": 1, \"value\": \"5741_1\"}, \"118_2\": {\"frequency\": 1, \"value\": \"118_2\"}, \"12135_10\": {\"frequency\": 1, \"value\": \"12135_10\"}, \"9117_10\": {\"frequency\": 1, \"value\": \"9117_10\"}, \"582_9\": {\"frequency\": 1, \"value\": \"582_9\"}, \"8883_8\": {\"frequency\": 1, \"value\": \"8883_8\"}, \"5570_10\": {\"frequency\": 1, \"value\": \"5570_10\"}, \"7325_1\": {\"frequency\": 1, \"value\": \"7325_1\"}, \"778_2\": {\"frequency\": 1, \"value\": \"778_2\"}, \"12447_4\": {\"frequency\": 1, \"value\": \"12447_4\"}, \"4219_4\": {\"frequency\": 1, \"value\": \"4219_4\"}, \"7994_9\": {\"frequency\": 1, \"value\": \"7994_9\"}, \"8883_2\": {\"frequency\": 1, \"value\": \"8883_2\"}, \"4743_8\": {\"frequency\": 1, \"value\": \"4743_8\"}, \"4784_2\": {\"frequency\": 1, \"value\": \"4784_2\"}, \"8388_7\": {\"frequency\": 2, \"value\": \"8388_7\"}, \"1305_10\": {\"frequency\": 1, \"value\": \"1305_10\"}, \"7896_1\": {\"frequency\": 1, \"value\": \"7896_1\"}, \"1538_3\": {\"frequency\": 1, \"value\": \"1538_3\"}, \"7207_1\": {\"frequency\": 1, \"value\": \"7207_1\"}, \"2216_1\": {\"frequency\": 1, \"value\": \"2216_1\"}, \"7207_7\": {\"frequency\": 1, \"value\": \"7207_7\"}, \"9262_3\": {\"frequency\": 1, \"value\": \"9262_3\"}, \"11056_4\": {\"frequency\": 1, \"value\": \"11056_4\"}, \"3614_7\": {\"frequency\": 2, \"value\": \"3614_7\"}, \"7828_10\": {\"frequency\": 1, \"value\": \"7828_10\"}, \"2977_1\": {\"frequency\": 1, \"value\": \"2977_1\"}, \"40_8\": {\"frequency\": 1, \"value\": \"40_8\"}, \"11622_10\": {\"frequency\": 1, \"value\": \"11622_10\"}, \"9783_9\": {\"frequency\": 1, \"value\": \"9783_9\"}, \"2827_10\": {\"frequency\": 1, \"value\": \"2827_10\"}, \"9789_10\": {\"frequency\": 1, \"value\": \"9789_10\"}, \"8968_1\": {\"frequency\": 1, \"value\": \"8968_1\"}, \"11413_10\": {\"frequency\": 1, \"value\": \"11413_10\"}, \"4019_3\": {\"frequency\": 1, \"value\": \"4019_3\"}, \"5399_1\": {\"frequency\": 1, \"value\": \"5399_1\"}, \"12109_4\": {\"frequency\": 1, \"value\": \"12109_4\"}, \"9260_7\": {\"frequency\": 1, \"value\": \"9260_7\"}, \"8304_8\": {\"frequency\": 1, \"value\": \"8304_8\"}, \"6867_1\": {\"frequency\": 1, \"value\": \"6867_1\"}, \"10670_10\": {\"frequency\": 1, \"value\": \"10670_10\"}, \"2446_10\": {\"frequency\": 1, \"value\": \"2446_10\"}, \"8005_9\": {\"frequency\": 1, \"value\": \"8005_9\"}, \"586_1\": {\"frequency\": 1, \"value\": \"586_1\"}, \"4569_1\": {\"frequency\": 1, \"value\": \"4569_1\"}, \"5745_8\": {\"frequency\": 1, \"value\": \"5745_8\"}, \"4815_2\": {\"frequency\": 1, \"value\": \"4815_2\"}, \"980_4\": {\"frequency\": 1, \"value\": \"980_4\"}, \"11307_1\": {\"frequency\": 1, \"value\": \"11307_1\"}, \"10288_10\": {\"frequency\": 1, \"value\": \"10288_10\"}, \"2219_1\": {\"frequency\": 1, \"value\": \"2219_1\"}, \"9405_10\": {\"frequency\": 1, \"value\": \"9405_10\"}, \"11334_10\": {\"frequency\": 1, \"value\": \"11334_10\"}, \"1134_2\": {\"frequency\": 1, \"value\": \"1134_2\"}, \"7419_1\": {\"frequency\": 1, \"value\": \"7419_1\"}, \"144_2\": {\"frequency\": 1, \"value\": \"144_2\"}, \"11301_3\": {\"frequency\": 1, \"value\": \"11301_3\"}, \"8462_9\": {\"frequency\": 1, \"value\": \"8462_9\"}, \"1052_8\": {\"frequency\": 1, \"value\": \"1052_8\"}, \"5110_10\": {\"frequency\": 1, \"value\": \"5110_10\"}, \"1132_4\": {\"frequency\": 1, \"value\": \"1132_4\"}, \"1812_1\": {\"frequency\": 1, \"value\": \"1812_1\"}, \"11313_10\": {\"frequency\": 1, \"value\": \"11313_10\"}, \"988_1\": {\"frequency\": 1, \"value\": \"988_1\"}, \"1616_4\": {\"frequency\": 1, \"value\": \"1616_4\"}, \"10085_3\": {\"frequency\": 1, \"value\": \"10085_3\"}, \"8139_10\": {\"frequency\": 1, \"value\": \"8139_10\"}, \"12487_10\": {\"frequency\": 1, \"value\": \"12487_10\"}, \"7407_10\": {\"frequency\": 1, \"value\": \"7407_10\"}, \"5703_2\": {\"frequency\": 1, \"value\": \"5703_2\"}, \"9712_1\": {\"frequency\": 1, \"value\": \"9712_1\"}, \"1816_1\": {\"frequency\": 2, \"value\": \"1816_1\"}, \"10738_4\": {\"frequency\": 1, \"value\": \"10738_4\"}, \"3643_1\": {\"frequency\": 1, \"value\": \"3643_1\"}, \"3836_2\": {\"frequency\": 1, \"value\": \"3836_2\"}, \"2158_10\": {\"frequency\": 1, \"value\": \"2158_10\"}, \"7103_1\": {\"frequency\": 1, \"value\": \"7103_1\"}, \"8418_7\": {\"frequency\": 1, \"value\": \"8418_7\"}, \"4253_10\": {\"frequency\": 1, \"value\": \"4253_10\"}, \"2104_2\": {\"frequency\": 1, \"value\": \"2104_2\"}, \"7103_7\": {\"frequency\": 1, \"value\": \"7103_7\"}, \"4387_3\": {\"frequency\": 1, \"value\": \"4387_3\"}, \"4261_4\": {\"frequency\": 1, \"value\": \"4261_4\"}, \"11871_4\": {\"frequency\": 1, \"value\": \"11871_4\"}, \"8647_7\": {\"frequency\": 2, \"value\": \"8647_7\"}, \"5109_10\": {\"frequency\": 1, \"value\": \"5109_10\"}, \"6094_1\": {\"frequency\": 1, \"value\": \"6094_1\"}, \"4629_10\": {\"frequency\": 1, \"value\": \"4629_10\"}, \"2487_1\": {\"frequency\": 1, \"value\": \"2487_1\"}, \"3805_8\": {\"frequency\": 1, \"value\": \"3805_8\"}, \"12024_7\": {\"frequency\": 1, \"value\": \"12024_7\"}, \"8645_1\": {\"frequency\": 1, \"value\": \"8645_1\"}, \"7513_9\": {\"frequency\": 1, \"value\": \"7513_9\"}, \"5806_4\": {\"frequency\": 1, \"value\": \"5806_4\"}, \"10300_10\": {\"frequency\": 1, \"value\": \"10300_10\"}, \"12151_1\": {\"frequency\": 1, \"value\": \"12151_1\"}, \"7068_8\": {\"frequency\": 1, \"value\": \"7068_8\"}, \"4892_1\": {\"frequency\": 1, \"value\": \"4892_1\"}, \"4263_8\": {\"frequency\": 1, \"value\": \"4263_8\"}, \"1849_1\": {\"frequency\": 1, \"value\": \"1849_1\"}, \"4753_10\": {\"frequency\": 1, \"value\": \"4753_10\"}, \"499_1\": {\"frequency\": 1, \"value\": \"499_1\"}, \"8459_3\": {\"frequency\": 1, \"value\": \"8459_3\"}, \"11162_4\": {\"frequency\": 1, \"value\": \"11162_4\"}, \"3606_9\": {\"frequency\": 1, \"value\": \"3606_9\"}, \"3807_4\": {\"frequency\": 1, \"value\": \"3807_4\"}, \"6223_7\": {\"frequency\": 1, \"value\": \"6223_7\"}, \"10993_10\": {\"frequency\": 1, \"value\": \"10993_10\"}, \"319_1\": {\"frequency\": 1, \"value\": \"319_1\"}, \"4648_9\": {\"frequency\": 1, \"value\": \"4648_9\"}, \"343_2\": {\"frequency\": 1, \"value\": \"343_2\"}, \"7292_10\": {\"frequency\": 1, \"value\": \"7292_10\"}, \"6002_7\": {\"frequency\": 1, \"value\": \"6002_7\"}, \"9144_7\": {\"frequency\": 1, \"value\": \"9144_7\"}, \"9144_1\": {\"frequency\": 1, \"value\": \"9144_1\"}, \"3578_7\": {\"frequency\": 1, \"value\": \"3578_7\"}, \"12352_8\": {\"frequency\": 1, \"value\": \"12352_8\"}, \"11439_8\": {\"frequency\": 1, \"value\": \"11439_8\"}, \"7631_10\": {\"frequency\": 1, \"value\": \"7631_10\"}, \"6531_8\": {\"frequency\": 1, \"value\": \"6531_8\"}, \"7452_4\": {\"frequency\": 1, \"value\": \"7452_4\"}, \"10482_1\": {\"frequency\": 1, \"value\": \"10482_1\"}, \"6537_7\": {\"frequency\": 1, \"value\": \"6537_7\"}, \"7450_9\": {\"frequency\": 1, \"value\": \"7450_9\"}, \"12350_4\": {\"frequency\": 1, \"value\": \"12350_4\"}, \"9142_1\": {\"frequency\": 1, \"value\": \"9142_1\"}, \"6537_1\": {\"frequency\": 1, \"value\": \"6537_1\"}, \"12350_9\": {\"frequency\": 1, \"value\": \"12350_9\"}, \"2592_10\": {\"frequency\": 1, \"value\": \"2592_10\"}, \"1471_4\": {\"frequency\": 1, \"value\": \"1471_4\"}, \"10892_7\": {\"frequency\": 1, \"value\": \"10892_7\"}, \"7899_1\": {\"frequency\": 1, \"value\": \"7899_1\"}, \"291_10\": {\"frequency\": 1, \"value\": \"291_10\"}, \"11435_3\": {\"frequency\": 1, \"value\": \"11435_3\"}, \"4350_10\": {\"frequency\": 1, \"value\": \"4350_10\"}, \"2639_7\": {\"frequency\": 1, \"value\": \"2639_7\"}, \"10001_4\": {\"frequency\": 1, \"value\": \"10001_4\"}, \"771_4\": {\"frequency\": 1, \"value\": \"771_4\"}, \"5647_10\": {\"frequency\": 1, \"value\": \"5647_10\"}, \"11433_4\": {\"frequency\": 1, \"value\": \"11433_4\"}, \"7782_7\": {\"frequency\": 1, \"value\": \"7782_7\"}, \"11753_10\": {\"frequency\": 1, \"value\": \"11753_10\"}, \"8877_9\": {\"frequency\": 1, \"value\": \"8877_9\"}, \"9492_4\": {\"frequency\": 1, \"value\": \"9492_4\"}, \"5113_3\": {\"frequency\": 1, \"value\": \"5113_3\"}, \"2789_7\": {\"frequency\": 1, \"value\": \"2789_7\"}, \"3352_2\": {\"frequency\": 1, \"value\": \"3352_2\"}, \"7126_10\": {\"frequency\": 1, \"value\": \"7126_10\"}, \"6331_10\": {\"frequency\": 1, \"value\": \"6331_10\"}, \"5403_1\": {\"frequency\": 1, \"value\": \"5403_1\"}, \"3314_1\": {\"frequency\": 1, \"value\": \"3314_1\"}, \"11055_10\": {\"frequency\": 1, \"value\": \"11055_10\"}, \"9636_7\": {\"frequency\": 1, \"value\": \"9636_7\"}, \"6154_10\": {\"frequency\": 1, \"value\": \"6154_10\"}, \"3354_2\": {\"frequency\": 1, \"value\": \"3354_2\"}, \"4887_10\": {\"frequency\": 1, \"value\": \"4887_10\"}, \"4421_4\": {\"frequency\": 1, \"value\": \"4421_4\"}, \"11036_8\": {\"frequency\": 1, \"value\": \"11036_8\"}, \"10961_9\": {\"frequency\": 1, \"value\": \"10961_9\"}, \"4180_3\": {\"frequency\": 1, \"value\": \"4180_3\"}, \"7067_7\": {\"frequency\": 1, \"value\": \"7067_7\"}, \"10967_4\": {\"frequency\": 1, \"value\": \"10967_4\"}, \"1376_1\": {\"frequency\": 1, \"value\": \"1376_1\"}, \"3310_8\": {\"frequency\": 1, \"value\": \"3310_8\"}, \"4227_1\": {\"frequency\": 1, \"value\": \"4227_1\"}, \"3391_3\": {\"frequency\": 1, \"value\": \"3391_3\"}, \"5720_10\": {\"frequency\": 1, \"value\": \"5720_10\"}, \"8428_7\": {\"frequency\": 1, \"value\": \"8428_7\"}, \"2490_8\": {\"frequency\": 1, \"value\": \"2490_8\"}, \"8492_1\": {\"frequency\": 1, \"value\": \"8492_1\"}, \"10677_3\": {\"frequency\": 1, \"value\": \"10677_3\"}, \"5058_1\": {\"frequency\": 1, \"value\": \"5058_1\"}, \"6126_10\": {\"frequency\": 1, \"value\": \"6126_10\"}, \"8461_7\": {\"frequency\": 1, \"value\": \"8461_7\"}, \"1683_1\": {\"frequency\": 1, \"value\": \"1683_1\"}, \"4560_4\": {\"frequency\": 1, \"value\": \"4560_4\"}, \"1932_10\": {\"frequency\": 1, \"value\": \"1932_10\"}, \"1874_10\": {\"frequency\": 1, \"value\": \"1874_10\"}, \"10976_1\": {\"frequency\": 1, \"value\": \"10976_1\"}, \"3304_10\": {\"frequency\": 1, \"value\": \"3304_10\"}, \"4738_7\": {\"frequency\": 1, \"value\": \"4738_7\"}, \"4195_3\": {\"frequency\": 1, \"value\": \"4195_3\"}, \"3659_3\": {\"frequency\": 1, \"value\": \"3659_3\"}, \"3233_1\": {\"frequency\": 1, \"value\": \"3233_1\"}, \"2783_8\": {\"frequency\": 1, \"value\": \"2783_8\"}, \"8299_1\": {\"frequency\": 1, \"value\": \"8299_1\"}, \"2880_8\": {\"frequency\": 1, \"value\": \"2880_8\"}, \"11250_9\": {\"frequency\": 1, \"value\": \"11250_9\"}, \"8772_8\": {\"frequency\": 1, \"value\": \"8772_8\"}, \"2395_7\": {\"frequency\": 1, \"value\": \"2395_7\"}, \"2181_1\": {\"frequency\": 1, \"value\": \"2181_1\"}, \"7934_3\": {\"frequency\": 1, \"value\": \"7934_3\"}, \"2230_10\": {\"frequency\": 1, \"value\": \"2230_10\"}, \"5090_4\": {\"frequency\": 1, \"value\": \"5090_4\"}, \"12419_1\": {\"frequency\": 1, \"value\": \"12419_1\"}, \"4800_7\": {\"frequency\": 1, \"value\": \"4800_7\"}, \"5852_7\": {\"frequency\": 1, \"value\": \"5852_7\"}, \"7459_1\": {\"frequency\": 1, \"value\": \"7459_1\"}, \"4809_3\": {\"frequency\": 1, \"value\": \"4809_3\"}, \"12296_3\": {\"frequency\": 1, \"value\": \"12296_3\"}, \"899_7\": {\"frequency\": 1, \"value\": \"899_7\"}, \"12029_4\": {\"frequency\": 1, \"value\": \"12029_4\"}, \"4446_10\": {\"frequency\": 1, \"value\": \"4446_10\"}, \"4772_3\": {\"frequency\": 1, \"value\": \"4772_3\"}, \"4802_8\": {\"frequency\": 2, \"value\": \"4802_8\"}, \"2399_7\": {\"frequency\": 1, \"value\": \"2399_7\"}, \"11220_10\": {\"frequency\": 1, \"value\": \"11220_10\"}, \"669_7\": {\"frequency\": 1, \"value\": \"669_7\"}, \"4302_2\": {\"frequency\": 2, \"value\": \"4302_2\"}, \"9110_8\": {\"frequency\": 1, \"value\": \"9110_8\"}, \"6157_2\": {\"frequency\": 1, \"value\": \"6157_2\"}, \"8254_1\": {\"frequency\": 1, \"value\": \"8254_1\"}, \"10320_2\": {\"frequency\": 1, \"value\": \"10320_2\"}, \"12158_3\": {\"frequency\": 1, \"value\": \"12158_3\"}, \"8722_1\": {\"frequency\": 1, \"value\": \"8722_1\"}, \"6308_1\": {\"frequency\": 1, \"value\": \"6308_1\"}, \"9285_10\": {\"frequency\": 1, \"value\": \"9285_10\"}, \"9604_10\": {\"frequency\": 1, \"value\": \"9604_10\"}, \"11601_8\": {\"frequency\": 1, \"value\": \"11601_8\"}, \"2487_10\": {\"frequency\": 1, \"value\": \"2487_10\"}, \"5917_4\": {\"frequency\": 1, \"value\": \"5917_4\"}, \"5639_7\": {\"frequency\": 1, \"value\": \"5639_7\"}, \"6609_1\": {\"frequency\": 1, \"value\": \"6609_1\"}, \"8421_10\": {\"frequency\": 1, \"value\": \"8421_10\"}, \"1268_7\": {\"frequency\": 1, \"value\": \"1268_7\"}, \"665_9\": {\"frequency\": 1, \"value\": \"665_9\"}, \"11936_7\": {\"frequency\": 1, \"value\": \"11936_7\"}, \"8549_8\": {\"frequency\": 1, \"value\": \"8549_8\"}, \"5882_9\": {\"frequency\": 1, \"value\": \"5882_9\"}, \"4388_2\": {\"frequency\": 1, \"value\": \"4388_2\"}, \"8278_10\": {\"frequency\": 1, \"value\": \"8278_10\"}, \"3285_10\": {\"frequency\": 1, \"value\": \"3285_10\"}, \"8542_9\": {\"frequency\": 1, \"value\": \"8542_9\"}, \"7874_8\": {\"frequency\": 1, \"value\": \"7874_8\"}, \"8542_2\": {\"frequency\": 1, \"value\": \"8542_2\"}, \"7717_2\": {\"frequency\": 1, \"value\": \"7717_2\"}, \"4044_9\": {\"frequency\": 1, \"value\": \"4044_9\"}, \"8544_9\": {\"frequency\": 1, \"value\": \"8544_9\"}, \"4198_1\": {\"frequency\": 2, \"value\": \"4198_1\"}, \"11154_2\": {\"frequency\": 1, \"value\": \"11154_2\"}, \"1002_7\": {\"frequency\": 1, \"value\": \"1002_7\"}, \"5915_7\": {\"frequency\": 1, \"value\": \"5915_7\"}, \"9098_10\": {\"frequency\": 1, \"value\": \"9098_10\"}, \"5548_7\": {\"frequency\": 1, \"value\": \"5548_7\"}, \"270_10\": {\"frequency\": 1, \"value\": \"270_10\"}, \"8252_9\": {\"frequency\": 1, \"value\": \"8252_9\"}, \"4775_7\": {\"frequency\": 1, \"value\": \"4775_7\"}, \"7559_1\": {\"frequency\": 1, \"value\": \"7559_1\"}, \"3432_8\": {\"frequency\": 1, \"value\": \"3432_8\"}, \"952_3\": {\"frequency\": 1, \"value\": \"952_3\"}, \"8501_8\": {\"frequency\": 1, \"value\": \"8501_8\"}, \"1047_2\": {\"frequency\": 1, \"value\": \"1047_2\"}, \"10844_9\": {\"frequency\": 1, \"value\": \"10844_9\"}, \"873_1\": {\"frequency\": 1, \"value\": \"873_1\"}, \"11578_1\": {\"frequency\": 1, \"value\": \"11578_1\"}, \"624_2\": {\"frequency\": 1, \"value\": \"624_2\"}, \"5151_8\": {\"frequency\": 1, \"value\": \"5151_8\"}, \"2138_4\": {\"frequency\": 1, \"value\": \"2138_4\"}, \"1335_4\": {\"frequency\": 1, \"value\": \"1335_4\"}, \"5956_3\": {\"frequency\": 1, \"value\": \"5956_3\"}, \"8157_4\": {\"frequency\": 1, \"value\": \"8157_4\"}, \"4031_4\": {\"frequency\": 1, \"value\": \"4031_4\"}, \"3088_8\": {\"frequency\": 1, \"value\": \"3088_8\"}, \"12346_10\": {\"frequency\": 1, \"value\": \"12346_10\"}, \"4848_4\": {\"frequency\": 1, \"value\": \"4848_4\"}, \"8155_1\": {\"frequency\": 1, \"value\": \"8155_1\"}, \"8627_4\": {\"frequency\": 1, \"value\": \"8627_4\"}, \"10043_1\": {\"frequency\": 1, \"value\": \"10043_1\"}, \"4962_1\": {\"frequency\": 1, \"value\": \"4962_1\"}, \"2031_1\": {\"frequency\": 1, \"value\": \"2031_1\"}, \"5153_4\": {\"frequency\": 1, \"value\": \"5153_4\"}, \"5956_9\": {\"frequency\": 1, \"value\": \"5956_9\"}, \"1041_1\": {\"frequency\": 1, \"value\": \"1041_1\"}, \"11229_10\": {\"frequency\": 1, \"value\": \"11229_10\"}, \"7529_10\": {\"frequency\": 1, \"value\": \"7529_10\"}, \"7592_9\": {\"frequency\": 2, \"value\": \"7592_9\"}, \"650_1\": {\"frequency\": 1, \"value\": \"650_1\"}, \"5364_3\": {\"frequency\": 1, \"value\": \"5364_3\"}, \"6009_10\": {\"frequency\": 1, \"value\": \"6009_10\"}, \"11980_4\": {\"frequency\": 1, \"value\": \"11980_4\"}, \"116_1\": {\"frequency\": 1, \"value\": \"116_1\"}, \"7870_1\": {\"frequency\": 1, \"value\": \"7870_1\"}, \"7834_8\": {\"frequency\": 1, \"value\": \"7834_8\"}, \"2741_2\": {\"frequency\": 1, \"value\": \"2741_2\"}, \"1503_9\": {\"frequency\": 1, \"value\": \"1503_9\"}, \"2123_10\": {\"frequency\": 1, \"value\": \"2123_10\"}, \"11005_10\": {\"frequency\": 1, \"value\": \"11005_10\"}, \"4087_2\": {\"frequency\": 1, \"value\": \"4087_2\"}, \"9726_7\": {\"frequency\": 1, \"value\": \"9726_7\"}, \"11975_1\": {\"frequency\": 1, \"value\": \"11975_1\"}, \"5583_8\": {\"frequency\": 1, \"value\": \"5583_8\"}, \"12209_2\": {\"frequency\": 1, \"value\": \"12209_2\"}, \"6651_1\": {\"frequency\": 1, \"value\": \"6651_1\"}, \"25_1\": {\"frequency\": 1, \"value\": \"25_1\"}, \"526_2\": {\"frequency\": 1, \"value\": \"526_2\"}, \"4697_7\": {\"frequency\": 1, \"value\": \"4697_7\"}, \"3074_1\": {\"frequency\": 1, \"value\": \"3074_1\"}, \"10460_3\": {\"frequency\": 1, \"value\": \"10460_3\"}, \"5791_9\": {\"frequency\": 1, \"value\": \"5791_9\"}, \"4923_7\": {\"frequency\": 1, \"value\": \"4923_7\"}, \"10602_10\": {\"frequency\": 1, \"value\": \"10602_10\"}, \"6696_4\": {\"frequency\": 1, \"value\": \"6696_4\"}, \"4891_1\": {\"frequency\": 1, \"value\": \"4891_1\"}, \"3306_4\": {\"frequency\": 1, \"value\": \"3306_4\"}, \"9973_4\": {\"frequency\": 1, \"value\": \"9973_4\"}, \"98_10\": {\"frequency\": 1, \"value\": \"98_10\"}, \"11898_4\": {\"frequency\": 1, \"value\": \"11898_4\"}, \"5504_1\": {\"frequency\": 1, \"value\": \"5504_1\"}, \"5991_1\": {\"frequency\": 1, \"value\": \"5991_1\"}, \"7727_3\": {\"frequency\": 1, \"value\": \"7727_3\"}, \"5543_2\": {\"frequency\": 1, \"value\": \"5543_2\"}, \"10881_7\": {\"frequency\": 1, \"value\": \"10881_7\"}, \"7129_10\": {\"frequency\": 1, \"value\": \"7129_10\"}, \"4268_1\": {\"frequency\": 1, \"value\": \"4268_1\"}, \"3939_7\": {\"frequency\": 1, \"value\": \"3939_7\"}, \"7610_9\": {\"frequency\": 1, \"value\": \"7610_9\"}, \"6471_2\": {\"frequency\": 1, \"value\": \"6471_2\"}, \"8051_2\": {\"frequency\": 1, \"value\": \"8051_2\"}, \"2951_8\": {\"frequency\": 1, \"value\": \"2951_8\"}, \"9830_7\": {\"frequency\": 1, \"value\": \"9830_7\"}, \"777_2\": {\"frequency\": 1, \"value\": \"777_2\"}, \"1805_1\": {\"frequency\": 1, \"value\": \"1805_1\"}, \"6586_10\": {\"frequency\": 1, \"value\": \"6586_10\"}, \"8688_1\": {\"frequency\": 1, \"value\": \"8688_1\"}, \"11616_8\": {\"frequency\": 1, \"value\": \"11616_8\"}, \"12171_7\": {\"frequency\": 1, \"value\": \"12171_7\"}, \"7147_10\": {\"frequency\": 1, \"value\": \"7147_10\"}, \"4953_8\": {\"frequency\": 1, \"value\": \"4953_8\"}, \"11824_1\": {\"frequency\": 1, \"value\": \"11824_1\"}, \"9769_2\": {\"frequency\": 1, \"value\": \"9769_2\"}, \"8990_10\": {\"frequency\": 1, \"value\": \"8990_10\"}, \"12421_10\": {\"frequency\": 1, \"value\": \"12421_10\"}, \"10768_7\": {\"frequency\": 1, \"value\": \"10768_7\"}, \"272_2\": {\"frequency\": 1, \"value\": \"272_2\"}, \"6107_7\": {\"frequency\": 1, \"value\": \"6107_7\"}, \"6029_1\": {\"frequency\": 1, \"value\": \"6029_1\"}, \"5037_10\": {\"frequency\": 1, \"value\": \"5037_10\"}, \"9720_2\": {\"frequency\": 1, \"value\": \"9720_2\"}, \"3970_7\": {\"frequency\": 1, \"value\": \"3970_7\"}, \"2951_1\": {\"frequency\": 1, \"value\": \"2951_1\"}, \"9087_1\": {\"frequency\": 1, \"value\": \"9087_1\"}, \"279_1\": {\"frequency\": 1, \"value\": \"279_1\"}, \"6920_2\": {\"frequency\": 1, \"value\": \"6920_2\"}, \"11336_4\": {\"frequency\": 1, \"value\": \"11336_4\"}, \"9506_1\": {\"frequency\": 1, \"value\": \"9506_1\"}, \"11641_1\": {\"frequency\": 1, \"value\": \"11641_1\"}, \"8499_9\": {\"frequency\": 1, \"value\": \"8499_9\"}, \"11643_2\": {\"frequency\": 2, \"value\": \"11643_2\"}, \"3174_4\": {\"frequency\": 1, \"value\": \"3174_4\"}, \"12251_3\": {\"frequency\": 1, \"value\": \"12251_3\"}, \"3832_4\": {\"frequency\": 1, \"value\": \"3832_4\"}, \"2486_3\": {\"frequency\": 1, \"value\": \"2486_3\"}, \"5172_9\": {\"frequency\": 1, \"value\": \"5172_9\"}, \"8115_1\": {\"frequency\": 1, \"value\": \"8115_1\"}, \"1642_10\": {\"frequency\": 1, \"value\": \"1642_10\"}, \"3210_3\": {\"frequency\": 1, \"value\": \"3210_3\"}, \"2286_10\": {\"frequency\": 1, \"value\": \"2286_10\"}, \"1767_8\": {\"frequency\": 1, \"value\": \"1767_8\"}, \"12295_9\": {\"frequency\": 1, \"value\": \"12295_9\"}, \"6253_2\": {\"frequency\": 1, \"value\": \"6253_2\"}, \"9085_1\": {\"frequency\": 1, \"value\": \"9085_1\"}, \"11911_10\": {\"frequency\": 1, \"value\": \"11911_10\"}, \"951_2\": {\"frequency\": 1, \"value\": \"951_2\"}, \"12295_3\": {\"frequency\": 1, \"value\": \"12295_3\"}, \"1229_8\": {\"frequency\": 1, \"value\": \"1229_8\"}, \"10548_3\": {\"frequency\": 1, \"value\": \"10548_3\"}, \"8111_3\": {\"frequency\": 1, \"value\": \"8111_3\"}, \"6616_7\": {\"frequency\": 1, \"value\": \"6616_7\"}, \"150_8\": {\"frequency\": 1, \"value\": \"150_8\"}, \"9875_7\": {\"frequency\": 1, \"value\": \"9875_7\"}, \"1990_10\": {\"frequency\": 1, \"value\": \"1990_10\"}, \"5996_3\": {\"frequency\": 1, \"value\": \"5996_3\"}, \"4032_4\": {\"frequency\": 1, \"value\": \"4032_4\"}, \"3876_8\": {\"frequency\": 1, \"value\": \"3876_8\"}, \"4466_2\": {\"frequency\": 1, \"value\": \"4466_2\"}, \"10426_9\": {\"frequency\": 1, \"value\": \"10426_9\"}, \"1373_2\": {\"frequency\": 1, \"value\": \"1373_2\"}, \"3121_4\": {\"frequency\": 1, \"value\": \"3121_4\"}, \"9454_1\": {\"frequency\": 1, \"value\": \"9454_1\"}, \"787_4\": {\"frequency\": 1, \"value\": \"787_4\"}, \"5440_2\": {\"frequency\": 1, \"value\": \"5440_2\"}, \"4951_8\": {\"frequency\": 1, \"value\": \"4951_8\"}, \"7698_1\": {\"frequency\": 1, \"value\": \"7698_1\"}, \"11999_3\": {\"frequency\": 1, \"value\": \"11999_3\"}, \"9391_8\": {\"frequency\": 1, \"value\": \"9391_8\"}, \"9901_2\": {\"frequency\": 1, \"value\": \"9901_2\"}, \"5200_1\": {\"frequency\": 1, \"value\": \"5200_1\"}, \"12481_8\": {\"frequency\": 1, \"value\": \"12481_8\"}, \"8210_7\": {\"frequency\": 1, \"value\": \"8210_7\"}, \"473_1\": {\"frequency\": 1, \"value\": \"473_1\"}, \"6184_4\": {\"frequency\": 1, \"value\": \"6184_4\"}, \"11241_1\": {\"frequency\": 1, \"value\": \"11241_1\"}, \"10466_8\": {\"frequency\": 1, \"value\": \"10466_8\"}, \"9907_4\": {\"frequency\": 1, \"value\": \"9907_4\"}, \"3951_2\": {\"frequency\": 1, \"value\": \"3951_2\"}, \"10422_7\": {\"frequency\": 1, \"value\": \"10422_7\"}, \"4969_7\": {\"frequency\": 1, \"value\": \"4969_7\"}, \"577_8\": {\"frequency\": 1, \"value\": \"577_8\"}, \"783_1\": {\"frequency\": 1, \"value\": \"783_1\"}, \"4415_10\": {\"frequency\": 1, \"value\": \"4415_10\"}, \"9395_2\": {\"frequency\": 1, \"value\": \"9395_2\"}, \"8622_1\": {\"frequency\": 1, \"value\": \"8622_1\"}, \"408_2\": {\"frequency\": 1, \"value\": \"408_2\"}, \"8658_1\": {\"frequency\": 1, \"value\": \"8658_1\"}, \"781_9\": {\"frequency\": 1, \"value\": \"781_9\"}, \"6064_3\": {\"frequency\": 1, \"value\": \"6064_3\"}, \"2500_1\": {\"frequency\": 1, \"value\": \"2500_1\"}, \"11968_10\": {\"frequency\": 1, \"value\": \"11968_10\"}, \"2804_4\": {\"frequency\": 1, \"value\": \"2804_4\"}, \"1891_8\": {\"frequency\": 1, \"value\": \"1891_8\"}, \"2887_1\": {\"frequency\": 2, \"value\": \"2887_1\"}, \"3160_1\": {\"frequency\": 1, \"value\": \"3160_1\"}, \"8349_10\": {\"frequency\": 1, \"value\": \"8349_10\"}, \"8297_1\": {\"frequency\": 1, \"value\": \"8297_1\"}, \"5289_3\": {\"frequency\": 1, \"value\": \"5289_3\"}, \"11057_3\": {\"frequency\": 1, \"value\": \"11057_3\"}, \"12157_9\": {\"frequency\": 1, \"value\": \"12157_9\"}, \"12198_3\": {\"frequency\": 1, \"value\": \"12198_3\"}, \"2545_8\": {\"frequency\": 1, \"value\": \"2545_8\"}, \"10268_9\": {\"frequency\": 1, \"value\": \"10268_9\"}, \"1844_8\": {\"frequency\": 1, \"value\": \"1844_8\"}, \"11286_1\": {\"frequency\": 1, \"value\": \"11286_1\"}, \"7613_9\": {\"frequency\": 1, \"value\": \"7613_9\"}, \"9772_10\": {\"frequency\": 1, \"value\": \"9772_10\"}, \"10137_1\": {\"frequency\": 1, \"value\": \"10137_1\"}, \"3847_4\": {\"frequency\": 1, \"value\": \"3847_4\"}, \"3170_9\": {\"frequency\": 1, \"value\": \"3170_9\"}, \"3736_2\": {\"frequency\": 1, \"value\": \"3736_2\"}, \"2729_4\": {\"frequency\": 1, \"value\": \"2729_4\"}, \"1563_10\": {\"frequency\": 1, \"value\": \"1563_10\"}, \"12485_8\": {\"frequency\": 1, \"value\": \"12485_8\"}, \"5204_8\": {\"frequency\": 1, \"value\": \"5204_8\"}, \"9629_8\": {\"frequency\": 1, \"value\": \"9629_8\"}, \"3841_1\": {\"frequency\": 1, \"value\": \"3841_1\"}, \"8158_2\": {\"frequency\": 1, \"value\": \"8158_2\"}, \"2548_1\": {\"frequency\": 1, \"value\": \"2548_1\"}, \"10601_3\": {\"frequency\": 1, \"value\": \"10601_3\"}, \"1263_3\": {\"frequency\": 1, \"value\": \"1263_3\"}, \"845_7\": {\"frequency\": 1, \"value\": \"845_7\"}, \"536_10\": {\"frequency\": 1, \"value\": \"536_10\"}, \"11147_2\": {\"frequency\": 1, \"value\": \"11147_2\"}, \"4170_1\": {\"frequency\": 1, \"value\": \"4170_1\"}, \"3350_3\": {\"frequency\": 1, \"value\": \"3350_3\"}, \"11017_4\": {\"frequency\": 1, \"value\": \"11017_4\"}, \"3773_1\": {\"frequency\": 1, \"value\": \"3773_1\"}, \"11447_1\": {\"frequency\": 1, \"value\": \"11447_1\"}, \"11608_1\": {\"frequency\": 1, \"value\": \"11608_1\"}, \"7151_2\": {\"frequency\": 1, \"value\": \"7151_2\"}, \"8611_3\": {\"frequency\": 1, \"value\": \"8611_3\"}, \"4109_10\": {\"frequency\": 1, \"value\": \"4109_10\"}, \"7399_10\": {\"frequency\": 1, \"value\": \"7399_10\"}, \"10921_3\": {\"frequency\": 1, \"value\": \"10921_3\"}, \"1261_8\": {\"frequency\": 1, \"value\": \"1261_8\"}, \"11445_7\": {\"frequency\": 1, \"value\": \"11445_7\"}, \"6303_1\": {\"frequency\": 1, \"value\": \"6303_1\"}, \"11445_3\": {\"frequency\": 1, \"value\": \"11445_3\"}, \"8613_7\": {\"frequency\": 1, \"value\": \"8613_7\"}, \"2723_7\": {\"frequency\": 1, \"value\": \"2723_7\"}, \"5899_3\": {\"frequency\": 1, \"value\": \"5899_3\"}, \"11230_1\": {\"frequency\": 1, \"value\": \"11230_1\"}, \"7972_1\": {\"frequency\": 1, \"value\": \"7972_1\"}, \"11232_1\": {\"frequency\": 1, \"value\": \"11232_1\"}, \"7635_10\": {\"frequency\": 1, \"value\": \"7635_10\"}, \"9041_1\": {\"frequency\": 1, \"value\": \"9041_1\"}, \"3162_8\": {\"frequency\": 1, \"value\": \"3162_8\"}, \"8615_2\": {\"frequency\": 1, \"value\": \"8615_2\"}, \"7114_4\": {\"frequency\": 1, \"value\": \"7114_4\"}, \"6751_1\": {\"frequency\": 1, \"value\": \"6751_1\"}, \"5774_1\": {\"frequency\": 1, \"value\": \"5774_1\"}, \"3199_2\": {\"frequency\": 1, \"value\": \"3199_2\"}, \"5168_1\": {\"frequency\": 1, \"value\": \"5168_1\"}, \"10078_1\": {\"frequency\": 1, \"value\": \"10078_1\"}, \"7565_1\": {\"frequency\": 1, \"value\": \"7565_1\"}, \"1806_8\": {\"frequency\": 1, \"value\": \"1806_8\"}, \"10078_8\": {\"frequency\": 1, \"value\": \"10078_8\"}, \"7112_4\": {\"frequency\": 1, \"value\": \"7112_4\"}, \"9947_1\": {\"frequency\": 1, \"value\": \"9947_1\"}, \"1971_1\": {\"frequency\": 1, \"value\": \"1971_1\"}, \"3223_3\": {\"frequency\": 1, \"value\": \"3223_3\"}, \"9073_10\": {\"frequency\": 1, \"value\": \"9073_10\"}, \"3498_10\": {\"frequency\": 1, \"value\": \"3498_10\"}, \"8814_4\": {\"frequency\": 1, \"value\": \"8814_4\"}, \"4153_1\": {\"frequency\": 1, \"value\": \"4153_1\"}, \"3776_4\": {\"frequency\": 1, \"value\": \"3776_4\"}, \"463_4\": {\"frequency\": 1, \"value\": \"463_4\"}, \"8553_7\": {\"frequency\": 1, \"value\": \"8553_7\"}, \"1846_3\": {\"frequency\": 1, \"value\": \"1846_3\"}, \"7942_10\": {\"frequency\": 1, \"value\": \"7942_10\"}, \"10136_7\": {\"frequency\": 1, \"value\": \"10136_7\"}, \"9657_10\": {\"frequency\": 1, \"value\": \"9657_10\"}, \"5601_4\": {\"frequency\": 1, \"value\": \"5601_4\"}, \"9943_1\": {\"frequency\": 1, \"value\": \"9943_1\"}, \"12322_4\": {\"frequency\": 1, \"value\": \"12322_4\"}, \"857_8\": {\"frequency\": 1, \"value\": \"857_8\"}, \"7563_1\": {\"frequency\": 1, \"value\": \"7563_1\"}, \"6710_1\": {\"frequency\": 1, \"value\": \"6710_1\"}, \"762_9\": {\"frequency\": 1, \"value\": \"762_9\"}, \"2222_4\": {\"frequency\": 1, \"value\": \"2222_4\"}, \"3229_3\": {\"frequency\": 1, \"value\": \"3229_3\"}, \"11095_7\": {\"frequency\": 1, \"value\": \"11095_7\"}, \"10012_1\": {\"frequency\": 1, \"value\": \"10012_1\"}, \"5755_1\": {\"frequency\": 1, \"value\": \"5755_1\"}, \"1934_9\": {\"frequency\": 1, \"value\": \"1934_9\"}, \"9296_4\": {\"frequency\": 1, \"value\": \"9296_4\"}, \"11097_2\": {\"frequency\": 1, \"value\": \"11097_2\"}, \"6405_7\": {\"frequency\": 1, \"value\": \"6405_7\"}, \"6716_3\": {\"frequency\": 1, \"value\": \"6716_3\"}, \"1297_8\": {\"frequency\": 1, \"value\": \"1297_8\"}, \"11097_9\": {\"frequency\": 1, \"value\": \"11097_9\"}, \"3260_8\": {\"frequency\": 1, \"value\": \"3260_8\"}, \"656_10\": {\"frequency\": 1, \"value\": \"656_10\"}, \"11959_2\": {\"frequency\": 1, \"value\": \"11959_2\"}, \"8707_10\": {\"frequency\": 1, \"value\": \"8707_10\"}, \"2509_9\": {\"frequency\": 1, \"value\": \"2509_9\"}, \"6403_3\": {\"frequency\": 1, \"value\": \"6403_3\"}, \"11099_4\": {\"frequency\": 1, \"value\": \"11099_4\"}, \"12116_9\": {\"frequency\": 1, \"value\": \"12116_9\"}, \"4026_9\": {\"frequency\": 1, \"value\": \"4026_9\"}, \"9213_3\": {\"frequency\": 1, \"value\": \"9213_3\"}, \"4272_10\": {\"frequency\": 1, \"value\": \"4272_10\"}, \"659_1\": {\"frequency\": 1, \"value\": \"659_1\"}, \"12377_10\": {\"frequency\": 1, \"value\": \"12377_10\"}, \"9290_9\": {\"frequency\": 1, \"value\": \"9290_9\"}, \"12003_10\": {\"frequency\": 1, \"value\": \"12003_10\"}, \"2265_7\": {\"frequency\": 1, \"value\": \"2265_7\"}, \"11764_3\": {\"frequency\": 1, \"value\": \"11764_3\"}, \"572_9\": {\"frequency\": 1, \"value\": \"572_9\"}, \"8999_8\": {\"frequency\": 1, \"value\": \"8999_8\"}, \"3047_7\": {\"frequency\": 1, \"value\": \"3047_7\"}, \"2910_4\": {\"frequency\": 1, \"value\": \"2910_4\"}, \"3003_9\": {\"frequency\": 1, \"value\": \"3003_9\"}, \"690_4\": {\"frequency\": 1, \"value\": \"690_4\"}, \"8377_1\": {\"frequency\": 1, \"value\": \"8377_1\"}, \"9791_9\": {\"frequency\": 1, \"value\": \"9791_9\"}, \"654_10\": {\"frequency\": 1, \"value\": \"654_10\"}, \"60_4\": {\"frequency\": 1, \"value\": \"60_4\"}, \"11188_10\": {\"frequency\": 1, \"value\": \"11188_10\"}, \"4338_10\": {\"frequency\": 1, \"value\": \"4338_10\"}, \"5341_10\": {\"frequency\": 1, \"value\": \"5341_10\"}, \"692_2\": {\"frequency\": 1, \"value\": \"692_2\"}, \"3041_1\": {\"frequency\": 1, \"value\": \"3041_1\"}, \"5794_2\": {\"frequency\": 1, \"value\": \"5794_2\"}, \"11960_8\": {\"frequency\": 1, \"value\": \"11960_8\"}, \"1541_8\": {\"frequency\": 1, \"value\": \"1541_8\"}, \"3675_2\": {\"frequency\": 1, \"value\": \"3675_2\"}, \"692_8\": {\"frequency\": 1, \"value\": \"692_8\"}, \"8330_1\": {\"frequency\": 1, \"value\": \"8330_1\"}, \"12119_7\": {\"frequency\": 1, \"value\": \"12119_7\"}, \"11962_7\": {\"frequency\": 1, \"value\": \"11962_7\"}, \"12119_3\": {\"frequency\": 1, \"value\": \"12119_3\"}, \"9520_4\": {\"frequency\": 1, \"value\": \"9520_4\"}, \"8375_1\": {\"frequency\": 1, \"value\": \"8375_1\"}, \"3091_10\": {\"frequency\": 1, \"value\": \"3091_10\"}, \"7002_10\": {\"frequency\": 1, \"value\": \"7002_10\"}, \"2445_10\": {\"frequency\": 1, \"value\": \"2445_10\"}, \"3043_8\": {\"frequency\": 1, \"value\": \"3043_8\"}, \"5129_1\": {\"frequency\": 1, \"value\": \"5129_1\"}, \"8055_3\": {\"frequency\": 1, \"value\": \"8055_3\"}, \"1583_8\": {\"frequency\": 1, \"value\": \"1583_8\"}, \"6353_10\": {\"frequency\": 1, \"value\": \"6353_10\"}, \"9219_2\": {\"frequency\": 1, \"value\": \"9219_2\"}, \"10877_1\": {\"frequency\": 1, \"value\": \"10877_1\"}, \"8606_2\": {\"frequency\": 1, \"value\": \"8606_2\"}, \"12039_10\": {\"frequency\": 1, \"value\": \"12039_10\"}, \"1802_2\": {\"frequency\": 1, \"value\": \"1802_2\"}, \"223_9\": {\"frequency\": 1, \"value\": \"223_9\"}, \"8919_2\": {\"frequency\": 2, \"value\": \"8919_2\"}, \"10831_7\": {\"frequency\": 1, \"value\": \"10831_7\"}, \"8636_7\": {\"frequency\": 1, \"value\": \"8636_7\"}, \"7332_7\": {\"frequency\": 1, \"value\": \"7332_7\"}, \"4904_10\": {\"frequency\": 1, \"value\": \"4904_10\"}, \"9528_9\": {\"frequency\": 1, \"value\": \"9528_9\"}, \"5717_4\": {\"frequency\": 1, \"value\": \"5717_4\"}, \"10498_10\": {\"frequency\": 1, \"value\": \"10498_10\"}, \"9844_1\": {\"frequency\": 1, \"value\": \"9844_1\"}, \"1970_4\": {\"frequency\": 1, \"value\": \"1970_4\"}, \"4236_3\": {\"frequency\": 1, \"value\": \"4236_3\"}, \"5717_9\": {\"frequency\": 1, \"value\": \"5717_9\"}, \"3630_4\": {\"frequency\": 1, \"value\": \"3630_4\"}, \"1939_1\": {\"frequency\": 1, \"value\": \"1939_1\"}, \"6578_3\": {\"frequency\": 1, \"value\": \"6578_3\"}, \"109_10\": {\"frequency\": 1, \"value\": \"109_10\"}, \"7019_7\": {\"frequency\": 1, \"value\": \"7019_7\"}, \"7442_4\": {\"frequency\": 1, \"value\": \"7442_4\"}, \"1156_2\": {\"frequency\": 1, \"value\": \"1156_2\"}, \"10071_9\": {\"frequency\": 1, \"value\": \"10071_9\"}, \"11141_1\": {\"frequency\": 1, \"value\": \"11141_1\"}, \"9033_4\": {\"frequency\": 1, \"value\": \"9033_4\"}, \"10580_4\": {\"frequency\": 1, \"value\": \"10580_4\"}, \"7527_4\": {\"frequency\": 1, \"value\": \"7527_4\"}, \"6092_8\": {\"frequency\": 1, \"value\": \"6092_8\"}, \"5617_2\": {\"frequency\": 1, \"value\": \"5617_2\"}, \"1013_9\": {\"frequency\": 2, \"value\": \"1013_9\"}, \"1467_3\": {\"frequency\": 1, \"value\": \"1467_3\"}, \"2774_10\": {\"frequency\": 1, \"value\": \"2774_10\"}, \"4992_7\": {\"frequency\": 1, \"value\": \"4992_7\"}, \"7586_10\": {\"frequency\": 1, \"value\": \"7586_10\"}, \"4992_4\": {\"frequency\": 1, \"value\": \"4992_4\"}, \"5009_9\": {\"frequency\": 1, \"value\": \"5009_9\"}, \"5812_9\": {\"frequency\": 1, \"value\": \"5812_9\"}, \"7525_7\": {\"frequency\": 1, \"value\": \"7525_7\"}, \"10464_1\": {\"frequency\": 1, \"value\": \"10464_1\"}, \"7403_3\": {\"frequency\": 1, \"value\": \"7403_3\"}, \"2090_10\": {\"frequency\": 1, \"value\": \"2090_10\"}, \"9654_10\": {\"frequency\": 1, \"value\": \"9654_10\"}, \"5009_3\": {\"frequency\": 1, \"value\": \"5009_3\"}, \"10105_8\": {\"frequency\": 1, \"value\": \"10105_8\"}, \"10073_4\": {\"frequency\": 1, \"value\": \"10073_4\"}, \"5163_7\": {\"frequency\": 1, \"value\": \"5163_7\"}, \"5750_8\": {\"frequency\": 1, \"value\": \"5750_8\"}, \"12435_8\": {\"frequency\": 1, \"value\": \"12435_8\"}, \"2247_10\": {\"frequency\": 1, \"value\": \"2247_10\"}, \"4412_9\": {\"frequency\": 1, \"value\": \"4412_9\"}, \"7058_4\": {\"frequency\": 1, \"value\": \"7058_4\"}, \"12009_10\": {\"frequency\": 1, \"value\": \"12009_10\"}, \"1885_10\": {\"frequency\": 1, \"value\": \"1885_10\"}, \"9826_1\": {\"frequency\": 1, \"value\": \"9826_1\"}, \"1355_8\": {\"frequency\": 1, \"value\": \"1355_8\"}, \"6505_10\": {\"frequency\": 1, \"value\": \"6505_10\"}, \"7444_2\": {\"frequency\": 1, \"value\": \"7444_2\"}, \"2965_9\": {\"frequency\": 1, \"value\": \"2965_9\"}, \"10378_2\": {\"frequency\": 1, \"value\": \"10378_2\"}, \"8952_3\": {\"frequency\": 1, \"value\": \"8952_3\"}, \"3848_4\": {\"frequency\": 1, \"value\": \"3848_4\"}, \"7905_1\": {\"frequency\": 1, \"value\": \"7905_1\"}, \"2965_2\": {\"frequency\": 1, \"value\": \"2965_2\"}, \"10781_10\": {\"frequency\": 1, \"value\": \"10781_10\"}, \"5699_1\": {\"frequency\": 1, \"value\": \"5699_1\"}, \"8655_1\": {\"frequency\": 1, \"value\": \"8655_1\"}, \"10354_4\": {\"frequency\": 1, \"value\": \"10354_4\"}, \"6521_4\": {\"frequency\": 1, \"value\": \"6521_4\"}, \"11752_10\": {\"frequency\": 1, \"value\": \"11752_10\"}, \"9564_1\": {\"frequency\": 1, \"value\": \"9564_1\"}, \"8992_4\": {\"frequency\": 1, \"value\": \"8992_4\"}, \"8657_1\": {\"frequency\": 1, \"value\": \"8657_1\"}, \"5021_1\": {\"frequency\": 1, \"value\": \"5021_1\"}, \"7440_1\": {\"frequency\": 1, \"value\": \"7440_1\"}, \"8956_1\": {\"frequency\": 1, \"value\": \"8956_1\"}, \"4968_10\": {\"frequency\": 1, \"value\": \"4968_10\"}, \"8651_1\": {\"frequency\": 1, \"value\": \"8651_1\"}, \"4893_10\": {\"frequency\": 1, \"value\": \"4893_10\"}, \"1883_7\": {\"frequency\": 1, \"value\": \"1883_7\"}, \"3272_8\": {\"frequency\": 1, \"value\": \"3272_8\"}, \"11084_10\": {\"frequency\": 1, \"value\": \"11084_10\"}, \"379_2\": {\"frequency\": 1, \"value\": \"379_2\"}, \"2560_7\": {\"frequency\": 1, \"value\": \"2560_7\"}, \"6785_8\": {\"frequency\": 1, \"value\": \"6785_8\"}, \"5333_10\": {\"frequency\": 1, \"value\": \"5333_10\"}, \"236_1\": {\"frequency\": 1, \"value\": \"236_1\"}, \"3326_4\": {\"frequency\": 1, \"value\": \"3326_4\"}, \"6785_1\": {\"frequency\": 1, \"value\": \"6785_1\"}, \"8109_2\": {\"frequency\": 1, \"value\": \"8109_2\"}, \"5610_7\": {\"frequency\": 1, \"value\": \"5610_7\"}, \"7381_1\": {\"frequency\": 1, \"value\": \"7381_1\"}, \"4760_7\": {\"frequency\": 1, \"value\": \"4760_7\"}, \"2126_10\": {\"frequency\": 1, \"value\": \"2126_10\"}, \"5280_8\": {\"frequency\": 1, \"value\": \"5280_8\"}, \"7336_2\": {\"frequency\": 1, \"value\": \"7336_2\"}, \"3842_3\": {\"frequency\": 1, \"value\": \"3842_3\"}, \"234_1\": {\"frequency\": 1, \"value\": \"234_1\"}, \"1218_8\": {\"frequency\": 1, \"value\": \"1218_8\"}, \"2285_1\": {\"frequency\": 1, \"value\": \"2285_1\"}, \"7681_9\": {\"frequency\": 1, \"value\": \"7681_9\"}, \"10484_8\": {\"frequency\": 1, \"value\": \"10484_8\"}, \"12059_9\": {\"frequency\": 1, \"value\": \"12059_9\"}, \"9443_4\": {\"frequency\": 1, \"value\": \"9443_4\"}, \"769_1\": {\"frequency\": 1, \"value\": \"769_1\"}, \"11596_10\": {\"frequency\": 1, \"value\": \"11596_10\"}, \"2039_2\": {\"frequency\": 1, \"value\": \"2039_2\"}, \"1420_8\": {\"frequency\": 1, \"value\": \"1420_8\"}, \"12069_10\": {\"frequency\": 1, \"value\": \"12069_10\"}, \"4612_1\": {\"frequency\": 1, \"value\": \"4612_1\"}, \"9194_1\": {\"frequency\": 1, \"value\": \"9194_1\"}, \"10973_4\": {\"frequency\": 1, \"value\": \"10973_4\"}, \"4899_10\": {\"frequency\": 1, \"value\": \"4899_10\"}, \"1335_10\": {\"frequency\": 1, \"value\": \"1335_10\"}, \"9038_1\": {\"frequency\": 1, \"value\": \"9038_1\"}, \"7481_1\": {\"frequency\": 1, \"value\": \"7481_1\"}, \"4955_3\": {\"frequency\": 1, \"value\": \"4955_3\"}, \"413_3\": {\"frequency\": 1, \"value\": \"413_3\"}, \"11381_10\": {\"frequency\": 1, \"value\": \"11381_10\"}, \"11405_8\": {\"frequency\": 1, \"value\": \"11405_8\"}, \"2191_10\": {\"frequency\": 1, \"value\": \"2191_10\"}, \"11276_10\": {\"frequency\": 1, \"value\": \"11276_10\"}, \"5653_2\": {\"frequency\": 1, \"value\": \"5653_2\"}, \"2302_9\": {\"frequency\": 1, \"value\": \"2302_9\"}, \"11920_3\": {\"frequency\": 1, \"value\": \"11920_3\"}, \"2260_10\": {\"frequency\": 1, \"value\": \"2260_10\"}, \"5842_1\": {\"frequency\": 1, \"value\": \"5842_1\"}, \"9199_3\": {\"frequency\": 1, \"value\": \"9199_3\"}, \"4375_9\": {\"frequency\": 1, \"value\": \"4375_9\"}, \"6979_10\": {\"frequency\": 1, \"value\": \"6979_10\"}, \"8263_4\": {\"frequency\": 1, \"value\": \"8263_4\"}, \"2348_3\": {\"frequency\": 1, \"value\": \"2348_3\"}, \"6181_9\": {\"frequency\": 1, \"value\": \"6181_9\"}, \"732_7\": {\"frequency\": 1, \"value\": \"732_7\"}, \"529_1\": {\"frequency\": 1, \"value\": \"529_1\"}, \"1373_10\": {\"frequency\": 1, \"value\": \"1373_10\"}, \"7121_10\": {\"frequency\": 1, \"value\": \"7121_10\"}, \"730_7\": {\"frequency\": 1, \"value\": \"730_7\"}, \"8580_9\": {\"frequency\": 1, \"value\": \"8580_9\"}, \"1545_3\": {\"frequency\": 1, \"value\": \"1545_3\"}, \"796_3\": {\"frequency\": 1, \"value\": \"796_3\"}, \"11289_4\": {\"frequency\": 1, \"value\": \"11289_4\"}, \"7286_2\": {\"frequency\": 1, \"value\": \"7286_2\"}, \"2143_4\": {\"frequency\": 2, \"value\": \"2143_4\"}, \"5472_7\": {\"frequency\": 1, \"value\": \"5472_7\"}, \"5649_10\": {\"frequency\": 1, \"value\": \"5649_10\"}, \"11144_8\": {\"frequency\": 1, \"value\": \"11144_8\"}, \"8670_3\": {\"frequency\": 1, \"value\": \"8670_3\"}, \"149_1\": {\"frequency\": 1, \"value\": \"149_1\"}, \"10332_1\": {\"frequency\": 1, \"value\": \"10332_1\"}, \"10871_7\": {\"frequency\": 1, \"value\": \"10871_7\"}, \"12353_1\": {\"frequency\": 1, \"value\": \"12353_1\"}, \"9631_10\": {\"frequency\": 1, \"value\": \"9631_10\"}, \"5093_10\": {\"frequency\": 1, \"value\": \"5093_10\"}, \"2361_10\": {\"frequency\": 1, \"value\": \"2361_10\"}, \"12005_10\": {\"frequency\": 1, \"value\": \"12005_10\"}, \"11469_10\": {\"frequency\": 1, \"value\": \"11469_10\"}, \"2342_1\": {\"frequency\": 1, \"value\": \"2342_1\"}, \"12368_3\": {\"frequency\": 1, \"value\": \"12368_3\"}, \"1980_4\": {\"frequency\": 1, \"value\": \"1980_4\"}, \"3425_8\": {\"frequency\": 1, \"value\": \"3425_8\"}, \"3212_3\": {\"frequency\": 1, \"value\": \"3212_3\"}, \"8912_10\": {\"frequency\": 1, \"value\": \"8912_10\"}, \"11407_7\": {\"frequency\": 1, \"value\": \"11407_7\"}, \"10638_8\": {\"frequency\": 1, \"value\": \"10638_8\"}, \"11740_1\": {\"frequency\": 1, \"value\": \"11740_1\"}, \"1429_1\": {\"frequency\": 1, \"value\": \"1429_1\"}, \"3329_7\": {\"frequency\": 1, \"value\": \"3329_7\"}, \"1098_9\": {\"frequency\": 1, \"value\": \"1098_9\"}, \"9384_8\": {\"frequency\": 1, \"value\": \"9384_8\"}, \"4274_10\": {\"frequency\": 1, \"value\": \"4274_10\"}, \"11924_4\": {\"frequency\": 1, \"value\": \"11924_4\"}, \"4379_8\": {\"frequency\": 1, \"value\": \"4379_8\"}, \"2370_4\": {\"frequency\": 2, \"value\": \"2370_4\"}, \"3256_4\": {\"frequency\": 2, \"value\": \"3256_4\"}, \"9071_1\": {\"frequency\": 1, \"value\": \"9071_1\"}, \"2782_10\": {\"frequency\": 1, \"value\": \"2782_10\"}, \"7948_4\": {\"frequency\": 1, \"value\": \"7948_4\"}, \"4501_7\": {\"frequency\": 1, \"value\": \"4501_7\"}, \"8536_4\": {\"frequency\": 1, \"value\": \"8536_4\"}, \"9384_4\": {\"frequency\": 1, \"value\": \"9384_4\"}, \"9193_10\": {\"frequency\": 1, \"value\": \"9193_10\"}, \"1038_7\": {\"frequency\": 1, \"value\": \"1038_7\"}, \"6458_8\": {\"frequency\": 1, \"value\": \"6458_8\"}, \"3949_8\": {\"frequency\": 1, \"value\": \"3949_8\"}, \"4006_4\": {\"frequency\": 1, \"value\": \"4006_4\"}, \"6263_1\": {\"frequency\": 1, \"value\": \"6263_1\"}, \"5519_9\": {\"frequency\": 1, \"value\": \"5519_9\"}, \"3981_2\": {\"frequency\": 1, \"value\": \"3981_2\"}, \"505_9\": {\"frequency\": 1, \"value\": \"505_9\"}, \"7_7\": {\"frequency\": 1, \"value\": \"7_7\"}, \"929_1\": {\"frequency\": 1, \"value\": \"929_1\"}, \"1059_10\": {\"frequency\": 1, \"value\": \"1059_10\"}, \"4381_10\": {\"frequency\": 1, \"value\": \"4381_10\"}, \"6590_9\": {\"frequency\": 1, \"value\": \"6590_9\"}, \"3585_2\": {\"frequency\": 1, \"value\": \"3585_2\"}, \"1034_7\": {\"frequency\": 1, \"value\": \"1034_7\"}, \"5809_10\": {\"frequency\": 1, \"value\": \"5809_10\"}, \"11363_8\": {\"frequency\": 1, \"value\": \"11363_8\"}, \"6305_10\": {\"frequency\": 1, \"value\": \"6305_10\"}, \"10405_8\": {\"frequency\": 1, \"value\": \"10405_8\"}, \"1889_10\": {\"frequency\": 1, \"value\": \"1889_10\"}, \"10336_8\": {\"frequency\": 1, \"value\": \"10336_8\"}, \"11063_10\": {\"frequency\": 1, \"value\": \"11063_10\"}, \"8288_1\": {\"frequency\": 1, \"value\": \"8288_1\"}, \"11146_8\": {\"frequency\": 1, \"value\": \"11146_8\"}, \"965_10\": {\"frequency\": 1, \"value\": \"965_10\"}, \"3661_10\": {\"frequency\": 1, \"value\": \"3661_10\"}, \"8226_8\": {\"frequency\": 1, \"value\": \"8226_8\"}, \"9984_1\": {\"frequency\": 1, \"value\": \"9984_1\"}, \"6147_1\": {\"frequency\": 1, \"value\": \"6147_1\"}, \"4918_2\": {\"frequency\": 1, \"value\": \"4918_2\"}, \"8226_1\": {\"frequency\": 1, \"value\": \"8226_1\"}, \"8532_4\": {\"frequency\": 1, \"value\": \"8532_4\"}, \"5662_3\": {\"frequency\": 1, \"value\": \"5662_3\"}, \"6731_10\": {\"frequency\": 1, \"value\": \"6731_10\"}, \"2068_8\": {\"frequency\": 1, \"value\": \"2068_8\"}, \"2122_7\": {\"frequency\": 1, \"value\": \"2122_7\"}, \"11044_7\": {\"frequency\": 1, \"value\": \"11044_7\"}, \"9555_4\": {\"frequency\": 1, \"value\": \"9555_4\"}, \"10703_7\": {\"frequency\": 1, \"value\": \"10703_7\"}, \"4588_9\": {\"frequency\": 1, \"value\": \"4588_9\"}, \"9525_1\": {\"frequency\": 1, \"value\": \"9525_1\"}, \"2278_10\": {\"frequency\": 1, \"value\": \"2278_10\"}, \"2163_4\": {\"frequency\": 1, \"value\": \"2163_4\"}, \"6931_3\": {\"frequency\": 1, \"value\": \"6931_3\"}, \"11228_10\": {\"frequency\": 1, \"value\": \"11228_10\"}, \"4954_2\": {\"frequency\": 1, \"value\": \"4954_2\"}, \"8143_1\": {\"frequency\": 1, \"value\": \"8143_1\"}, \"4858_8\": {\"frequency\": 1, \"value\": \"4858_8\"}, \"1989_1\": {\"frequency\": 1, \"value\": \"1989_1\"}, \"12002_10\": {\"frequency\": 1, \"value\": \"12002_10\"}, \"8534_3\": {\"frequency\": 1, \"value\": \"8534_3\"}, \"8422_10\": {\"frequency\": 1, \"value\": \"8422_10\"}, \"4081_10\": {\"frequency\": 1, \"value\": \"4081_10\"}, \"2862_10\": {\"frequency\": 1, \"value\": \"2862_10\"}, \"2570_10\": {\"frequency\": 1, \"value\": \"2570_10\"}, \"5546_4\": {\"frequency\": 1, \"value\": \"5546_4\"}, \"11985_10\": {\"frequency\": 1, \"value\": \"11985_10\"}, \"4003_2\": {\"frequency\": 1, \"value\": \"4003_2\"}, \"2921_2\": {\"frequency\": 1, \"value\": \"2921_2\"}, \"6132_10\": {\"frequency\": 1, \"value\": \"6132_10\"}, \"4626_4\": {\"frequency\": 1, \"value\": \"4626_4\"}, \"7651_1\": {\"frequency\": 1, \"value\": \"7651_1\"}, \"1074_4\": {\"frequency\": 1, \"value\": \"1074_4\"}, \"5514_4\": {\"frequency\": 1, \"value\": \"5514_4\"}, \"3828_3\": {\"frequency\": 1, \"value\": \"3828_3\"}, \"9060_1\": {\"frequency\": 1, \"value\": \"9060_1\"}, \"4919_7\": {\"frequency\": 1, \"value\": \"4919_7\"}, \"3974_4\": {\"frequency\": 1, \"value\": \"3974_4\"}, \"9868_1\": {\"frequency\": 1, \"value\": \"9868_1\"}, \"6236_8\": {\"frequency\": 1, \"value\": \"6236_8\"}, \"320_8\": {\"frequency\": 1, \"value\": \"320_8\"}, \"3974_8\": {\"frequency\": 1, \"value\": \"3974_8\"}, \"5516_7\": {\"frequency\": 1, \"value\": \"5516_7\"}, \"8559_3\": {\"frequency\": 1, \"value\": \"8559_3\"}, \"5554_8\": {\"frequency\": 1, \"value\": \"5554_8\"}, \"5516_3\": {\"frequency\": 1, \"value\": \"5516_3\"}, \"5814_8\": {\"frequency\": 1, \"value\": \"5814_8\"}, \"3976_1\": {\"frequency\": 1, \"value\": \"3976_1\"}, \"817_10\": {\"frequency\": 1, \"value\": \"817_10\"}, \"2619_4\": {\"frequency\": 1, \"value\": \"2619_4\"}, \"4519_3\": {\"frequency\": 1, \"value\": \"4519_3\"}, \"2614_1\": {\"frequency\": 1, \"value\": \"2614_1\"}, \"2120_8\": {\"frequency\": 1, \"value\": \"2120_8\"}, \"10500_10\": {\"frequency\": 1, \"value\": \"10500_10\"}, \"5593_2\": {\"frequency\": 1, \"value\": \"5593_2\"}, \"7651_8\": {\"frequency\": 1, \"value\": \"7651_8\"}, \"5257_10\": {\"frequency\": 1, \"value\": \"5257_10\"}, \"3422_1\": {\"frequency\": 1, \"value\": \"3422_1\"}, \"1456_1\": {\"frequency\": 1, \"value\": \"1456_1\"}, \"4914_7\": {\"frequency\": 1, \"value\": \"4914_7\"}, \"9954_1\": {\"frequency\": 1, \"value\": \"9954_1\"}, \"9516_8\": {\"frequency\": 1, \"value\": \"9516_8\"}, \"4043_3\": {\"frequency\": 1, \"value\": \"4043_3\"}, \"10030_10\": {\"frequency\": 1, \"value\": \"10030_10\"}, \"463_7\": {\"frequency\": 1, \"value\": \"463_7\"}, \"3551_1\": {\"frequency\": 1, \"value\": \"3551_1\"}, \"8648_1\": {\"frequency\": 1, \"value\": \"8648_1\"}, \"142_8\": {\"frequency\": 1, \"value\": \"142_8\"}, \"1108_1\": {\"frequency\": 1, \"value\": \"1108_1\"}, \"4007_4\": {\"frequency\": 1, \"value\": \"4007_4\"}, \"7865_8\": {\"frequency\": 1, \"value\": \"7865_8\"}, \"5338_2\": {\"frequency\": 1, \"value\": \"5338_2\"}, \"9440_3\": {\"frequency\": 1, \"value\": \"9440_3\"}, \"12200_4\": {\"frequency\": 1, \"value\": \"12200_4\"}, \"5965_10\": {\"frequency\": 1, \"value\": \"5965_10\"}, \"6832_10\": {\"frequency\": 1, \"value\": \"6832_10\"}, \"6354_10\": {\"frequency\": 1, \"value\": \"6354_10\"}, \"6205_8\": {\"frequency\": 1, \"value\": \"6205_8\"}, \"4001_8\": {\"frequency\": 1, \"value\": \"4001_8\"}, \"7975_3\": {\"frequency\": 1, \"value\": \"7975_3\"}, \"6830_10\": {\"frequency\": 1, \"value\": \"6830_10\"}, \"4279_10\": {\"frequency\": 1, \"value\": \"4279_10\"}, \"8668_9\": {\"frequency\": 1, \"value\": \"8668_9\"}, \"7307_2\": {\"frequency\": 1, \"value\": \"7307_2\"}, \"1767_1\": {\"frequency\": 1, \"value\": \"1767_1\"}, \"9867_1\": {\"frequency\": 1, \"value\": \"9867_1\"}, \"7627_10\": {\"frequency\": 1, \"value\": \"7627_10\"}, \"1385_8\": {\"frequency\": 1, \"value\": \"1385_8\"}, \"11799_8\": {\"frequency\": 2, \"value\": \"11799_8\"}, \"6660_1\": {\"frequency\": 1, \"value\": \"6660_1\"}, \"6275_7\": {\"frequency\": 1, \"value\": \"6275_7\"}, \"6956_8\": {\"frequency\": 1, \"value\": \"6956_8\"}, \"2332_10\": {\"frequency\": 1, \"value\": \"2332_10\"}, \"418_4\": {\"frequency\": 1, \"value\": \"418_4\"}, \"418_9\": {\"frequency\": 1, \"value\": \"418_9\"}, \"5235_1\": {\"frequency\": 1, \"value\": \"5235_1\"}, \"4125_8\": {\"frequency\": 1, \"value\": \"4125_8\"}, \"697_2\": {\"frequency\": 1, \"value\": \"697_2\"}, \"9950_8\": {\"frequency\": 1, \"value\": \"9950_8\"}, \"2129_4\": {\"frequency\": 1, \"value\": \"2129_4\"}, \"10587_1\": {\"frequency\": 1, \"value\": \"10587_1\"}, \"2042_1\": {\"frequency\": 1, \"value\": \"2042_1\"}, \"9593_10\": {\"frequency\": 1, \"value\": \"9593_10\"}, \"3868_1\": {\"frequency\": 1, \"value\": \"3868_1\"}, \"3893_2\": {\"frequency\": 1, \"value\": \"3893_2\"}, \"10587_8\": {\"frequency\": 1, \"value\": \"10587_8\"}, \"4916_9\": {\"frequency\": 1, \"value\": \"4916_9\"}, \"11822_4\": {\"frequency\": 1, \"value\": \"11822_4\"}, \"10455_10\": {\"frequency\": 1, \"value\": \"10455_10\"}, \"9952_8\": {\"frequency\": 1, \"value\": \"9952_8\"}, \"11858_2\": {\"frequency\": 1, \"value\": \"11858_2\"}, \"1849_7\": {\"frequency\": 1, \"value\": \"1849_7\"}, \"10554_7\": {\"frequency\": 2, \"value\": \"10554_7\"}, \"7568_10\": {\"frequency\": 1, \"value\": \"7568_10\"}, \"9324_7\": {\"frequency\": 1, \"value\": \"9324_7\"}, \"9440_8\": {\"frequency\": 1, \"value\": \"9440_8\"}, \"11064_7\": {\"frequency\": 1, \"value\": \"11064_7\"}, \"4421_8\": {\"frequency\": 1, \"value\": \"4421_8\"}, \"1943_4\": {\"frequency\": 1, \"value\": \"1943_4\"}, \"11528_7\": {\"frequency\": 1, \"value\": \"11528_7\"}, \"6623_7\": {\"frequency\": 1, \"value\": \"6623_7\"}, \"9672_3\": {\"frequency\": 1, \"value\": \"9672_3\"}, \"4714_10\": {\"frequency\": 1, \"value\": \"4714_10\"}, \"4941_10\": {\"frequency\": 1, \"value\": \"4941_10\"}, \"1777_10\": {\"frequency\": 1, \"value\": \"1777_10\"}, \"8605_10\": {\"frequency\": 1, \"value\": \"8605_10\"}, \"3265_2\": {\"frequency\": 1, \"value\": \"3265_2\"}, \"4614_4\": {\"frequency\": 1, \"value\": \"4614_4\"}, \"6550_4\": {\"frequency\": 1, \"value\": \"6550_4\"}, \"410_4\": {\"frequency\": 1, \"value\": \"410_4\"}, \"6700_1\": {\"frequency\": 1, \"value\": \"6700_1\"}, \"3725_8\": {\"frequency\": 1, \"value\": \"3725_8\"}, \"6662_1\": {\"frequency\": 1, \"value\": \"6662_1\"}, \"11655_3\": {\"frequency\": 1, \"value\": \"11655_3\"}, \"9112_9\": {\"frequency\": 1, \"value\": \"9112_9\"}, \"9383_3\": {\"frequency\": 1, \"value\": \"9383_3\"}, \"5031_10\": {\"frequency\": 1, \"value\": \"5031_10\"}, \"12336_3\": {\"frequency\": 1, \"value\": \"12336_3\"}, \"3558_3\": {\"frequency\": 1, \"value\": \"3558_3\"}, \"10908_1\": {\"frequency\": 1, \"value\": \"10908_1\"}, \"1418_9\": {\"frequency\": 1, \"value\": \"1418_9\"}, \"9558_1\": {\"frequency\": 1, \"value\": \"9558_1\"}, \"1383_7\": {\"frequency\": 1, \"value\": \"1383_7\"}, \"4623_4\": {\"frequency\": 1, \"value\": \"4623_4\"}, \"11700_10\": {\"frequency\": 1, \"value\": \"11700_10\"}, \"3174_9\": {\"frequency\": 1, \"value\": \"3174_9\"}, \"4839_2\": {\"frequency\": 1, \"value\": \"4839_2\"}, \"12121_4\": {\"frequency\": 1, \"value\": \"12121_4\"}, \"10056_2\": {\"frequency\": 1, \"value\": \"10056_2\"}, \"1733_7\": {\"frequency\": 1, \"value\": \"1733_7\"}, \"10294_8\": {\"frequency\": 1, \"value\": \"10294_8\"}, \"5459_8\": {\"frequency\": 1, \"value\": \"5459_8\"}, \"11698_3\": {\"frequency\": 1, \"value\": \"11698_3\"}, \"290_9\": {\"frequency\": 1, \"value\": \"290_9\"}, \"2202_10\": {\"frequency\": 1, \"value\": \"2202_10\"}, \"2579_8\": {\"frequency\": 1, \"value\": \"2579_8\"}, \"11451_8\": {\"frequency\": 1, \"value\": \"11451_8\"}, \"1887_8\": {\"frequency\": 1, \"value\": \"1887_8\"}, \"9830_2\": {\"frequency\": 1, \"value\": \"9830_2\"}, \"11717_8\": {\"frequency\": 1, \"value\": \"11717_8\"}, \"725_2\": {\"frequency\": 1, \"value\": \"725_2\"}, \"10229_8\": {\"frequency\": 1, \"value\": \"10229_8\"}, \"9328_7\": {\"frequency\": 1, \"value\": \"9328_7\"}, \"11068_9\": {\"frequency\": 1, \"value\": \"11068_9\"}, \"6166_1\": {\"frequency\": 2, \"value\": \"6166_1\"}, \"8159_10\": {\"frequency\": 1, \"value\": \"8159_10\"}, \"7607_8\": {\"frequency\": 2, \"value\": \"7607_8\"}, \"10838_1\": {\"frequency\": 1, \"value\": \"10838_1\"}, \"7648_1\": {\"frequency\": 1, \"value\": \"7648_1\"}, \"8638_7\": {\"frequency\": 2, \"value\": \"8638_7\"}, \"6906_8\": {\"frequency\": 1, \"value\": \"6906_8\"}, \"8562_4\": {\"frequency\": 1, \"value\": \"8562_4\"}, \"3172_9\": {\"frequency\": 1, \"value\": \"3172_9\"}, \"9602_10\": {\"frequency\": 1, \"value\": \"9602_10\"}, \"11566_2\": {\"frequency\": 1, \"value\": \"11566_2\"}, \"6278_2\": {\"frequency\": 1, \"value\": \"6278_2\"}, \"1842_1\": {\"frequency\": 1, \"value\": \"1842_1\"}, \"12106_10\": {\"frequency\": 1, \"value\": \"12106_10\"}, \"5043_7\": {\"frequency\": 1, \"value\": \"5043_7\"}, \"9956_9\": {\"frequency\": 1, \"value\": \"9956_9\"}, \"1791_8\": {\"frequency\": 1, \"value\": \"1791_8\"}, \"3181_10\": {\"frequency\": 1, \"value\": \"3181_10\"}, \"1142_3\": {\"frequency\": 1, \"value\": \"1142_3\"}, \"11244_4\": {\"frequency\": 1, \"value\": \"11244_4\"}, \"11512_10\": {\"frequency\": 1, \"value\": \"11512_10\"}, \"6961_2\": {\"frequency\": 1, \"value\": \"6961_2\"}, \"135_4\": {\"frequency\": 1, \"value\": \"135_4\"}, \"3417_4\": {\"frequency\": 1, \"value\": \"3417_4\"}, \"4000_4\": {\"frequency\": 1, \"value\": \"4000_4\"}, \"3060_1\": {\"frequency\": 1, \"value\": \"3060_1\"}, \"3454_4\": {\"frequency\": 1, \"value\": \"3454_4\"}, \"5349_4\": {\"frequency\": 1, \"value\": \"5349_4\"}, \"855_1\": {\"frequency\": 1, \"value\": \"855_1\"}, \"4925_7\": {\"frequency\": 1, \"value\": \"4925_7\"}, \"11464_10\": {\"frequency\": 1, \"value\": \"11464_10\"}, \"670_1\": {\"frequency\": 2, \"value\": \"670_1\"}, \"4124_8\": {\"frequency\": 1, \"value\": \"4124_8\"}, \"12481_1\": {\"frequency\": 1, \"value\": \"12481_1\"}, \"11982_7\": {\"frequency\": 1, \"value\": \"11982_7\"}, \"10954_1\": {\"frequency\": 1, \"value\": \"10954_1\"}, \"10633_1\": {\"frequency\": 1, \"value\": \"10633_1\"}, \"8318_10\": {\"frequency\": 1, \"value\": \"8318_10\"}, \"8008_1\": {\"frequency\": 1, \"value\": \"8008_1\"}, \"11092_8\": {\"frequency\": 1, \"value\": \"11092_8\"}, \"9369_4\": {\"frequency\": 1, \"value\": \"9369_4\"}, \"12450_1\": {\"frequency\": 1, \"value\": \"12450_1\"}, \"11353_1\": {\"frequency\": 2, \"value\": \"11353_1\"}, \"7640_2\": {\"frequency\": 1, \"value\": \"7640_2\"}, \"10631_1\": {\"frequency\": 1, \"value\": \"10631_1\"}, \"10904_3\": {\"frequency\": 1, \"value\": \"10904_3\"}, \"6411_1\": {\"frequency\": 1, \"value\": \"6411_1\"}, \"3940_1\": {\"frequency\": 1, \"value\": \"3940_1\"}, \"8034_1\": {\"frequency\": 1, \"value\": \"8034_1\"}, \"1949_1\": {\"frequency\": 1, \"value\": \"1949_1\"}, \"12463_4\": {\"frequency\": 1, \"value\": \"12463_4\"}, \"8582_1\": {\"frequency\": 1, \"value\": \"8582_1\"}, \"10142_2\": {\"frequency\": 1, \"value\": \"10142_2\"}, \"3255_2\": {\"frequency\": 1, \"value\": \"3255_2\"}, \"9803_7\": {\"frequency\": 2, \"value\": \"9803_7\"}, \"9280_1\": {\"frequency\": 1, \"value\": \"9280_1\"}, \"5860_1\": {\"frequency\": 2, \"value\": \"5860_1\"}, \"11693_7\": {\"frequency\": 1, \"value\": \"11693_7\"}, \"4021_1\": {\"frequency\": 1, \"value\": \"4021_1\"}, \"8036_8\": {\"frequency\": 1, \"value\": \"8036_8\"}, \"8574_4\": {\"frequency\": 1, \"value\": \"8574_4\"}, \"1694_10\": {\"frequency\": 1, \"value\": \"1694_10\"}, \"11067_7\": {\"frequency\": 1, \"value\": \"11067_7\"}, \"247_3\": {\"frequency\": 1, \"value\": \"247_3\"}, \"5345_9\": {\"frequency\": 1, \"value\": \"5345_9\"}, \"3749_1\": {\"frequency\": 1, \"value\": \"3749_1\"}, \"2929_10\": {\"frequency\": 1, \"value\": \"2929_10\"}, \"9677_3\": {\"frequency\": 1, \"value\": \"9677_3\"}, \"8329_7\": {\"frequency\": 1, \"value\": \"8329_7\"}, \"4394_9\": {\"frequency\": 1, \"value\": \"4394_9\"}, \"8863_2\": {\"frequency\": 1, \"value\": \"8863_2\"}, \"4644_10\": {\"frequency\": 1, \"value\": \"4644_10\"}, \"3030_1\": {\"frequency\": 1, \"value\": \"3030_1\"}, \"2918_3\": {\"frequency\": 1, \"value\": \"2918_3\"}, \"9857_1\": {\"frequency\": 1, \"value\": \"9857_1\"}, \"9972_10\": {\"frequency\": 1, \"value\": \"9972_10\"}, \"6900_8\": {\"frequency\": 2, \"value\": \"6900_8\"}, \"710_9\": {\"frequency\": 1, \"value\": \"710_9\"}, \"2283_4\": {\"frequency\": 1, \"value\": \"2283_4\"}, \"6747_1\": {\"frequency\": 1, \"value\": \"6747_1\"}, \"7533_10\": {\"frequency\": 1, \"value\": \"7533_10\"}, \"2996_7\": {\"frequency\": 1, \"value\": \"2996_7\"}, \"7382_2\": {\"frequency\": 1, \"value\": \"7382_2\"}, \"9737_4\": {\"frequency\": 1, \"value\": \"9737_4\"}, \"6650_8\": {\"frequency\": 1, \"value\": \"6650_8\"}, \"1887_2\": {\"frequency\": 1, \"value\": \"1887_2\"}, \"55_9\": {\"frequency\": 1, \"value\": \"55_9\"}, \"7993_10\": {\"frequency\": 1, \"value\": \"7993_10\"}, \"3259_7\": {\"frequency\": 1, \"value\": \"3259_7\"}, \"1510_8\": {\"frequency\": 1, \"value\": \"1510_8\"}, \"1891_3\": {\"frequency\": 1, \"value\": \"1891_3\"}, \"11209_8\": {\"frequency\": 1, \"value\": \"11209_8\"}, \"7736_10\": {\"frequency\": 1, \"value\": \"7736_10\"}, \"8779_4\": {\"frequency\": 1, \"value\": \"8779_4\"}, \"2816_7\": {\"frequency\": 1, \"value\": \"2816_7\"}, \"3729_10\": {\"frequency\": 1, \"value\": \"3729_10\"}, \"6015_1\": {\"frequency\": 1, \"value\": \"6015_1\"}, \"5728_4\": {\"frequency\": 1, \"value\": \"5728_4\"}, \"10969_4\": {\"frequency\": 1, \"value\": \"10969_4\"}, \"7573_9\": {\"frequency\": 2, \"value\": \"7573_9\"}}, \"size\": 25000}, \"sentiment\": {\"complete\": true, \"numeric\": false, \"num_unique\": 2, \"num_undefined\": 0, \"progress\": 1.0, \"frequent_items\": {\"1\": {\"frequency\": 12500, \"value\": \"1\"}, \"0\": {\"frequency\": 12500, \"value\": \"0\"}}, \"size\": 25000}}, \"selected_variable\": {\"name\": [\"movies_reviews_data\"], \"descriptives\": {\"rows\": 25000, \"columns\": 3}, \"view_component\": \"Summary\", \"view_file\": \"sframe\", \"view_params\": {\"y\": null, \"x\": null, \"columns\": [\"id\", \"sentiment\", \"review\"], \"view\": null}, \"view_components\": [\"Summary\", \"Table\", \"Bar Chart\", \"BoxWhisker Plot\", \"Line Chart\", \"Scatter Plot\", \"Heat Map\", \"Plots\"], \"type\": \"SFrame\", \"columns\": [{\"dtype\": \"str\", \"name\": \"id\"}, {\"dtype\": \"str\", \"name\": \"sentiment\"}, {\"dtype\": \"str\", \"name\": \"review\"}], \"column_identifiers\": [\"review\", \"id\", \"sentiment\"]}, \"columns\": [{\"dtype\": \"str\", \"name\": \"id\"}, {\"dtype\": \"str\", \"name\": \"sentiment\"}, {\"dtype\": \"str\", \"name\": \"review\"}]}, e);\n", " });\n", " })();\n", " " ] }, "metadata": {}, "output_type": "display_data" } ], "source": [ "movies_reviews_data.show()" ] }, { "cell_type": "markdown", "metadata": { "slideshow": { "slide_type": "slide" } }, "source": [ "## Constructing Bag-of-Words Classifier " ] }, { "cell_type": "markdown", "metadata": { "slideshow": { "slide_type": "fragment" } }, "source": [ "One of the common techniques to perform document classification (and reviews classification) is using Bag-of-Words model, in which the frequency of each word in the document is used as a feature for training a classifier. GraphLab's text analytics toolkit makes it easy to calculate the frequency of each word in each review. Namely, by using the count_ngrams function with n=1, we can calculate the frequency of each word in each review. By running the following command:" ] }, { "cell_type": "code", "execution_count": 9, "metadata": { "collapsed": false, "slideshow": { "slide_type": "fragment" } }, "outputs": [], "source": [ "movies_reviews_data['1grams features'] = gl.text_analytics.count_ngrams(movies_reviews_data ['review'],1)" ] }, { "cell_type": "markdown", "metadata": { "slideshow": { "slide_type": "fragment" } }, "source": [ "By running the last command, we created a new column in movies_reviews_data SFrame object. In this column each value is a dictionary object, where each dictionary's keys are the different words which appear in the corresponding review, and the dictionary's values are the frequency of each word.\n", "We can view the values of this new column using the following command." ] }, { "cell_type": "code", "execution_count": 10, "metadata": { "collapsed": false, "slideshow": { "slide_type": "slide" } }, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ "2016-04-14 15:48:49,554 [WARNING] graphlab.data_structures.sframe, 4920: Column selection for SFrame.show is deprecated. To show only certain columns, use the sf[['column1', 'column2']] syntax or construct a new SFrame with the desired columns.\n" ] }, { "data": { "application/javascript": [ "$(\"head\").append($(\"\").attr({\n", " rel: \"stylesheet\",\n", " type: \"text/css\",\n", " href: \"//cdnjs.cloudflare.com/ajax/libs/font-awesome/4.1.0/css/font-awesome.min.css\"\n", "}));\n", "$(\"head\").append($(\"\").attr({\n", " rel: \"stylesheet\",\n", " type: \"text/css\",\n", " href: \"//dato.com/files/canvas/1.8.5/css/canvas.css\"\n", "}));\n", "\n", " (function(){\n", "\n", " var e = null;\n", " if (typeof element == 'undefined') {\n", " var scripts = document.getElementsByTagName('script');\n", " var thisScriptTag = scripts[scripts.length-1];\n", " var parentDiv = thisScriptTag.parentNode;\n", " e = document.createElement('div');\n", " parentDiv.appendChild(e);\n", " } else {\n", " e = element[0];\n", " }\n", "\n", " if (typeof requirejs !== 'undefined') {\n", " // disable load timeout; ipython_app.js is large and can take a while to load.\n", " requirejs.config({waitSeconds: 0});\n", " }\n", "\n", " require(['//dato.com/files/canvas/1.8.5/js/ipython_app.js'], function(IPythonApp){\n", " var app = new IPythonApp();\n", " app.attachView('sframe','Summary', {\"ipython\": true, \"sketch\": {\"review\": {\"complete\": true, \"numeric\": false, \"num_unique\": 24932, \"num_undefined\": 0, \"progress\": 1.0, \"frequent_items\": {\"> you are warned this is a spoiler! > This movie is so bad that i doubt i can write enough lines. great direction the shots were well thought out. the actors were very good particularly Richard pryor tho i would have liked to have seen more of him. Madeline Kahn and john houseman were classic. Dudley More god bless him could have done better. John Ritter again i would have liked to see more of him. In my opinion this failure is due totally to writer failure. Maybe the producer could have pulled the plug once he saw what he was creating. Its just too bad that so much money went into this boiler,when with a little change here and there would in my opinion fixed it.They must have paid the writers standard rates. To produce one chuckle.\": {\"frequency\": 1, \"value\": \"> you are warned ...\"}, \"This is a great film - esp when compared with the sometimes wearisome earnestness of today's politically-minded filmmakers. A film that can so easily combine sex, gender relations, politics and art is a rarity these days. While the bouyant optimism of the 1960's can't be regained, I think we can at least learn a lesson from the film's breezy energy and charm. I don't know what those who label the film \\\"boring\\\" were watching - there's so much packed into it that it never remains the same film for more that 15 min at a time.\": {\"frequency\": 1, \"value\": \"This is a great ...\"}, \"this was a fantastic episode. i saw a clip from it on YouTube, and i vowed that should it ever show on TV, i would glue myself to the set in order to watch. i wound up watching it with a friend of mine, who happens to be gay, and the two of us cried at the end. this was a truly well-written, heartfelt episode of the forbidden love between two cops who, i felt, really were (in Coop's words) \\\"the Lucky Ones\\\". it is episodes like this one that really make Cold Case one of the most captivating and much-loved works of television magic on CBS. i anxiously await more episodes, and a re-run of \\\"Forever Blue\\\" because i will always watch it again and again.\": {\"frequency\": 1, \"value\": \"this was a ...\"}, \"This is easily one of the worst 5 movies I've ever seen. It's not scary or any of the other things suggested in the plot outline. This movie is agonizingly slow and I was bored for almost all 98 minutes. While the acting is mediocre at best, the biggest problem is the script, which is poorly written, slow and plodding with no real direction. Occasionally an eerie mood is set only to be broken by some useless line or event. I'm not surprised that the entire cast was sick and throwing up between shots, they did after all have to try and digest a terrible script. As a huge fan of good horror movies, I'm always irritated that something this bad gets made. Save yourself 98 minutes you'll never get back.\": {\"frequency\": 1, \"value\": \"This is easily one ...\"}, \"The Angry Red Planet (Quickie Review)

Like \\\"The Man From Planet X,\\\" this is a bizarre science fiction tale culled from an era where fantasy and science fiction were still damn near the same thing. Meaning, we have some highly laughable special effects and rampant pseudo-science masquerading as science fiction. And yes, it's another \\\"classic\\\" released in a high quality transfer with a crisp picture and sharp sound--by Midnite Movies.

So, the main reason to watch this film? Oh, it's definitely the whole time our space crew is on Mars. (What, you thought \\\"Angry Red Planet\\\" referred to Neptune?) Prior to that is some rather poor quality space crew boarding a space ship, inside of which they smoke and toss around sexist chauvinistic banter aimed at the \\\"puny female\\\" member of the crew. It'd be somewhat offensive by today's standards if it weren't so damn funny. But Mars is the real reason we're watching this thing. The film is generally black and white, but Mars, well Mars is screaming bloody red. It's filmed in this bizarre red plasticy sheen giving the angry red planet quite an interesting look of overexposed redness. It's really quite a sight\\ufffd\\ufffdas are the (ha ha) aliens viewers are to witness. The best being the \\\"ratbatspidercrab.\\\" You think that's a joke? That's what they call it in the movie! It's a gigantic chimera (small puppet) of a thing combining traits of rats, bats, spiders, and crabs. It bounds along all puppety and scares the sh*t out of our \\\"heroic crew.\\\" There are other weird, and poorly imagined, aliens to be seen, but that one takes the cake. Eventually, after their harrowing experience on Mars, the sexist crew boards their \\\"ship\\\" and returns to whatever planet it was they came from.

This ain't for everyone. Science Fiction film buffs & curiosity seekers, and some general film buffs. Fans of Mystery Science Theater 3000 will have a field day with this one (if they never got to it on the show).

2/10 Modern score, 6/10 Nostalgia score, 4/10 overall.

(www.ResidentHazard.com)\": {\"frequency\": 1, \"value\": \"The Angry Red ...\"}, \"It is considered fashion to highlight every social evil as a result of patriarchy and male dominance, however moronic this illogical 'logic' may be. However within the story and theme of the film, there is no grey area and the woman who should be called the film's antagonist, is the ''villain of the story''. Under no circumstances can what she did be justified. Sexuality of women is just hype in this case and has nothing to do with the actuality. It is betrayal of the ultimate sort. The man ended up spending his resources and time in the wasteful raising of another man's offspring. To top it all, the most feeble of arguments raised by the 3 'liberated' female characters in the climax is pathetic. A woman's sexual needs are no excuse for her to commit adultery and continually betray her husband and worse, there are no other children. So in essence his life has been wasted. In some societies where justice still prevails, such situations result in the execution of the unjust.\": {\"frequency\": 1, \"value\": \"It is considered ...\"}, \"The synopsis for this movie does a great job at explaining what to expect. It's a very good thriller. Well shot. Tough to believe it was Bill Paxton's directorial debut, though some shots do look EXACTLY like a storyboard version.

Still, there are a few shots that really look good and show some real imagination on the part of Paxton.

It's a solid story with some great twists at the end, several of them, all believable, all fun, and best of all, obscured well enough to make them true twists.

The child actors in the movie do a great, too. I'm usually wary of movies with kids in starring roles because all too often they come off as Nickelodeon rejects, but both these kids do a good job.

This movie is not gory. It's not very scary. But it IS very, very creepy.\": {\"frequency\": 1, \"value\": \"The synopsis for ...\"}, \"I don't really post comments, but wanted to make sure to warn people off this film. It's an unfinished student film with no redeeming features whatsoever. On a technical level, it's completely amateur - constant unintentional jump edits within scenes, dubbing wildly off, etc. The plot is completely clich\\ufffd\\ufffdd, the structure is laughable, and the acting is embarrassing. I don't want to be too harsh: I've made my share of student films, and they were all awful, but there's no reason for this film to be out in the world where innocent fans will have to see it.

Safe assumption that - much like the cast - positive comments are filmmakers, friends, and family.\": {\"frequency\": 1, \"value\": \"I don't really ...\"}, \"This overrated, short-lived series (a measly two seasons) is about as experimental and unique as a truck driver going to a strip bar. I am not quite sure what they mean by \\\"ground-breaking\\\" and \\\"original\\\" when they fawn all over Lynch and his silly little TV opus. What exactly is their criteria of what is original? Sure, compared to the \\\"Bill Cosby Show\\\" or \\\"Hill Street Blues\\\" it's original. Definitely. Next to \\\"Law & Order\\\" TP spews originality left and right.

Fans of TP often say that the show was canceled because too many viewers weren't smart enough, open enough for the show's supposed \\\"weirdness\\\", its alleged wild ingenuity, or whatever. As a fan of weirdness myself, I have to correct that misconception. There is nothing too off-the-wall about TP; it is a merely watchable, rather silly whodunit that goes around in circles, spinning webs in every corner but (or because of it) ultimately going nowhere. The supposed weirdness is always forced; the characters don't behave in a strange way as much as they behave in an IDIOTIC way half the time. There's a difference...

Whenever I watch the \\\"weird dream\\\" sequence in \\\"Living In Oblivion\\\" in which the dwarf criticizes the director (Buscemi) for succumbing to the tired old let's-use-a-midget-in-a-dream-scene clich\\ufffd\\ufffd, I think of Lynch. You want weird? \\\"Eraserhead\\\" is weird - in fact, it's beyond weird, it's basically abstract. You want a unique TV show? Watch \\\"The Prisoner\\\". You want a strange-looking cast? Felini's and Leone's films offer that. TP looks like an overly coiffed TV crime drama in which all the young people look like fashion models. The cast gives TP a plastic look. Kens & Barbies en masse.

In fact, one of the producers of TP said that Lynch was looking for \\\"unique faces\\\" for the series. Unique faces? Like Lara Flynn Boyle's? Sheryll Fenn's? Like those effeminate-faced \\\"hunks\\\" straight out of men's catalogs (or gay magazines)? Don't get me wrong; there is nothing wrong with getting an attractive cast, especially with beauties like Fenn (the way Madonna would look if she were 1000 times prettier), but then don't go around saying you're making a \\\"weird show with weird-looking people\\\". And I have never understood Lynch's misguided fascination with Kyle MacLachlan (I should get a medal for bothering to spell his name right). He is not unlikable, but lacks charisma, seeming a little too bland and polished. His character's laughable \\\"eccentricities\\\" were not at all interesting, merely one of Lynch's many attempts to force the weirdness, trying hard to live up to his reputation - him having completely lost his edge but that time. Everything Lynch made post-\\\"Elephant Man\\\" was very much sub-par compared to his first two movies. What followed were often mediocre efforts that relied on Lynch's relatively small but fanatical fan base to keep him in the public eye by interpreting meanings into his badly put-together stories that don't hold any water on closer scrutiny. In other words, Lynch is every intellectual-wannabe's darling.

So Laura Palmer was killed by her Dad...? He was obsessed by the devil or some such nonsense. That's the best this \\\"great mind\\\" could come up with... You've got B-movie horror films that end with more originality.

Lynch is neither bright nor hard-working enough to come up with a terrific story.

Go to http://rateyourmusic.com/~Fedor8, and check out my \\\"TV & Cinema: 150 Worst Cases Of Nepotism\\\" list.\": {\"frequency\": 1, \"value\": \"This overrated, ...\"}, \"i saw switching goals ..twice....and always the same feeling...you see the Olsen twins make same movie....they like play different sports and then fall in love to boys..OK now about the movie....first off all such little boys and girls don't play on such big goals...2.football does not play on time outs...3.if the game is at its end the referee gives some overtime (a minute or more)...and the finish is so foreseen....i think that this movie is bad because of the lack of football knowledgement....if it were done by European producers it would be better..and also the mane actors aren't the wright choice...they suffer from lack of authentic..OK they played some seasons in full house but that doesn't make them big stars....you have got to show your talent....and that is what is missing in the Olsen twins\": {\"frequency\": 1, \"value\": \"i saw switching ...\"}, \"First be warned that I saw this movie on TV and with dubbed English - which may have entirely spoiled the atmosphere. However, I'll rate what I saw and hope that will steer people away from that version. I found this movie excruciatingly dull. All the movie's atmosphere is lost with dubbing leaving the slow frustration of a stalker movie. I'm sorry, but the worst movie sin in my book is to be slow except when the movie about philosophy. I didn't see any deep philosophical meaning in this movie. Maybe I missed something, but I have to tell it like I see it. I rated it a \\\"1\\\". What can I say, U.S. oriented tastes, maybe.\": {\"frequency\": 1, \"value\": \"First be warned ...\"}, \"Massacre is a film directed by Andrea Bianchi (Burial Ground) and produced by legendary Italian horror director Lucio Fulci. Now with this mix of great talent you would think this movie would have been a true gore fest. This could not be further from that. Massacre falls right on its face as being one of the most boring slasher films I have seen come out of Italian cinema. I was actually struggling to stay awake during the film and I have never had that problem with Italian horror films.

Massacre starts out with a hooker being slaughtered on the side of the road with an ax. This scene was used in Fulci's Nightmare Concert. This isn't a bad scene and it raises your expectations of the movie as being an ax wielding slaughter. Unfortuanitly, the next hour of the movie is SO boring. The movie goes on to a set of a horror film being filmed and there is a lot of character development during all these scenes but the characters in the movie are so dull and badly acted your interest starts to leak away. The last 30 minutes of the movie aren't so bad but still could have been much better. The gore in the movie was pathetic and since Fulci used most of the gore scenes in Nightmare Concert there was nothing new here. The end of the movie did leave a nice twist but there was still to much unanswered and the continuity falls right through the floor.

This wasn't a very good film but for a true Italian horror freak (like myself) this movie is a must have since it is very rare. 4/10 stars\": {\"frequency\": 1, \"value\": \"Massacre is a film ...\"}, \"This is the true story of how three British soldiers escaped from the German Prisoner Of War (POW) camp, Stalag Luft III, during the Second World War. This is the same POW camp that was the scene for the Great Escape which resulted in the murder of 50 re-captured officers by the Gestapo (and later was made into a very successful movie of the same name).

While the other POWs in Stalag Luft III are busy working on their three massive tunnels (known as Tom, Dick & Harry), two enterprising British prisoners came up with the idea to build a wooden vaulting horse which could be placed near the compound wire fence, shortening the distance they would have to tunnel from this starting point to freedom. The idea to build their version of the Trojan Horse came to them while they were discussing 'classic' attempts for escape and observing some POWs playing leap-frog in the compound.

Initially containing one, and later with two POWs hidden inside, the wooden horse could be carried out into the compound and placed in almost the same position, near the fence, on a daily basis. While volunteer POWS vaulted over the horse, the escapees were busy inside the horse digging a tunnel from under the vaulting horse while positioned near the wire, under the wire, and into the woods.

The story also details the dangers that two of the three escaping POWs faced while traveling through Germany and occupied Europe after they emerged from the tunnel. All three POWs who tried to escape actually hit home runs (escaped successfully to their home base.). The Wooden Horse gives a very accurate and true feeling of the tension and events of a POW breakout. The movie was shot on the actual locations along the route the two POWs traveled in their escape. Made with far less a budget than The Great Escape, The Wooden Horse is more realistic if not more exciting than The Great Escape and never fails to keep you from the edge of your seat rooting for the POWs to make good their escape.

The story line is crisp and the acting rings true and is taut enough to keep the tension up all the way through the movie. The Wooden Horse is based on the book of the same name by one of the escapees, Eric Williams, and is, by far, the best POW escape story ever made into a movie. Some of the actual POWs were used in the movie to reprise their existence as prisoners in Stalag Luft III. I give this movie a well deserved ten.\": {\"frequency\": 1, \"value\": \"This is the true ...\"}, \"Note to all mad scientists everywhere: if you're going to turn your son into a genetically mutated monster, you need to give him a scarier name than \\\"Paul.\\\" I don't care if he's a frightening hammerhead shark with a mouthful of dagger-sharp teeth and the ability to ambush people in the water as well as on dry land. Give the kid a more worthy name like, \\\"Thor,\\\" \\\"Rock,\\\" or \\\"Tiburon.\\\" Because even if he eats me up I will probably just sit there laughing, \\\"Ha! Get a load of this!!! Paul the Monster is ripping me to shreds!!!!!\\\" That's the worst part about this movie is, this shark-thing is referred to as \\\"Paul\\\" throughout the entire flick. It makes what could have been a decent, scary horror movie just seem silly. Not that there aren't other campy and contrived parts of \\\"Hammerhead: Shark Frenzy.\\\" The scientists spend the entire movie wandering along this island, and all of a sudden one of the girls starts itching madly from walking in the lush forest, and just HAS to pour water on her feet to relive the itching, which of course allows \\\"Paul\\\" to come out of the water and kill her. The one thing SciFI Channel did right in this movie was let the hottie live. But that's a small silver lining in an otherwise disappointing movie.\": {\"frequency\": 1, \"value\": \"Note to all mad ...\"}, \"Odd slasher movie from Producer Charles Band. In the days of Full Moon's greatest success Band said that he would never make \\\"real killer films\\\" because he felt that little puppets and big monsters added a fantasy element that made the films better - people killing each other is thus real and less fun. A nice philosophy and a true shame that Band, having destroyed the Full Moon studio through possible shoddy business dealings became so desperate for home cinema profits that he started making exactly what the likes of Blockbuster wanted and therefore sacrificed creativity and originality. The team behind this one also worked on 'Delta Delta Die!' and 'Birth Rite' - both equally bland by Full Moon standards. Debbie Rochon is on usual top form here as a newbie to a gang of dudes and dudettes who decide to make up a story about a 'murder club'. She - as one would obviously - does all she can to join and then panic sets in because it was not a true story and silly Ms Rochon believed it and now everybody will have to run around getting covered in blood and maybe killing each other or maybe not. The choice is there's and with regard to this movie its yours...not recommended but not entirely bad either.\": {\"frequency\": 1, \"value\": \"Odd slasher movie ...\"}, \"Normally, I am a pretty generous critic, but in the case of this film I have to say it was incredibly bad. I am stunned by how positive most reviews seem to be.

There were some gorgeous shots, but it's too bad they were wasted on this sinkhole of a movie. It might have worked if \\\"Daggers\\\" was purely an action flick and not a romance, but unfortunately the film is built around an empty love triangle. There is no chemistry between either of the couples, whatever exists between Mei and her men seems to be more lust than love, and for the most part the dialogue is just silly. This may be just a problem with translation, but the frequent usage of the word \\\"flirt\\\" in particular reminded me of 8th grade, not head-over-heels, together forever, worth-dying-for love; I also felt we were beat over the head with the wind metaphor. The audience is given very little about the characters to really care about, and therefore very little emotional investment in the movie as a whole. I was wishing for a remote control to fast forward, I was slumped in my seat ready to snore, but mostly I just cringed a lot.

*******spoiler*****

Now, the icing on the cake. Or rather, adding insult to injury. The ending was truly one of the most horrible, laughable ones I have ever seen. The boys are having their stag fight and screaming and yelling and hacking at each other. Oh, and then it starts to snow. Randomly. Oh, and then Mei (dagger embedded in heart) suddenly pops up out of the weeds. Then she throws a dagger that seems to take about 5 minutes to reach it's destination, even slowing conveniently midscreen to hit a tiny blood droplet. Wow, cool.

Well, then Mei dies finally I guess because she threw the dagger that was lodged in her chest and bled to death. Jin sings, sobs, holds her body close, screen goes blank. I, and the people surrounding me, are chuckling. Not a good sign.

Visually stunning, but ultimately a failure.\": {\"frequency\": 1, \"value\": \"Normally, I am a ...\"}, \"Let's face it: the final season (#8) was one of the worst seasons in any show I've ever enjoyed (mostly, I've never found dry spells to last a whole season). But if you judge this show by the last season, of course it's going to come across as inferior. That is an entirely unfair assessment-- because \\\"That '70s Show\\\" was, in its day, a brilliant and hilarious sitcom about a bygone era and how the people who lived there weren't so different than we are here in modern times.

All right... ignoring Season 8.

Topher Grace stars as Eric Forman, a horny geek of a teenager with a perpetual love of Donna (Laura Prepon), the feminist girl next door. Playing their friends, Danny Masterson (Hyde), Mila Kunis (Jackie), Wilmer Valderrama (Fez) and even Ashton Kutcher (Kelso) give fantastic performances in (almost) every episode. The best one is probably Fez, a foreign exchange student who is as mentally promiscuous as they get. What country is he from? Try to figure it out! For another dimension of entertainment, Debra Jo Rupp and Kurtwood Smith are phenomenal as Eric's parents. Rupp, as Kitty, is both formidable and sweet, sort of like Mrs. Brady meets Marie Barone, while Smith's Red exists mainly to scare the pogees out of everyone. Don Stark and Tanya Roberts play very well opposite each other as Donna's parents, the chauvinistic but likable Bob and the airheaded Midge. Tommy Chong has occasional appearances as Leo, a stoner who acts as a father figure to Hyde.

Apart from the anachronistic errors that pop up quite frequently and the over-the-top lessons that sometimes come (and that deplorable final season), \\\"'70s\\\" is a terrific show with amazing writing, spot-on direction, and a feel-good vibe pulsing through every episode. They're all alright.\": {\"frequency\": 1, \"value\": \"Let's face it: the ...\"}, \"Everybody's got bills to pay, and that includes Christopher Walken.

In Vietnam, a group a soldiers discover that the war is over and are heading back home when they spot a bunch of POWs, including Christopher Walken. Following a Mad Max 3 (!) Thunderdome fight, and a short massacre later. Walken and some Colombian guy split a dollar bill promising something or other.

Cut to the present (1991), and Colombian guy is leading a revolution against El Presidente. He's successful at first, but after El Presidente threatens to crush folks with a tank, he's forced to surrender and is shot in the head on live television. This is shown in full gory detail as a news flash on American telly, which leads Walken to assemble the old squad (even though he wasn't actually part of that squad to begin with), in order to invade Colombia and gun down thousands of people.

McBain is a monumentally stupid film, but for all that it's also a good laugh, and action packed too. This is one of those movies where logic is given a wide berth - how else could Walken shoot a fighter pilot in the head from another plane without suffering from decompression, or even breaking a window? Also, it seems that these guys can gun down scores of drug dealers in New York without the police bothering.

There's plenty of b-movie madness to chew on here, from Michael Ironside's diabolical acting in the Vietnam sequence, to the heroic but entirely pointless death of one of the heroes, to the side splitting confrontation between Walken and El Presidente, and let's not forget the impassioned speech by the sister of the rebel leader, being watched on television in America (nearly brought a brown tear to my nether-eye, that bit).

It's out there for a quid. Buy it if you have a sense of humour. See how many times you can spot the camera crew too.\": {\"frequency\": 1, \"value\": \"Everybody's got ...\"}, \"Radio was not a 24 hour 7days a week happening when I grew up in the 1930s England, so Children's Hour was a treat for me when we had batteries and an accumulator to spare for the power. The few programmes I heard therefore made a great impression on my young mind, and the 3 that I recall still are \\\"Toytown\\\", one about all the animals at the Zoo, and --- Grey Owl, talking about the animals he knew, which he called his \\\"brothers\\\". It was only in recently that I learnt that Grey Owl wasn't a genuine \\\"Indian\\\", but the tribute paid by the Sioux Chief makes great sense to me \\\"A man becomes what he dreams\\\". Would that we could all dream as world changing and beneficial as Archie Grey Owl Belaney. Would that a new Grey Owl could influence world leaders to clean up the environment.\": {\"frequency\": 1, \"value\": \"Radio was not a 24 ...\"}, \"The kids I took to this movie loved it (four children, ages 9 to 12 years; they would have given it 10 stars). Emma Roberts was adorable in the title role. (Expect to see more of this next-generation Roberts in the future.) After being over exposed to the likes of Britney Spears, Lindsay Lohan, and Paris Hilton, it was refreshing to see a girl who didn't look like she worked the streets. Also enjoyed seeing a supporting cast that included Tate Donovan, Rachel Leigh Cook, Barry Bostwick, and Monica Parker (with a cameo by Bruce Willis). Final takeaway: Cute film.

(Note: I did not read the book series, so my comments are based on the merits of the film alone.)\": {\"frequency\": 1, \"value\": \"The kids I took to ...\"}, \"I just want to say that this production is very one sided, breaks the impartiality needed if you want to be taken seriously.

There are no credits of the persons they interviewed, so you cant have an idea if they are worthy of being heard.

Tells the story from just one point of view. To do this is very dangerous, because the next generations learns the bad idea, and thats why wars keep coming. I know this is not the only reason about wars, but doesn't help either.

you can watch this documentary, but read in the internet a lot, before. Balcans are complex as human history is.\": {\"frequency\": 1, \"value\": \"I just want to say ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"Considering the ...\"}, \"I think that movie can`t be a Scott`s film. That is impossible. Do you remember Blade Runner? And Alien? Two greats movies versus a one. I hope didn\\ufffd\\ufffdt see ever it. good bye!!\": {\"frequency\": 1, \"value\": \"I think that movie ...\"}, \"The lovely Danish actress Sonja Richter steals this film from under the noses of everyone, no small feat considering the terrific performances surrounding her.

Richter plays Anna, an out-of-work, independent-minded, somewhat neurotic (and perhaps suicidal) actress who lands a desperation job looking after a wheelchair-bound, muted, aged father named Walentin (the great Danish actor Frits Helmuth, who died at 77 shortly after this film was made).

SPOILER ALERT

Walentin refuses to respond to anyone --until he confronts the gifted Anna, whose whimsical and mischievous manner brings the poor old battered devil back from a self-imposed death sentence.

Writer/director/actor Eric Clausen has made a strong film about the difficulty a ponderous businessman son (Jorgen, played by Clausen) has loving a father who has never accepted him. The film sags toward the end, but Clausen has some important things to say about euthanasia, the nature and value of loving and caring, and how one person, the irrepressible Anna, can alter the course of a human life. Highly recommended. Sonja Richter's performance is alone worth the price of admission.\": {\"frequency\": 1, \"value\": \"The lovely Danish ...\"}, \"this was one of the worst movies I've ever seen. I'm still not sure if it was serious, or just a satire. One of those movies that uses every stupid who dunnit clich\\ufffd\\ufffd they can think of. Arrrrgh.

Don Johnson was pretty good in it actually. But otherwise it sucked. It was over 10 years ago that I saw it, but it still hurts and won't stop lingering in my brain.

The last line in the movie really sums up how stupid it is. I won't ruin it for you, should you want to tempt fate by viewing this movie. But I garantee you a *nghya* moment at the end, with a few in between. If you have nothing better to do, and you like to point and laugh, then maybe it might be worth your while. Additionally, if you're forced to go on a date with someone you really don't like, suggest watching this movie together, and they'll probably leave you alone after they see it. That's a fair price to pay, I guess.\": {\"frequency\": 1, \"value\": \"this was one of ...\"}, \"I've watched this movie twice now on DVD, and both times it didn't fail to impress me with its unique impartial attitude. It seems more like a depiction of reality than most other Hollywood fare, especially on a topic that is still hotly discussed. Even though it sticks closely with the southern viewpoint, it doesn't fail to question it, and in the end the only sentence passed is that the war is lost, not matter what, and cruelty is a common denominator.

What really makes this movie outstanding is the refusal to over-dramatize. Nowadays truly good movies (in a nutshell) are few and far apart, with mainstream fare being enjoyable (if you don't have high expectations), but terribly commercially spirited. I think this movie comes off as a truly good movie (without being a masterpiece), because it sticks to itself, and gives the viewer a chance to watch and analyze it, instead of wanting to bombard him with effect and emotion to blot out his intelligence. This movie is cool, observant, and generally light-handed in its judgement, which is GOOD.

The story has its flaws, especially Jewel's Character comes off doubtfully, but then again the situation at the time was so chaotic, that for a young widow it might have been only logical to somehow get back into a normal life, even by liberally taking each next guy. Still she doesn't come off as weak, in fact I think she's one of the stronger characters, she's always in control of the relationships, with the men just tagging. And I take it very gratefully that she's not a weeping widow. I believe in the 19th century death of a loved one was something a lot more normal than now. You could die so easily of even minor illnesses and injuries, so the prospect of of someone dying, while surely causing grief, didn't traumatise people like it does now. People didn't seem to build shrines about their lost ones like they do now, and I like that attitude.

My recommendation is for intelligent people to watch this movie, if they are in the mood for something different than the usual hollywood fare. Don't watch if if you want non-stop action or heart-renting emotion.\": {\"frequency\": 1, \"value\": \"I've watched this ...\"}, \"When I heard the plot for this movie I simply had to see it, I mean whole cities being wiped out by killer tomatoes! Sadly the title is about as funny as it gets.

Led by Detective Dick Mason, a special team of military and scientists (including Greg Colburn who never takes his SCUBA outfit off and Lt. Finletter who is never pictured without his parachute trailing behind) 'Attack Of The Killer Tomatoes' is a parody of B-Movies, in particular Japanese horror of the 1950's. The film begins with a standard sized tomato being discovered by a women washing up in her kitchen before we find ourselves in a middle of a crime scene as the tomato has supposedly murdered this lady, and let me tell you it doesn't get any saner as the film progresses! To be fair there are a couple of funny moments, for instance anytime the Japanese scientist Dr Nokitofa speaks his voice is dubbed over in an American accent, or when disguise expert Sam Smith infiltrates the tomatoes 'hey, can somebody please pass the ketchup?'. Equally this film was probably a lot funnier in 1978 with the whole so bad its good concept. Unfortunately for 'Attack Of The Killer Tomatoes' spoof films such as the 'Airplane' and 'Naked Gun' series have been released and done this kind of comedy a lot better since.

The acting is atrocious; there is zero continuity in the editing and it just feels genuinely slow and lacking energy. For a parody film to work you need a lot of things happening at once, one gag after the over. The singing in the film seems pointless and the adverts for the furniture store that flash across the screen are damn right bizarre, even for this film. Ultimately, however, you can see why this film is a cult one; I can't see many people being indifferent to it. Unfortunately terrible would be the way I would sum this up.\": {\"frequency\": 1, \"value\": \"When I heard the ...\"}, \"Man, was I disappointed.

1) Adam Arkin is more whiny than Ross Geller from 'Friends'

2) A great cast is wasted (Kenneth Mars, Alan Arkin, Ed McMahon, Pat Morita, Louis Nye) with this amateurish script.

3) The movie suffers from horrible pacing. It jumps around through in a jumbled, confusing manner.

4) The story doesn't even make sense. Why does he want to break the football streak? What about the stupid violin music? None of it is explained.

5) It's not even funny. It's like a bunch of accountants trying to do improv, saying \\\"Lookit me! Lookit me I'm being funny!\\\" This was a bad attempt at making another \\\"Love At First Bite\\\".

I like Larry Cohen movies, but man he failed here. I couldn't wait for the credits to roll. Horribly disappointed.\": {\"frequency\": 1, \"value\": \"Man, was I ...\"}, \"We do not come across movies on brother-sister relationship in Indian cinema, or any other language or medium. This relationship has several aspects which have not been exploited in movies or novels. Typically, a sister is depicted as a pile-on who can be used for ransom in the climax. This movie treats the subject in an entirely different light.

It is inspired by George Eliot's novel \\\"The Mill on the Floss\\\". The brother is very prosaic, all-good, the blue-eyed boy who is a conventionally good son and a favorite with his mother. The sister is romantic, wild and defiant of the unwritten rules of the society. In spite of this, the love of the brother-sister is the winner.

This movie is about the love of the two siblings who are separated in childhood and revival of the same feeling when they meet years later. It is also the quest of the subdued brother to reunite with his sister who has chosen to be wild to defy the world.

Although the movie and the novel are set about 3 centuries apart in two distant countries, yet the sentiments are the same and still hold true.\": {\"frequency\": 1, \"value\": \"We do not come ...\"}, \"A really very bad movie, with a very few good moments or qualities.

It starts off with pregnant Linda Blair, who runs down a hallways to flee what might be monsters or people with pitchforks, I'm not sure. She jumps through a window and wakes up, and we see she is very pregnant. The degree to which she is pregnant varies widely throughout the movie.

She and an annoying and possibly retarded little boy who I thought was her son travel to an abandoned hotel on an island. Italian horror directors find the most irritating little boys to put in their movies! On the island already are David Hasselhoff and his German-speaking virgin girlfriend (you know how Germans are said to love Hasselhoff...). He's taking photographs, and she's translating an esoteric German book about witches, I think.

Also traveling to the island are an older couple who have purchased it, and a real estate agent, and a woman I thought was their daughter. Evidently she was an architect, and Linda Blair and the boy are the older couple's children. I guess they all traveled to the island together, but it really seemed like Linda and the boy were apart from the rest of them (maybe they were filmed separately).

The hotel seems neat, certainly from the exteriors, but it isn't used to any great effect. An old woman in bad makeup and a black cloak keeps appearing to the boy and chants something in German sometimes, which he eventually records on his Sesame Street tape recorder.

People start getting killed, either in their dreams, or sucked into hell or something. Some of these gore scenes are OK, but not enough to recommend the movie. Though the copy I watched stated it is uncut on the box cover, the death of one character whose veins explode really seems to have been cut. Much of the scene is showing another character's reaction shots, since we're not seeing anything ourselves. The creepiest scene is one in which a man or demon with a really messy-looking wound of a mouth rapes someone. He looked particularly nasty. There's a laughably and painfully bad scene in which Linda Blair is possessed. I wish if a horror movie is going to cast her, they would do something original with her role, and let her leave Exorcist behind her (except for the yearly horror conventions).

In the weird, largely Italian, tradition of claiming to be a sequel to something it is unrelated to, this is also AKA La Casa 4 and Ghosthouse 2. That is, it is supposedly a sequel to Casa 3 - Ghosthouse, La (1988) - it's not (that's also a better movie than this one). La Casa 1 and two were The Evil Dead (1981) and Evil Dead II (1987) - again unrelated to Witchery and La Casa 3 (and much better than those). There's also a Casa 5, La (1990) AKA House 5, which seems to want to be a sequel to the fake La Casa series and the series House: House (1986) House II: The Second Story (1987), The Horror Show (1989) AKA House III, and House IV (1992). How's The Horror Show fit in there? It doesn't really, it claimed to be a sequel, thus requiring the real series entry to renumber itself to cause less (or more?) confusion. Oddly, The Horror Show is also AKA Horror House, and La Casa 5 is also AKA Horror House 2. Does your head hurt yet?\": {\"frequency\": 1, \"value\": \"A really very bad ...\"}, \"Dr. Hackenstein begins at the turn of last century, '1909 The dawn of modern medical science' to be exact. Dr. Eliot Hackenstein (David Muir) is in the early stages of his rejuvenation of living tissue experiments, Dr. Hackenstein manages to bring a skinned rat back to life which confirms he has succeeded in bringing the dead back to life... It's now 'Three years later' & Dean Slesinger (Micheal Ensign) is round the Doc's house for dinner. As Dean Slesinger & Dr. Hackenstein eat they talk about Hackenstien's experiments which Dean Slesinger has always been opposed to, Dr. Hackenstein shows Dean Slesinger his laboratory in his attic where he keeps the severed head of his wife Sheila (Sylvia Lee Baker) who died in an unfortunate 'accident' & can telepathically talk to him (Christy Botkin provides Sheila's voice apparently). Dr. Hackenstein also show's Dean Slesinger a skinned chicken running around in a cage & explains that with the process he has developed he will bring Sheila back to life. The Dean has some sort of seizure & apparently dies. Meanwhile sisters Wendy (Bambi Darro as Dyanne DiRossario) & Leslie Trilling (Catherine Davis Cox) plus their Brother Alex (John Alexis) & their cousin Melanie Victor (Stacey Travis) are driving along near Hackenstein's house when they crash, they seek shelter & assistance & arrive upon Hackenstein's doorstep. Dr. Hackenstein invites the four stranded travellers to stay for the night. Later on Dr. Hackenstein is visited by two grave-robbers, Xavier (Logan Ramsey) & Ruby Rhodes (Ann Ramsey) who deliver a male body when Hackenstein actually needs female parts for Sheila. Dr. Hackenstein being the genius that he is decides not to waste the opportunity of having three young beautiful specimens available & starts to 'borrow' the bits 'n' pieces he needs to complete Sheila...

Written & directed by Richard Clark I was pleasantly surprised by Dr. Hackenstein, I'll state right now that it ain't brilliant by any stretch of the imagination but for what it was I actually quite liked it. It moves at a reasonable pace even if it does tend to drag a little bit during it's middle as things settle down. The script tries to mix slapstick humour like a scene when Dr. Hackenstein is trying to restrain Melanie & she tries to gain the attention of his deaf housekeeper Yolanda Simpson (Catherine Cahn) by kicking out & Hackenstein keeping Melanie behind Yolanda's back who is seemingly oblivious to what's happening, with a touch of gore but I'd say Dr. Hackenstein is more of a comedy than horror in conception & feel throughout. There are some tacky puns & sexual innuendo as well which are always good for a laugh, Dr. Hackenstein to Wendy \\\"would you like to see my instruments\\\" as an example. I also thought the scene when Mrs Trilling (Phyllis Diller) reports her missing daughter's to the bemused detective Olin (William Schreiner) was a pretty amusing sequence going round in circle's talking about why he isn't looking for them even though he has only just been told, why the cell doesn't have a prisoner in it & that if he didn't find the cousin not to worry about it. None of it's flat laugh-out-loud but I must admit I found myself smiling on occasion & found the film as whole to be quietly amusing. There isn't a lot of on screen gore, a few severed limbs, Sheila's decapitated head, some medical stitching & those skinned animals which are definitely fake by the way. I liked the characters in Dr. Hackenstein too, which was surprise in itself. The acting isn't brilliant but to give everyone credit they put some effort into it, lots of exaggerated facial movements & some serious overacting means it's never dull, oh & the three birds in Dr. Hackenstein are fit if you know what I mean. Technically the film is OK as well, once again it ain't going to win any Oscars but I have to give the filmmakers at least some credit for trying to pull off a turn of the century period setting. It doesn't always work, the clothes are at odds with each other at times, the girls look like their from Victorian England while the guys look like their from a western. The house looks as if all the filmmakers did was remove any modern object from the room & stick a few candles in there! It comes across as a little bit on the cheap side but it really isn't a bad looking film at all considering. Could have done without the comedy music though. Overall I ended up enjoying Dr. Hackenstein much more than I thought I would, although that in itself isn't a recommendation. It's certainly is not the best comedy horror film ever made & it certainly is not the worst either. A watchable enough piece of harmless fun.\": {\"frequency\": 1, \"value\": \"Dr. Hackenstein ...\"}, \"Ahh, the dull t.v. shows and pilots that were slammed together in the 70's to make equally dull t.v. movies! Some examples would be Riding With Death(the most hysterically cheesy of the lot), Stranded in Space(confusing and uninteresting), San Francisco International(horribly dull and unbelievably confusing), and this turgid bit of Quinn Martin glamor.

Shot in Hawaii(although you wouldn't know it from the outside shots), it's apparently a failed pilot for a lame spy show. The real problem is that you don;'t like most of the characters, including the drab main character Diamond Head, who seemed half asleep for the entire movie; his boss 'Aunt Mary', who had a really weird delivery of his lines and shellacked white hair as well as the a tan that looked like it had been stuccoed on; Diamnd Head's girlfriend/fellow agent(hell, I can't even remember her name) a skinny, wooden woman with a flat way of speaking that is just not sexy or interesting; and the singing sidekick Zulu(again, i can't remember his character's name)who wasn't bad in small doses. The most interesting person in the whole production was Ian McShane, who sucked as a bad guy but still proved his acting chops. Alothugh the make-up jobs this so-called 'chameleon' used to disguise himself were just laughable. I have absolutely no idea what he was doing or what he was trying to steal from the lab that caused him to dress as a South American Dictator cum American General. Nor do I care. The plot simply wasn't interesting enough to hold your attention for even ten minutes at a time, let alone the hour and a half or so it goes on. Just call this one - Hawaii Five No!\": {\"frequency\": 1, \"value\": \"Ahh, the dull t.v. ...\"}, \"The 1990's begun to have day time talk shows sprout up left and right. Every network had one, and they all lacked one thing Originality. Ricky Lake was just another show to entertain the obese trailer park mother with a Marlboro cigarette hanging out of her mouth while breast feeding one of her dozens of toothless, illiterate children. The English language and other cornerstones of mankind where ruined by this shows existence. Titltes ranging from Girl you a Pigeon Head and so on. How could anyone want to watch this pure and utter garbage? Has our society really became nothing more than a bunch of hill billy's and dead beat fathers? The people who appear on this show were Trash. The people who watched this show were Trash. Anyone that wishes to see this show re aired or put onto DVD is TRASH. People wonder why Americans are becoming huge piles of lard and too fat to even get jobs, its having shows like this tell them Its OK to be 500lbs overweight, and have 12 year old girls act like prostitutes. Having such trash on TV has ruined morals.\": {\"frequency\": 1, \"value\": \"The 1990's begun ...\"}, \"I was talked into watching this movie by a friend who blubbered on about what a cute story this was.

Yuck.

I want my two hours back, as I could have done SO many more productive things with my time...like, for instance, twiddling my thumbs. I see nothing redeeming about this film at all, save for the eye-candy aspect of it...

3/10 (and that's being generous)\": {\"frequency\": 1, \"value\": \"I was talked into ...\"}, \"Although the word megalmania is used a lot to describe Gene Kelly, and sometimes his dancing is way too stiff, you have to admit the guy knows how to put on a show. In American In Paris, he choreographs some outstanding numbers, some which stall the plot, but are nonetheless amazing to look at. (Check out Gene Kelly's \\\"Getting Out Of Bed Routine\\\" for starters)

Gene Kelly stars as a GI who is based out of Paris, he stayed there to paint, soon he is a rich woman's gigolo, but he really LOVES SOMEONE ELSE! Hoary story sure, but the musical numbers save the show here! I really loved Georges Gu\\ufffd\\ufffd\\ufffd\\ufffdtary's voice work in this one. His 'Stairway to Paradise' and his duet with Le Gene on 'S Wonderful' is 's marvelous'. Oscar Levant and Leslie Caron I can take or leave. All in all, a pretty good, but not dynamite movie.\": {\"frequency\": 1, \"value\": \"Although the word ...\"}, \"As a big fan of David Mamet's films and plays, especially his first film House of Games that also starred Joe Mantegna, I was expecting great things from this film. Instead, I found myself annoyed by the film's superficiality and lack of credibility. Racial slurs are thrown about without any feeling or meaning behind them, in the hopes of setting up a racial tension that for me never materialized. Identity is totally reevaluated and men become \\\"heroes\\\" for no apparent reason. Because of his oaths taken as a cop, the lead character adamantly refuses to perform one relatively small action that would harm no one and could possibly save lives, and yet performs another action which is very violent and VERY illegal, but then still refuses the minor action. In addition, a highly unbelievable subplot involving a man who has killed his family is introduced just for the sake of a plot point that was all but advertised with skywriting, and the cop's reaction to that occurrence stretch credulity way beyond all reasonable limits. Needless to say, after expecting another exciting thriller from David Mamet, I was extremely disappointed to say the least. 3 out of 10.\": {\"frequency\": 1, \"value\": \"As a big fan of ...\"}, \"What to say about this movie. Well it is about a bunch of good students who have some bad drugs and turn into delinquent students that sell more of the bad drugs to people. Two of those people have adverse effects as one turns into a toxic avenger type and his girlfriend throws up some creature that grows in the school's basement. That is about all there is to it and they stretch it out for 84 minutes. This movie is pretty bad and should be locked away forever. Though that is not fair, some people like Troma's movies and they can watch it if they want. Troma movies for me though, are the worst movies there are out there. I just watched this one out of morbid curiosity.\": {\"frequency\": 1, \"value\": \"What to say about ...\"}, \"This has to be one of the most sincere and touching boy-meets-girl movies ever made. While \\\"Rebel Without a Cause\\\" and \\\"Say Anything\\\" deliver nice portrayals, this movies strips down useless subplots and Hollywood divergences. This movie focuses purely on watching the budding of a beautiful romance. You never doubt for a second that the film will lead towards the romantic pairing of these two people. You almost immediately sense the synergy and the chemistry between Jesse and Celine, and it is simply pure joy to watch them find it. This movie is mostly all dialogue -based. But, every conversation between these too is greatly intriguing. What makes this pairing so romantic is how real it is. How in all that conversation, while often having no real bearing on anything critical, you can sense the nuances as these two become more fond and trusting of each other. This is exactly they way you would dream that you meet that special someone. And what makes it so true is that it is not even too fantastic to believe. This could be what would happen if you had been confident enough to strike up a conversation with that person you noticed somewhere random. And what puts the icing on this film is the magnificent backdrop of Vienna in which this film takes place. It just adds to the feeling of romantic nirvana that the film suggests. And no matter how many times I watch this film, I don't think I will ever tire of that.\": {\"frequency\": 1, \"value\": \"This has to be one ...\"}, \"When I saw that this movie was being shown on TV, I was really looking forward to it. I grew up in the 1980's and like everyone else who has grown up in that era, have seen every 80's teen and summer camp movie out there. So I couldn't wait to see this movie that totally spoofs that film genre. What a disappointment!! The movie was nothing but a bunch of really bad jokes and gags over and over, with hardly any plot and no substance. And the filmmakers attempts at dark humor totally failed-some of these so-called jokes didn't come across as anything but downright cruel and offensive. The only good things about this film were the wardrobe, music, and acting. It was nice to go on a nostalgia trip and see all of the summer clothing styles from the 80's, and the same goes for the music. And the acting was top-notch throughout: almost all of Hollywood's best comedians were present. Too bad they didn't have better material to work with.\": {\"frequency\": 1, \"value\": \"When I saw that ...\"}, \"When i finally had the opportunity to watch Zombie 3(Zombie Flesheaters 2 in Europe)on an import Region 2 Japanese dvd,i was blown away by just how entertaining this zombie epic is.The transfer is just about immaculate,as good as it's ever going to look unless Anchor Bay gets a hold of it.The gore truly stands out like it should and you can really appreciate the excellent makeup and gore fx.The sound is also terrific.It's only 2 channel dolby but if you have a receiver with Dolby Prologic 2,you can really appreciate the cheesy music(actually a very good score),and the effective although cheap sound effects.It never sounded so good,and the excellent transfer adds to the overall enjoyment.

I never realized just how much blood flows in this film,it's extremely brutal with exploding head shots,exploding puss filled mega pimples,a cleaver to a zombies throat,a woman's burned off extremities(how come it did'nt burn the guy also),intestinal munching,zombie babies and so much more i lost track.

This is no doubt for hardcore Zombie action fans,especially of the Italian kind.There is some excellent set pieces and cinematography to be found,i think people don't give it enough credit,if you see a clean print,and not some horrendous pirate copy,it's a whole other experience entirely.

This film never lets up for a second,and i realize it's inconsistent plotwise,the dubbing is horrible,the acting is stiff,and it's sense of irreverence is celebrated in grand fashion,but that's part of it's charm.

To me this is one of the best horror films ever made,you can't make a film this bad,so good,on purpose.It's accidental genius of the highest order.If they played it for laughs it would have been a disaster,but they played it straight as an arrow and the result is a terrific cult classic that thumbs it's nose at any and all traditional moviemaking standards.

Tons of action sequences,exotic locales,excellent set design,good,sometimes great cinematography,wonderfully cheesy acting,and inconsistent but still interesting plot,great makeup effects,beautiful women who can kick butt,excellent music,and sometimes hilarious,sometimes creepy,but always entertaining zombies.How can you go wrong with this film,it has it all,a cult classic that stands the test of time.\": {\"frequency\": 1, \"value\": \"When i finally had ...\"}, \"America. A land of freedom, of hope and of dreams. This is the nation that, since its independence, has striven to bring democracy, prosperity, and peace to the entire world, for the good of all mankind. There are times, however, when one cannot help but wish that the American's would just stay on their side of the Atlantic.

This 'movie' (and I use that word with some reservations) evokes these feelings with an intense purity. This vision of hell follows the adventures of Calvin, a freakish jewel thief who was created by attaching the severed head of Marlon Wayan onto the body of a two foot-high dwarf. After inadvertently dropping a large diamond into the handbag of Vanessa, a career-woman who is reluctant to have children, Calvin realises that in order to recover the diamond he must ingratiate himself with her. So, as any normal man would, Calvin dresses himself up as a 2 year-old and parks himself upon the poor woman's doorstep, where he is discovered by Darryl, the broody husband of Vanessa.

Darryl incongruously falls for Calvin's disguise despite the fact that the 'baby' has a full set of teeth, stubble, a tattoo, a knife-scar, and the sex-drive of a 16-year-old. Even more absurdly, Vanessa doesn't see past Calvin's baby-wear either and actually attempts to breastfeed the diminutive pervert. This wretched assault upon the soul of mankind attempts, and fails, to find humour in rape, scatology, sexual assault, and paedophilia, however, in a dishonest attempt to transform itself into a piece of 'family-entertainment' the Wayan brothers stir in a sickening amount of sentiment and flawed morality.

The brothers dim attempt a Freudian rehabilitation of their thieving rapist by revealing that he \\\"had a bad father\\\". Repeatedly hitting Darryl in the crotch enables Calvin to develop the loving father-son relationship that both he and Darryl have always wished for. As if this wasn't ridiculous enough, Calvin's attempts to sexually assault Vanessa somehow convince her that it is selfish for a woman to indulge herself with a successful career, and that instead she should spend her life playing the role of the housebound little-woman, who spends her time alternatively squeezing out babies and cooking for her husband.

In this movie the Wayan brothers have mixed their crass and twisted form of humour together with the clich\\ufffd\\ufffdd sentimentality that has infected much of Hollywood's recent body of work. Additionally, they are endemic of the current generation of black comedians who are responsible for transforming African-American humour into a poor and wretched shadow of itself that over-indulges in fart-jokes and crude sexual gags. By rights these two should be legally barred from picking up anything even remotely resembling a camera ever again.

Unfortunately the current artistic and moral bankruptcy of American cinema means that by this time next month they will undoubtedly have filmed two sequels and be making millions of dollars from tacky merchandising deals.\": {\"frequency\": 1, \"value\": \"America. A land of ...\"}, \"I'm going to say first off that I have given this film a 3 out of 10 after some thought. I was going to give it a straight out 1 but it got a couple extra points for the body count. But that would be about it. Let me explain. I paid literally \\ufffd\\ufffd1 for this DVD in a supermarket because I tend to have a lot of faith in bargain horror flicks, B-movies especially. But if this film was aiming for B status as I suspect it was for a number of reasons (which I'll touch on in a sec) then it failed magnificently. Not only did it shoot for B and miss, it landed somewhere around F. This film had so many opportunities to be good and it pretty much failed on all accounts. I say above that it's likely this film was aiming for B status and it seems to try and achieve this by trying to blend humour with horror, which can either be very good or very bad. For example, later Freddy films (Dream Warriors onwards) are all about Freddy's style and nose-thumbing, which works out great! But this film completely bombed in that respect because the times where they tried to inject humour were mostly just stupid. I will admit though that towards the beginning of the film the humour was good. In fact, for about half an hour I liked this film and was prepared to congratulate myself on another good find. BUT what really killed this film for me was the inappropriate kills. For instance, when 'Satan' smashes the cat against the board and writes 'boo' with it's blood using its body as a brush. Or when 'Satan' slams the door into the helpless disabled elderly woman. Now I'm not usually too against senseless kills in films-hey, thats the point, right? But in those two cases I just found it grossly offensive and unnecessary to anything in the film-plot especially. For me, the film went downwards from then on. One major bad point about this film is that I hated every character in it. The kid, Dougie was just ridiculously annoying!!! I'm at a loss to explain how he could possibly write off all those bodies and people being killed in front of his eyes as a trick! I mean, come on!!! I completely understand that to be in a horror film a character does have to be somewhat stupid, like running upstairs when you should blatantly be running out of the house screaming for help, but this kid took the biscuit! I wanted to kill him myself by the end of it! It was completely unbelievable and if I had to hear him say 'duh!' one more time I was going to bang my head against a wall-because thats what watching this film felt like. Why didn't i just turn the film off? Mainly because I honestly believe an ending can sometimes redeem a film. But I was wrong in this case. The ending did NOT redeem this film, it further irritated the hell out of me and was inadequate to the plot line. I get it already! The killer is always going to come back dressed as someone else, be welcomed into the house by the stupid kid and go on a killing spree again because no one suspects him in that costume! I GET IT! This film made me physically angry because it was so stupid! And if by some foul mistake you do end up watching this film, watch out for the intestines. Frankly, if that guy actually did have intestines that looked like that, I'd be surprised he wasn't already dead, let alone until someones rips them out and ties them to a chair.

In fact, I'll even go so far as to say that the only character I liked at all in this film was actually the killer. Purely because when his 'comedy routine' worked, it did work. All in all, the plot line of this film dragged anything that might have been good down. Why was the killer killing? I don't know. I can live without knowing who he actually was, thats fairly typical, but without some kind of motive - hell i don't know, i'd settle for him having a bad Halloween as a kid! -it just seems more than senseless, just stupid. Stupid stupid stupid stupid stupid. In fact, i hated this film so much that i specifically registered with IMDb just so i could comment on it. Save your money, save your sanity. Stay away from it!\": {\"frequency\": 1, \"value\": \"I'm going to say ...\"}, \"It must have been several years after it was released, so don't know why it was at the movies. But as a kid I enjoyed it. I just found a VHS tape of Superman and the Mole Men at the flea market and decided to watch it again (it's been a lot of years). I wasn't expecting much, now knowing how the B movies were made at that time. But I was pleasantly surprised to find the movie very watchable and the acting by all outstanding. Usual acting in these type movies leaves a lot to be desired. Surprisingly, the writing wasn't bad either. Forget the fact that Superman went from sequence to sequence and could have kicked all their butts in the beginning, because then the story would have ended, right?! OK, the mole men costumes were hokey and not very scary (they didn't even scare me as a kid). However, making allowances for the probable low budget for background and costumes, it was a job well done by all. I recognized the sheriff right away as The Old Ranger from Death Valley Days and plenty of supporting roles in TV westerns. J. Farrell MacDonald played old Pop and was always a great supporting actor in more movies than I can count. Walter Reed and Jeff Corey were familiar faces as well from other movies. Did you recognize the old doctor as the captain of the ship that went to get King Kong? Did you recognize the little girl rolling the ball to the mole men as Lisbeth Searcy in Old Yeller? Some of the mole men were famous too. Jerry Maren has played Mayor McCheese for McDonalds, Little Oscar Mayer, was the Munchkin that handed Dorothy the lollipop, was on a Seifeld episode and a wealth of other work. Billy Curtis played an unforgettable part with Clint Eastwood in High Plains Drifter, was one of the friends met by the star in Incredible Shrinking Man, he had a part in a movie I just luckily grabbed at a flea market titled My Gal Sal with Rita Hayworth, Wizard of Oz and plenty of other parts - great actor. John Brambury was also a Munchkin. Phillis Coates, who played Lois Lane in this movie, was without question wonderful in the part and George Reeves as Superman/Clark Kent WAS Superman. He did a great job of playing the strong man. Bottom line to all I've said is that this movie is worth watching because of the cast and writing in dealing with a pretty flimsy idea for a movie. But it was the 50's and anything was possible from intruders from outer space to mole men from inner space. It is definitely worth seeing, there isn't a bad actor in the group. Whomever put the cast together was very, very fortunate to get so many gifted actors into a B type film. Some already had a wealth of experience and some were about to obtain a wealth of experience - but all were gifted. So if you get a chance to see the film, forget the dopey costumes and just enjoy the excitement and acting. Is it a bird? Is it a plane? No, just a good, old fashioned movie to enjoy!\": {\"frequency\": 1, \"value\": \"It must have been ...\"}, \"it's all very simple. Jake goes to prison, and spends five years with the con and the chess masters. they get compassionate about his history of loss and failure, and utterly misery that he lives on because of his belief in his mastery of small tricks and control of the rules of small crooks. they decide to give Jake the ultimate freedom: from his innermost fears, from what he believes to be himself. for that, they take him on a trip where he got to let go all the fear, all the pride, all the hope - to be reborn as true master of his will.

it's a clever movie about the journey of illumination, about the infinite gambles and games that we do with and within ourselves. 10/10, no doubt.\": {\"frequency\": 1, \"value\": \"it's all very ...\"}, \"The saddest thing about this film is that only 8 people cared to leave a review of it and NO-ONE felt it worthwhile leaving a comment on the message boards.

Made the same year as Philadelphia...the Tom Hanks Oscar-winner... this is the film that people REALLY should have seen and given awards to. There is more humanity, life, love, tenderness and beauty in these two people than in just about any other gay film I have seen... and it is all true.

In order for this to be printed I need to leave a few more lines of text: suffice it to say that anyone who REALLY wants to know what it was like to be gay in the 60's and 70's, and to understand just what AIDS was like before the modern drug \\\"cocktails\\\" allowed people to breathe a little easier... this is the film to see.

Oh, and I will add a personal comment about AIDS. Despite everything, there actually has been a silver lining to all the horror. When AIDS first arrived, it was called the \\\"gay cancer\\\", and governments preferred to \\\"let them die\\\" rather than spend a red cent on research to help save a bunch of fags. Then it became clear that AIDS would also be a heterosexual disease. But the government wasn't ready for that; So when straight people began getting ill too, the only organizations and associations that were available to them were those which had been set up by gays themselves (examples: The Names Project: the quilt memorializing all those who died of AIDS; Act Up etc) The result is that people who probably would never have come in contact with gays in their ordinary lives suddenly found themselves counting on them and needing them, because no other organizations existed. This close contact, in my estimation, is what finally broke down the barriers of prejudice and allowed the straight world to finally accept gays as equals. When AIDS first came on the scene, many of us thought that the straight world would use it as a way to come down even harder on us... and that probably would have been true if straights didn't suddenly become ill too; nevertheless, the strides that have been made in gay liberation - to the point that, as I write this, there are at least 5 countries in the world that accept gay marriage - these gains would probably have taken a lot longer without AIDS to bring us together. It is sad to think that all those people - both straight and gay - had to die before our common humanity became more obvious - but if what I am writing here is true, and I think it is - then there is a bit of comfort to be taken in realizing that all those people did not die in vain.\": {\"frequency\": 1, \"value\": \"The saddest thing ...\"}, \"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 . . .\": {\"frequency\": 1, \"value\": \"I researched this ...\"}, \"Believe me, I wanted to like \\\"Spirit\\\". The idiotic comments people made at the time of its release about how quaint it was to see old-fashioned, hand-drawn animation again, as if the last pencil-animated cartoon had been released twenty years ago, and the even more idiotic comments about how computers had now made the old techniques obsolete, had got my blood up ... but then, the insulting, flavourless banality I had to endure in the first ten minutes of \\\"Spirit\\\" got my blood up even more.

The character designs are generic, the animation (partly as a result) merely competent, the art direction as a whole so utterly, boringly lacklustre that you wonder how it could have come about (we know, from \\\"The Prince of Egypt\\\" and \\\"The Road to El-Dorado\\\", that there are talented artists at Dreamworks), and the sophisticated use of CGI is in every single instance ill-judged. (Why do they bother?) There's not a single thing worth LOOKING at. In an animated cartoon, this is fatal.

But it gets worse...

The horses can't talk, but they're far more anthropomorphised and unconvincing than the deer in \\\"Bambi\\\", which can. And it seems that, in a way, the horses CAN talk. Spirit himself delivers the prologue (sounding for all the world like a 21st-Century actor picked out of a shopping mall in California), and from then on his laid-back, decidedly unhorselike narration is scarcely absent from the soundtrack, although it never once tells us anything that we didn't already know, or expresses a feeling which the artwork, poor though it is, wasn't capable of expressing twice as well. That prologue, by the way: (a) contains information which Spirit, we later discover, had know way of knowing; (b) expresses ideas which Spirit would lack the power to express even if he COULD talk; (c) includes new age rubbish like, \\\"This story may not be true, but it's what I remember\\\"; and (d) will give countless children (the production is pitched, I presume, at six-year-olds) the impression that horses are native to North America, which is sort of true, in that the common ancestor of domestic horses, zebras etc. WAS native to North America - but all horse species on the continent had gone extinct long before the first humans arrived, and the mustangs of Spirit's herd (which allegedly \\\"belong here like the buffalo grass\\\") were descended from horses introduced by Europeans.

So the prologue rather annoyed me.

As often as Spirit talks, Bryan Adams sings, sounding as usual as though he's got a bad throat infection - and it's not THAT he sings or even HOW he sings, it's WHAT he sings: maudlin narrative ballads which contribute even less, if possible, than Spirit's spoken narrative, and which sound as though they all have exactly the same tune (although I was paying close attention, and was able to discern that they probably didn't). If only Bryan Adams and the guy-pretending-to-be-a-horse could have SHUT UP for a minute or two, the movie might have been allowed to take its true form: mediocre and derivative, rather than jaw-droppingly bad.\": {\"frequency\": 1, \"value\": \"Believe me, I ...\"}, \"This is a great film!! The first time I saw it I thought it was absorbing from start to finish and I still do now. I may not have seen the play, but even if I had it wouldn't stop me thinking that the film is just as good.\": {\"frequency\": 1, \"value\": \"This is a great ...\"}, \"This is how I feel about the show.

I started watching the show in reruns in 2001.

I enjoy the show but it had too many faults.

I HATE THE MICHELLE & JOEY CHARACTERS!

Stealing story lines from old TV shows. They even stole from \\\"The Partirdge Family.\\\" Then in 1 episode \\\"The Partridge Family\\\" was mentioned.

Actors playing different roles in different episodes. MTV Martha Quinn the most notable doing this, especially when she played herself in 1 episode.

The Michelle character COULD NOT take a joke but then they had this little kid act out \\\"revenge\\\" to her sisters for a joke by them on her.

Story lines that came & went in 1 episode. Joey getting the TV show with Frankie & Annette, never heard from it again after that. Danny all of a sudden playing the guitar. 1 episode he is coaching soccer, 1 episode he is coaching softball/baseball. 1 game & you are out huh Danny?

Jesse & Joey keep getting jobs REALLY QUICKLY with no experience. Only in a TV show.

I did like the D.J. & Stephanie characters. Wish Jodie Sweetin could have learned from Candace Cameron Bure & had a clean NON drug adult life.\": {\"frequency\": 1, \"value\": \"This is how I feel ...\"}, \"Not only is this movie a great film for basic cinematography (screenplay, acting, setting, etc.) but also for it's realism. This movie could take place in any farm or rural setting. It makes no difference if the movie takes place in Louisiana or if it would take place in Kansas. The story and the messages it includes would remain the same. This movie shows family values and connections for an older audience, while at the same time it shows youthful behavior for the younger viewers. Everyone who watches this will walk away with something having touched them personally, I know I did. The ending hits way too close to home for me not to burst into tears every time I watch it. The ending stresses the importance of farm safety, and everyone who has ever worked on a farm needs to see this film. Not paying attention and carelessness gets you into dangerous situations.

\": {\"frequency\": 1, \"value\": \"Not only is this ...\"}, \"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. ;)\": {\"frequency\": 1, \"value\": \"If you haven't ...\"}, \"

In anticipation of Ang Lee's new movie \\\"Crouching Tiger, Hidden Dragon,\\\" I saw this at blockbuster and figured I'd give it a try. A civil war movie is not the typical movie I watch. Luckily though, I had a good feeling about this director. This movie was wonderfully written. The dialogue is in the old southern style, yet doesn't sound cornily out of place and outdated. The spectacular acting helped that aspect of the movie. Toby Maguire was awesome. I thought he was good (but nothing special) in Pleasantville, but here he shines. I have always thought of Skeet Ulrich as a good actor (but nothing special), but here he is excellent as well. The big shocker for me was Jewel. She was amazingly good. Jeffrey Wright, who I had never heard of before, is also excellent in this movie. It seems to me that great acting and great writing and directing go hand in hand. A movie with bad writing makes the actors look bad and visa versa. This movie had the perfect combination. The actors look brilliant and the character development is spectacular. This movie keeps you wishing and hoping good things for some and bad things for others. It lets you really get to know the characters, which are all very dynamic and interesting. The plot is complex, and keeps you on the edge of your seat, guessing, and ready for anything at any time. Literally dozens of times I was sure someone was going to get killed on silent parts in the movie that were \\\"too quiet\\\" (brilliant directing). This was also a beautifully shot movie. The scenery was not breath taking (It's in Missouri and Kansas for goodness sakez) but there was clearly much attention put into picking great nature settings. Has that rough and rugged feel, but keeps an elegance, which is very pleasant on the eyes. The movie was deep. It told a story and in doing so made you think. It had layers underneath that exterior civil war story. Specifically, it focused on two characters that were not quite sure what they were fighting for. There were many more deep issues dealt with in this movie, too many to pick out. It was like a beautifully written short story, filled with symbolism and artistic extras that leaves you thinking during and after the story is done. If you like great acting, writing, lots of action, and some of the best directing ever, see this movie! Take a chance on it.\": {\"frequency\": 1, \"value\": \"

In ...\"}, \"In a year of pretentious muck like \\\"Synecdoche, New York\\\" a film born out of Charlie Kaufman's own self-indulgence, comes a film that is similarly hard to watch but about three times as important. \\\"Frownland\\\" is a labor of love by the crew, the actors and the filmmaker, shot over years by friends. It traces a man who cannot communicate through his thoroughly authentic, REAL Brooklyn world. The people that you see are a step beyond even the stylization of the \\\"mumblecore\\\" movement. They are real people, painfully trapped in their own self-contained neuroses, unwilling to change, unable. The real world to them is their own set of delusions and because this is a film about people who are so profoundly out of touch, it is very difficult to watch. It is 16mm film-making without proper light, money or any of the other factors that would make a film \\\"slick\\\", but its honesty can not be understated, a fact that would cause a room full of people to dismiss it and for Richard Linklater to give it an award as he did at SXSW. This does remind of films like \\\"Naked\\\" or the best of the \\\"mumblecore\\\". It is a film that is not for everyone, but one that challenges you to watch and grows on you the longer you think about it.\": {\"frequency\": 1, \"value\": \"In a year of ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"A recent post here ...\"}, \"There is a uk edition to this show which is rather less extravagant than the US version. The person concerned will get a new kitchen or perhaps bedroom and bathroom and is wonderfully grateful for what they have got. The US version of this show is everything that reality TV shouldn't be. Instead of making a few improvements to a house which the occupants could not afford or do themselves the entire house gets rebuilt. I do not know if this show is trying to show what a lousy welfare system exists in the US or if you beg hard enough you will receive. The rather vulgar product placement that takes place, particularly by Sears, is also uncalled for. Rsther than turning one family in a deprived area into potential millionaires, it would be far better to help the community as a whole where instead of spending the hundreds of thousands of dollars on one home, build something for the whole community ..... perhaps a place where diy and power tools can be borrowed and returned along with building materials so that everyone can benefit should they want to. Giving it all to one person can cause enormous resentment among the rest of the local community who still live in the same run down houses.\": {\"frequency\": 1, \"value\": \"There is a uk ...\"}, \"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.\": {\"frequency\": 3, \"value\": \"This show comes up ...\"}, \"I have not seen this movie! At least not in its entirety. I have seen a few haunting clips which have left me gagging to see it all. One sequence remains in my memory to this day. A (very convincing looking) spacecraft is orbiting the dark side of the moon. The pilot releases a flash device in order to photograph the hidden surface below him. The moon flashes into visability . . . . and for a few seconds there it is. Parallel lines, squares, Could it be .. then the light fades and the brief glimse of ...what... has gone and it is time for the spacecraft to return to Earth. Wonderful. I have seen some other clips too but would LOVE to obtain the full movie.\": {\"frequency\": 1, \"value\": \"I have not seen ...\"}, \"Corean cinema can be quite surprising for an occidental audience, because of the multiplicity of the tones and genres you can find in the same movie. In a Coreen drama such as this \\\"Secret Sunshine\\\", you'll also find some comical parts, thriller scenes and romantic times. \\\"There's not only tragedy in life, there's also tragic-comedy\\\" says at one point of the movie the character interpreted by Song Kang-ho, summing up the mixture of the picture. But don't get me wrong, this heterogeneity of the genres the movie deals with, adds veracity to the experience this rich movie offers to its spectators. That doesn't mean that it lacks unity : on the contrary, it's rare to see such a dense and profound portrait of a woman in pain.

Shin-ae, who's in quest for a quiet life with her son in the native town of her late husband, really gives, by all the different faces of suffering she's going through, unity to this movie. It's realistic part is erased by the psychological descriptions of all the phases the poor mother is going through. Denial, lost, anger, faith, pert of reality : the movie fallows all the steps the character crosses, and looks like a psychological catalog of all the suffering phases a woman can experience.

The only thing is to accept what may look like a conceptual experience (the woman wears the mask of tragedy, the man represents the comical interludes) and to let the artifices of the movie touch you. I must say that some parts of the movie really did move me (especialy in the beginning), particularly those concerning the unability of Chang Joan to truly help the one he loves, but also that the accumulation of suffering emotionally tired me towards the end. Nevertheless, some cinematographic ideas are really breathtaking and surprising (the scene where a body is discovered in a large shot is for instance amazing). This kind of scenes makes \\\"Secret Sunshine\\\" the melo equivalent of \\\"The Host\\\" for horror movies or \\\"Memories of murder\\\" for thrillers. These movies are indeed surprising, most original, aesthetically incredible, and manage to give another dimension to the genres they deal with. The only thing that \\\"Secret Sunshine\\\" forgets, as \\\"The host\\\" forgot to be scary, is to make its audience cry : bad point for a melodrama, but good point for a good film.\": {\"frequency\": 1, \"value\": \"Corean cinema can ...\"}, \"The Road Rovers was a great show about canine superheroes chosen by the Master to fight crime around the world. The show was hilarious to say the least. Simple and complex jokes that could appeal to all ages. Running jokes throughout the series that could spawn a drinking game. The action was mesmerizing, and cleverly set up. The characters were very original, each with a very different personality. But what made me enjoy the show the most was the depth of the characters. Each of them have struggles and emotional difficulties that are never expressed, but implied in subtext. Hopefully, one day, there'll be some way to watch the Rovers in action again.\": {\"frequency\": 1, \"value\": \"The Road Rovers ...\"}, \"CCCC is the first good film in Bollywood of 2001. When I first saw the trailer of the film I thought It would be a nice family movie. I was right. Salman Khan has given is strongest performance ever. My family weren't too keen on him but after seeing this film my family are very impressed with him. Rani and Preity are wonderful. The film is going to be a huge hit because of the three main stars.

It's about Raj (Salman Khan) and Priya meeting and falling in love. They get married and go to Switzerland for their honeymoon. When they come back Raj and Priya find out that Priya is pregnant. Raj's family are full of joy when they find out especially Raj's dada (Amrish Puri). Raj and his family are playing cricket one day and Priya has an accident which causes Priya to have a miscarriage. Raj has a very close family friend who is a doctor, Balraj Chopra (Prem Chopra). He tells Raj and Priya that she can no longer have anymore kids. Raj and Priya keep this quiet from the family. Raj and Priya decide to go for surrogacy. Surrogacy to them is that they will find a girl and Raj and that girl will have a baby together and then hand the baby over to Raj and Priya. Raj finds a girl. Her name is Madhubala (Preity Zinta). She is a dancer and a prostitute. Raj tells her the situation and bribes her with money and she agrees. Raj changes Madhubala completley. Raj tells Priya that he has found a girl. Madhubala and Priya meet and become friends. They go to Switzerland to do this so no one finds out. Priya spends the night in a church and Raj and Madhubala are all alone and they spend the night together. The doctor confirms that Madhubala is pregnant and they are all happy. Raj tells his family that Priya is pregnant. They are happy again. Madhubala comes to love Raj and she wants him. What happens next? Watch CCCC to find out.

The one thing I didn't like about the film is their idea of surrogacy. They should have done it the proper way in the film but it didn't ruin the film. It was still excellent.

The songs of the film are great. My favourites are \\\"Chori Chori Chupke Chupke\\\", Dekhne Walon Ne\\\", \\\"Deewana Hai Yeh Mann\\\" and \\\"Mehndi\\\". The song \\\"Mehndi\\\" is very colourful. In that song it shows the ghod bharai taking place and it is very colourful. The film deserves 10/10!\": {\"frequency\": 1, \"value\": \"CCCC is the first ...\"}, \"The premise of the story is simple: An old man living alone in the woods accidentally stumble upon a murder of a small child, and tries to convince the police that the murder has occurred. Though very little dialog is provided throughout the film, the visual narrative told by the camera's eye alone made the film quite engaging. The setting of the gray woods conveys a feeling of loneliness, which complements the quietness of the characters themselves. We can also sense helplessness in the old man's inability to convince the police of the murder, which parallels the silenced child's inability to tell her own story.

True horror lies in feelings of hopelessness, helplessness, and irrationality. This film successfully addresses these elements by visuals alone, rather than relying on cheap sound effects or blood and gore that other bad horror films use when the narrative is weak.

Cleverly, the story unfolds at a slow pace to build up tension for a few creepy and startling moments. The ending is also unexpected and believable. Reminiscent of Japanese horror films, such as \\\"The Ring,\\\" and \\\"Dark Water,\\\" or English horror films, such as \\\"Lady in Black,\\\" and \\\"The Innocents,\\\" this film provides viewers the experience of true atmosphere horror. I recommend anyone who enjoys a good chilling to the bone scare to give this film a try.

By the way, if you haven't seen the films I just mentioned above, you might want to give them a try as well.\": {\"frequency\": 1, \"value\": \"The premise of the ...\"}, \"Joan Fontaine here is entirely convincing as an amoral beauty who is entirely incapable of feeling love for anyone but herself. Her husband (Richard Ney) has lost all his money through a combination of his foolhardiness and her extravagance, and they are reduced to living in a tiny room, with little or no prospects. They continue to put on the most amazing clothes and go out and socialize as if nothing were wrong. He is a charming, feckless, but wholly amiable fellow. However, Fontaine decides he has to go, as he has outlived his usefulness. So she resolves to poison him when she realizes he does not want to divorce her, so that she can move on. She has meanwhile had a lover (Patric Knowles) whom she decides to drop because he is not rich either. She meets the aging Herbert Marshall, who has a yacht with all the trimmings and more money than even Fontaine could figure out how to spend. She targets him and decides he will do nicely. He is all too eager to be eaten up by the young beauty. He certainly isn't very exciting, and has about as much sex appeal as yesterday's omelette. But Fontaine is one of those gals who has eyes only for money, and the man standing between her and it is transparent, so that she doesn't even notice or care what he looks like, she looks through him and sees what she really wants and goes for it. She proceeds to poison her husband, and dispatches him very neatly and satisfactorily, so that everything is going well. But as always happens in the movies, and sometimes even in life, some unexpected things begin to go wrong, and the tension rises appreciably, so that Fontaine begins to sweat. Fontaine is particularly good at looking wicked and terrified, and as the net begins to close in on her, her rising sense of desperation is palpable and has us on the edges of our seats. Hysteria and fear take over from cool calculation and cunning. But she finds a fall guy for her crime in the person of her cast off lover, who is an innocent victim of her scheme to set him up. He is condemned to death for murder, because the husband's death by poison came to light unexpectedly. But Sir Cedric Hardwicke, playing a grimly determined Scotland yard inspector, thinks there may be something amiss, and begins to doubt the story and suspect Fontaine. He closes in on her, and some of the scenes as this happens are inspired portrayals of the wildest panic. But will the innocent man's life be saved before he is executed? Will Fontaine worm her way out of this one? Will Herbert Marshall protect her to safeguard his infatuation? This film is expertly directed by Sam Wood, and the film is a really superb suspense thriller which I suppose qualifies very well for the description of a superior film noir.\": {\"frequency\": 1, \"value\": \"Joan Fontaine here ...\"}, \"Well, you'd better if you plan on sitting through this amateurish, bland, and pokey flick about a middle-aged widowed mom who has a little more in common with her young adult or old teen daughter than she would like. Set in Tunis, mom piddles around the flat, gets antsy, and decides, albeit reluctantly (she just can't help herself), to don the costume and dance in a local cabaret. Meanwhile her daughter is taking dancing lessons. The common denominator is a Tunisian band drummer. This film is so full of filler I watched the DVD at x2 and read the subtitles, fast forwarding through much of the very ordinary dancing and loooong shots of walking (they walk everywhere) and more walking and just plain dawdling at x4 just to get though this boring, uneventful, low budget flick which some how garnered some pretty good critical plaudits. Go figure. (C-)\": {\"frequency\": 1, \"value\": \"Well, you'd better ...\"}, \"I went into Deathtrap expecting a well orchestrated and intriguing thriller; and while that's something like what this film is; I also can't help but think that it's just a poor man's Sleuth. The classic 1972 film is obviously an inspiration for this film; not particularly in terms of the plot, but certainly it's the case with the execution. The casting of Michael Caine in the central role just confirms it. The film is based on a play by Ira Levin (who previously wrote Rosemary's Baby and The Stepford Wives) and focuses on Sidney Bruhl; a playwright whose best days are behind him. After his latest play bombs, Sidney finds himself at a low; and this is not helped when a play named Deathtrap; written by an amateur he taught, arrives on his doorstep. Deathtrap is a guaranteed commercial success, and Sidney soon begins hatching a plot of his own; which involves inviting round the amateur scribe, killing him, and then passing Deathtrap off as his own work.

Despite all of its clever twists and turns; Deathtrap falls down on one primary element, and that's the characters. The film fails to provide a single likable character, and it's very hard to care about the story when you're not rooting for any of the players. This is not helped by the acting. Michael Caine puts in a good and entertaining performance as you would expect, but nobody else does themselves proud. Christopher Reeve is awkward in his role, while Dyan Cannon somehow manages to make the only possibly likable character detestable with a frankly irritating performance. It's lucky then that the story is good; and it is just about good enough to save the film. The plot features plenty of twists and turns; some work better than others, but there's always enough going on to ensure that the film stays interesting. Director Sidney Lumet deserves some credit too as the style of the film is another huge plus. The central location is interesting in its own right, and the cinematography fits the film well. Overall, I have to admit that I did enjoy this film; but it could have been much, much better.\": {\"frequency\": 1, \"value\": \"I went into ...\"}, \"My wife and I have watched this movie twice. Both of us used to be in the Military. Besides being funny as hell, it offers a very realistic view of life in the Navy from the perspective of A Navy enlisted man, and tells it \\\"like it really is\\\". We're adding this movie to our permanent collection !\": {\"frequency\": 1, \"value\": \"My wife and I have ...\"}, \"After having red the overwhelming reviews this film got in my country, I but wanted to see it. But - what a disappointment! To see a bunch of one-dimensional characters in a plot that lacks of originality is not worth the money and the time to spend. I sometimes wonder about the filmcritics in switzerland.\": {\"frequency\": 1, \"value\": \"After having red ...\"}, \"This movie was horrible. I swear they didn't even write a script they just kinda winged it through out the whole movie. Ice-T was annoying as hell. *SPOILERS Phht more like reasons not to watch it* They sit down and eat breakfast for 20 minutes. he coulda been long gone. The ground was hard it would of been close to impossible to to track him with out dogs. And when ICE-T is on that Hill and uses that Spaz-15 Assault SHOTGUN like its a sniper rifle (and then cuts down a tree with eight shells?? It would take 1000's of shells to cut down a tree that size.) Shotguns and hand guns are considered to be inaccurate at 100yards. And they even saw the reflection. What reflected the light?? I didn't see a scope on that thing. Also when he got shot in the gut and kept going, that was retarded he would of bled to death right there. PlusThe ending where he stuffs a rock or a cigarette in the guys barrel. It wouldn't blow up and kill him. The bullet would still fire kill Ice T but mess up the barrel.\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"Just about everything in this movie is wrong, wrong, wrong. Take Mike Myers, for example. He's reached the point where you realize that his shtick hasn't changed since his SNL days, over ten years ago. He's doing the same cutesy stream-of-consciousness jokes and the same voices. His Cat is painfully unfunny. He tries way to hard. He's some weird Type A comedian, not the cool cat he's supposed to be. The rest of the movie is just as bad. The sets are unbelievably ugly --- and clearly a waste of millions of dollars. (Cardboard cut-outs for the background buildings would have made more sense than constructing an entire neighborhood and main street.) Alec Balwin tries to do a funny Great Santini impression, but he ends up looking and sounding incoherent. There's even an innapropriate cheesecake moment with faux celebrity Paris Hilton --- that sticks in the mind simply because this is supposed to be a Dr. Seuss story. Avoid this movie at all costs, folks. It's not even an interesting train wreck. (I hope they'll make Horton Hears a Who with Robin Williams. Then we'll have the bad-Seuss movie-starring-spasitc- comedian trilogy.)\": {\"frequency\": 1, \"value\": \"Just about ...\"}, \"Reading through all these positive reviews I find myself baffled. How is it that so many enjoyed what I consider to be a woefully bad adaptation of my second favourite Jane Austen novel? There are many problems with the film, already mentioned in a few reviews; simply put it is a hammed-up, over-acted, chintzy mess from opening credits to butchered ending.

While many characters are mis-cast and neither Ewan McGregor nor Toni Collette puts in a performance that is worthy of them, the worst by far is Paltrow. I have very much enjoyed her performance in some roles, but here she is abominable - she is self-conscious, nasal, slouching and entirely disconnected from her characters and those around her. An extremely disappointing effort - though even a perfect Emma could not have saved this film.\": {\"frequency\": 1, \"value\": \"Reading through ...\"}, \"Brainless film about a good looking but brainless couple who decide to live their dream and take people on diving tours. The pair almost instantly make the wrong choice of customers and get mixed up with some people seeking to recover the items that we see falling to the ocean floor during the opening credits sequence. Great looking direct to video movie could have been so much better if it wasn't so interested in primarily looking good. Performances are serviceable and the plot is actually not bad, or would have been had the director and producers not redirected the plot into making sure we see lots of shapely people in bathing suits (or in what I'm guessing the reason for the \\\"unrated\\\" moniker a few fleeting bare breasts). The film never generates any tension nor rises above the level of a forgettable TV movie. If you get roped in to seeing this you won't pluck your eyes out since the eye candy is pleasant but we really need to stop producers from making films that are excuses to have a paid vacation.\": {\"frequency\": 1, \"value\": \"Brainless film ...\"}, \"I can hardly believe that this inert, turgid and badly staged film is by a filmmaker whose other works I've quite enjoyed. The experience of enduring THE LADY AND THE DUKE (and no other word but \\\"enduring\\\" will do), left me in a vile mood, a condition relieved only by reading the IMDb user comment by ali-112. For not only has Rohmer attempted (with success) to make us see the world through the genre art of 18th century France but, as ali has pointed out, has shown (at the cost of alienating his audience) the effects of both class consciousness and the revolution it inspired through the eyes of a dislikably elitist woman of her times. The director has accomplished something undeniably difficult, but I question whether it was worth the effort it took for him to do so -- or for us to watch the dull results of his labor.\": {\"frequency\": 1, \"value\": \"I can hardly ...\"}, \"The pioneering Technicolor Cinematography (Winner of Special Technical Achievement Oscar) is indeed enchanting. Add an endless variety of glamorous costumes and a romantic cinema dream team like Marlene Dietrich and Charles Boyer, and you've got a rather pleasant \\\"picture\\\".

Unfortunately the contrived plot as well as the over-blown acting leave much to be desired. Still, there have not been any more breathtaking Technicolor films before this one (1936), and very few since then, that can top this breathtaking visual experience of stunning colors. Cinema fans who have enjoyed the glorious color cinematography in \\\"Robin Hood\\\" (1938), \\\"Jesse James\\\" (1939) and \\\"Gone With The Wind\\\" (1939), will not be disappointed in the fantastic work done here. \\\"The Garden Of Allah\\\" will always be synonymous with brilliant color cinematography.\": {\"frequency\": 1, \"value\": \"The pioneering ...\"}, \"This movie is one among the very few Indian movies, that would never fade away with the passage of time, nor would its spell binding appeal ever diminish, even as the Indian cinema transforms into the abyss of artificially styled pop culture while drill oriented extras take to enhancing the P.T. styled film songs.

The cinematography speaks of the excellent skills of Josef Werching that accentuate the monumental and cinema scope effect of the film in its entirety.

Gone are the days of great cinema, when every scene had to be clipped many times and retakes taken before finalizing it, while meticulous attention was paid in crafting and editing the scenes. Some of its poignant scenes are filled with sublime emotional intensity, like the instance, when Meena Kumari refuses to say \\\"YES\\\" as an approval for Nikah (Marriage Bond) and climbs down the hill while running berserk in traumatized frenzy. At the moment, Raj Kumar follows her, and a strong gale of wind blew away the veil of Kumari and onto the legs of Kumar........

Kamal Amrohi shall always be remembered with golden words in the annals of Indian Cinema's history for endeavoring to complete this movie in a record setting 12 years. He had to manage filming of some of the vital songs without Meena's close ups, because Meena Kumari, the lady in the lead role was terminally ill and fighting for her life in early 1971.\": {\"frequency\": 1, \"value\": \"This movie is one ...\"}, \"I'm glad the folks at IMDb were able to decipher what genre this film falls into. I had a suspicion it was trying to be a comedy, but since it also seems to want to be a dark and solemn melodrama I wasn't sure. For a comedy it is amazingly bereft of even the slightest venture into the realms of humour - right up until the ridiculous \\\"twist\\\" ending, which confirms what an utter waste of time the whole movie actually is. It is hard to describe just how amateurish THE HAZING really is. Did anyone involved in this film have any idea at all what they were supposed to be doing? Actually worth watching so that you can stare at the screen in slack-jawed disbelief at how terrible it is.\": {\"frequency\": 1, \"value\": \"I'm glad the folks ...\"}, \"I feel like I've been had, the con is on, don't fall for it. After reading glowing reviews (the Director was a film reviewer with Sky for years so must have a lot of mates in the press ready to do him a favour by writing favorable reviews) I expected solid acting, atmosphere, suspense, strong characterization, an intriguing plot development and poetic moments. Sadly, 'Sixteen years of Alcohol', doesn't deliver on the critics promises, for the most part, sacrifices these qualities in lieu of cheesy low budget special effects (what was that clich\\ufffd\\ufffdd cobweb scene in there for?), unrealistic fight choreography and mindless mind numbing narration, clich\\ufffd\\ufffd edits and camera angles.

'Sixteen years of Alcohol' starts off interestingly with some beautiful location shots in Scotland, but it's straight downhill from here. Unfortunately, instead of spending some time building atmosphere, creating characters we might care about, or building suspense - the director opts to begin driving you crazy with self indulgent heavy handed twaddle voice-over's. The lead characters are so unsympathetic and are so badly acted - the audience doesn't care what happens to them, desperate Actors do desperate things...like this movie!. To make matters worse, the 'homage's' (typical of a director trying to pay his dues to past masters) are either utterly clich\\ufffd\\ufffd or unconvincing. The soundtrack is the only thing that lifted me and kept me in the cinema but even that failed to support the dramatic narrative other connecting a period of time to the action.

For some reason the movie got increasingly flawed and to be quite honest annoying. I still watched the whole damn thing!

I guess I liked the attempt at gritty realism in the film but even that was destroyed when they were often inter-cut with weird and abstract, sometimes pointless scenes. You don't need a huge budget to make truly moving film, so much has been said about how little money they had to make this film, half a million is not a little bit of money...SO NO EXCUSES! Sometimes I wonder what the actors...Or their agents were thinking!

Pass on this turkey unless you're masochistic or mindless anyway....NOT MY THING

1.5/10\": {\"frequency\": 1, \"value\": \"I feel like I've ...\"}, \"I got this movie from Netflix after a long waiting time, so I was anticipating it greatly when it arrived. My worst fears were that it would be plodding, as well as... well, you know what all the screaming fan girls were babbling about? GACKTnHYDE=hawt yaoi love? That sort of thing? Dreading it. I was very, very pleasantly surprised. The movie was surprisingly watchable, even if the filming and music did make it feel like someone was going to bust out a pair of nun-chucks every two scenes, and the acting on Gackt's part was quite good. Hyde, being, um, Hyde, acted as a quasi-romantic friend/gang member character that anyone who saw him on stage would hardly be surprised by. He's one of my two major beefs with the film itself. But the rest of the cast (including the child actors in the opening scene) were very good at doing what they did- which was, mostly, get shot at and yelled at. But my second problem was very minor, having to do with the goriness. It seemed way too suspense-horror to me- like every scene where someone is shot they either slump over, really most sincerely dead, or lay there burbling for a rather long time. But Sho just... takes the shots, repeatedly, keels over, bubbles a LOT while he talks, and makes Hyde cry. All in all, if you're a fan of any of the actors or just a j-film fan, it's definitely worth a watch.\": {\"frequency\": 1, \"value\": \"I got this movie ...\"}, \"Okay, okay, maybe not THE greatest. I mean, The Exorcist and Psycho and a few others are hard to pass up, but The Shining is way up there. It is, however, by far the best Stephen King story that has been made into a movie. It's better than The Stand, better than Pet Sematary (if not quite as scary), better than Cujo, better than The Green Mile, better the Dolores Claiborne, better than Stand By Me (just barely, though), and yes, it's better than The Shawshank Redemption (shut up, it's better), I don't care WHAT the IMDb Top 250 says.

I read that, a couple of decades ago, Stanley Kubrick was sorting through novels at his home trying to find one that might make a good movie, and from the other room, his wife would hear a pounding noise every half hour or so as he threw books against the wall in frustration. Finally, she didn't hear any noise for almost two hours, and when she went to check and see if he had died in his chair or something (I tell this with all due respect, of course), she found him concentrating on a book that he had in his hand, and the book was The Shining. And thank God, too, because he went on to convert that book into one of the best horror films ever.

Stephen King can be thanked for the complexity of the story, about a man who takes his wife and son up to a remote hotel to oversee it during the extremely isolated winter as he works on his writing. Jack Nicholson can be thanked for his dead-on performance as Jack Torrance (how many movies has Jack been in where he plays a character named Jack?), as well as his flawless delivery of several now-famous lines (`Heeeeeere's Johnny!!'). Shelley Duvall can be thanked for giving a performance that allows the audience to relate to Jack's desires to kill her. Stanley Kubrick can be thanked for giving this excellent story his very recognizable touch, and whoever the casting director was can be thanked for scrounging up the creepiest twins on the planet to play the part of the murdered girls.

One of the most significant aspects of this movie, necessary for the story as a whole to have its most significant effect, is the isolation, and it's presents flawlessly. The film starts off with a lengthy scene following Jack as he drives up to the old hotel for his interview for the job of the caretaker for the winter. This is soon followed by the same thing following Jack and his family as they drive up the windy mountain road to the hotel. This time the scene is intermixed with shots of Jack, Wendy, and Danny talking in the car, in which Kubrick managed to sneak in a quick suggestion about the evils of TV, as Wendy voices her concern about talking about cannibalism in front of Danny, who says that it's okay because he's already seen it on TV (`See? It's okay, he saw it on the television.').

The hotel itself is the perfect setting for a story like this to take place, and it's bloody past is made much more frightening by the huge, echoing rooms and the long hallways. These rooms with their echoes constantly emphasize the emptiness of the hotel, but it is the hallways that really created most of the scariness of this movie, and Kubrick's traditional tracking shots give the hallways a creepy three-dimensional feel. Early in the film, there is a famous tracking shot that follows Danny in a large circle as he rides around the halls on his Big Wheel (is that what those are called?), and his relative speed (as well as the clunking made by the wheels as he goes back and forth from the hardwood floors to the throw rugs) gives the feeling of not knowing what is around the corner. And being a Stephen King story, you EXPECT something to jump out at you. I think that the best scene in the halls (as well as one of the scariest in the film) is when Danny is playing on the floor, and a ball rolls slowly up to him. He looks up and sees the long empty hallway, and because the ball is something of a child's toy, you expect that it must have been those horrendously creepy twins that rolled it to him. Anyway, you get the point. The Shining is a damn scary movie.

Besides having the rare quality of being a horror film that doesn't suck, The Shining has a very in depth story that really keeps you guessing and leaves you with a feeling that there was something that you missed. HAD Jack always been there, like Mr. Grady told him in the men's room? Was he really at that ball in 1921, or is that just someone who looks exactly like him? If he has always been the caretaker, as Mr. Grady also said, does that mean that it was HIM that went crazy and killed his wife and twin daughters, and not Mr. Grady, after all? It's one thing for a film to leave loose ends that should have been tied, that's just mediocre filmmaking. For example, The Amityville Horror, which obviously copied much of The Shining as far as its subject matter, did this. But it is entirely different when a film is presented in a way that really makes you think (as mostly all of Kubrick's movies are). One more thing that we can all thank Stanley Kubrick for, and we SHOULD thank him for, is for not throwing this book against the wall. That one toss would have been cinematic tragedy.\": {\"frequency\": 1, \"value\": \"Okay, okay, maybe ...\"}, \"I always thought people were a little too cynical about these old Andy Hardy films. A couple of them weren't bad. Modern film critics are not ones who usually prefer nice to nasty, so goody-two shoes movies like these rarely get praise

Nonetheless, I can't defend this movie either. You can still have an dated dialog but still laugh and cry over the story. Watching this, you just shake your head ask yourself, \\\"how stupid can you get?\\\" This is cornier than corny, if you know what I mean. It is so corny I cannot fathom too many people actually sitting through the entire hour-and-a-half.

The story basically is \\\"Andy\\\" (Mickey Rooney) trying to get out of jam because he makes up some story about involved with some d\\ufffd\\ufffdbutante from New York City as if that was the ultimate. People were a lot more social-conscious in the old days. You'd hear the term \\\"social-climber\\\" as if knowing rich or beautiful people was the highest achievement you could make it life. It's all utter nonsense, of course, and looks even more so today.

However, it's about as innocent and clean a story and series (there were a half dozen of these Andy Hardy films made) as you could find. Also, if you like to hear Judy Garland sing, then this is your ticket, as she sings a couple of songs in here and she croons her way into Andy's heart. Oh man, I almost throw up even writing about this!\": {\"frequency\": 1, \"value\": \"I always thought ...\"}, \"Tromaville High has become an amoral wasteland of filth thanks to the aftereffects of the nearby nuclear plant's accidental release of toxic waste.

Unrestrained chaos crammed with absurd violence and crude behavior. Rather horrible, obviously intended to be, mess of a film with the filmmakers cutting loose the reins allowing the untalented cast free reign to ham it up. Craft was far down Troma's list of objectives for this gory sleazefest. The honor society are punks with eerie face paint jobs and wacky outfits. The German teacher who becomes a member, through a \\\"toxic kiss\\\" has the streaks down one side of her face that really gave me the creeps.The toxic monster, which dispatched the ANNOYING punks towards the end, is pretty cool, though.

Kind of movie trash connoisseurs will embrace wholeheartedly.\": {\"frequency\": 1, \"value\": \"Tromaville High ...\"}, \"\\\"Silverlake Life\\\" is a documentary and it was plain and straightforward. Actually, it was more like a home movie, and if you want dramatic illuminations, see something else. And it's by no means a tearjerker. But I mean that in positive ways. It shows two men who love each other and how being afflicted with AIDS is affecting the quality of their every-day lives. It's almost difficult for me to say whether this was a quality film or not, because it was so undressed that I had to look for other ways to respond. It's an admirable film, actually one of the most admirable, sincere documents I've ever seen. These two men have incredible integrity as their lives are reduced to the most basic parts. It makes Hollow-wood productions on AIDS seem hip and heartless. These men made this movie for themselves, which is one of the best reasons to create something. The scene where Tom sings \\\"You are My Sunshine\\\" to Mark and tells him goodbye is the real thing.\": {\"frequency\": 1, \"value\": \"\\\"Silverlake Life\\\" ...\"}, \"STAR RATING: ***** The Works **** Just Misses the Mark *** That Little Bit In Between ** Lagging Behind * The Pits

Some plutonium's gone missing and some very nasty people now have the means to develop a bomb capable of wholesale destruction- so Josh McCord (Chuck Norris) and his cocky young prot\\ufffd\\ufffdg\\ufffd\\ufffd Deke (Judson Mills, a different actor from the previous film) with the assistance of Josh's adopted daughter Que (Jennifer Tung) set out to stop them.

This was another film that dealt with terrorism a year after the events of 9/11. Filmed in 2001, Norris himself even commented afterwards how eerily the plot line to the film resembled what happened in downtown New York that day, so there'd have been those that would have been in the mood for a film where Norris and his side-kick kick some terrorist ass if nothing else. Other than that, it's as interchangeable as anything Norris has ever been in. It makes you wonder what the original did to warrant a sequel in the first place, and whether if this one could get made a President's Man 3 might come out sometime soon.

If you've seen one Norris film, you've really seen them all and there's really nothing new or unexpected that happens with this one, but at least you know what you're getting and, like I said, it might have been just what some needed to let off some steam. **\": {\"frequency\": 1, \"value\": \"STAR RATING: ***** ...\"}, \"Sidney Young (Pegg) moves from England to New York to work for the popular magazine Sharpe's in a hope to live his dream lifestyle but struggles to make a lasting impression.

Based on Toby Young's book about survival in American business, this comedy drama received mixed views from critiques. Labelled as inconsistently funny but with charm by the actors, how to lose friends seemed as a run of the mill fish out of the pond make fun at another culture comedy, but it isn't.

This 2008 picture works on account of its actors and the simple yet sharp story. We start off in the past, then in the present and are working our way forwards to see how Young made his mark at one of America's top magazines.

Pegg (Hot Fuzz) is too likable for words. Whether it's hitting zombies with a cricket bat or showing his sidekick the nature of the law the English actor brings a charm and light heartedness to every scene. Here, when the scripting is good but far from his own standards, he brings a great deal of energy to the picture and he alone is worth watching for. His antics with \\\"Babe 3\\\" are unforgivable, simply breathtaking stuff as is his over exuberant dancing, but he pulls it off splendidly.

Bridges and Anderson do well at portraying the stereotypical magazine bosses where Dunst fits in nicely to the confused love interest. Megan Fox, who stole Transformers, reminds everyone she can act here with a funny hyperbole of a stereotype film star. The fact that her character Sophie Myles is starring in a picture about Mother Teresa is as laughable as her character's antics in the pool. To emphasize the point there is a dog, and Pegg rounds that off in true Brit style comedy, with a great little twist.

Though a British film there is an adaptation of American lifestyle for Young as he tries to fit in and we can see the different approaches to story telling. Young wants the down right dirty contrasted with the American professionalism. The inclusion of modern day tabloid stars will soon make this film dated but the concept of exploitation of film star's gives this edge.

Weide's first picture is not perfect. There are lapses in concentration as the plot becomes too soapy with an awkward obvious twist and there are too many characters to be necessary. The physical comedy can also be overdone. As a side note, the bloopers on the DVD are some of the finest you will ever see, which are almost half an hour long.

This comedy drama has Simon Pegg on shining form again and with the collective approach to story telling and sharp comedy, it is worth watching.\": {\"frequency\": 1, \"value\": \"Sidney Young ...\"}, \"My dog recently passed away, and this was a movie I loved as a kid, so I had to see it to try to cheer up.

(Beware of Dog, I mean Spoilers.) This movie isn't just for kids and it's far from ordinary. It was set in New Orleans in 1939. First and foremost, the dog was not portrayed as an extra family member in this film, but as an adult with his own complicated life to deal with.

In the beginning, Charlie is not too different from his dishonest and brutal business partner, Carface. He is money driven, greedy, and just escaped death row, as he states in the start of the feature. The difference between Charlie and Carface is that Charlie can learn and is willing to listen to others; Anne Marie and his sidekick, Itchy. Carface will not even listen to the fat, ugly dog with the big glasses who happens to be closest to him.

Carface attempts to murder the hero, because he wants 100% of the profits in their business and won't settle for only 50% - a highly unusual way for a German Shepherd mix to die. Also, being eaten by a prehistoric sized alligator who ends up sparing your life because you can sing is highly unlikely whether you are a dog or not. This is a cartoon, and that's why it is logical here.

Carface's method of revenge is through murder, while Charlie believes success is the best revenge, financial success that is. After surviving death, he starts a business by taking Carface's source of financing, a highly talented girl who possesses the ability to communicate with animals. They win a whole bunch of races, and Charlie tells her he'll give the money to the poor - hint hint: Charlie and Itchy live in a junkyard, and are therefore poor. He uses the money toward his casino/bar/theatre, and not the other \\\"poor.\\\" The reason why Anne Marie has the ability to talk to animals is that she has compassion, and she listens carefully. She teaches Charlie ethics by pointing out his gambling, lying, and stealing. Charlie tries to make up for it by buying her dresses. She added the ethics that his business needed, while Charlie did management, and Itchy provided construction.

Carface uses violence and property damage to tear down Charlie's business, which is unprotected by the government. Charlie loses everything and all he has left is this little girl. In the end he had to choose between her life and his own. He first grabs the watch out of self preservation, and sets it down when the girl started to sink. Both the girl and the watch were sinking, and he had to choose which one, and he chose the girl.

The great part about this movie that focuses on a person's ability to learn right from wrong over time, and a child's ability to cope with the natural occurrence of death of their pet, is that it never shows anyone dying! The watch symbolizes his life, and the watch is shown being submerged and stopped. All the deaths were suggestive, even for the villain. I didn't cry during this movie until now, and I have gotten so much more out of it, that I had to write it down and share it with you.\": {\"frequency\": 1, \"value\": \"My dog recently ...\"}, \"A very funny east-meets-west film influenced by the closure of GM's Flint, Michigan plant in the eighties and the rise and integration of Japanese automakers in the US. Set in western Pennsylvania, it features great performances by Michael Keaton, Gedde Watanabe, and George Wendt. Music by blues legend Stevie Ray Vaughan.\": {\"frequency\": 1, \"value\": \"A very funny east- ...\"}, \"I found this movie to be very well-paced. The premise is quite imaginative, and as a viewer I was pulled along as the characters developed. The pacing is done very well for those that like to think--enough is kept hidden from the viewer early on, and questions keep arising which are later answered, producing a well-thought out and very satisfying film, both cerebrally and from an action standpoint.

It seems some people were looking for a non-stop roller-coaster ride with this film--one of those that comes charging out of the gate. This would be more analogous to one of those coasters that first takes you slowly up the hill--creating a wonderful sense of anticipation--and is ultimately, in my mind, more fulfilling for the foundation initially laid.

Excellent film.\": {\"frequency\": 1, \"value\": \"I found this movie ...\"}, \"If you liked Roman Polanski's \\\"Repulsion\\\", you should probably check out \\\"The Tenant\\\" since it's a similar concept, just with Polanski stepping in and playing the schizophrenic wacko. This is actually one of my favorites of his movies - second, after \\\"Rosemary's Baby\\\", of course - and is a straight forward journey into the mental collapse of a man who moves into the former apartment of a suicide victim. The other residents of the building are all flaky and sticklers on keeping the noise level down - even the slightest 'titter' becomes a big deal and Polanski, who stars, becomes increasingly paranoid and succumbs to his loony hallucinations further and further as the film carries on. It gets to the point where he is dressing and acting like the former tenant and you realize it's only a matter of time before he decides tor re-enact her fatal leap out the window... The film is a bit slow and dawdling for a while, but if you have ever seen a Roman Polanski movie, you should know it's going to end with a bang and this flick doesn't disappoint. It's also best if you don't question the intricacies of the premise and just take it as a descent into madness, because it's pretty trippy surreal at times. Polanski is very good as the timid, deranged resident who, somehow, attracts the ever illustrious Isabelle Adjani. We also get to see him running around in drag, which is disturbing and hilarious all at the same time! Damn, he makes for one ugly chick! So, Polanski fans - who can actually look past his thirty year-old pedophile charges - should enjoy \\\"The Tenant\\\" as an entertaining psychological head-trip...\": {\"frequency\": 1, \"value\": \"If you liked Roman ...\"}, \"\\\"Fido\\\" is to be commended for taking a tired genre, zombies, and turning it into a most original film experience. The early 50s atmosphere is stunning, the acting terrific, and the entire production shows a lot of careful planning. Suddenly the viewer is immersed in a world of beautiful classic cars, \\\"Eisenhower era\\\" dress, art deco furniture, and zombie servants. It would be very easy to dismiss \\\"Fido\\\" as cartoon-like fluff, similar to \\\"Tank Girl\\\", but the two movies are vastly different. \\\"Fido has structure, a script that tells a story, and acting that is superior. Make no mistake, this is a daring black comedy that succeeds where so many others have failed. Highly recommended. - MERK\": {\"frequency\": 1, \"value\": \"\\\"Fido\\\" is to be ...\"}, \"This documentary is incredibly thought-provoking, bringing you in to the lives of two long-time lovers who are in the final stages of AIDS. The past footage of their twenty-some-odd years together really brings their final moments home.

If this movie doesn't make you feel the pain and agony of these two fascinating people, you don't have a heart.\": {\"frequency\": 1, \"value\": \"This documentary ...\"}, \"The Little Mermaid is one of my absolute favorite Disney movies. I'm sorry to say, however, that Disney completely messed up when they made this sequel. I'll admit it has some good points to it. The songs aren't bad, and the animation is clean and clear. There is some humor, I'm sure--I don't remember, because after watching it I immediately banned it from appearing before my eyes again. The worst point of this movie is the plot. In this movie, Ariel becomes her father. She forbids her daughter to go near the sea (yes, out of fear), just as she was forbidden to go near the land. I personally think that, given her past, Ariel would maintain some of her headstrong ways and not treat her daughter like she herself was treated.

Besides this fact, Ursula was replaced by a non-scary, pathetic sort of sea witch (the underfed, forgotten sister) who is more comical than scary. She, too, has some little underling to do her bidding--but she's not scarier or worse than Ursula. Ursula spoiled us with her believability for badness. This sea witch is a joke.

To make matters worse, Flounder is a fat, deep-voiced father (no longer the cute guppy we all know and love) and Eric's voice is not even done by the same actor (something that always annoys me in a remake/sequel). (His voice difference was very obvious to me, by the way!) I felt that the only reason this movie was made was so that Disney could catch a few fast dollars, something I hate to think about a corporation I actually really do enjoy. I felt that this plot lacked imagination. I know that this act (child following in the footsteps of a parent) happens, but Ariel was different. That was what we loved so much about her. She had a dream, she fell in love, and she made that dream come true. Until she appeared in this movie, that is. Then she became just like the other adults. This isn't the Ariel I know. And I don't like her.

I know of some children who have enjoyed this film, and I know some adults who didn't mind it, either. But for me, and for all of you out there who have the utmost love for Ariel, please don't see this movie. The Ariel we know dies within, resurrected only for a song or two and one final scene that actually isn't bad (where she accepts the water back again)--although she takes very little part in the ending, regardless.\": {\"frequency\": 1, \"value\": \"The Little Mermaid ...\"}, \"The views of Earth that are claimed in this film to have been faked by NASA have recently been compared with the historical weather data for the time of Apollo 11, and show a good match between the cloud patterns in the video sequence and the actual rainfall records on the day.

This would seem to undermine the entire argument put forward in the film that the \\\"whole Earth\\\" picture is actually a small part of the planet framed by the spacecraft window.

I am waiting for Bart Sibrel to now claim that the historical weather data has been faked by NASA, though that would no doubt involve them in also replacing every archived newspaper copy with a weather map, and the ones in private hands would still be a problem.

Ah, a response: \\\"Trying to discredit this movie by referring to NASA weather data I'd say is a charming, but weak and gullible argument. What about the rest of the footage and proofs in the movie? A certain wise man once said something about sifting mosquitoes and swallowing camels. Do you in any way feel that maybe this could apply to what you are trying to do here? :-) This movie is just packed with irrefutable evidence against the claim once made by U.S. government that the moon-missions were a success, and that man now are true masters of the universe. Things are nearly never quite what they seem.. Just watch the movie, and I dear say you'll see things a bit different than before.\\\"

First off, weather data doesn't come from NASA, it comes for met agencies around the world. Second, the weather data undermines a major claim in the film. Third, far from being \\\"packed with irrefutable evidence\\\", the remaining claims in the film have been thoroughly debunked. Sibrel thought he had a previously secret piece of film, so he edited it and added his own interpretation. Unfortunately for him, his source film is public domain, and the bits Sibrel edited out contradict his claims.\": {\"frequency\": 1, \"value\": \"The views of Earth ...\"}, \"David Lynch's new short is a very \\\"Lynchian\\\" piece, full of darkness, tension, silences, discreet but very textured background music, and features again two beautiful actresses, a blonde and a brunette, a recurrent theme in his work.

Both characters create a very intriguing slave-mistress relationship that could be seen as a direct follow up to the same kind of relationship featured in Mulholland Dr.

Beautiful. For Lynch fan's.

\": {\"frequency\": 1, \"value\": \"David Lynch's new ...\"}, \"'Mojo' is a story of fifties London, a world of budding rock stars, violence and forced homosexuality. 'Mojo' uses a technique for shooting the 1950s often seen in films that stresses the physical differences to our own time but also represents dialogue in a highly exaggerated fashion (owing much to the way that speech was represented in films made in that period); I have no idea if people actually spoke like this outside of the movies, but no films made today and set in contemporary times use such stylised language. It's as if the stilted discourse of 1950s screenwriters serves a common shorthand for a past that seems, in consequence, a very distant country indeed; and therefore stresses the particular, rather than the universal, in the story. 'Mojo' features a strong performance from Ian Hart and annoying ones from Aiden Gillan and Ewan Bremner, the latter still struggling to build a post-'Trainspotting' career; but feels like a period piece, a modern film incomprehensibly structured in an outdated idiom. Rather dull, actually.\": {\"frequency\": 1, \"value\": \"'Mojo' is a story ...\"}, \"I remember back when I was little when I was away at camp and we would campout under the stars. There was always someone there that would have a good story to tell that involved the woods that surrounded us and they would always creep me out. Well, when I found Wendigo at the library, I checked it out hoping to be one of those films that had a supernatural being haunting people in the woods much like the stories that were told at camp. Well, much to my dismay, I was so far from the truth. Wendigo is really bad. The story starts of when a family of three is driving to their winter cabin, which looks like your normal suburban home and nothing like a cabin in the woods, and they run into a deer. Well, it seems the local rednecks were actually hunting this particular deer and are pretty upset at our city folk. The movie spends far too much time following the families everyday activities instead of getting to the point of the film. It wasn't until about the last 15 minutes that we actually have some action involving the \\\"wendigo.\\\" My suggestion is that you stay very far away this film. It will leave you wanting your hour and a half back.\": {\"frequency\": 1, \"value\": \"I remember back ...\"}, \"CAMILLE 2000

Aspect ratio: 2.35:1 (Panavision)

Sound format: Mono

Whilst visiting Rome, an amorous nobleman (Nino Castelnuovo) falls in love with a beautiful young libertine (Daniele Gaubert), but their unlikely romance is opposed by Castelnuovo's wealthy father (Massimo Serato), and Fate deals a tragic blow...

A sexed-up love story for the swinging Sixties, adapted from a literary source (Alexandre Dumas' 'La Dame aux Camelias') by screenwriter Michael DeForrest, and directed with freewheeling flair by Radley Metzger who, along with the likes of Russ Meyer and Joe Sarno, is credited with redefining the parameters of 'Adult' cinema throughout the 1960's and 70's. Using the scope format for the last time in his career, Metzger's exploration of 'la dolce vita' is rich in visual excess (note the emphasis on reflective surfaces, for example), though the film's sexual candor seems alarmingly coy by modern standards. Production values are handsome throughout, and the performances are engaging and humane (Castelnuovo and Gaubert are particularly memorable), despite weak post-sync dubbing. Though set in an unspecified future, Enrico Sabbatini's wacked-out set designs locate the movie firmly within its period, and Piero Piccioni's 'wah-wah' music score has become something of a cult item amongst exploitation devotees. Ultimately, CAMILLE 2000 is an acquired taste, but fans of this director's elegant softcore erotica won't be disappointed. Next up for Metzger was THE LICKERISH QUARTET (1970), which many consider his best film.\": {\"frequency\": 1, \"value\": \"CAMILLE 2000

This is nothing more than a glorified episode of a Discovery TV show, with a largely insignificant sub plot going on, which just seemed to get in the way. However as any Irwin show is always worth a watch, this film is well worth a look too, but not on Christmas Day. Talking of which, I've better things to do too than be on here.

A high 4/10\": {\"frequency\": 1, \"value\": \"A difficult film ...\"}, \"Brilliant adaptation of the largely interior monologues of Leopold Bloom, Stephen Dedalus, and Molly Bloom by Joseph Strick in recreating the endearing portrait of Dublin on June 16, 1904 - Bloomsday - a day to be celebrated - double entendre intended! Bravo director Strick, screenwriter Haines, as well as casting director and cinematographer in creating this masterpiece. Gunter Grass' novel, The Tin Drum filmed by Volker Schl\\ufffd\\ufffdndorff (1979)is another fine film adaptation of interior monologue which I favorably compare with Strick's film.

While there are clearly recognized Dublin landmarks in the original novel and in the film, there are also recognizable characters, although with different names in the novel. For example, Buck Mulligan with whom Dedalus lives turns out to be a then prominent Dublin surgeon.

This film for all of its excellence is made even richer by additional viewings.

Brian invinoveritas1@AOL.com 15 June 2008\": {\"frequency\": 1, \"value\": \"Brilliant ...\"}, \"I've just seen The Saint Strikes Back for the first time and found it quite good. This was George Sanders's first appearance as the Saint, where he replaces Louis Hayward.

In this one, the Saint is sent to San Francisco to investigate a shooting at a night club. With the help of his acquaintance Inspector Fernack who has come down from New York, they help a daughter of a crime boss.

Joining Sanders in the cast are Wendy Barrie and Jonathan Hale.

Not a bad Saint movie. Worth seeing.

Rating: 3 stars out of 5.\": {\"frequency\": 1, \"value\": \"I've just seen The ...\"}, \"The premise is amazing and the some of the acting, notably Sally Kellerman and Anthony Rapp, is charming... but this film is near unwatchable. The music sounds as if it comes from some sort of the royalty free online site and the lyrics as if they were written with a rhyming dictionary open on the lap. Most of the singing is off-key. I think they may have filmed with the singing accapella and put in the music under it... The dialogue is really stupid and trite. The movie works best when it is actually talking about the real estate but unfortunately it strays to often into stupid farcical sub-plots. I found myself checking my watch after ther first twenty minutes and after 40 wondering 'when is it ever going to end.'\": {\"frequency\": 1, \"value\": \"The premise is ...\"}, \"One of the most provocative films ever with excellent cinematography backed up by Mc Clarens lisp and stunning quote \\\"do you believe in love at first site?\\\".

A trace of expressionism was evident in this picture, further catapulting the films flawless integrity. Gabby (AKA Joey) played by Eva Longoria clearly loved the movie and role she played so much that she couldn't even be bothered giving it mention in her filmography. Lol.

the best part of the movie would have to be without a doubt, the heroic rescue by MC clure as he saved the young 'Handicapped' kid with the speech impediment.. Which i may add was acted to perfection! James Cahiil's use of sound effects is unmatched even to this day. The drug bust he performs early in the film is pain stakingly realistic. When i watched this movie for the first time i was so compelled with the intense lack of respect for the Gang Inthused brothers from the Southside gang and the CTM (Cut Throat Mafia). This was by far one of the most encapsulating crevice Cahill has committed to filming.

Personally this film holds sentimental value to me and i will be downloading it in the near future. Thats if i can find it anywhere, LOL!\": {\"frequency\": 1, \"value\": \"One of the most ...\"}, \"Once again a film classic has been pointlessly remade with predictably disastrous results. The title is false as is everything about this film. The period is not persuasively rendered, and the leads seem way too young and too vapid to even be criminals. Arthur Penn's film had style, humor, a point of view, and was made by talented people. Even if the 1967 version didn't exist this would still be an unnecessary film. The 1967 version strayed from the facts, presented a glamorized version of Bonnie and Clyde, but it was exciting, and innovative for 1967, and it had some outstanding performances that allowed you to care. This 1992 remake seems culled from the original film rather than the truth as known and the actors in this version are callow, unappealing, and not the least bit interesting. By all means skip this one and hope the 2010 version will be better. Could it possibly be worse?\": {\"frequency\": 1, \"value\": \"Once again a film ...\"}, \"World At War is perhaps the greatest documentary series of all time. The historical research is virtually flawless. Even after a quarter century, it is the most accurate and definitive documentary about WW2. An invaluable historical work that includes interviews with some of the most important and fascinating figures from the war. I highly recommend it as a learning experience.\": {\"frequency\": 1, \"value\": \"World At War is ...\"}, \"OK Hollywood is not liberal.

Obviously I'm lieing because it is. Im a conservative but the politics i will leave out of my opinion of the movie. This movie was anti bush, anti middle east , anti big oil propaganda but that is not why it was bad.

Fist off i will give credit where credit is due. i saw this film opening night because i happen to like these kinds of films and am a political science major in collage. The cinematography was excellent and the acting was as far as i could tell very good.

The plot was impossible for me to decode however. I have been tested and have an IQ of 138 but no matter how hard i tried there was no way i could piece together the story line of the movie and what characters where doing what.

The story and scene sequence was totally incoherent and poorly organized.

Unless this is one of those movies that is meant to be watch many times to get the full depth pf the story, which it very well may be, i have no idea exactly what was going on.

Which makes sense because if you want to make a political argument and not receive any criticism then make your argument impossible to critique! If you cant dazzle them with brilliance, then baffle them with Bull S.\": {\"frequency\": 1, \"value\": \"OK Hollywood is ...\"}, \"This film was more effective in persuading me of a Zionist conspiracy than a Muslim one. And I'm Jewish.

Anbody go to journalism school? Read an editorial? Freshman year rhetoric? These alarmist assertions, presented in a palatable way, might prove persuasive. But by offering no acknowledgment of possible opposing arguments, nor viable (or any at all) solutions, few sources and each of dubious origin, makes the argument an ineffectual diatribe.

And thank goodness for that -- I wouldn't want anyone to leave the theatre BELIEVING any of this racist claptrap.

A good lesson for me -- and hopefully a cautionary tale for you -- to actually read about a film before seeing it.\": {\"frequency\": 1, \"value\": \"This film was more ...\"}, \"Oh, come on people give this film a break. The one thing I liked about it was......... Sorry, still thinking. Oh yeah!!!! When John Wayne came and shot up the the bad guys. Oh, sorry, wrong movie, I was thinking of a better quality film. Let me see now, I'm still trying to defend it. Oh yeah, the chick that was from Clueless was in it. Don't put down Stacy Dash. I mean, we all make mistakes. But boy, Stacy, you made a dooooosie.

Hey, one thing that has never been done in a western, even an all female cast, they actually hung a woman from the gallows. That might be a western first. Even though her neck should have been broken and she survived the ordeal, still, you've got to give the director some effort for trying a western first. Also, I've never seen a woman lynched from a horse in any western, although that didn't happen in this movie, I just thought I would give the director another idea for Gang Of Roses#2, which should be made right after Ed Wood's Bride Of The Monster #2. Maybe that was what the makers of this film were going for. Orginality, especially with an all African woman cast and an oriental cowgirl.

Heeey, if the makers of Gang Of Roses want to make a sequel to this mess, you could have such slang like, \\\"Hey, don't you be takin about my homegirls\\\" and \\\"talk to the hand, baby, talk to the hand.\\\" You could also have a surfer dude type deputy marshal that says things like, \\\"That gunfight was TOTALLY RAD man, totally.\\\" You know things like that.\": {\"frequency\": 1, \"value\": \"Oh, come on people ...\"}, \"To be honest at the time i first heard of this show i though it may be a bad idea to make a show that makes Muslims use racial jokes on themselves but it is the Exact opposite. I realized that the show doing that can help people understand that if a Muslim uses s a word like this in real life it doesn't mean it is a terrorist thing. It also show's how people give the Muslims a bad name because they play on their stereotype, by watching the show regular people will realize that all though there may be bad Muslims out it doesn't mean we are all bad we just try to live 1 day at a time, like how hard it was for Amair to get on a plane and how he used words like \\\"Blow up\\\" or Yaser saying we'll blow away the competition, and people took it the wrong way. Being a Muslim i know that stuff like this don't usually happen, but they do and many people think bad things about Muslims or Afghanistan or Iraq, its not right things are not like that. people will see how we are poorly treated by watching this show and it may make them think on how the act. I am glad a show like this came on the air. There are many shows that Piotr Muslim people as terrorists,many people do find them funny to my opioion it is OK to do it now and then because prety much everything is made fun of who are we to say you can not make fun of that is unfair, but it is done to often and really gives Muslin people a bad name.\": {\"frequency\": 1, \"value\": \"To be honest at ...\"}, \"I was so disappointed in this movie. I don't know much about the true story, so I was eager to see it play out on film and educate myself about a little slice of history. With such a powerful true story and great actors it seemed like a surefire combination. Well, somewhere the screenplay failed them. It was so scattered - is this movie about his childhood? his love life? his own disability? his speaking ability? his passion for the disabled? I'm sure there is a way to incorporate all of those things into a good story, but this movie wasn't it. I was left cold watching characters that were unlikable not because of their disabilities, but because of their personalities. Other small gripes: 1. The heavy-handed soundtrack. It's the seventies - WE GET IT ALREADY! 2. If he's such a phenomenal public speaker, why weren't we treated to more than a snippet here and there - and even then mostly in montages?\": {\"frequency\": 1, \"value\": \"I was so ...\"}, \"What has Ireland ever done to film distributers that they seek to represent the country in such a pejorative way? This movie begins like a primer for film students on Irish cinematic cliches: unctuous priests, spitting before handshakes, town square cattle marts, cycling by country meadows to the backdrop of anodyne folk music. Quickly, however, it becomes apparent that the main theme of the film is the big Daddy-O of Irish Cliches - religous strife. It concerns a protestant woman who wants to decide where her Catholic-fathered child is educated, which would seem like a reasonable enough wish, though not to the '50's County Wexford villagers she has to live with. Rather than send them to a Catholic school, she decides to up and leave for Belfast, then Scotland, where a few more cliches are reguritated. While she's there, her father (who looks eerily like George Lucas) and family back home are subjected to a boycott, which turns very nasty. I'm not going to give away the ending, not because I think people should go see this movie, but because it's not very interesting. One of the problems with the film is the central character: we're supposed to sympathise with her but end up instead urging her to get a life. The villagers are presented as bigots whose prejudices should be stood up to, but traumatising your kids seems an innappropriate way to go about it. In addition, it takes on burdens which it staggers igniminiously under when it tries to draw analogies with the current Northern Ireland peace process: the woman is told by her lawyer that she \\\"must lay down preconditions\\\" for her return. The film is allegedly based on a true story but it's themes have been dealt with much more imaginatively, and with less recourse to hackneyed cliches, in the past.\": {\"frequency\": 1, \"value\": \"What has Ireland ...\"}, \"If you as I have a very close and long relationship with the world of Tintin....do yourself a favor and watch this beautiful documentary about Herg\\ufffd\\ufffd and his life creating Tintin. I'ts so brilliant and a very cool production. The whole background story about Herg\\ufffd\\ufffd and the people and also very much the many different situations he was influenced by, for good and worse is amazing. There is a very fine and obvious connection between the comic books and just this. I will for sure be in my basement digging up the Tintin albums again. Also, the movie itself are very well told and has a great ambient sound to it. I really do hope people will find this as intriguing as I did!\": {\"frequency\": 1, \"value\": \"If you as I have a ...\"}, \"First off, this is an excellent series, though we have sort of a James Bond effect. What I mean is that while the new Casino Royale takes place in 2006, it is chronologically the first adventure of 007, Dr. No (1962) being the second, while in Golden Eye, the first film with Pierce Brosnan, Judi Dench is referred to as the new replacement for the male \\\"M\\\" so how could she have been in place in the beginning before Bond became a double-0, aside from the fact that she is obviously 14 years older? This is more or less a \\\"poetic\\\" license to thrill. We need to turn our heads aside a bit if we wish to be entertained. No, the new Star Trek movie does not have any of the primitive electronics of the original series from nearly half a century ago. In the 1960's communicators were fantasy. (now we call them cell phones) and there were sliding levers instead of buttons. OMG, do you think 400 years from now, they would have perfected Rogaine for Jean-Luc Picard? So, please, let's give the producers some leeway.

But to try and make things a bit consistent, let us just ponder about the Cylons creation just 60 years prior to the end of Battlestar Galactica. If that is the case, where did all the Cylons that populated the original earth come from? We know that the technology exists for spontaneous jumps through space. Well, what happened if one of the Cyclon ships at war with the Caprica fleet was fired upon or there was a sunspot or whatever and one ship, loaded with human-looking Cylons, wound up not only jumping through space, but through time, back a thousand or ten thousand years with a crippled ship near Earth One. They colonized it, found out they could repopulate it and eventually destroyed themselves, but not before they themselves sent out a \\\"ragtag\\\" fleet to search for the legendary Caprica, only to find a habitable but unpopulated planet, which they colonized to become the humans, who eventually invented the Cylons. Time paradox? Of course. Which came first, the chicken or the road? Who cares? It's fraking entertaining!\": {\"frequency\": 1, \"value\": \"First off, this is ...\"}, \"Not often have i had the feeling of a movie it could be visionary. But clearly this movie has the seed of a premonition.

We should not tend to be alarmists and see armageddon in something because it seems to fit our emotions of the moment. But, didn't we say this of \\\"1984\\\" ? Had James Orwell known the Internet becoming reality not long after 1984; In fact it was in 1994; he might have reconsidered writing his story the way he did. Hindsight rewarded.

It doesn't matter. What DOES matter is that we often regard ourselves as superior to our surroundings but indeed become emotional about a \\\"love apple\\\" when necessity knocks at our door. A snapshot of ourselves at old age.

Whatever the time-line will prove to be for us, I know for a fact we haven't seen the beginning of it yet.

\": {\"frequency\": 1, \"value\": \"Not often have i ...\"}, \"The only reason to see this movie is for a brilliant performance by Thom-Adcox Hernandez who is underused in the movie within the movie. As usual Tom Villard is good, too. Otherwise it's c**p. The possesor doesn't even exist how does he magically change the letters on the theatre marquee to spell out \\\"The Possessor\\\"? Lame.\": {\"frequency\": 1, \"value\": \"The only reason to ...\"}, \"A solid, if unremarkable film. Matthau, as Einstein, was wonderful. My favorite part, and the only thing that would make me go out of my way to see this again, was the wonderful scene with the physicists playing badmitton, I loved the sweaters and the conversation while they waited for Robbins to retrieve the birdie.\": {\"frequency\": 1, \"value\": \"A solid, if ...\"}, \"Those who are not familiar with Cassandra Peterson's alter-ego Elvira, then this is a good place to start.

\\\"Elvira, Mistress of the Dark\\\" starts off with our heroine with the gravity defying boobs receiving a message. It seems that a great aunt of hers has died and that she needs to be present for the reading of the will. Anxious to raise money for a show she wants to open in Las Vegas, she decides to go in hopes of getting lots and lots of money.

Unfortunately, the place she has to go is the town of Fallwell, Massachusetts. Having to stay a spell due to her car breaking down, she finds out that her great aunt left her 3 things: a house, a dog and a cookbook. The town residents have mixed reactions:the teens like her, the women hate her, and the men lust after her (Although trying to remain moral pillars of the community). Her worst problem turns out to be her great uncle Vincent (W. Morgan Sheppard), because he wants her cookbook. Seems that the cookbook is a book of spells that will make him a more powerful warlock.

The film is actually pretty funny, with Peterson a.k.a. Elvira using her \\\"endowments\\\" and sexiness as a joke (\\\"And don't forget, tomorrow we're showing the head with two things... I mean the thing with two heads\\\"). Especially funny as Edie McClurg as Chastity Pariah, the woman that works her hardest to keep the town in line, but ends up looking ridiculous (The picnic scene is the perfect example). Deserves a peek (The film, not her boobs, of course).\": {\"frequency\": 1, \"value\": \"Those who are not ...\"}, \"I'm so glad I happened to see this video at the store. I was looking for some happy movies and this one turned out to be a true gem. I loved that the movie, a love story of sorts, wasn't about some beautiful twenty-somethings; rather, it's a story of some beautiful sixty-somethings, who used used to be twenty-somethings. It's a good, well written, and wonderfully acted story with fabulous WWII band music thrown in as well. It's also got a delightful surprise in it for Scottish castle lovers. It left me smiling and ready to watch it again, which I did a couple more times before I turned it in. I highly recommend it.\": {\"frequency\": 1, \"value\": \"I'm so glad I ...\"}, \"The movie starts with a pair of campers, a man and a woman presumably together, hiking alone in the vast wilderness. Sure enough the man hears something and it pangs him so much he goes to investigate it. Our killer greets him with a stab to the stomach. He then chases the girl and slashes her throat. The camera during the opening scene is from the point of view as the killer.

We next meet our four main characters, two couples, one in which is on the rocks. The men joke about how the woman would never be able to handle camping alone at a double date, sparking the token blonde's ambition to leave a week early. Unexpectedly, the men leave the same day and their car breaks down.. They end up arriving in the evening. When the men arrive, they are warned about people disappearing in the forest by a crazy Ralph doppleganger. They ignore the warning and venture into the blackening night and an eighties song plays in the background with lyrics about being murdered in the dark forest. The men get lost.

In the next scene we realize that this isn't just another The Burning clone, but a ghost story! The women, scared and lonely are huddling together by the fire. Two children appear in the shadows and decide to play peeping Tom. Well they are obviously ghosts by the way their voices echo! Their mother appears with blood dripping from a hole in her forehead and asks the two ladies if they've seen her children, before disappearing of course.

The children run home to papa and tell him about the two beautiful ladies by the river. This causes quite a stir and he gets up, grabbing his knife from atop the fireplace. \\\"Daddy's going hunting,\\\" The little girl, exclaims with bad acting. It is apparent here, that the dad isn't a ghost like his children.

Freaked out by something in the woods, the token blonde splits, running blindly into the night, carrying a knife. She encounters the father who explains he's starving and it will be quick. This doesn't make sense because of the panther growls we heard earlier (Maybe he's allergic! Are panthers honestly even in California?) She ends up wounding him slightly before getting stabbed in the head. A thunderstorm erupts and the men seek shelter, which turns out to be where papa resides. Clearly someone lives here because there's a fire and something weird is roasting over it. The children appear and warn them of papa, who shows up moments later. They disappear as soon as he arrives.

For whatever reason, our killer only goes after females. He invites the men to have something to eat and tells us the story about his ex wife. We are given a flashback of his wife getting caught cheating. The old man doesn't tell them however that he kills her and her lover afterwards, but daydreams about it. We aren't given the reason for the children's demise. The men go to sleep and are left unharmed. The next morning the men discover the empty campground of their wives. After a brief discussion they split up. One is to stay at the campsite, while the other goes and gets help. The one that is going back to his car breaks his leg. We are then reunited with the children as they explain to the surviving woman that they are ghosts who killed themselves from being sad about their mother. They agree to help the woman reunite with her friends

The following scene defies the logic of the movie when papa kills the guy waiting at the campsite. He was also dating or married to the blonde. Somehow the children realize he is murdered and tell the woman about it. She decides to see it for herself and obviously runs into the killer. Luckily the children make him stop by threatening to leave him forever. You know where this is going.

Overall the movie deserves four stars out of ten, and that's being generous. For all its misgivings, the musical score is well done. It's still watchable too. There are some camera angles that look professional, and some of the sets are done well. The plot is unbelievable. There is such a thing as willing suspension of disbelief, but with the toad 6 miles away; I can't imagine the token blonde would take off like that in the middle of the night. I mean, come on!

- Alan \\\"Skip\\\" Bannacheck\": {\"frequency\": 1, \"value\": \"The movie starts ...\"}, \"Maybe I'm really getting old, but this one just missed me and the old Funny Bone completely. Surely there must be something powerful wrong with this Irishman (that's me, Schultz!). Lordy, lordy what I would give to see the light! Firstly, that Phil Silvers manic energy, wit and drive was very much a part of the comedic upbringing and overall education in life, if you will. Although it is possible that the series, first titled: \\\"YOU'LL NEVER GET RICH\\\" (1955-59*) could have gotten on the CBS TV Network with someone else in the title role of Sgt. Bilko, it is very hard to picture any other Actor/Comedian in the business wearing those Master Sergeant's stripes.

Such a strong identification is inescapable, though not the same sort of career-wrecking typecasting of a nightmare that it proved to be to some other guys, like Clayton More(\\\"THE LONE RANGER\\\"), George Reeves (\\\"THE ADVENTURES OF SUPERMAN\\\") and Charles Nelson Riley (\\\"UNCLE CROC'S BLOCK\\\").

One major stumbling block to successfully adapting and updating such a work from the 1950's TV Screen to the 1990's Movie-going public is our collective memory. Without being sure about what percentage of the crowd remembered the Bilko character from seeing the original run and early syndication revivals, and their numbers were surely considerable; even a large segment of the young had seen Bilko reruns in recent times. It was obvious that the new film and the source were miles; or even light years apart.

So as not to be thought of as a totally square, old grouch please let's consider some other points.

Right here today, the 14th Day of November In The Year of Our Lord 2007, let me swear and affirm under Oath that I have been a Steve Martin fan for nearly 30 years, Furthermore, I've enjoyed the wit and talents of Bilko '96 Co-Stars Dan Akroyd and the Late Phil Hartman. After all, it was the talents of guys like this and so many others, Alumni of \\\"NBC;s Saturday NIGHT\\\" and \\\"SECOND CITY TV\\\" that kept the last quarter of the 20th Century laughing. But a BILKO re-make; it just didn't click.

Perhaps if the film had been made as a Service Comedy (always liked 'em!) but without the Bilko Show names and gave it some identity of it self it would be more highly regarded by crabby, old guys like me.

So, we've already had so many sitcom and cartoon series turned into movies lately, what's next? Howse about somebody doing Hal Roach's World War II Army Comedy Series of Sergeants DOUBLEDAY & AMES and TV's 1st Cartoon Series \\\"CRUSADER RABBIT\\\"? Remember where you heard it first! POODLE SCHNITZ!\": {\"frequency\": 1, \"value\": \"Maybe I'm really ...\"}, \"This movie had potential and I was willing to give it a try but there are so many timeline problems that are so obvious - it's hard to swallow being treated like such an idiot.

Rise to Power is set in the late sixties. Carlito's Way is set in the mid to late seventies. For this movie to be realistic, it would have to be set in the fifties, if not the late forties.

Rise to Power has no sign of Gail (Pennelope Ann Miller), no sign of Kleinfeld, no sign of Rolando that Carlito supposedly ran with in his \\\"hey-day\\\". None of the primary characters in the original film were in this movie. We're supposed to believe that Carlito met all these people in the span of a few years.

Rise to Power ends with Carlito walking down the beach talking about retiring in paradise which is what he wanted to do in the original film. Also, the pre-quel creates the Rocco and Earl characters - what's supposed to happen with them since they are clearly not in Carlito's Way? It's also hard to understand how Carlito could have the relationship with the Italians he has in the original film watching the events of Rise to Power. Where are the Taglialucci's in this film? There is probably seven years between the two films and he spends five of them in prison. It's like trying to put a square plug into a round hole.

It is obvious that no one was interested in telling a good story and that they were more interested in making some bucks by making an average gangster film and throwing a character called Carlito Brigante into the story. The film had some good moments but I think they would have been better off leaving this movie to stand by itself instead of trying to make it a prequel to Carlito's Way.

If you feel determined to see this movie, the only advice I can give is to not think of the movie as a linear pre-quel. Think of it like the spaghetti westerns with Clint Eastwood's man with no name, in other words two movies that have the same character but aren't necessarily connected with each other.\": {\"frequency\": 1, \"value\": \"This movie had ...\"}, \"I've seen a lot of crap in my day, but goodness, Hot Rod takes the cake. I saw a free screening in NY the other night. I can only hope they show the funny version to the paying customers. The big laughs were sparse, the plot was uninteresting, and the characters were one dimensional at best. One highlight is a hilarious dancing scene with Adam Samberg. It was priceless and was the only scene I truly had a hearty laugh at. Other than that, I can only recollect randomness and dead air. SNL & Samberg fans may be disappointed. I know I was expecting more from it. But it short, I definitely would not recommend attending a free screening or paying to watch this film.\": {\"frequency\": 1, \"value\": \"I've seen a lot of ...\"}, \"Phantasm ....Class. Phantasm II.....awesome. Phantasm III.....erm.....terrible.

Even though i would love to stick up for this film, i quite simply can't. The movie seems to have \\\"sold out\\\". First bad signs come when the video has trailers for other films at the start (something the others did not). Also too many pointless characters, prime examples the kid (who is a crack shot, funny initially but soon you want him dead), the woman who uses karate to fight off the balls (erm not gonna work, or rather shouldn't) and the blooming zombies (what the hell are they doing there, there no link to them in the other Phatasms). Also there is a severe lack of midgets running about.

The only good bits are the cracking start and, of course, Reggie B.

(Possible SPOILER coming Up)

To me this film seems like a filler between II and IV as extra characters just leave at the end so can continue with main 4 in IV.

Overall very, VERY disappointing. 3 / 10\": {\"frequency\": 1, \"value\": \"Phantasm ...\"}, \"The anime that got me hooked on anime...

Set in the year 2010 (hey, that's not too far away now!) the Earth is now poison gas wasteland of pollution and violence. Seeing as how crimes are happening ever 30 seconds are so and committed by thieves who have the fire power of third world terrorists, the government of the fictional New Port City form the Tank Police to deal with the problem - cops with tanks! Oh the insanity!

The \\\"heroes\\\" of this series include the new recruit Leona Ozaki, a red haired Japanese woman (yeah I know, they never match their distinctly Japanese names with a Japanese appearance) who has just been drafted into the Tank Police and is quickly partnered with blond, blue eyed nice guy Al. Leona is new at using tanks and unfortunately she destroys the favorite tank of Tank Police Commander Charles Britain (also known as \\\"Brenten\\\"), a big guy who looks like Tom Selleck on steroids and sporting a pair of nifty sunglasses, a big revolver and a bad temper. Britain didn't like having Leona join the Tank Police in the first place and her wrecking his Tiger Special (a giant green monster tank) doesn't exactly endear her to him, nor is he fond of her taking the remains of his giant tank and using it to build a mini-tank that she nicknames Bonaparte and he is soon pushing to have her transferred to child welfare \\\"where the boys are more your size\\\" as he puts it. There's also Specs, the bifocal genius, Bible quoting/God fearing Chaplain, purple MO-hawked Mohican, and the pot bellied Chief, who's right on the edge thanks to the Mayor always yelling at him about the Tank Police antics. Seeing as how the tank cops often destroy half the city while chasing the bad guys and use extreme violence to capture them, they're not very well liked by the people.

The \\\"villains\\\" are a cyborg named Buaku who's got a mysterious past that's connected with a project known as \\\"Green Peace\\\", his gang and his two sexy cat cyborg sidekicks Anna & Uni Puma. In the first installment these guys are being paid to steal urine samples from a hospital treating people who haven't been infected by the poison gas clouds and in the 2nd they're hired to steal a painting that is of a naked Buaku. The story, however, was uncompleted in the anime and was finished up in a cult comic (\\\"Manga\\\") book that's very hard to find.

All sorts of chaos and mayhem ensue in this black comic venture that examines how far people want their police to go in order to catch criminals and what happens when the fine line between good guys and bad guys starts to get blurred. This is the kind of thing that if you were going to make a movie of it, you'd better go get Quentin Tarantino. Uneven in places but still a lot of fun.

Followed by \\\"New Dominion: Tank Police\\\".\": {\"frequency\": 1, \"value\": \"The anime that got ...\"}, \"I caught this Cuban film at at an arthouse film club. It was shown shortly after the magisterial 1935 Silly Symphony cartoon where the Isle of Symphony is reconciled with the Isle of Jazz. What with the recently deceased Ruben Gonzalez piped through speakers in this old cinema-ballroom and a Cuban flag hanging from peeling stucco rocaille motifs, the scene was set for a riproaring celebration of engaged filmmaking and synchronised hissing at the idiocies of Helms-Burton. But then the film started. And the cinema's peeling paint gradually became more interesting than the shoddy mess on-screen.

The storyline of Nada Mas promises much. Carla is a bored envelope-stamper at a Cuban post office. Her only escape from an altogether humdrum existence is to purloin letters and rewrite them, transforming basic interpersonal grunts into Bront\\ufffd\\ufffdan outbursts of breathless emotion. Cue numerous shots of photogenic Cubans gushing with joy, grief, pity, terror and the like.

The problem is that the simplicity of the narrative is marred by endless excursions into film-school artiness, latino caricature, Marx brothers slapstick and even - during a particularly underwhelming editing trick - the celluloid scratching of a schoolkid defacement onto a character's face.

Unidimensional characters abound. Cunda, the boss at the post office, is a humourless dominatrix-nosferatu. Her boss-eyed accomplice, Concha, variously points fingers, eavesdrops and screeches. Cesar, the metalhead dolt and romantic interest, reveals hidden writing talent when Carla departs for Miami. A chase scene (in oh-so-hilarious fast-forward) is thrown in for good measure. All this would be fine in a Mortadello and Filemon comic strip, but in a black-and-white zero-FX flick with highbrow pretensions, ahem.

Nada Mas attempts to straddle the stile somewhere between the 'quirky-heroine-matchmakes-strangers' of Amelie and the 'poetry-as-great-redeemer' theme of Il Postino. Like Amelie, its protagonist is an eccentric single white female who combats impending spinsterdom by trying to bring magic into the lives of strangers. And like Il Postino, the film does not flinch from sustained recitals of poetry and a postman on a bicycle takes a romantic lead. Unfortunately, Nada Mas fails to capture the lushness and transcendence of either film.

There are two things that might merit watching this film in a late-night TV stupor. The first is the opening overhead shot of Carla on a checker-tiled floor, which cuts to the crossword puzzle she is working on. The second is to see Nada Mas as a cautionary example: our post Buena Vista Social Club obsession with Cuban artistic output can often blinker us into accepting any dross that features a bongo on the soundtrack. This film should not have merited a global release - films such as Waiting List and Guantanamera cover similar thematic territory far more successfully.\": {\"frequency\": 1, \"value\": \"I caught this ...\"}, \"`The Matrix' was an exciting summer blockbuster that was visually fantastic but also curiously thought provoking in its `Twilight Zone'-ish manner. The general rule applies here- and this sequel doesn't match up to its predecessor. Worse than that, it doesn't even compare with it.

`Reloaded' explodes onto the screen in the most un-professional fashion. In the opening few seconds the first impression is a generally good one as Trinity is shot in a dream. Immediately after that, the film nose-dives. After a disastrous first 45 minutes, it gradually gains momentum when they enter the Matrix and the Agent Smith battle takes place. But it loses itself all speed when it reaches the 14-minute car chase sequence and gets even worse at the big groan-worthy twist at the end. Worst of all is the overlong `Zion Rave' scene. Not only does it have absolutely nothing to do with the plot, but it's also a pathetic excuse for porn and depressive dance music.

The bullet-time aspect of `The Matrix' was a good addition, but in `'Reloaded' they overuse to make it seem boring. In the first one there were interesting plot turns, but here it is too linear to be remotely interesting. The movie is basically, just a series of stylish diversions that prevent us from realising just how empty it really is. It works on the incorrect principle that bigger is better. It appears that `The Matrix' franchise has quickly descended into the special effects drenched misfire that other franchises such as the `Star Wars' saga have.

The acting standard is poor for the most part. The best character of course goes to Hugo Weaving's `Agent Smith'- the only one to be slightly interesting. Keanu Reeves is the definitive Neo, but in all the special effects, there is little room to make much of an impact. Academy Award Nominee Laurence Fishburne is reduced to a monotonous mentor with poor dialogue. Carrie Ann Moss' part as the action chick could have been done much better by any other actress.

A poor, thrown-together movie, `The Matrix Reloaded' is a disappointment. Those who didn't like the first one are unlikely to flock to it. This one's for die-hard fans only. Even in the movie's own sub-genre of special effect bonanzas (Minority Report, The Matrix etc.) this is still rather poor. My IMDb rating: 4.5/10.\": {\"frequency\": 1, \"value\": \"`The Matrix' was ...\"}, \"I managed to catch a late night double feature last night of \\\"Before Sunrise\\\" (1995) and \\\"Before Sunset\\\" (2004), and saw both films in a row, without really having the chance to catch my breath in between or ponder on the meaning of each film separately. After sleeping it over, I have to say that I largely prefer the former over the latter, and I shall explain why.

Before Sunrise introduces us with then young actors, Ethan Hawke (Reality Bites, Dead Poets Society), only 25 at the time of the film's release; and Julie Delpy (the Three Colors trilogy), then 26 (although looking much younger). He is a promiscuous American writer, touring Europe after breaking up with his girlfriend; She is a young French student, on her way home to Paris. They meet on the Budapest-Vienna train and spontaneously decide to get off the train together. The two deeply spiritual and intellectual individuals than spend a whole night together walking the beautifully captured streets of Vienna, exchanging ideals and thoughts and gradually falling on love.

The film has 1990's written all over it: back then, technology was leaping rapidly, the new millennium with all it's hopes and dreams was waiting just around the corner, and young adults like the ones depicted in the film were filled with love of life and passion for the future. The characters of Jesse (Hawke) and Celine (Delpy), with all their flaws and inconsistencies (Celine's accent, if by mistake or on purpose, was half American-half French, and it swinged from one spectrum to the other, breaking the character's credibility), were a mirror of the time. Watching the naive couple swallow life with such meaning and excitement, acting all clich\\ufffd\\ufffdd and romantic yet managing to have the audience fall for them as well, is what really made this movie work for me. The fact that the director doesn't let you know if their relationship continues after the film or not makes it all even more worth while.

All in all, Sunrise is a dreamy stroll through the urban landscapes of Vienna, a well told classical romantic rendezvous, and a film I will definitely return to for further insight sometime in the future.\": {\"frequency\": 1, \"value\": \"I managed to catch ...\"}, \"I really enjoyed The 60's. Not being of that generation (I'm waiting for \\\"The 80's\\\") it was interesting to see a unique four hour capsule for that era.

One major problem in the movie, however, was how unbalanced the film was in the portrayal of the families. According to promos I saw for the movie on NBC, the story was basically about two families struggling with issues in 1960's America. Now, I may have missed something, but I think we learned more about the white family than the African American family.

I really think that The 60's uses music to describe the scenes better than any dialogue that could come out of the mouths of the actors (all of which are very talented.) This is very visible at the end of the first part (about two hours in) of the mini-series.

Very good movie!\": {\"frequency\": 1, \"value\": \"I really enjoyed ...\"}, \"I was looking forward to seeing John Carpenter's episode in Season 2 because his first, Cigarette Burns, was by far the best from Season 1 (and I did like other episodes from that season). Oh, how I was disappointed.

In fairness to Carpenter I think the primary problem with this episode was absolutely horrible writing. The characters, aside from the subject matter, seemed to behave and speak as though they were written for an episode of Walker, Texas Ranger. The acting was bad, and I normally like Ron Perlman a lot, but I can only blame them so much because the writing was so horrible. I'm not going to try to guess what the writers were trying to do because that would be useless but it appeared as though they were trying to mix horror (obviously) with some form of social commentary on abortion and religion. In this case, not surprisingly, it seemed a chance to bash a certain variety or religious nuts as well as fanatical anti-abortionists. And I am in favor of both aims but it was done so horribly that I was embarrassed to watch characters act and speak with such stupid inconsistency. This failed totally to offer any worthwhile opinion on the subjects and the horror element failed as well alongside such inept writing.

While I don't think Carpenter can be blamed for most of the badness here I will say he did choose to direct the teleplay and therefore has that to be held responsible for. There are a couple small bits that I found nice, hence the 2 stars I gave it.

The actual gore and monster effects were good, but the CGI gore (two separate gunshots to the head) were so obviously inferior quality CGI they should've never been given the OK. I'm generally very critical of CGI but not because I have a problem with it in principle. I have a problem with the execution of it. The technology, while amazing in some respects, is not good enough to match \\\"real\\\" effects, whether they be miniatures or gore especially when it is supposed to match something organic and/or alive, and therefore shouldn't be used until they are. CGI can be used well in small amounts or obviously if the whole film is animated.

I'll also take this opportunity to note that the show title, Masters of Horror, is a bad title to have. There simply aren't many actual \\\"masters of horror\\\" around. Maybe two or three. If the show were called \\\"Tale of Horror\\\" or something like that it would be fine. But as it stands the criteria for directing one of these episodes, and therefore being criticized for not being a \\\"master of horror\\\" is that they have directly at least one horror film in their career. And it didn't even have to be a good one.\": {\"frequency\": 1, \"value\": \"I was looking ...\"}, \"I enjoyed the innocence of this film and how the characters had to deal with the reality of having a powerful animal in their midst. The gorilla looks just terrific, and the eyes were especially lifelike. It's even a little scary at times and should have children slightly frightened without going over the top. Rene Russo plays her role wonderfully feminine. Usually these type of Hollywood films that take place in the past feel the need to create a straw-man villain but the only adversary is the gorilla. It's an interesting look at how close some animals are to humans, how they feel the same emotions we do, and yet how we really can't treat them just like people because they aren't. Not many films venture into this territory and it's worth seeing if you want to contemplate the human-animal similarity.\": {\"frequency\": 1, \"value\": \"I enjoyed the ...\"}, \"Truly shows that hype is not everything. Shows by and by what a crappy actor abhishek is and is only getting movies because of his dad and his wife. Amitabh as always is solid. Ajay Devgan as always is shitty and useless and the new guy is a joke. The leading lady is such a waste of an actor. Such pathetic movie from such a revered director and from such a big industry. With movies as such I have decreased the amount of bollywood movies I watch.

RGV has been making very crappy movies for a while now. Time to get different actors. Hrithek anyone? Bollywood needs Madhuri and Kajol back. Every other leading lady is a half-naked wanna be. Pffffft.\": {\"frequency\": 1, \"value\": \"Truly shows that ...\"}, \"Taiwanese director Ang Lee, whose previous films include 'Sense and Sensibility' and 'The Ice Storm', turned to the American Civil War for his latest feature. Based on a novel by Daniel Woodrell, it follows the exploits of a group of Southern guerrillas, known as bushwhackers, as they fight their Northern equivalents, the jayhawkers in the backwater of Missouri.

As one might expect, there is plenty of visceral action, but the focus is on the tension that the war put on the young men who fought it - many of whom were fighting against their former neighbours and even family. Jake Roedel (Tobey Maguire) is such a man, or rather, boy, as he is only seventeen when the war reaches Missouri. He is the son of a German immigrant, but instead of following his countrymen and becoming a Unionist, he joins his lifelong friend Jack Bull Chiles (Skeet Ulrich) and rides with the bushwhackers. Despite a lack of acceptance because of his ancestry and an unwillingness to participate in the murder of unarmed Union men, he remains loyal to the cause. So does his friend Daniel Holt (Jeffrey Wright), a black slave freed by another bushwhacker and so fighting for the South.

Lee handles the subject with aplomb, never rushing the deep introspection that the plot demands in favour of action and this lends the film a sense of the reality of war - long periods of boredom and waiting interposed with occasional flashes of intensely terrifying fighting. The action is unglamorised and admirably candid, recognising that both sides committed a great number of atrocities.

The performances are superb, with Maguire and Wright both courageous and dignified. Up-and-coming Irish actor Jonathan Rhys Meyers is particularly chilling as a cold-blooded killer, while Skeet Ulrich is enjoyably suave and arrogant. Lee never flinches from the reality of war, but his actors do an admirable job of showing the good that comes from it - the growth of friendship, the demonstration of courage and, on a wider scale, the emancipation of oppressed peoples. Ride With the Devil is a beautiful and deeply compassionate film that regularly shocks but always moves the audience.\": {\"frequency\": 1, \"value\": \"Taiwanese director ...\"}, \"I must admit a slight disappointment with this film; I had read a lot about how spectacular it was, yet the actual futuristic sequences, the Age of Science, take up a very small amount of the film. The sets and are excellent when we get to them, and there are some startling images, but this final sequence is lacking in too many other regards...

Much the best drama of the piece is in the mid-section, and then it plays as melodrama, arising from the 'high concept' science-fiction nature of it all, and insufficiently robust dialogue. There is far more human life in this part though, with the great Ralph Richardson sailing gloriously over-the-top as the small dictator, the \\\"Boss\\\" of the Everytown. I loved Richardson's mannerisms and curt delivery of lines, dismissing the presence and ideas of Raymond Massey's aloof, confident visitor. This Boss is a posturing, convincingly deluded figure, unable to realise the small-fry nature of his kingdom... It's not a great role, yet Richardson makes a lot of it.

Everytown itself is presumably meant to be England, or at least an English town fairly representative of England. Interesting was the complete avoidance of any religious side to things; the 'things to come' seem to revolve around a conflict between warlike barbarism and a a faith in science that seems to have little ultimate goal, but to just go on and on. There is a belated attempt to raise some arguments and tensions in the last section, concerning more personal 'life', yet one is left quite unsatisfied. The film hasn't got much interest in subtle complexities; it goes for barnstorming spectacle and unsubtle, blunt moralism, every time. And, of course, recall the hedged-bet finale: Raymond Massey waxing lyrical about how uncertain things are!

Concerning the question of the film being a prediction: I must say it's not at all bad as such, considering that one obviously allows that it is impossible to gets the details of life anything like right. The grander conceptions have something to them; a war in 1940, well that was perhaps predictable... Lasting nearly 30 years, mind!? A nuclear bomb - the \\\"super gun\\\" or some such contraption - in 2036... A technocratic socialist \\\"we don't believe in independent nation states\\\"-type government, in Britain, after 1970... Hmmm, sadly nowhere near on that one, chaps! ;-) No real politics are gone into here which is a shame; all that surfaces is a very laudable anti-war sentiment. Generally, it is assumed that dictatorship - whether boneheaded-luddite-fascist, as under the Boss, or all-hands-to-the-pump scientific socialism - will *be the deal*, and these implications are not broached... While we must remember that in 1936, there was no knowledge at all of how Nazism and Communism would turn out - or even how they were turning out - the lack of consideration of this seems meek beside the scope of the filmmakers' vision on other matters.

Much of the earlier stuff should - and could - have been cut in my opinion; only the briefest stuff from '1940' would have been necessary, yet this segment tends to get rather ponderous, and it is ages before we get to the Richardson-Massey parts. I would have liked to have seen more done with Margareta Scott; who is just a trifle sceptical, cutting a flashing-eyed Mediterranean figure to negligible purpose. The character is not explored, or frankly explained or exploited, except for one scene which I shall not spoil, and her relationship with the Boss isn't explored; but then this was the 1930s, and there was such a thing as widespread institutional censorship back then. Edward Chapman is mildly amusing in his two roles; more so in the first as a hapless chap, praying for war, only to be bluntly put down by another Massey character. Massey himself helps things a lot, playing his parts with a mixture of restraint and sombre gusto, contrasting well with a largely diffident cast, save for Richardson, and Scott and Chapman, slightly.

I would say that \\\"Things to Come\\\" is undoubtedly a very extraordinary film to have been made in Britain in 1936; one of the few serious British science fiction films to date, indeed! Its set (piece) design and harnessing of resources are ravenous, marvellous.

Yet, the script is ultimately over-earnest and, at times, all over the place. The direction is prone to a flatness, though it does step up a scenic gear or two upon occasion. The cinematographer and Mr Richardson really do salvage things however; respectively creating an awed sense of wonder at technology, and an engaging, jerky performance that consistently beguiles. Such a shame there is so little substance or real filmic conception to the whole thing; Powell and Pressburger would have been the perfect directors to take on such a task as this - they are without peer among British directors as daring visual storytellers, great helmsmen of characters and dealers in dialogue of the first rate.

\\\"Things to Come\\\", as it stands, is an intriguing oddity, well worth perusing, yet far short of a \\\"Metropolis\\\"... 'Tis much as \\\"silly\\\", in Wells' words, as that Lang film, yet with nothing like the astonishing force of it.\": {\"frequency\": 1, \"value\": \"I must admit a ...\"}, \"I've seen many of Guy Maddin's films, and liked most of them, but this one literally gave me a headache. John Gurdebeke's editing is way too frenetic, and, apart from a tour-de-force sequence showing a line of heads snapping to look at one object, does nothing but interfere with the actors' ability to communicate with the audience.

Another thing I disliked about this film was that it seemed more brutal than Maddin's earlier works--though his films have always had dark elements, his sympathy for the characters gave the movies an overriding feeling of humanity. This one seemed more like harshness for harshness' sake.

As I'm required to add more lines of text before IMDb will accept my review, I will mention that the actor playing \\\"Guy Maddin\\\" does manage to ape his facial expressions pretty well.\": {\"frequency\": 1, \"value\": \"I've seen many of ...\"}, \"The Korean War has been dubbed Americas's forgotten war. So many unanswered questions were buried along with the 50 thousand men who died there. Occasionally, we are treated to a play or movie which deals with that far-off, ghostly frozen graveyard. Here is perhaps one of the finest. It's called \\\" Sergeant Ryker. \\\" The story is of an American soldier named Sgt. Paul Ryker (Lee Marvin) who is selected for a top secret mission by his commanding officer. His task is to defect to the North Koreans and offer his services against United Nations forces. So successful is his cover, he proves invaluable to the enemy and given the rank of Major. However, he is thereafter captured by the Americans, put on trial as a traitor and spy. Stating he was ordered to defect, he sadly learns his commanding officer has been killed and has no evidence or proof of his innocence. He is convicted and sentenced to hang. However, his conviction is doubted by Capt. Young (Bradford Dillman), his prosecutor. Convincing commanding Gen. Amos Baily, (Lloyd Nolan) of his doubts, he is granted a new trial and if found guilty will be executed. The courtroom drama is top notch as is the cast which includes Peter Graves, Murray Hamilton and Norman Fell as Sgt. Max Winkler. Korea was a far off place but the possibility of convicting a Communist and hanging him hit very close to home in the 1950's. Due to its superior script and powerful message, this drama has become a courtroom Classic. Excellent viewing and recommended to all. ****\": {\"frequency\": 1, \"value\": \"The Korean War has ...\"}, \"Words are seriously not enough convey the emotional power of this film; it's one of the most wrenching you'll ever see, yet the ending is one of the most loving, tender, and emotionally fulfilling you could hope for. Every actor in every role is terrific, especially a wise and understated Jamie Lee Curtis, a tightly wound and anguished Ray Liotta, and a heart-stopping turn from Tom Hulce that should have had him up for every award in the book. (He's the #1 pick for 1988's Best Actor in Danny Peary's \\\"Alternate Oscars.\\\") The last half hour borders on melodrama, but the film earns every one of its tears--and unless you're made of stone, there will be plenty of them.\": {\"frequency\": 1, \"value\": \"Words are ...\"}, \"Saw a screener of this before last year's Award season, didn't really know why they gave them out after the voting had ended, but whatever, maybe for exposure, at the least, but the movie was a convoluted mess. Sure, some parts were funny in a black humor kind of way, but none of the characters felt very real to me at all. There was not one person that I could connect with, and I think that is where it failed for me. Sure, the plot is somewhat interesting and very subversive towards Scientology, WOW! What a grand idea...let's see if that already hasn't been mined to the point of futility. The whole ordeal feels fake, from the lighting, the casting, the screenplay to the horrible visual effects(which is supposed to be intentional, I can tell, and so can everyone else, no one is laughing with you though). Anyways, I hope it makes it out for sale on DVD at least, I wouldn't want a project that a lot of people obviously put a lot of effort into get completely unnoticed. But it's tripe either way. Boring tripe at that.\": {\"frequency\": 1, \"value\": \"Saw a screener of ...\"}, \"Oh man, I know what your thinking: \\\"With a title like that, I can't go wrong!\\\" Uh yes you can. I too, loved the title, but man I hated the stupid kid that played \\\"Satan's little helper\\\" I hated the mom too, and the sister/daughter, and her boyfriend - I hated all those people! Man, it was agony watching this sometimes! The ONLY reason this doesn't get 1/10 is becuz condsidering the low budget, they did OK. But oh man did I hate those actors, so stupid! I knew it was going to be bad, I guess they saved a lot of money on just using halloween masks for the killer, and the Jesus costume at the end was really stupid too. Oh the agony, do not watch!\": {\"frequency\": 1, \"value\": \"Oh man, I know ...\"}, \"Cut tries to be like most post-Scream slashers tried to be, a spoof of the horror genre that tried to be clever by referencing other famous horror movies. Now, I am not bagging 'Scream,' as I think 'Scream' is a very good horror movie that does a great job of blending horror and comedy. Cut fails on most levels. It has its moments but overall it just does not work out, not even as a \\\"so bad it's good\\\" movie, just a below average one.

The first five minutes or so are OK and set the story fairly well, apart from the fact that Kylie Minogue can't really act, and ironically she gets her tongue out, go figure. Go forward some time and a group of film students want to finish her film off, which is apparently cursed. And, as you have probably predicted, one by one the cast and crew are slowly picked off by a masked madman.

Unoriginal plot, poor acting and a predictable ending are a few of the elements that follow. There is plenty of referencing in the film, everything from 'Scream' to 'The Texas Chain Saw Massacre.' This isn't smart either, it feels as though the director wanted to feel smart and cool by mentioning other famous horror flicks ala Scream. For a slasher there is minimal gore and no nudity, which is a huge negative when it comes to a slasher that has not got a whole lot going for it. Really, I should be supporting this movie because I'm Australian and we're not as good when it comes to horror (we do have our gems, though) but Cut is definitely not one of them.

However, it did keep me watching for the 90 minutes or so, so that is something good at least. I would not recommend this to anyone apart from hardcore slasher fans, who may be able to appreciate what this film is trying to aim for, but if you are looking for a good movie, stay away.

2/5\": {\"frequency\": 1, \"value\": \"Cut tries to be ...\"}, \"How can you resist watching a film with some swing? It's a delightful little film full of wonderful actors and a wonderful story line. Too bad they don't tour out here...I'd go see them. See it if for no other reason than to hear some good music.\": {\"frequency\": 1, \"value\": \"How can you resist ...\"}, \"What's not to like about this movie? Every year you know that you're going to get one or two yule tide movies during Christmas time and most of them are going to be terrible. This movie is definitely a fresh new idea that was pulled off pretty well. A very funny take on a rich young guy paying a family to simulate a real Christmas for him. What is the good of having money like that if you can't do fun things with it. It was a win-win situation. A regular family gets six figures and a rich guy gets to experience Christmas like he imagined. Only if.

Drew Latham (Ben Affleck) was incredibly difficult to deal with and it was just a riot to see the family reluctantly comply with his absurd demands. It was a fun and funny movie.\": {\"frequency\": 1, \"value\": \"What's not to like ...\"}, \"I have looked forward to seeing this since I first saw it listed in her work. Finally found it yesterday 2/13/02 on Lifetime Movie Channel.

Jim Larson's comments about it being a \\\"sweet funny story of 2 people crossing paths\\\" were dead on. Writers probably shouldn't get a bonus, everyone else SRO for making the movie.

Anybody who appreciates a romantic Movie SHOULD SEE IT.

Natasha's screen presence is so warm and her smile so electric, to say nothing of her beauty, that anything she is in goes on my favorite list. Her TV and print interviews that I have seen are just as refreshing and well worth looking for.

God Bless her, her family and future endeavors.

This movie doesn't seem to available in DVD or video yet, but I would be the first to buy it and I think others would too.\": {\"frequency\": 1, \"value\": \"I have looked ...\"}, \"Anarchy and lawlessness reign supreme in the podunk hick hamlet of Elk Hills. The town elders deputize tough, cagey Vietnam veteran Aaron (a wonderfully robust and engaging performance by Kris Kristofferson) and several of his fellow vet buddies to clean up the place. The plan goes sour when Aaron and his cruel cronies decide to take over Elk Hills after they get rid of all the bad elements. It's up to Aaron's decent do-gooder brother Ben (amiably played by Jan-Michael Vincent) to put a stop to him before things get too out of hand. Writer/director George (\\\"Miami Blues,\\\" \\\"Gross Pointe Blank\\\") Armitage whips up a delightfully amoral, cynical and wickedly subversive redneck drive-in exploitation contemporary Western winner: he expertly creates a gritty, no-nonsense tone, keeps the pace brisk and unflagging throughout, and stages the plentiful action scenes with considerable muscular aplomb (the rousing explosive climax is especially strong and stirring). The first-rate cast of familiar B-feature faces constitutes as a major asset: Victoria Principal as Ben's sweet hottie girlfriend Linda, the fabulous Bernadette Peters as flaky saloon singer Little Dee, Brad Dexter as the feckless mayor, David Doyle as a slimy bank president, Andrew Stevens as an affable gas station attendant, John Carpenter movie regular Charles Cyphers as one of the 'Nam vets, Anthony Carbone as a smarmy casino manager, John Steadman as a folksy old diner owner, Paul Gleason as a mean strong-arm shakedown bully, and Dick Miller as a talentless piano player. Moral: Don't hire other people to do your dirty work. William Cronjager's slick cinematography, Gerald Fried's lively, harmonic hillbilly bluegrass score, and the abundant raw violence further add to the overall trashy fun of this unjustly neglected little doozy.\": {\"frequency\": 1, \"value\": \"Anarchy and ...\"}, \"Firstly, I would like to point out that people who have criticised this film have made some glaring errors. Anything that has a rating below 6/10 is clearly utter nonsense.

Creep is an absolutely fantastic film with amazing film effects. The actors are highly believable, the narrative thought provoking and the horror and graphical content extremely disturbing.

There is much mystique in this film. Many questions arise as the audience are revealed to the strange and freakish creature that makes habitat in the dark rat ridden tunnels. How was 'Craig' created and what happened to him?

A fantastic film with a large chill factor. A film with so many unanswered questions and a film that needs to be appreciated along with others like 28 Days Later, The Bunker, Dog Soldiers and Deathwatch.

Look forward to more of these fantastic films!!\": {\"frequency\": 1, \"value\": \"Firstly, I would ...\"}, \"A well cast summary of a real event! Well, actually, I wasn't there, but I think this is how it may have been like. I think there are two typically American standpoints evident in the film: 'communistophobia' and parallels to Adolf Hitler. These should be evident to most independent observers. Anyway, Boothe does a great performance, and so do lots of other well-known actors. The last twenty minutes of the film are unbearable - and I mean it! Anyone who can sleep well after them is abnormal. (That's why it's so terrible - it all happened, and it probably looked just like that). But, actually, did that last scene on the air station really take place?\": {\"frequency\": 1, \"value\": \"A well cast ...\"}, \"It was everything this isn't: it had pace, pop, and actors who weren't afraid to chew the scenery. It also had a decent script. This one had me scratching my head. If Farrah isn't really \\\"serious\\\" about a career, why does she have a manager (and why is he wasting his time)? If Kate and Barney are \\\"artists,\\\" why do they sign up for The Mother of All Jiggle Shows (like the \\\"Brady Bunch\\\" movie where Robert Reed wants to do Shakespeare, only to find himself on BB)? They weren't industry names, but they weren't exactly starving, either. And while they got the history right (the poster was released before Farrah got the show), Silverman rejecting pitches for \\\"Funniest Home Videos\\\" and \\\"American Idol\\\" and Spelling promising his baby girl Tori someday he'll create a show for her obviously did not happen.

What bothered me was how Spelling's role is distorted. He's shown as the show-runner and creator when he was neither. And how he \\\"comes up\\\" with the \\\"idea\\\" for CA was is laughable!

How were Spelling and Goldberg allowed to enforce Farrah's oral contract when the others were signed? And why didn't Farrah or Bernstein tell them she was leaving not because she discovered her Inner Diva, but because Majors wanted her to? This is why, when it tries tries to created conflict and tension by setting Farrah up as the \\\"bad girl\\\" (like Suzanne Somers), it fails because the groundwork was never laid -- that was where the \\\"Three's Company\\\" pic delivered.\": {\"frequency\": 1, \"value\": \"It was everything ...\"}, \"I love killer Insects movies they are great fun to watch, I had to watch this movie as it was one of my Favourite horror books by Shaun Hutson.

I have met him and I wish I did listen to him as this movie was terrible like he Said it was,after he said that I was still dying to see how bad it was.

The plot: People are dying mysteriously and gruesomely, and nobody has a clue what the cause is.

Only health worker Mike Brady has a possible solution, but his theory of killer slugs is laughed at by the authorities.

Only when the body count begins to rise and a slug expert from England begins snooping around does it begin to look like Mike had the right idea after all.

This movie as the most overacting you ever see a movie! Slugs in this movie are fast (Then normal) and it looks like they fast forwarding the scenes!

This movie is nothing like the book at all, the book was ten times scarier, ten times gory and had a lot more story to it!

I didn't like this movie at all! As I am huge fan of Slugs the book and second book called Breeding ground! Both of books are Great

Read the book then watch the movie, you may like more then I did Give this 2 out 10\": {\"frequency\": 1, \"value\": \"I love killer ...\"}, \"After a love triangle story in Har Dil Jo Pyaar Karega these 3 stars were again chosen in this controversial flick. The film would have been considered as hit if there was not a controversy with the production values from Bharat Shah. Here director duo Abbas-Mustan did a very different and unique job as compared with their previous and after directorial ventures. They are considered as thriller makers of Bollywood. But in this CCCC they proved that they can equally handle to make a romantic family drama. Hardly there is a single action scene when Preity was being raped by Salman's colleague in her apartment, Salman slapped him.

The movie has almost all the standards and ingredients like song, story, casting, performances etc. which are required to make a movie hit. But of course for Salman's fan this was something a surprise gift from him. Why? Because for so long he has been doing roles where he has a scene to show his open body and dance la-la-la all around. His role as a rich young businessman who has no-nonsense nature and of normal attitude is really impressive. After all Madhubala, a prostitute role performed by Preity is amazing. Later when she too turns out thoughtful about her life she deserve proper attention. Her facial expressions and body language become more attractive, and focus mainly goes to her. Her previous role as a pregnant woman in Kya Kehna was not that heart-touching as it is here. Of course, this can be termed as improvement. Then Priya, a very innocent and helpless wife of Raj who only depends on him for a better result. She has nothing powerful influence in the story as the main ingredients are in the hands of Preity.

Finally, the main point of the story which is something rare and unique in itself. In real world of this age it is not totally impossible to happen such step of searching for a surrogate mother. Perhaps, many are happening in this large world where these are kept secret. And in this way the scriptwriter of CCCC has uncovered a hidden truth which is taking place in others daily lives. But still then it is a doubt.\": {\"frequency\": 1, \"value\": \"After a love ...\"}, \"This film, although not totally bad, should have been filmed where the actual events took place. Grand Island, Nebraska was devastated by no less than seven tornados on the night of June 3, 1980. Grand Island is situated in the nearly treeless, flat Platte River Valley in Hall county. The makers of this movie filmed in the tree covered hills of Ontario and moved the whole event to a non-existant town called Blainsworth. The people of Grand Island bravely survived this awful night only to be forgotten because of a poorly made movie.\": {\"frequency\": 1, \"value\": \"This film, ...\"}, \"In the film \\\"Brokedown Palace,\\\" directed by Jonathan Kaplan, two best friends, Alice (Claire Danes) and Darlene (Kate Beckinsale) decide to celebrate high school graduation by taking a trip to Hawaii, but hear that Bangkok, Thailand, is much more fun. They switched plans and decided to go to Thailand without telling their parents the change of plans. While they were in Thailand, Alice and Darlene met a really handsome guy named Nick Parks (Daniel Lapaine). He tells them that he would trade in his first class ticket to Hong Kong for three economy tickets so that they could spend the weekend in Hong Kong. They accepted his offer and upon entering the airport the two were arrested for smuggling drugs. They were convicted and sentenced to thirty three years in prison.

I think Kaplan was trying to show the audience that it is wise to make good decisions because in one instance one bad decision can change the direction of a life forever. Also, a friendly face may not be as friendly as we think once we find out the real intentions of that friendly face. Those girls made a decision not to tell their parents that they had switched their plans and it changed their lives forever. Things have a funny way of happening showing us what decision we have made verses the decision that we should have made. Sometimes life is not fair, that is why it is important to think long and hard about the choices that we make because we can never go back and change the choices that we have made.

This movie has a great setting; it was filmed mostly in Bangkok Thailand. This film also has great music; a few of my favorite songs are 'Silence' by Delerium, 'Damaged' by Plumb, 'Deliver me' by Sarah Bightman and 'Party's just begun' by Nelly Furtado. I went out and bought the soundtrack after watching this film. These girls where young and naive and failed to think their plans out thoroughly, a mistake that anyone could make, therefore this film is good for any audience. It makes no difference young or old -- we all are human and subject to mistakes. Even though, I did not like the way this film ended leaving me in question of --who really smuggled the drugs? -- I would definitely give this film two thumbs up.\": {\"frequency\": 1, \"value\": \"In the film ...\"}, \"Not one of your harder-hitting stories, and that's a real strength of this film. There are at least two relationships in which less confident writers would have added some all-too predictable romantic tension. They not only spare the audience this, but throw in some surprises at the same time. There are a few Disney-ish moments, particularly near the end, but they are manageable. Overall, it was worth the rental and it was good, relaxed fun.

BTW, if you get the DVD, watch the segment where the director teaches you how to make aloo gobi. We followed her directions and it was BRILLIANT! Next time we will make it the day before we plan to eat it, because this is one dish that definitely gets better with a full night in the fridge to let the spices out!\": {\"frequency\": 1, \"value\": \"Not one of your ...\"}, \"I have seen a lot of stupid movies in my life, a lot, but this is without a doubt the worst one ever! I usually like dumb movies, if they are somewhat entertaining, but I can't even think of one good thing about this movie. I like \\\"Teen Witch\\\" for Heaven's sake. But S.I.C.K. has horrible acting, lame porn music throughout the whole thing, and even the sex scenes sucked! I would have to compare the lameness of this movie to the likes of \\\"Twin Dragons\\\", \\\"Puppet Master vs the Demonic Toys\\\" or even \\\"a Very Brady Sequel\\\". Although, this is by far worse then any of those. I beg you, don't even waste your time. Believe me, its 2 hours you'll never get back.\": {\"frequency\": 1, \"value\": \"I have seen a lot ...\"}, \"I think that this movie is very neat. You eithier like Michael Jackson or you don't, but if you like him then you have to see this movie. I think that it is a very neat film with great song play and good imagination. Not to mention the film center piece Smooth Criminal which has some of the best dancing you will every see.\": {\"frequency\": 1, \"value\": \"I think that this ...\"}, \"If you like Deep Purple, you will enjoy in this excellent movie with Stephen Rea in main role. The story is about the most famous rock group back there in 70s, Strange Fruits, and they decided to play together again. But, of course, there is going to be lots of problem during theirs concerts. Jimmy Nail and Bill Nighy are great, and song \\\"The Flame Still Burns\\\" is perfect. You have to watch it.\": {\"frequency\": 1, \"value\": \"If you like Deep ...\"}, \"Dark Remains is a home run plain and simple. The film is full of creepy visuals, and scares' that will make the most seasoned horror veteran jump straight out of there seat. The staircase scene in particular, these guys are good. Although they weren't working on a huge budget everything looks good, and the actors come through. Dark Remains does have one of those interpretive endings which may be a negative for some, but I guess it makes you think. Cheri Christian and Greg Thompson are spot on as the grieving couple trying to rebuild there lives', however some side characters like the Sheriff didn't convince me. They aren't all that important anyways. I give Dark Remains a perfect ten rating for being ten times scarier than any recent studio ghost story/ Japanese remake.\": {\"frequency\": 1, \"value\": \"Dark Remains is a ...\"}, \"Having heard of Modesty Blaise before, but never having read a novel or a comic strip, my wife and I liked the film a lot. It delivered, in a captivating way, a good introduction to the character and her background.

Although it has some action flick elements, it is much more an intimate play, excellently written. Sadly, this is also, where a major drawback of the movie is revealed. An intimate play lives on the capabilities of its actors and unfortunately only half of the cast delivered. While Alexandra Staden did an excellent job as Modesty Blaise, her counterpart Nikolaj Coaster-Waldau - as the villain Miklos - did not. Smiling his way through the plot as if it is an extend toothpaste commercial, he fails to build up an atmosphere of anxiety that would have made the movie a masterpiece. The supporting cast is somehow similar, from some stereotyped gangsters and sluts to decent performances from Fred Pearson as Professor Lob and Eugenia Yuan as Irina.\": {\"frequency\": 1, \"value\": \"Having heard of ...\"}, \"Some moron who read or saw some reference to angels coming to Earth, decided to disregard what he'd heard about the offspring of humans and angels being larger than normal humans. Reinventing them as mythical giants that were 40 feet tall, is beyond ridiculous. There was some historical references to housing and furniture in parts of the world, that were much larger than would be needed for standard humans. These were supposedly built on a scale that would lend itself to a 10 to 14 foot human, somewhat supporting the \\\"David and Goliath\\\" tale from the bible. There is no mention in any historical references to buildings or artifacts that would support the idea of a 40 foot tall being. If I was rating this movie on my own scale, it would have been a negative value instead of a one...\": {\"frequency\": 1, \"value\": \"Some moron who ...\"}, \"I regret every single second of the time I lost while watching this movie, really. Unhappily, I always find it hard to switch off a movie once I started watching it. Especially, when it's such a classic or what people use to call a classic. I think that this is one of those movies every movie-lover should have watched at least one time, so that was why I watched it. Don't get me wrong, I like Humphrey Bogart and his wife Lauren Bacall both as a couple and as actors, but this movie was a big fraud in my opinion. No really good plot, neither an espionage flick nor a romantic love story. Well, not even a convincing mixture of both of these genres. Only thing which caused tension was that it was uncertain whether 'Bogey' and Bacall would stay together in the end or part from one another. I think \\\"To Have and Have Not\\\" is very overrated and Bogart was in many better films during the 1940s.\": {\"frequency\": 1, \"value\": \"I regret every ...\"}, \"This group of English pros are a pleasure to watch. The supporting cast could form a series of their own. It's a seen before love tiangle between the head of surgery, his wife, and a new pretty boy surgery resident. Only the superior acting skills of Francesca Annis, Michael Kitchen, and the sexy Robson Greene lift this from the trash category to a very enjoyable \\\"romp\\\". The only quibble is that it's hard to accept that the smoldering Francesca Annis would fall in love and actually marry Michael Kitchen, who like me, is hardly an international, or even a British sex symbol. You can readily understand why Robson Green would light her fire, with apologies to the \\\"Doors\\\". The guy who almost steals the show with a great \\\"laid back\\\" performance is Owen's father David Bradley. Watch him in \\\"The Way We Live Now\\\", in a completely different performance, to get an idea of his range. Daniela Nardini as Kitchen's secretary, sometime sex toy, is hard to forget as the spurned mistress who makes Kitchen sorry he ever looked at her great body. Conor Mullen, and Julian Rhind-Tutt, as Green's sidekick surgery buddies as I've said could have their own series. They are that good. The whole thing is a great deal of fun, and I heartily recommend it, and thank you imdbman for letting the paying customers have their say in this fascinating venue.\": {\"frequency\": 1, \"value\": \"This group of ...\"}, \"This has to be one of the best movies to come out of HK in a long time, i was eagerly waiting to get my hands on this movie just looking at the title. Loads of fantastic actors in this show and i was particularly impressed with Sam Lee's impossibly believable insane behavior and Edison's portrayal of a killer machine, which totally reversed his normal idol image. i would definitely recommend to those looking for a stylish and action packed movie. However, i must warn you, this is also an equally depressing movie, as every character in the movie is in some kind of dead end and trouble of their own, and struggling to breathe. Makes you think about what is life about really.\": {\"frequency\": 1, \"value\": \"This has to be one ...\"}, \"If you make it through the opening credits, this may be your type of movie. From the first screen image of a woman holding her hands up to her face with white sheets blowing in the background one recalls a pretentious perfume commercial. It's all downhill from there.

The lead actress is basically a block of wood who uses her computer to reach into the past, and reconstruct the memories of photographs, to talk history's overlooked genius, Ada, who conceived the first computer language in the 1800s.

The low budget graphics would be forgivable if they were interesting, or even somewhat integral to the script.

Poor Tilda Swinton is wasted.\": {\"frequency\": 1, \"value\": \"If you make it ...\"}, \"I picked up this video after reading the text on the box, the story seemed good, and it had Keanu Reeves! But after 5 minutes of watching, I noticed how horrible his acting was, he walks and talks so stupid the whole time, it's fake and not convincing. It doesn't end there, almost ALL the characters act so badly it's laughable, the only acceptable acting was by Alan Boyce (David), but the guy commits suicide early on and you don't see him again, you never even know why he did it! Everything about this movie screams low quality, I can't believe how such a thing gets released! I was tempted many times to stop watching, in fact I did, half way through it I decided to stop watching and turned the thing off, came to the IMDB to check what other's thought about it, I found zero comments (not surprised), so I decided to force myself to handle the pain and go back to finish it then come here to comment on it. The only good thing going (for me) was the high-school Rock band theme, the occasional guitar playing and singing parts, but that's not worth it.

Very bad acting and directing... Terrible movie.\": {\"frequency\": 1, \"value\": \"I picked up this ...\"}, \"Lots of reviews on this page mention that this movie is a little dark for kids. That depends on the kid. This isn't a movie for a 2-6 year old; it's more geared toward the 8 years and older crowd. I saw this movie when I was 10, I absolutely loved it. At the time most animated movies were a little too childish for my tastes. This movie deals with more serious issues, and therefore has a little more emotional impact. In this movie characters can DIE, and be sent to HELL! This gives a little more emotional weight to the scenes where characters are risking their lives. The good guys aren't always perfectly sweet and nice (like other cartoons). They have \\\"real\\\" motivations, like revenge, and greed, but also compassion and friendship; shows that things aren't always black and white.

Excellent Movie\": {\"frequency\": 1, \"value\": \"Lots of reviews on ...\"}, \"Quite what the producers of this appalling adaptation were trying to do is impossible to fathom.

A group of top quality actors, in the main well cast (with a couple of notable exceptions), who give pretty good performances. Penelope Keith is perfect as Aunt Louise and equally good is Joanna Lumley as Diana. All do well with the scripts they were given.

So much for the good. The average would include the sets. Nancherrow is nothing like the house described in the book, although bizarrely the house they use for the Dower House looks remarkably like it. It is clear then that the Dower House is far too big. In the later parts, the writers decided to bring the entire story back to the UK, presumably to save money, although with a little imagination I have no doubt they could have recreated Ceylon.

Now to the bad. The screenplay. This is such an appallingly bad adaptation is hard to find words to condemn it. Edward does not die in the battle of Britain but survives, blinded. He makes a brief appearance then commits suicide - why?? Loveday has changed from the young woman totally in love with Gus to a sensible farmer's wife who can give up the love her life with barely a tear (less emotional than Brief Encounter). Gus, a man besotted and passionately in love, is prepared to give up his love without complaint. Walter (Mudge in the book) turns from a shallow unfaithful husband to a devoted family man. Jess is made into a psychologically disturbed young woman who won't speak. Aunt Biddy still has a drink problem but now without any justification. The Dower House is occupied by the army for no obvious reason other than a very short scene with Jess who has a fear of armed soldiers. Whilst Miss Mortimer's breasts are utterly delightful, I could not see how their display on several occasions moved the plot forward. The delightfully named Nettlebed becomes the mundane Dobson. The word limit prevents me from continuing the list.

There is a sequel (which I lost all interest in watching after this nonsense) and I wonder if the changes were made to create the follow on story. It is difficult to image that Rosamunde Pilcher would have approved this grotesque perversion of her book; presumably she lost her control when the rights were purchased.\": {\"frequency\": 1, \"value\": \"Quite what the ...\"}, \"This anime was underrated and still is. Hardly the dorky kids movie as noted, i still come back to this 10 years after i first saw it. One of the better movies released.

The animation while not perfect is good, camera tricks give it a 3D feel and the story is still as good today even after i grew up and saw ground-breakers like Neon Genesis Evangelion and RahXephon. It has nowhere near the depth obviously but try to see it from a lighthearted view. It's a story to entertain, not to question.

Still one of my favourites I come back too when i feel like a giggle on over more lighthearted animes. Not to say its a childish movies, there are surprisingly sad moments in this and you need a sense of humour to see it all.\": {\"frequency\": 1, \"value\": \"This anime was ...\"}, \"To call this episode brilliant feels like too little. To say it keeps up the excellent work of the season premiere is reductive too, 'cause there's never been a far-from-great Sopranos episode so far. In fact, the title might be a smug invitation for those who aren't real fans yet: Join the Club...

Picking up where Junior left off (putting a bullet in his nephew's gut after mistaking him for a crook he killed in the first season), the story begins with Tony being absolutely fine. With no recollection whatsoever of what happened to him, he's attending some kind of convention. Only he's not speaking with his normal accent, and there seems to be something wrong with his papers: apparently, he is not Tony Soprano but Kevin Finnerty, or at least that's what a group of people think, and until the mess is sorted out he can't leave his hotel.

Naturally, in pure Sopranos tradition, that turns out to be nothing but a dream: Tony is actually in a coma, with the doctors uncertain regarding his fate, his family and friends worried sick and Junior refusing to believe the whole thing actually happened. Unfortunately it did, and Anthony Jr. looks willing to avenge the attempt on his father's life.

Dreams have popped up rather frequently in the series, often as some kind of spiritual trial for the protagonists (most notably in the Season Five show The Test Dream). Join the Club, however, takes the metaphysical qualities of the program, already hinted at by the previous episode's use of a William S. Burroughs poem, and pushes the envelope in the most audacious way: Tony hallucinating about his dead friends (the first occurrence of the sort was caused by food poisoning, four seasons ago) is one thing, him actually being in what would appear to be Purgatory is radically different. The \\\"heavenly\\\" section of the story is crammed with allegorical significances, not least the name Tony is given (as one character points out, spelling it in a certain way will give you the word \\\"infinity\\\"), and none of it comes off as overblown or far-fetched: David Chase has created a piece of work that is far too intelligent to use weird set-ups just for their own sake; it all helps the narrative. Talking about \\\"help from above\\\" in the case of Tony Soprano might be stretching it a tad, though.\": {\"frequency\": 1, \"value\": \"To call this ...\"}, \"This is hardly a movie at all, but rather a real vaudeville show, filmed for the most part \\\"in proscenium\\\", and starring some of the greatest stage stars of the day. \\\"Singing in the Bathtub\\\" is an absolutely amazing production number that must be seen-- be sure to wear your shower cap!\": {\"frequency\": 1, \"value\": \"This is hardly a ...\"}, \"Mario Lanza, of course, is \\\"The Great Caruso\\\" in this 1951 film also starring Ann Blyth, Dorothy Kirsten, Eduard Franz and Ludwig Donath. This is a highly fictionalized biography of the legendary, world-renowned tenor whose name is known even today.

The film is opulently produced, and the music is glorious and beautifully sung by Lanza, Kirsten, Judmila Novotna, Blanche Thebom, and other opera stars who appeared in the film. If you're a purist, seeing people on stage smiling during the Sextet from \\\"Lucia\\\" will strike you as odd - even if Caruso's wife Dorothy just had a baby girl. Also it's highly unlikely that Caruso ever sang Edgardo in Lucia; the role lay too high for him.

In taking dramatic license, the script leaves out some very dramatic parts of Caruso's life. What was so remarkable about him is that he actually created roles in operas that are today in the standard repertoire, yet this is never mentioned in the film. These roles include Maurizio in Adriana Lecouvreur and Dick Johnson in \\\"Girl of the Golden West,\\\" There is a famous photo of him posing with a sheet wrapped around him like a toga. The reason for that photo? His only shirt was in the laundry. He was one of the pioneers of recorded music and had a long partnership with the Victor Talking-Machine Company (later RCA Victor). He was singing Jose in Carmen in San Francisco the night of the earthquake.

Instead, the MGM story basically has him dying on stage during a performance of Martha, which never happened. He had a hemorrhage during \\\"L'Elisir d'amore\\\" at the Met and could not finish the performance; he only sang three more times at the Met, his last role as Eleazar in La Juive. What killed him? The same thing that killed Valentino - peritonitis. His first role at the Met was not Radames in Aida, as indicated in the film, but the Duke in Rigoletto. So when it says on the screen \\\"suggested by Dorothy Caruso's biography of her husband,\\\" that's what it was - suggested. What is true is that Dorothy's father disowned her after her marriage, and left her $1 of his massive estate. They also did have a daughter Gloria together (who died at the age of 79 on 10/7/2007). However, Caruso had four other children by a mistress before he married Dorothy.

Some people say that Lanza's voice is remarkably like Caruso's, but just listen to Caruso sing in the film \\\"Match Point\\\" -- Caruso's voice is remarkably unlike Lanza's. In fact, from his sound, had he wanted to, Caruso could have sung as a baritone. He is thought to have had some trouble with high notes, further evidence of baritone leanings; and the role he was preparing when he died was Othello, a dramatic tenor role, which Lanza definitely was not. Lanza's voice deserved not to be compared with another. He made a unique contribution to film history, popularizing operatic music. He sings the music in \\\"The Great Caruso\\\" with a robust energy; he is truly here at the peak of what would be a short career. His acting is natural and genuine. Ann Blyth is lovely as Dorothy and gets to sing a little herself.

Really a film for opera lovers and Lanza fans, which are probably one and the same.\": {\"frequency\": 1, \"value\": \"Mario Lanza, of ...\"}, \"I have never observed four hours pass quite so quickly as when I saw this film. This film restores the power and art to Hamlet that it was always meant to have. Even those oh-so famous speeches are done in new and inventive ways. And the cast is incredible, Brannagh the brightest star. It is his charisma, power and command of the role that defines the movie. Making it a full and complete version fills so many holes and allows for new appreciation of the tragedy despite the length. Where one would expect the dark, gloomy cliched castle, we are treated to a sumptuous feast for the eyes. The only gloom comes from Hamlet himself, as it should. Well worth your time, all four hours of it.\": {\"frequency\": 1, \"value\": \"I have never ...\"}, \"This self-indulgent mess may have put the kibosh on Mr. Branagh's career as an adapter of Shakespeare for the cinema. (Released 4 years ago; not a peep of an adaptation since.) I just finished watching this on cable -- holy God, it's terrible.

I agree with the sentiment of a reviewer below who said that reviewing something so obviously and sadly awful is an ungenerous act that comes across as shrill. That being said, I'll take the risk, if only because *Love's Labour's Lost* is the perfect reward for those who overrated Mr. Branagh's directorial abilities in the past. Branagh has always been a pretty lousy director: grindingly literal-minded; star-struck; unforgivably ungenerous to his fellow actors (he loves his American stars, but loves himself more, making damn sure that he gets all the good lines).

Along those lines, the sad fact remains that *Love's Labour's Lost* is scarcely worse than the interminable, ghastly, bloated *Hamlet* from 1996. In fact, this film may be preferable, if only because it's about 1/3 the length. Branagh decided it would be a good idea to update this bad early work of Shakespeare's to the milieu of Cole Porter, George Gershwin, Fred Astaire, yada yada. So he sets the thing in 1939, leaves about an eighth of the text intact in favor of egregious interpretations of Thirties' standards (wait till you see the actors heaved up on wires toward the ceiling during \\\"I'm In Heaven\\\"), and casts actors not known for their dancing or singing (himself included). The result is a disaster so surreal that one is left dumbfounded that they just didn't call a horrified stop to the whole thing after looking at the first dailies. I don't even blame the cast. To paraphrase Hamlet, \\\"The screenplay's the thing!\\\" NO ONE could possibly come off well in this hodge-podge: the illustrious RSC alumni fare no better than Alicia Silverstone. Who could possibly act in this thing?

Branagh's first mistake was in thinking that *Love's Labour's Lost* was a play worth filming. Trust me, it isn't. It's an anomaly in the Bard's canon, written expressly for an educated coterie of courtiers -- NOT the usual audience for which he wrote. Hence, there's a lot of precious (and TEDIOUS!) word-play, references to contemporary scholastic nonsense, parodies of Lyly's *Euphues* . . . in other words, hardly the sort of material to appeal to a broad audience. Hell, it doesn't appeal to an audience already predisposed to Shakespearean comedy. The play cannot be staged without drastically cutting the text and desperately \\\"updating\\\" it with any gimmick that comes to hand. Which begs the question, Why bother?

Branagh's second mistake was in thinking that Shakespeare's cream-pie of a play could be served with a side-order of Gershwin's marmalade. Clearly the idea, or hope, was to make an unintelligible Elizabethan exercise palatable for modern audiences by administering nostalgic American pop culture down their throats at the same time. But again, this begs the question, Why bother?

\": {\"frequency\": 1, \"value\": \"This self- ...\"}, \"Kay Pollack (the man behind this movie) is a real great man who tries to share his life philosophy in different ways. He has written a bunch of good and well written books about how to control your senses and keep your soul happy. The message in most of his books and this movie, is about that your thoughts in fact is what causes your problems and that the reason of your anger hardly ever is caused of what you think of. The main message is that you can choose to be happy, but hardly ever do that.

To watch this movie and learn something very important on life, you have to keep your mind very open and L I S T E N to all the \\\"hidden messages\\\" (or guidelines to get through life) which most of the parts in this movie contains if you listen and watch. Watch it with your ears.

You won't learn the meaning of life, but you'll learn how to live and get the most out of it...

So, while watching, please keep in mind:

\\\"The mind is like a parachute, it doesn't work unless it's open!\\\"\": {\"frequency\": 1, \"value\": \"Kay Pollack (the ...\"}, \"Usually I love Lesbian movies even when they are not very good. I'm biased, I guess!

But this one is just the pits. Yes, the scenery and the buildings are beautiful, and there is a brief but beautiful erotic interlude, but otherwise this movie is just a complete waste of time. Annamarie alternates between sulking and getting high/stoned/passing out on whatever drug or booze is handy, and Ella inexplicably puts up with this abominable behavior through the entire movie. At no time are we given any insight into why this is so, or even why Annamarie is so depressed and withdrawn.

If there had at least been some kind of closure in the (potentially romantic? we don't even know!) relationship between the two, there might have been some kind of satisfaction. But although Annamarie at one point asks Ella \\\"why do you love me?\\\" Ella doesn't even acknowledge this. It's never really clear whether this is anything more than an (ill-behaved) Lesbian on a boring road trip with a straight woman.

Even the interactions between the two women and the local people they meet on the journey, which could have been lively and informative, are instead flat, tedious and mostly incomprehensible.

There is one good joke in the movie, although I'm sure it was unintentional. The women travel in a two-seat Ford coupe with a middling sized trunk. Yet when they set up camp, they have an enormous tent, cots, sleeping gear, and even a table, chair, and typewriter! On top of that, when they board a ferry, we see piles of luggage, presumably theirs, presumably also carried in the little Ford's trunk!

And through the entire film, we never see one gas station, or anywhere that looks like it would actually have any place to buy gasoline. Mostly they travel through endless miles of desolate desert. So where did they get fuel?

There may not be too many Lesbian films out there, good or bad, but there are plenty that are better than this, and very few that are worse. Leave this one in the rack.\": {\"frequency\": 1, \"value\": \"Usually I love ...\"}, \"The saddest thing about this \\\"tribute\\\" is that almost all the singers (including the otherwise incredibly talented Nick Cave) seem to have missed the whole point where Cohen's intensity lies: by delivering his lines in an almost tuneless poise, Cohen transmits the full extent of his poetry, his irony, his all-round humanity, laughter and tears in one.

To see some of these singer upstarts make convoluted suffering faces, launch their pathetic squeals in the patent effort to scream \\\"I'm a singer!,\\\" is a true pain. It's the same feeling many of you probably had listening in to some horrendous operatic versions of simple songs such as Lennon's \\\"Imagine.\\\" Nothing, simply nothing gets close to the simplicity and directness of the original. If there is a form of art that doesn't need embellishments, it's Cohen's art. Embellishments cast it in the street looking like the tasteless make-up of sex for sale.

In this Cohen's tribute I found myself suffering and suffering through pitiful tributes and awful reinterpretations, all of them entirely lacking the original irony of the master and, if truth be told, several of these singers sounded as if they had been recruited at some asylum talent show. It's Cohen doing a tribute to them by letting them sing his material, really, not the other way around: they may have been friends, or his daughter's, he could have become very tender-hearted and in the mood for a gift. Too bad it didn't stay in the family.

Fortunately, but only at the very end, Cohen himself performed his majestic \\\"Tower of Song,\\\" but even that flower was spoiled by the totally incongruous background of the U2, all of them carrying the expression that bored kids have when they visit their poor grandpa at the nursing home.

A sad show, really, and sadder if you truly love Cohen as I do.\": {\"frequency\": 1, \"value\": \"The saddest thing ...\"}, \"Have just seen the Australian premiere of Shower [Xizhao] at the Sydney Film Festival. The program notes said it was - A perfect delight -deftly made, touching, amusing, dramatic and poignantly meaningful. I couldn't agree more. I just hope the rest of the Festival films come up to this standard of entertainment and I look forward to seeing more Chinese films planned to be shown in Sydney in the coming months.\": {\"frequency\": 1, \"value\": \"Have just seen the ...\"}, \"That's not just my considered verdict on this film, but also on the bulk of what has been written about it. Now don't get me wrong here either, I'm not a total philistine, I didn't hate the movie because it wasn't enough like 'police academy 9' or whatever, I enjoy more than my fair share of high brow or arty stuff, I swear.

'Magnolia' is poor, and I am honestly mystified as to why it is seemingly so acclaimed. Long winded, self indulgent, rambling nonsense from start to finish, there is just so little that could credibly be what people so love about the movie. There's some high calibre actors fair enough, and none turns in an average or worse performance. Furthermore, my wife (a self confessed Tom Cruise hater) tells me it's his career best performance by far. But the plot is so completely unengaging, meandering between the stories of several loosely connected characters at such a snail's pace that even when significant life changing events are depicted they seem so pointless and uninteresting you find yourself crying out for someone to get blown up or something.

It doesn't help that none of the characters are very easy to identify or empathise with (well I didn't think so, but I don't like most people admittedly). They all play out their rather unentertaining life stories at great length, demonstrating their character flaws and emotions in ever-so intricate detail and playing out their deep and meaningful relationships to the nth degree with many a waffling soliloquy en route. Yadda yadda yadda. The soundtrack's dire as well, with that marrow-suckingly irritating quality that I had hitherto thought unique to the music of Alanis Morisette.

All in all, it was about as enjoyable a three hours as being forced to repeatedly watch an episode of 'Friends' whilst being intermittently poked in the ribs by a disgruntled nanny goat. The bit with the frogs is good though.\": {\"frequency\": 2, \"value\": \"That's not just my ...\"}, \"The Running Man is often dismissed as being just another Arnie action thriller full of explosions, bad puns and gunfire, and to be fair, there is a lot of that in it. People used to look at it and compare it to the Terminator series, saying it was one of the poorer Schwarzenegger films.

But, give it 18 years, and you find yourself being able to appreciate it in a different light. Rather than just being another brainless action film, it works very well as a parody of reality TV. It is quite different to the Stephen King book, true, but I doubt whether Hollywood, with its love of upbeat endings and so-called 'ordinary guys' who turned out to have the skills of a trained commando, would have accepted it in its current form.

But, on with the review.

Ben Richards (Arnold Schwarzenegger) is a cop working in a dystopian United States where democracy is a thing of the past, and the entire country is ruled by a government/media conglomerate amalgamation. The economy is in tatters, food is scarce and the state keeps people distracted by producing sadistic gameshows for them to watch, like Jumping for Dollars, where people jump for money over a pit of rabid dogs, and the most popular one is The Running Man, a gameshow hosted by the slimy Damian Killian (played by the entertaining Richard Dawson) where supposed 'criminals' are hunted down by theatrical, pro-wresting-esquire 'stalkers'.

Some, however, try and speak up against the government. When a group of hungry people hold a protest in the town of Bakersfield, California, a helicopter piloted by Richards is sent to 'calm' (i.e. kill) the protest. When Richards refuses to fire on innocent people, he is arrested and framed for the murder of the people in the crowd. He is sentenced to a slave labour camp, but escapes with the aid of a resistance leader (Yaphet Kotto) and goes on the run.

However, his freedom does not last long, and after he kidnaps network employee Amber Mendez (Marita Conchita Alonso) in an attempt to escape those pursuing him, he finds himself taken prisoner again, but this time he is forced to appear on The Running Man.

And there, of course, the entire film kicks into standard Arnie mode. Richards is launched into the post-apocalyptic wasteland of Los Angeles (why is LA always destroyed in these dystopian worlds?) and forced to run from the 'stalkers', along with two other prisoners who escaped from the labour camp with him. Amber also becomes curious about Richards' protestations of innocence, and discovers he was framed. Guess what happens to her, then? So, as Amber, Richards and the two other guys run around trying to avoid the stalkers, we soon become aware that Richards is no ordinary cop. He's Super Arnie, the unkillable one man army who can collapse evil corporate dictatorships and fight obese men covered in Christmas lights all while being just your average American guy with an Austrian accent.

Yes, the remainder of the film becomes dumb, loud, classic 80's Arnie fun. There's a lot of exciting fight sequences, the trademark dreadful puns ('He had to split' being my favourite), and the general formulaic final confrontation and happy ending. It's a lot of fun watching Killian react to it in the typical 'wholesome' gameshow host way, as well, and some of the funniest moments in the show revolve around the contrast between his interactions with the crowd as the seemingly benevolent host (watch out for the cursing old lady!) and the cold, cyncial man he is in reality who will do anything to increase ratings.

If you expect a high-brow, intelligent film, you'll be disappointed. But if you want a great 80s flick, well, this is it. But the great thing about this film is it was quite prophetic.

If you look at the entertainment we have today, you'll have noticed the way reality TV is going nowadays - shows featuring people willing to put themselves through anything for five minutes of fame, and producers all too willing to let them humiliate themselves on TV. It's not too far a leap to imagine that some vile TV exec out there has been trying to get the right to show people be executed live on TV. We've already had that, however, with the ghoulish al-Qaida hostage beheading videos posted on the internet. It seems that in the current climate, at least some people are perfectly fine with watching real death on their television sets.

With that in mind, and coupled with the fact that everything these days appears to be a revival of the 80s, you have to be impressed by the far-sightedness of this film. Of course, we haven't reached there yet, as it's terrorists, rather than the mainstream media, who have bought us easily available programs featuring real human death, but you just have to wonder how long it is before some exec decides to see if he can find a way of pitching a show that combines people's desire for entertainment and desire to indulge their morbid curiosity...\": {\"frequency\": 1, \"value\": \"The Running Man is ...\"}, \"Slackers is just another teen movie that's not really worth watching. Dave (Devon Sawa), Sam (Jason Segel) and Jeff (Michael C. Maronna) are about to graduate from Holden University with Honors in lying, cheating and scheming. The three roommates have proudly scammed their way through the last four years of college and now, during final exams, these big-men-on-campus are about to be busted by the most unlikely dude in school. The plot is very stupid and there's no reason why to watch this unless your looking to shut off you brain for a little while. Slackers is just a predictable teen flick that really adds nothing new to the genre. The comedy in Slackers is either hit or miss but there's no real true funny or original moment in the movie. Its really just a collection of gags and some are actually pretty funny. Though for every joke that works there's at least eight more that don't. The screenplay is full of penis and breast jokes that some high school and college students may enjoy. Even if they do they probably won't remember this film after awhile as its not a very memorable comedy. Jason Schwartzman plays the freaky Ethan and after appearing in some good comedies he has stoop pretty low. Jaime King and Devon Sawa are the other main stars but they do a rather poor job in this film. This is directed by Dewey Nicks and this is his first film so you can't blame him too much. The funniest character was probably Laura Prepon though, she's not in the movie very much. The film is very short at only 86 minutes long however, that may be too long for some people who don't really like this type of humor. Slackers isn't the worst film of 2002 but certainly is below average. When compared to other films in the genre there's a lot better out there such as Not Another Teen Movie, American Pie and its sequels , Scary Movie 1 & 2 etc. So unless you have seen most of them and you're looking for something new then Slackers might fit that bill but its better if you just watch something else. Rating 4.3/10 a below average teen comedy that's worth skipping.\": {\"frequency\": 1, \"value\": \"Slackers is just ...\"}, \"A very enjoyable film, providing you know how to watch old musicals / mysteries. It may not come close to Agatha Christie or even Thin Man mysteries as a film noir, but it's much more interesting than your typical \\\"boy meets girl\\\" or \\\"let's put on a show\\\" backstage musical. As a musical, it's no Busby Berkley or Freed unit, but it can boost the classic \\\"Coctails for two\\\" and the weird \\\"Sweet Marijuana\\\". The film runs in real time during a stage show, opening night of the \\\"Vanities\\\", where a murder - and soon another - is discovered backstage. Is the murderer found out before the curtain falls? Sure, but the search is fun, even though somewhat predictable and marred by outbursts of comic relief (luckily in the shape of the shapely goddess of the chorus girls, Toby Wing). The stupid cop is just a bit too stupid, the leading hero is just a bit too likable, the leading lady a bit too gracious, the bitchy prima donna bit too bitchy, and the enamoured waif a bit too self-sacrificing, but as stereotypes go, they are pretty stylish. There's a bevy of really gorgeous chorus girls, who are chosen even better than the girls for a Busby Berkley musical of the same period, who sometimes tend to be a bit on the plump side. Yes, this film could have been much better than it is, and the Duke Ellington number is an embarrassment, but if you enjoy diving into old movies, this will prove to be a tremendously tantalizing trip.\": {\"frequency\": 1, \"value\": \"A very enjoyable ...\"}, \"I am always so frustrated that the majority of science fiction movies are really intergalactic westerns or war dramas. Even Star Wars which is visually brilliant, has one of its central images, a futuristic \\\"gang that couldn't shoot straight.\\\" Imagine your coming upon about 600 people with conventional weapons, most of them having an open shot, and they miss.

I have read much science fiction, and wish there were more movies for the thinking person. Forbidden Planet, one of the earliest of the genre, is still one of the very best. The story is based on a long extinct civilization, the Krell, who created machines which could boost the intelligence of any being by quantum leaps. Unfortunately, what they hadn't bargained for, is that the brain is a center for other thoughts than intellectual. The primitive aspect of the brain, the Id, as Freud called it, is allowed to go unchecked. It is released in sleep, a bad dream come to corporeal existence. Walter Pigeon, Dr. Morbius, is the one who has jacked his brain to this level, and with it has built machines and defenses that keep him barely one step ahead of the horrors of the recesses of his own mind. His thoughts are creating horrors that he soon will not be able to defend. The Krell, a much superior species, could not stop it; it destroyed them. The landing party has never been of great interest to me. The rest of the actors are pretty interchangeable. Ann Francis is beautiful and naive, and certainly would have produced quite a reaction in the fifties adolescent male. Her father's ire is exacerbated by her innocence and the wolfy fifties' astronauts (for they are more like construction workers on the make than real astronauts). They are always trying to figure out \\\"dames.\\\" The cook is a great character, with his obsession for hooch. Robbie the Robot has much more personality than most of the crew, and one wonders if Mr. Spock may not be a soulmate to the literal thinking of this artificial creature. The whole movie is very satisfying because the situation is the star. Morbius can't turn back and so he is destined to destroy himself and everything with him. There are few science fiction films that are worth seeing more than once; this is one that can coast right into the 21st century.\": {\"frequency\": 1, \"value\": \"I am always so ...\"}, \"Freddy's Dead: The Final Nightmare starts as dream demon Freddy Krueger (Robert Englund) leaves a teenager (Shon Greenblatt) on the outskirt's of Springwood with no memory of himself, who he is or why he is there. The local police pick him up & take him to a youth centre where child psychiatrist Maggie Burroughs (Lisa Zane) interviews him, she finds a newspaper cutting in his pocket which leads the two to Elm Street in Springwood where they discover that no children live there & therefore no victims for Freddy kill anyone. It all turns out that it's an elaborate plan by Freddy to find his daughter & use her to escape Springwood. When Maggie realises what Freddy is up to her & some kids decide they have to kill Freddy once & for all...

Directed by Rachel Talalay this was made with the intention of being the final A Nightmare on Elm Street film which by this time had reached five, of course as any horror film fan know's if there's still money to be made from a franchise or a character then there's no way in hell Freddy's Dead: The Final Nightmare was going to be the last one which, of course, it wasn't. The A Nightmare on Elm Street series has been a franchise of diminishing returns as the films dropped in quality as the series progressed until we got here & Freddy's Dead: The Final Nightmare which for my money is probably the worst out of the lot of them. The film moves at a reasonable pace & it's rarely boring but it's so silly, childish & feels like some sort of live-action cartoon with some awful set-piece horror scenes that seem a million miles from Wes Craven's suspenseful & effective early 80's original. The sequence where stoner Spencer is trapped inside a video game being played by Freddy is terrible on it's own but then we are treated to shots of his body back in reality bouncing around the house from wall to wall & floor to ceiling which is quite the most ridiculous thing I've seen in a while, or maybe the early scenes when the John Doe kid falls from a plane down to the ground just like the Coyote cartoon character in the Road Runner cartoons or the absurd sight of Freddy threatening the deaf Carlos with pins that he intends to drop to the floor to make a loud noise or when he eventually kills him by scraping his knives across a blackboard. You can't take this seriously & I was just sitting there not quite believing what I was seeing. When they do finally try to kill Freddy the hero is given a secret powerful special weapon, yeah that's right a pair of cardboard 3-D glasses! The character's are poor, the dialogue is poor & the plot is confusing, it doesn't really stick to the Elm Street continuity & overall the film is a bit of a mess, the best thing I can say about it is that it has quite a bit of unintentional humour & you can certainly laugh at it.

The film has major tonal problems as it tries to be dark, scary & sinister yet it's so silly & simply looks ridiculous at times that any attempt at being serious falls completely flat. There's not much gore in this one, there's some cut off fingers, some stabbings, someone falls on a bed of nails & that's about it. The body count is extremely low here with only three death's. The final twenty or so minutes of Freddy's Dead: The Final Nightmare was in fact shot in 3-D although the version I saw presented this part as normal so I can't comment on how well this does or doesn't work but you can definitely see shots which are meant to be seen in 3-D which take advantage of the process. The special effects vary, some are quite good actually while other's are terrible & Freddy's burnt make-up this time looks quite poor.

This apparently had a budget of about $5,000,000 (it had an opening weekend box-office take of $12,000,000) & the film has a few nice visual touches & gags which makes the thing feel even more cartoony than it already is. The acting is really poor from the main leads although there are a few odd cameos including Tom Arnold & Roseanne, Johnny Depp & rocker Alice Cooper.

Freddy's Dead: The Final Nightmare is probably the worst of the entire series & apart from some unintentional laugh value there's not much here to recommend or enjoy. Fans of the series will probably like it & defend it but for me this is about as far from Wes Craven's original classic shocker as it gets. Followed by New Nightmare (1994) which tried to take Freddy Krueger & the series in a new & different direction.\": {\"frequency\": 1, \"value\": \"Freddy's Dead: The ...\"}, \"First things first, Edison Chen did a fantastic, believable job as a Cambodian hit-man, born and bred in the dumps and a gladiatorial ring, where he honed his craft of savage battery in order to survive, living on the mantra of kill or be killed. In a role that had little dialogue, or at least a few lines in Cambodian/Thai, his performance is compelling, probably what should have been in the Jet Li vehicle Danny the Dog, where a man is bred for the sole purpose of fighting, and on someone else's leash.

Like Danny the Dog, the much talked about bare knuckle fight sequences are not choreographed stylistically, but rather designed as normal, brutal fisticuffs, where everything goes. This probably brought a sense of realism and grit when you see the characters slug it out at each other's throats, in defending their own lives while taking it away from others. It's a grim, gritty and dark movie both literally and figuratively, and this sets it apart from the usual run off the mill cop thriller production.

Edison plays a hired gun from Cambodia, who becomes a fugitive in Hong Kong, on the run from the cops as his pickup had gone awry. Leading the chase is the team led by Cheung Siu-Fai, who has to contend with maverick member Inspector Ti (Sam Lee), who's inclusion and acceptance in the team had to do with the sins of his father. So begins a cat and mouse game in the dark shades and shadows of the seedier looking side of Hong Kong.

The story itself works on multiple levels, especially in the character studies of the hit-man, and the cop. On opposite sides of the law, we see within each character not the black and white, but the shades of grey. With the hit-man, we see his caring side when he got hooked up and developed feelings of love for a girl (Pei Pei), bringing about a sense of maturity, tenderness, and revealing a heart of gold. The cop, with questionable tactics and attitudes, makes you wonder how one would buckle when willing to do anything it takes to get the job done. There are many interesting moments of moral questioning, on how anti-hero, despicable strategies are adopted. You'll ask, what makes a man, and what makes a beast, and if we have the tendency to switch sides depending on circumstances - do we have that dark inner streak in all of us, transforming from man to dog, and dog to man? Dog Bite Dog grips you from the start and never lets go until the end, though there are points mid way through that seemed to drag, especially on its tender moments, and it suffered too from not knowing when to end. If I should pick a favourite scene, then it must be the one in the market food centre - extremely well controlled and delivered, a suspenseful edge of your seat moment. Listen out for the musical score too, and you're not dreaming if you hear growls of dogs.

Highly recommended, especially if you think that you've seen about almost everything from the cop thriller genre.\": {\"frequency\": 1, \"value\": \"First things ...\"}, \"First one was much better, I had enjoyed it a lot. This one has not even produced a smile. The idea was showing how deep down can human kind fall, but in reference to the characters not the film-maker.\": {\"frequency\": 1, \"value\": \"First one was much ...\"}, \"According to John Ford's lyrically shot, fictional biopic of Abraham Lincoln's life his greatest faults may have been an obtuseness with woman and an ability to dance in \\\"the worst way.\\\" Ford's camera has only praising views to reveal of Mr. Lincoln's early life. But for what the film lacks in character complexities it makes up for in beauty and depth of vision. Uncharacteristically beautiful compositions of early film, what could have been a series of gorgeous still frames, Ford has a unique eye for telling a story. The film sings of the life of a hopeful young man. Henry Fonda plays the contemplative and spontaneously clever Lincoln to a tee, one of his best roles.

The film concerns two young men, brothers, on trial for a murder that both claim to have committed. In classic angry mob style, the town decides to take justice into their own hands and lynch the pair of them, until honest Abe steps into the fray. He charms them with his humor, telling them not to rob him of his first big case, and that they are as good as lynched with him as the boys lawyer. What follows seems to become the outline for all courtroom- murder-dramas thereafter, as Abe cunningly interrogates witnesses to the delight and humor of the judge, jury and town before he stumbles upon the missing links.

The film plays out like many John Ford movies do: a tablespoon of Americana, a dash of moderate predictability, a hint of sarcasm that you aren't sure if you put in the recipe or if Ford did it himself. Despite the overtly 'Hollywood' feel of the film, and overly patriotic banter alluding to Lincoln's future presidency, the film is entirely enjoyable and enjoyably well constructed, if you can take your drama with a grain of salt.\": {\"frequency\": 1, \"value\": \"According to John ...\"}, \"It's obvious that the people who made 'Dead At The Box Office' love B-movie horror. Overt references to the genre are peppered throughout, from stock characters (the authority figure who doesn't believe the monstrous invasion is really happening) to Kevin Smith style discussions to reenacting Duane Jones' last moments from 'Night of the Living Dead' not once but twice.

Unfortunately it takes more than love to make a good movie.

The staging and shot choice are unexciting and unimaginative. While a common admonition in film school is to avoid 'Mastershot Theatre,' telling the story completely in a wide master shot, here we find the obverse as in several sequences it's hard to figure out the spatial relationships between characters as the story is told in a series of medium shots with no establishing shot to tie it together. Editing is drab and basic and at times there are unmotivated cuts. The lighting is flat and sometimes muddy, making the scenes in the darkened theatre hard to make out (was there lighting, or was this shot with available light only?). Some shots are out of focus. The dialogue is trite, and the performances, for the most part, one-note (Isaiah Robinson shows some energy and screen presence as Curtis, and the fellow playing the projectionist has some pleasantly dickish line readings; Michael Allen Williams as the theater manager and Casey Kirkpatrick as enthusiastic film geek Eric have some nice moments). The premise is silly, even for a B horror flick (Also, it's too bad Dr Eisner was unaware of Project Paperclip - he could've saved himself a lot of trouble!). The 'zombies' are non-threatening, and their makeup is unconvincing (although the chunky zombie trying to get a gumball out of the machine raised a smile). For a zombie fan film, there is very little blood or violence, although what there is, is handled pretty well. The incidental music, while stylistically uneven, is kind of nice at times, and there are some good foley effects. The 'Time Warp' parody was a fun listen, although the images going along with it were less fun to watch. Unfortunately, the looped dialogue sounds flat. Was this shot non-sync (doubtful, it looks like video through and through)? I watched the special introduction by Troma Films' Lloyd Kaufman before the main feature - although it consisted essentially of Kaufman plugging his own stuff and admitting that he hadn't seen the movie while someone mugged in a Toxie mask, its production and entertainment values were higher than 'Dead...' itself (quick aside to whoever put the DVD together - the countdown on film leader beeps only on the flash-frame 2, not on every number plus one more after). For that matter, the vampire film theatregoers are seen watching early in 'Dead...' looked a lot more entertaining than this. Recommendation to avoid, unless you know someone involved in the production or are an ardent Lloyd Kaufman completist (he plays 'Kaufman the Minion' in the film-within-a-film).

(Full disclosure: my girlfriend is an extra in this movie. I swear this did not color my review.)\": {\"frequency\": 1, \"value\": \"It's obvious that ...\"}, \"Well no, I tell a lie, this is in fact not the best movie of all time, but it is a really enjoyable movie that nobody I know has seen.

It's a buddy cop movie starring Jay Leno and Pat Morita(Mr Miyagi) with some fluff story about a missing car engine prototype or something, but that doesn't matter. the reason this movie is fun is because of the interaction between the two leads, who initially dislike and distrust each other but in a shocking twist of fate end up becoming friends. The whole culture difference thing is done quite well,in that it's fun to watch, it's completely ridiculous but in a cheesy and enjoyable kind of way. The soundtrack is cool,once again in a cheesy 80's kind of way, it suits the movie, I've been trying to find one of the songs for ages, but as I'm working from memory of what I think a few of the words were i can't seem to find it.

Another thing this movie has is the most fantastic pay off of any movie ever, but I won't give that one away, oh no! In conclusion I'd take this movie over 48 Hours\\\\most of Eddie Murphys output including Beverly Hills cop, and whatever buddy junk Jackie Chan or Martin Lawrence have to their names. If you're looking for a buddy cop movie and are getting fed up with \\\"straight white cop meets zany streetwise black cop\\\" give this a shot. You might be pleasantly surprised cos this turns the whole formula upside down with \\\"straight Japanese cop meets zany streetwise white cop\\\".

I'm giving this 7. to be honest I like it more than that. I'd rather watch this than a lot of stuff I'd give 8. But I guess I know deep down that it's some sort of insanity that makes me like this movie.\": {\"frequency\": 1, \"value\": \"Well no, I tell a ...\"}, \"This movie is one of my all time favorites. Cary Grant, Victor McLaglen, and Douglas Fairbanks Jr...what a cast. Not to mention Sam Jaffe as Gunga Din. Drama, action, adventure and comedy all rolled up into one. The final battle scene still to this day gives me chills and the ending always leaves me in tears. If you haven't seen it, I'd strongly recommend it.\": {\"frequency\": 1, \"value\": \"This movie is one ...\"}, \"A great slasher movie -- too bad it was the producers and not part of the script. Basic plot summary - man with redhead fetish goes invites such women to his flat only to go into some kind of freakish coma and proceeds in offing them to various degrees of success. Only the cutting crew behind the scenes must have thought the movie was as ad as I did and chopped the heck out of the movie. Nothing flows, you get lost on which redhead he is with at the time (didn't he off that one earlier??), and most of the time it looks like the camera man passed out and resumed filming when he awoke. Not that I can blame him I passed out 2-3 times and had to rewind and resume to try to regain what little plot that does exist. Warning when you see the ending DO NOT try to connect it with anything that happens before -- you will just get an aneurysm. Not worth the time, effort, or God forbid money. Only reason to get a 2 instead of a 1 - the slim chance that the hacking occurred between film release and the horrible version that I watched.\": {\"frequency\": 2, \"value\": \"A great slasher ...\"}, \"I absolutely loved this movie. It met all expectations and went beyond that. I loved the humor and the way the movie wasn't just randomly silly. It also had a message. Jim Carrey makes me happy. :)\": {\"frequency\": 1, \"value\": \"I absolutely loved ...\"}, \"Although the story is fictional, it draws from the reality of not only the history of latin american countries but all the third world. This is the true, pure and raw recent history of these countries summarized concisely in this novel / film. The offbeat supranatural stuff, lightens up the intensity of historical events presented in this movie. After all the supranatural stuff is a part of the culture in the third world. Although is not critically acclaimed (probably because of the supranatural stuff), This is an excellent movie, with a great story and great acting.\": {\"frequency\": 1, \"value\": \"Although the story ...\"}, \"This is the kind of film that everyone involved with should be embarrassed over. Poor directing, over the top acting and a plot that rambles on with no point other than to show violence. I thought when I first saw it that it would be perhaps a satire of the media and how it shows violence but it's not. I'm not sure what makes the film worse. Oliver stone does his worst directing ever. From scenes where Woody Harrelson's face morphs for no reason or Robert Downey Jr's dreadful performance as Wayne Gale who is a reporter who seems totally bonkers, this movie is simply a mess.\": {\"frequency\": 1, \"value\": \"This is the kind ...\"}, \"When I ordered this from Blockbuster's website I had no idea that it would be as terrible as it was. Who knows? Maybe I'd forgotten to take my ADD meds that day. I do know that from the moment the cast drove up in their station wagon, donned in their late 70's-style wide collars, bell-bottoms and feathered hair, I knew that this misplaced gem of the disco era was glory bound for the dumpster.

The first foretelling of just how bad things were to be was the narration at the beginning, trying to explain what cosmic forces were at play to wreak havoc upon the universe, forcing polyester and porno-quality music on the would-be viewer. From the opening scene with the poorly-done effects to the \\\"monsters\\\" from another world and then the house which jumps from universe to universe was as achingly painful as watching an elementary school production of 'The Vagina Monologues'.

Throughout the film, the sure sign something was about to happen was when a small ship would appear. The \\\"ship\\\" was comprised suspiciously of what looked like old VCR and camcorder parts and would attack anyone in its path. Of course if moved slower than Bob Barker's impacted bowels, but it had menacing pencil-thin armatures and the ability to cast a ominous green glow that could stop bullets and equipped with a laser capable of cutting through mere balsa wood in an hour or two (with some assistance).

Moving on... As the weirdness and bell bottoms continue... We found out that they're caught in a \\\"Space Time Warp\\\". How do we garner this little nugget of scientific information? Because the oldest male lead tells his son that, in a more or less off-the-cuff fashion, like reminiscing about 'how you won the big game' over a cup of joe or an ice-cold bottle of refreshing Coca-Cola. Was pops a scientist? Nope, but he knew about horses and has apparently meddled as an amateur in string theory and Einstein's theories.

The recording I watched on DVD was almost bootleg quality. The sound was muddy and the transfer looked like it had been shot off a theater screen with the video recorder on a cell phone, other than that, it was really, really, really bad. (There's not enough 'really's' to describe it, really).

I know some out there love this movie and compare it to other cult classics. I never saw this film on its original release, but even back then I think I would've come to the same conclusion: bury this one quick.\": {\"frequency\": 1, \"value\": \"When I ordered ...\"}, \"When i got this movie free from my job, along with three other similar movies.. I watched then with very low expectations. Now this movie isn't bad per se. You get what you pay for. It is a tale of love, betrayal, lies, sex, scandal, everything you want in a movie. Definitely not a Hollywood blockbuster, but for cheap thrills it is not that bad. I would probably never watch this movie again. In a nutshell this is the kind of movie that you would see either very late at night on a local television station that is just wanting to take up some time, or you would see it on a Sunday afternoon on a local television station that is trying to take up some time. Despite the bad acting, clich\\ufffd\\ufffd lines, and sub par camera work. I didn't have the desire to turn off the movie and pretend like it never popped into my DVD player. The story has been done many times in many movies. This one is no different, no better, no worse.

Just your average movie.\": {\"frequency\": 3, \"value\": \"When i got this ...\"}, \"I enjoyed the cinematographic recreation of China in the 1930s in this beautiful film. The story is simple. An older male performer wants to pass on his art to a young man although he has no living children. The faces of the actors are marvelous to see. The story reveals the devotion and gratitude of children to those who treat them well and their longing to be treated well. The operas in the film remind me of FAREWELL MY CONCUBINE, which was more sophisticated and intricate. The story here reminds me of a Dickens tale of days when children were almost chattel. The plot is a bit predictable and a bit too sentimental for me but well worth the time to view for the heroism, humanity, and history portrayed.\": {\"frequency\": 1, \"value\": \"I enjoyed the ...\"}, \"This has got to be one of the worst fillums I've ever seen and I've seen a few. It is slow, boring, amateurish - not even consistent within its own simplistic reading of the plot. The actors do not act. I can't blame them - they have been given a script of such utter banality all they can do is trudge through it with a pain behind their eyes which has nothing to do with the evil goings on in SummersIsle.

There is not one moment in this film that rings true - not an honest line nor a single instant where one is moved. The Nicholas Cage character is so badly drawn that one feels not a smidgeon of compassion for him through all his tribulations. I have no doubt that I was seeing a suffering man up there but it was Nicholas Cage fully aware of the fact that he was in the worst movie of his entire career.\": {\"frequency\": 1, \"value\": \"This has got to be ...\"}, \"The first time I saw this episode was like a shock to me, it was actually the first time I saw \\\"24\\\". The speed things are happening is amazing, and it's so surprising, thrilling, and even interesting, it's almost as if you are reading a book; once you start it, it's very hard to stop. From the minute Richard Walsh was talking privately to Jack about the possibility that they have a mole inside CTU, I was sitting 6:40 hours, which means 10 episodes!!! (Sounds funny and crazy, but I'm the kind of guy which when he is interested he just can't stop)This series is one of the best of it's kind. And it's build in a way of having a few different stories that are being connected together. Recommended in every way!\": {\"frequency\": 1, \"value\": \"The first time I ...\"}, \"Last week, I took a look at the weekly Nielsen ratings, and there was Veronica Mars, supposedly \\\"the best show you're not watching\\\".

Well, they're right that you're not watching it. It aired twice and was ranked 147 and 145 out of 147.

Translation: this is the lowest-rated show on any nationally broadcast network... and deservedly so. I tried to watch it a couple of times because of all the press coverage hyping it as a \\\"great\\\" show, a \\\"realistic look\\\" at life and all such nonsense. The reality was otherwise. Veronica Mars is a bore. It's as unrealistic as it gets, and it richly deserves to be canceled.

The only Mystery is why CW felt compelled to put on its inaugural schedule the lowest-rated show in memory, after two years of continued commercial and artistic failure.\": {\"frequency\": 1, \"value\": \"Last week, I took ...\"}, \"I don't know anything of the writer's or the director's earlier work so I hadn't brought any prejudices to the film. Based on the brief description of the plot in TV Guide I thought it might be interesting.

But implausibility was piled upon implausibility. Each turn of the plot seemed to be an excuse to drag in more bloodshed, gruesome makeup, or special effects.

The score was professional and Kari Wuhrer seems like a decent actress but the rest was more than disappointing. It was positively repulsive.

I will not go through the vagaries of the narrative but I'll give an example of what I think of as an excess of explicit gore.

Chris McKenna goes to an isolated ranch house and pulls the frozen body of his earlier victim (Wendt) out of the deep freeze. McKenna had killed Wendt by biting a chunk out of his neck. Now he feels he must destroy the evidence of his involvement in Wendt's demise. (What are the cops going to do, measure his bite radius?) McKenna unwraps Wendt's head and neck from the freezer bag it's in, takes an ax, and begins to chop off Wendt's head. Whack. Whack. Whack. The bit of the ax keeps chipping away at Wendt's neck. The air is filled with nuggets of flying frozen flesh, one of which drops on McKenna's head. (He brushes it off when he's done.) McKenna then takes the frozen head outside to a small fire he's built. He sits the head on the ground, squats next to it, takes out some photos of a woman he's just killed, and shows them to Wendt's head. \\\"Remember her? We could have really made it if it hadn't been for you guys,\\\" he tells the head. \\\"Duke, you've always liked bonfires, haven't you?\\\" he asks. Then he places the head on the fire. We only get a glimpse of it burning but we can hear the fat sizzling in the flame.

I don't want this sort of garbage to be censored. I'm only wondering who enjoys seeing this stuff.

There's no reason to go on with the rest of the movie. Well, I'll mention one example of an \\\"implausibility,\\\" since I brought the idea up. McKenna has been kidnapped and locked in a dark bare shack. He knows he's going to be clobbered half to death in the following days. (He's literally invited the heavies to do it.) What would you do in this Poe-like situation? Here's what McKenna does on what may turn out to be the last night of his life. He finds a discarded calendar with a pin-up girl on it and masturbates (successfully). Give that man the Medal of Freedom!

A monster who looks like Pizza the Hut is thrown into some unnecessary flashbacks. The camera is often hand held and wobbly. The dialog has lines like, \\\"Life is a piece of s***. Or else it's the best of all possible worlds. It depends on your point of view.\\\" Use is made of a wide angle lens that turns ordinary faces into gargoyle masks. A house blows up in an explosive fireball at the end while the hero, McKenna, walks towards us in the foreground.

Some hero he is, too. He first kills a man for $13,000 by bashing him over the head several times with a heavy statue, then a potted plant, before finally tipping a refrigerator over onto the body. (This bothers him a little, but not enough to keep him from insisting on payment.) Then, I hope I have the order straight, he kills Wendt by ripping out part of his neck. Then he kills the wife of his first victim by accident and blames the heavies for it, although by almost any moral calculus they had nothing to do with it. Next he burns the head honcho (Baldwin) alive. Then, having disabled the two lesser heavies, he deliberately blows them up, though one of them isn't entirely unsympathetic. And we're supposed to be rooting for McKenna.

These aren't cartoon deaths like those in the Dirty Harry movies either -- bang bang and you're dead. These are slow and painful. The first one -- the murder for $13,000 -- is done clumsily enough to resemble what might happen in real life. It isn't really easy to kill another human being, as Hitchcock had demonstrated in Torn Curtain. But that scene leads to no place of any importance.

Some people might enjoy this, especially those young enough to think that pain and death are things that happen only in movies. Some meretricious stuff on screen here.\": {\"frequency\": 1, \"value\": \"I don't know ...\"}, \"I just watched this movie today and not only is it, terrible and awful but it looks like the director just got a few friends together to make a movie about a sick man. I also think that this movie has the look of a porn video with it's clear crisp just filmed view.

Thank heavens I work in a video store and I didn't have to pay for it cause this movie is crap x infinity..DO NOT BUY OR RENT THIS MOVIE!!!!! You'd have a better time watching Dude Where's My Car than this piece of crap! And that's not saying a lot for that movie either.

The acting is lousy and the movie is just very unwatchable. I was watching this movie and I wanted to kill myself during and after the movie.

I walked home and threw up after watching this piece of dirt movie, I then took a shower and burnt my clothes.

If I had half a mind I would of took the movie outside and burned it too cause no one should be subjected to it...well maybe members of Al Queda..especially the ones we have in custody and also child rapists who are in prison on life sentences with out parole....just make a set up like a clock work Orange, And then force these cheese head to watch it over and over again.\": {\"frequency\": 1, \"value\": \"I just watched ...\"}, \"Aardman does it again. Next to Pixar, Aardman Animation proves again and again how to do animation properly.

I had a great time watching the first episode of Creature Comforts. I thought it translated well for American audiences. My only concern is that most of the audiences aren't going to get the subtle humor in this show.

Having been a fan of the BBC version and the short film, I knew what I was in for when I sat down to watch this. The animators did a great job matching up pre-recorded voices to a perfect match animal. Look at the first episode with the Goat, who sounds stoned, and the dogs on the street that keep calling each other \\\"dawg\\\".

Is this for everyone? Not by a long shot. In fact, I'd be happy to see the show last for a full season. But like I said before, audiences aren't going to get it.\": {\"frequency\": 1, \"value\": \"Aardman does it ...\"}, \"I rate this 10 out of 10. Why?

* It offers insight into something I barely understand - the surfers surf because it's all they want to do; Nothing else seems to matter as much to them as surfing; Nor is it a temporary thing - it's a lifetime for these guys * Buried in the movie is a great history of surfing; I have never surfed, but I love surfing movies, and have seen many. None taught me what this movie did * The movie was very well edited. It flowed well. The interviews were outstanding * It's interesting from start to finish

In summary, it's about as good as a documentary as I have seen, so I have to rate in terms of that. So 10/10\": {\"frequency\": 1, \"value\": \"I rate this 10 out ...\"}, \"I think that that creator(s) of this film's concept deserves a lot more accolades than they probably ever received. It isn't an Oscar caliber film of course, but, at least for me, this film has left a lasting impression since I first saw it back in 1984 (in the theatre).

I don't think this is (and hope it isn't) a spoiler, but: imagine acting on your impulses. Doing the first thought that pops into your head, saying the first words on your lips... No restraint, no conscious, nothing holding you back from saying or doing the things that, as intelligent adults, we know we shouldn't actually say or do. If anything, this film only scratches the surface - It doesn't go as far as it could go.

In a time when Hollywood seems obsessed with remaking older \\\"classics\\\" to try and cash in on today, wouldn't it be nice to see them remake an older film of modest success, for the sake of taking it to the next level? A bit further, or even to explore what the original crew didn't, wouldn't or couldn't deal with 20 years ago?

That's just my opinion anyway. :o)\": {\"frequency\": 1, \"value\": \"I think that that ...\"}, \"OK, so the Oscars seem to get hyped just a little more each year. And I was rooting for \\\"Gosford Park\\\" to win (come on, Robert Altman had deserved an Oscar for years!). That said, I guess that it was high time for an African-American to win Best Actress. Contrary to the previous reviewer, Halle Berry's role in \\\"Monster's Ball\\\" was far more original than Nicole Kidman's in \\\"Moulin Rouge\\\"; I never would have thought to nominate the latter for anything, especially in a year that saw \\\"Mulholland Dr.\\\".

Among the things that I had predicted was the stuff about the September 11 attacks; I knew that they were going to say something about freedom. Yeah, yeah. Robert Redford should know better. But contrary again to the previous reviewer, Whoopi Goldberg is not the worst host (among the past hosts was Bob Hope, for whom I have no respect); I really liked her jab at John Ashcroft.

So, although I wouldn't have given \\\"A Beautiful Mind\\\" Best Picture, \\\"The 74th Annual Academy Awards\\\" still pleased me (I have to admit, I enjoy the Oscars more than my own birthday). And the day after, as my parents and I were hiking around the dwellings in Bandalier, New Mexico - it was spring break - I was thinking to myself that when Jim Broadbent won his Oscar, that most people watching were asking \\\"Jim who?!\\\" I wonder whether or not Woody Allen will ever attend the Oscars again.\": {\"frequency\": 1, \"value\": \"OK, so the Oscars ...\"}, \"Anne Bancroft plays Estelle, a dying Jewish mother who asks her devoted son (Ron Silver) to locate reclusive one-time movie star Greta Garbo and introduce the two before Estelle checks out for good. Might've been entitled \\\"Bancroft Talks\\\" as the actress assaults this uncertain comedic/dramatic/sentimental material for its duration. Hot-or-cold director Sidney Lumet can't get a consistent rhythm going, and Bancroft's constant overacting isn't scaled back at all by the filmmaker--he keeps her right upfront: cute, teary-eyed and ranting. Estelle becomes a drag on this scenario (not that the thinly-conceived plot has much going on besides). Silver and co-stars Carrie Fisher and Catherine Hicks end up with very little to do but support the star, and everyone is trampled by her hamming. *1/2 from ****\": {\"frequency\": 1, \"value\": \"Anne Bancroft ...\"}, \"Michael Keaton is \\\"Johnny Dangerously\\\" in this take-off on gangster movies done in 1984. Maureen Stapleton plays his sickly mother, Griffin Dunne is his DA brother, Peter Boyle is his boss, and Marilu Henner is his girlfriend. Other stars include Danny DeVito and Joe Piscopo. Keaton plays a pet store owner in the 1930s who catches a kid stealing a puppy and then tells him, in flashback, how he came to own the pet store. He turned to thievery at a young age to get his mother a pancreas operation ($49.95, special this week) and began working for a mob boss (Boyle). Johnny uses the last name \\\"Dangerously\\\" in the mobster world.

There are some hilarious scenes in this film, and Stapleton is a riot as Johnny's foul-mouthed mother who needs ever organ in her body replaced. Peter Boyle as Johnny's boss gives a very funny performance, as does Griffin Dunne, a straight arrow DA who won't \\\"play ball\\\" with crooked Burr (Danny De Vito). As Johnny's nemesis, Joe Piscopo is great. Richard Dimitri is a standout as Moronie, who tortures the English language - but you have to hear him do it rather than read about it. What makes it funny is that he does it all with an angry face.

The movie gets a little tired toward the end, but it's well worth seeing, and Keaton is terrific as good boy/bad boy Johnny. For some reason, this film was underrated when it was released, and like Keaton's other gem, \\\"Night Shift,\\\" you don't hear much about it today. With some performances and scenes that are real gems, you'll find \\\"Johnny Dangerously\\\" immensely enjoyable.\": {\"frequency\": 1, \"value\": \"Michael Keaton is ...\"}, \"Indian Summer is a good film. It made me feel good and I thought the cast was exceptional. How about Sam Raimi playing the camp buffoon. I thought his scenes were very funny in a Buster Keaton-like performance. Solid directing and nice cinematography.\": {\"frequency\": 1, \"value\": \"Indian Summer is a ...\"}, \"He only gets third billing (behind Arthur Treacher & Virginia Field), but this was effectively David Niven's first starring role and he's charmingly silly as P. G. Wodehouse's dunderheaded Bertie Wooster, master (in name only) to Jeeves, that most unflappable of valets. As an adaptation, it's more like a watered-down THE 39 STEPS than a true Wodehousian outing. And that's too bad since the interplay between Treacher & Niven isn't too far off the mark. Alas, the 'B' movie mystery tropes & forced comedy grow wearisome even at a brief 57 minutes. Next year's follow-up (STEP LIVELY, JEEVES) was even more off the mark, with no Bertie in sight and Jeeves (of all people!) forced to play the goof.\": {\"frequency\": 1, \"value\": \"He only gets third ...\"}, \"I truly despised this film when i saw it at the age of about 6 or 7 as I was a huge fan of Robin Williams and nothing he could do was bad. Until this. This complete trash ruined Robin for me for a long time. I'm only recovering recently with his funny but serious part in Fathers day but then he went on to create another mistake, Bicenntinial Man i think it was called but the point is. Robin should be getting much better jobs by now and now he has returned to performing the slime that originated with this 'classic'.\": {\"frequency\": 1, \"value\": \"I truly despised ...\"}, \"What a HUGE pile of dung. Shot-on-video (REALLY crappy camcorder, NOT digital) pile of garbage. It is without a doubt, the stupidest thing ever made. The fact that this crap was actually released is completely asanine. Everyone who sees it will become stupider for having watched it. Seriously. I felt like it killed several brain cells after I watched this garbage. The positive reviews of this a$$crap were obviously made by the \\\"filmmaker\\\" (and I use the term VERY loosely) himself and/or his family and friends because no normal person with the intelligence of a squirrel would honestly like this waste of life. Trust me, stay the hell away from this video. You'll thank me for it. Avoid it like herpes.\": {\"frequency\": 1, \"value\": \"What a HUGE pile ...\"}, \"Steve Carell has made a career out of portraying the slightly odd straight guy, first on 'The Daily Show', and then in various supporting roles. In Virgin, Carell has found a clever and hilarious script that perfectly capitalizes on his strengths. Carell plays Andy Stitzer, a middle aged man living a quiet, lonely life. Andy is a little odd, but in an awkward nice guy sort of way. One night, while socializing with his co-workers for the first time, Andy accidentally reveals that he is a virgin. His co-workers, David (Paul Rudd), Jay (Romany Malco), and Cal (Seth Rogen) initially tease Andy about his situation. But it's clear that all three have a certain respect for the decent human being that Andy is, and they resolve to help him out by assisting him in ending his virginity. And so begins Andy's quest into adulthood. Andy is the quintessential innocent, and the bulk of the humor derives from his naivet\\ufffd\\ufffd to the situations he finds himself in throughout the film. Some of the humor is crude gross out stuff, but most of it is just well done intelligent comedy. In addition, I found some parts of the film actually pretty touching as Andy finds himself developing both romantic relationships and friendships perhaps for the first time in his life. I'm not trying to portray the movie as a love story or a drama; it's a rolling in your seats comedy. Still, every good comedy I have ever seen contains enough heart for you to care about the characters. A good comparison would be 'The Wedding Crashers' from earlier this summer. Virgin has a similar humor, but is perhaps a bit more vulgar in some of its jokes. I particularly loved the ending of the film, which I thought was a perfect way to end the flick. Without giving anything away, it reminded me of 'Something About Mary'. Very light and fun; it leaves you laughing and smiling, which is exactly how you should feel when you finish a comedy. I would highly recommend.\": {\"frequency\": 1, \"value\": \"Steve Carell has ...\"}, \"This film was a yawn from titles to credits, it's boring to the point of tedium and the acting is wooden and stilted! Admittedly this was director Richard Jobson directing debut, but who on earth green-lit a script as poorly developed as this one? Looks like another money down the drain government project (Scottish Screen are credited surprise, surprise). I nearly fell asleep three times and my review will unfortunately have to be more restrained than this one. Please, please mister Jobson what ever you've been doing prior to directing this sedative of a film, go back to it!\": {\"frequency\": 1, \"value\": \"This film was a ...\"}, \"You know the people in the movie are in for it when king-sized hailstones fall from a clear blue sky. In fact, the weather stays pretty bad throughout this atmospheric thriller, and only lawyer Chamberlain has the answer. But he's too much the European rationalist, I gather, to get in touch with that inner being that only reveals itself through dreams.

Darkly original mystery heavy on the metaphysics from director-writer Peter Weir. Already he had proved his skill at flirting with other dimensions in Picnic at Hanging Rock (1975). Here it's the arcane world of the Australian Aborigines that confronts that the tightly ordered world of the predominant whites. Something strange is going on inside the Aborigine community when they kill one of their number for no apparent reason. Yuppie lawyer Chamberlain is supposed to defend them in a white man's court. But the more he looks into things, the more mysterious things get, and the more interested a strange old Aboriginal man gets in him. And then there're those scary dreams that come and go at odd times.

Well structured screenplay deepens interest throughout. One reason the movie works is the background normalcy of Chamberlain's wife and little daughters. Audiences can readily identify with them. And when their little world runs into forces beyond the usual framework, the normalcy begins to buckle, and we get the feeling of worlds beginning to collide. Chamberlain underplays throughout, especially during the underground discovery tour where I think he should have shown more growing awareness than he does. After all, it's the picking up of the mask that holds the key (I believe) to the riddle, yet his reaction doesn't really register the revelation.

Of course, the notion of nature striking back has a certain resonance now, thirty years later. In the film, the notion is wrapped in a lot of entertaining hocus-pocus, but the subject itself remains a telling one. One way of bringing out a central irony in the movie is the symbolism of the opening scene. A big white SUV barrels past an aboriginal family, leaving them in the historical dust. The terrain looks like an interior tribal reservation of no particular importance to the coastal fleshpots where industry dwells. Yet, it's also a region most likely to survive anything like a destructive last wave. Perhaps there's something about past and future to think about here.

Anyway, this is a really good movie that will probably stay with you.\": {\"frequency\": 1, \"value\": \"You know the ...\"}, \"I'll keep this short as a movie like this doesn't deserve a full review.

Given the setting, this movie could have been something really special. It could have been another \\\"28 days later\\\" or even a \\\"Blair Witch Project\\\"

The first 20 or so minutes of the movie I was really excited, directer did a decent job with cinematography and suspense, although I don't think He managed to capture true eeriness of an empty London Underground.

Characters were a big let down. Our \\\"heroine\\\" in this movie is a worthless piece of crap, and you really don't care if she dies or not. As many people have said before, I was rooting for the homeless people and the black guy, who managed to give me a chuckle or two(whether intentional of the writers or not).

The main villain, is kept in the dark for the first half of the movie, but when he is revealed I was really disappointed. I won't spoil it but lets just say my 10 year old sister could probably beat him in a wrestling match.

All in all this is just another mediocre horror film which falls into the trap of following a simple Hollywood formula. This film had a lot of potential but really failed to hit the mark.

Just to highlight how lame this movie was, the characters in this movie had at least FIVE TIMES to finish off and kill the main villain. INSTEAD THEY RUN AWAY.\": {\"frequency\": 1, \"value\": \"I'll keep this ...\"}, \"It starts slowly, showing the dreary lives of the two housewives who decide to rent a castle in Italy for the month of April, but don't give up on it. Nothing much happens, but the time passes exquisitely, and there are numerous sly jokes (my favorite is the carriage ride in the storm, which I find hilarious). The movie is wonderfully romantic in many senses of the word, the scenery is beautiful (as is Polly Walker), and the resolutions in the movie are very satisfying.

The movie takes a couple of liberties with the book, the biggest being with the Arbuthnot/Briggs/Dester business, but I actually preferred the movie's version of this (it may be more sentimental, but I felt that it was more consistent with the tone of the story, and anyway I like sentiment when it's well done).

An excellent movie, especially as a date movie during lousy weather.\": {\"frequency\": 1, \"value\": \"It starts slowly, ...\"}, \"I watched both Bourne Identity and Bourne Supremacy on DVD before seeing this in the theater. I'd been waiting for this since before they started filming. I wasn't disappointed.

Minor spoilers below-

Overall it was good, but it also lacked the continuity of the first two. Identity and Supremacy both flowed gracefully between adrenaline rush action to introspective drama. This movie felt choppy at times. The plot-building down-times were slightly too drawn out. That caused the following action to feel too frenetic.

Camera: Speaking of frenetic, the trademark Greengrass shaky cam was present and very annoying to me. I know its has been talked/whined about to nausea on the message board, but it doesn't mean it's not relevant. All the martial arts training the actors went through was totally wasted. The ridiculous camera cuts and wiggling camera ruined most of the fighting in the movie. It is a cheap, student director trick to make the film feel unsettled. I'd expect those techniques to be used in some horror flick made for high school kids, but not in this classy, adult, action series. Too much extreme close-up also. Do some framing. Get some interesting shots. Constant close-up feels like lazy directing to me.

Story: The story was VERY confusing at first. They thrust new names and faces upon you from the get go. Gave me the feeling that you get when you come into a movie late and know you've missed some crucial information. Felt rushed or compressed for time reasons. After you catch up however the story is quite good. It's enjoyable following leads along with Bourne. HOWEVER, I did NOT care for the whole last scene of Supremacy (Landy/Bourne on the phone) being in the middle of Ultimatum thing. It basically makes the movie a half-prequel. I thought that was awkward.

Cast/Characters: The star of the movie is the action. Obviously there are only two originals left. Bourne and Nicky Parsons. Them teaming up was kind of odd to me. I think they just wanted to give Bourne someone to protect to and confide in. Unless I completely missed something, they never even tell you why they teamed up. The other assassins in the movie were pretty quiet. This felt like Gilroy/Greengrass/whoever wanting to not leave open ends. Understandable but disappointing. Seriously, Damon with Clive Owen in Identity and Marton Csokas in Supremacy.. Those scenes were phenomenal. These assassins are as uninteresting as Castel (the first fella Bourne fights in Identity). The cast in general has degraded as the the series went on. Clive Owen was practically an afterthought. That's a measure of strength for that first cast. The second, they basically trade Chris Cooper for Joan Allen.... Not exactly equal. This one trades Brian Cox and Franka Potente for 3 actors to be named later. Nothing against David Strathairn, Scott Glenn, or Albert Finney, but they're not the first names that come to mind for this kind of series. Aside from a couple pauses that seemed to long, the acting was right on.

As a whole, it was successful. Felt like they wanted to get the series over with though. If they would have trimmed or rearranged the slower parts, eliminated Scott Glenn's part entirely, zoomed out, and taken the camera away from the seizure victim, it would have been perfect.

ENDING SPOILER

I don't see why they leave Bourne alive at the end. It was my understanding this was the conclusion. They clearly made reference to the very beginning of the series with his silhouette floating motionless. I thought that was going to be it. A full circle type of ending. I did like Nicky reacting to the news report though.

SPOILER SPECIFICS WARNING - QUOTE FROM MOVIE BELOW -

Bourne's last line at the end \\\"Look at this.. Look at what they make you give.\\\" quoting the first assassin he killed, I loved that. The final scene was great. (Except that it was Vosen {Strathairn} that shot at Bourne. Why would he do that? Just out for vengeance? If he was angry enough to murder, why not shoot Pamela Landy after she faxes his top secret file? That didn't make sense.)\": {\"frequency\": 1, \"value\": \"I watched both ...\"}, \"In sixth grade, every teacher I had decided it would be a great idea to make this movie the curriculum for an entire semester. Every class had something to do with this terrible show. We watched it in English and wrote in journals as if we were one of the characters. In math we talked about charts and other sea crap. In science we talked about whales (which was actually somewhat interesting, so this wasn't a 100% waste of time). All day everyday was torture. Not only that, but they would subject us to this horror twice a day by making us watch it in study hall as well. I could see if this was a new series or something, but it was, like, '93. I'm still trying to block this out.\": {\"frequency\": 1, \"value\": \"In sixth grade, ...\"}, \"The only way we survived this stinker was by continually making fun of its stupidity. Funny thing is none of the audience around us seemed to mind--we all joined in.

This movie is soooo bad, its only potential is to become a midnight cult movie that people can invent lines and throw popcorn at.\": {\"frequency\": 1, \"value\": \"The only way we ...\"}, \"Can we say retarded? This girl has no talent what so ever, nothing but complete garbage. You people are just marking 10 stars because you know most people hate this pathetic woman, if its such a \\\"great\\\" show then why did it get canceled after 6 measly episodes? exactly. People that support her, please seek help you do NOT know what is funny. Her stand up comedy is just so stupid, seriously how do you find this trash funny? The show tries to poke fun at stereo types and other things that are not funny at all. Carlos Mencia is funny and to that stupid poster, he actually has fans and his show is on the air so I'm sorry your a redneck who doesen't get his jokes. Please give me my 20 minutes of my life back.\": {\"frequency\": 1, \"value\": \"Can we say ...\"}, \"I don't believe there has ever been a more evil or wicked television program to air in the United States as The 700 Club. They are today's equivalent to the Ku Klux Klan of the 20th century. Their hatred of all that is good and sweet and human and pure is beyond all ability to understand. Their daily constant attacks upon millions and millions of Americans, as well as billions of humans the world over, who don't happen to share their bigoted, cruel, monstrous, and utterly insane view of humanity is beyond anything television has ever seen. The lies they spout and the ridiculous lies they try to pass off as truth, such as the idea of \\\"life after death\\\" or \\\"god\\\" or \\\"sin\\\" or \\\"the devil\\\" is so preposterous that they actually seem mentally ill, so lost are they in their fantasy. Sane people know that religion is a drug and shouldn't let themselves get addicted to that type of fantasy. However, The 700 Club is in a class by itself. They are truly a cult. While I believe in freedom of speech, they way they spread hatred, lies, disinformation, and such fantastic ideas is beyond all limits. I hope that one day the American Psychiatric Association will finally take up the study of those people who delude themselves in this way, people who let themselves sink so deeply into the fantasy land of religion that they no longer have any real concept of reality at all. Treatment for such afflicted individuals is sorely needed in this country, as so many people have completely lost their minds to the fantasy of religion. The 700 Club though, is even more horrible as it rises to the legal definition of 'cult' but due to The 700 Club's vast wealth (conned daily from the millions of Americans locked in their deceitful grip) they are above the law in this country. For those of you who have seen the movie \\\"The Matrix\\\" you know that movie was a metaphor for religion on earth: the evil ones who are at the top of each of the religions who drain the ones they have trapped and cruelly abuse for their own selfish purposes, and those millions who are held in a death sleep and slowly being drained of their life force represent those many people who belong to religions and who have lost all ability to perceive what is really going on around them.

In less civil times, the good townsfolk would have run such monsters as those associated with The 700 Club out of town with torches and pitchforks. But in today's world where people have lost all choice in their choices of television that is presented to them, we have no way to rid ourselves of the 700 Club plague.

The television ratings system and the \\\"V\\\" chip on TV's should also have a rating called \\\"R\\\" for religion, so that rational people and concerned parents could easily screen such vile intellectual and brutal emotional rape, such as presented by The 700 Club every day all over our country, from themselves and their children.\": {\"frequency\": 1, \"value\": \"I don't believe ...\"}, \"Judy Holliday struck gold in 1950 withe George Cukor's film version of \\\"Born Yesterday,\\\" and from that point forward, her career consisted of trying to find material good enough to allow her to strike gold again.

It never happened. In \\\"It Should Happen to You\\\" (I can't think of a blander title, by the way), Holliday does yet one more variation on the dumb blonde who's maybe not so dumb after all, but everything about this movie feels warmed over and half hearted. Even Jack Lemmon, in what I believe was his first film role, can't muster up enough energy to enliven this recycled comedy. The audience knows how the movie will end virtually from the beginning, so mostly it just sits around waiting for the film to catch up.

Maybe if you're enamored of Holliday you'll enjoy this; otherwise I wouldn't bother.

Grade: C\": {\"frequency\": 1, \"value\": \"Judy Holliday ...\"}, \"I always wrote this series off as being a complete stink-fest because Jim Belushi was involved in it, and heavily. But then one day a tragic happenstance occurred. After a White Sox game ended I realized that the remote was all the way on the other side of the room somehow. Now I could have just gotten up and walked across the room to get the remote, or even to the TV to turn the channel. But then why not just get up and walk across the country to watch TV in another state? \\\"Nuts to that\\\", I said. So I decided to just hang tight on the couch and take whatever Fate had in store for me. What Fate had in store was an episode of this show, an episode about which I remember very little except that I had once again made a very broad, general sweeping blanket judgment based on zero objective or experiential evidence with nothing whatsoever to back my opinions up with, and once again I was completely right! This show is a total crud-pie! Belushi has all the comedic delivery of a hairy lighthouse foghorn. The women are physically attractive but too Stepford-is to elicit any real feeling from the viewer. There is absolutely no reason to stop yourself from running down to the local TV station with a can of gasoline and a flamethrower and sending every copy of this mutt howling back to hell.

Except..

Except for the wonderful comic sty lings of Larry Joe Campbell, America's Greatest Comic Character Actor. This guy plays Belushi's brother-in-law, Andy, and he is gold. How good is he really? Well, aside from being funny, his job is to make Belushi look good. That's like trying to make butt warts look good. But Campbell pulls it off with style. Someone should invent a Nobel Prize in Comic Buffoonery so he can win it every year. Without Larry Joe this show would consist of a slightly vacant looking Courtney Thorne-Smith smacking Belushi over the head with a frying pan while he alternately beats his chest and plays with the straw on the floor of his cage. 5 stars for Larry Joe Campbell designated Comedic Bacon because he improves the flavor of everything he's in!\": {\"frequency\": 1, \"value\": \"I always wrote ...\"}, \"Okay, this film probably deserves 7 out of 10 stars, but I've voted for \\\"10\\\" to help offset the misleading rating from the handful of bozo's who gave this film zero or 1 star reviews. Each of the segments for this anthology shows great potential and promise for the talented filmmakers... three of whom have gone on to achieve notable success in big-time Hollywood productions. Performances range from rough all the way up to completely impressive, with notable turns by Bill Paxton, James Karen, Vivian Schilling and Brion James. Martin Kove may be a big melodramatic as the psychotic hypnotist with the bizarro strobe-lamp, and Lance August seems intentionally dimwitted as an unsuspecting lab victim. But overall, it's got some great laughs and some genuinely scary moments. Definitely worth seeing, so judge for yourself!\": {\"frequency\": 1, \"value\": \"Okay, this film ...\"}, \"Time travel is a fun concept, and this film gives it a different slant. I got a kick out of Captain Billingham, one of the more down-to-earth characters, who was just not having a good day. Ordinarily, I don't choose to watch horror films, but this is an exception. Good story, excellent acting.\": {\"frequency\": 1, \"value\": \"Time travel is a ...\"}, \"Howling II (1985) was a complete 180 from the first film. Whilst the first film was campy and creepy. The second one was sleazy and cheesy. The production values on this one are pretty bad and the acting is atrocious. The brother of the anchorwoman werewolf from part one wants to find out what happened to his sis'. The \\\"scene\\\" from the first film was badly re-created. A skinny plain looking woman accompanies bro' (Reb Brown) to the old country (Romania) to uncover the mystery to her sister's murder/transformation/death. Christopher Lee appears and disappears over now and then as sort of a sage/guide to the two. Sybil Danning and her two biggest assets appear as Stirba, the head werewolf of the Romania. She also suffers from a bad case of morning face, ewww!

Bad movie. There's nothing good about this stinker. I'm surprise Philippe Mora directed this picture because he's usually a good film-maker. The film is so dark that you need a flashlight to watch it (no, not the content but the film stock itself). To round the movie off you get a lousy \\\"punk\\\" performance from a Damned wannabe \\\"Babel\\\". Maybe if they forked over a couple of extra bucks they could've got the real deal instead of an imitation.

Best to avoid unless you're desperate or you lost the remote and you're too lazy to change the channel.\": {\"frequency\": 1, \"value\": \"Howling II (1985) ...\"}, \"I read comments about this being the best Chinese movie ever. Perhaps if the only Chinese movies you've seen contained no dialogue, long drawn-out far-away stares and silences, and hack editing, then you're spot on.

Complicated story-line? Hardly. Try juvenile and amateurish. Exquisite moods and haunting memories? Hardly. Try flat-out boring and trite.

This was awful. I could not wait for it to be over. Particularly when the best lines in the movie consist of \\\"How are you? I'm fine. Are you sure? Yes.\\\" Wow! What depth of character. I guess the incessant cigarette smoking was supposed to speak for them.

As a huge fan of many Chinese, Japanese and Korean films, I was totally disappointed in this. Even Zhang's sentimentally sappy \\\"The Road Home\\\" was better than this.\": {\"frequency\": 1, \"value\": \"I read comments ...\"}, \"I felt this movie started out well. The acting was spot on and I felt for all the characters situation, even though the true family unit was not completely revealed. We never got enough info on the father to truly feel his pain for his whole involvement or the build up for his animosity with Tobe. I mean in one scene you see him admiring her for tensity and in another scene he just about takes her head off. Another problem with the movie was it just unraveled and lost all focus by the end, and I was begging for it to just be over with. Any movie with such a long drawn out , and painful ending should never get an automatic rating of 7 or above just for the acting. We are looking at the over all quality of the movie experience. In the case of this movie the end is so bad I seriously contemplated just walking out of the theater. This movie pulled me in then just spit me out.\": {\"frequency\": 1, \"value\": \"I felt this movie ...\"}, \"Beforehand Notification: I'm sure someone is going to accuse me of playing the race card here, but when I saw the preview for this movie, I was thinking \\\"Finally!\\\" I have yet to see one movie about popular African-influenced dance (be it popular hip hop moves, breaking, or stepping) where the main character was a Black woman. I've seen an excessive amount of movies where a non-Black woman who knew nothing about hip hop comes fresh to the hood and does a mediocre job of it (Breakin, Breakin 2, Save the Last Dance, Step Up), but the Black women in the film are almost nonexistent. That always bothered me considering so much of hip hop, African-influenced dance, and breaking was with Blacks and Latinos in massive amounts in these particular sets and it wasn't always men who performed it, so I felt this movie has been a long time coming. However, the race does not make the film, so I also wanted it to carry a believable plot; the dancing be entertaining; and interesting to watch.

Pros: I really enjoyed this film bringing Jamaican culture. I can't recall ever seeing a popular, mainstream film where all the main characters were Jamaican; had believable accents; and weren't stereotypical with the beanies. The steppers, family, friends, and even the \\\"thugs\\\" were all really intelligent, realistic people who were trying to love, live, and survive in the neighborhood they lived in by doing something positive. Even when the audience was made aware that the main character's sister chose an alternate lifestyle, it still didn't make the plot stereotypical. I was satisfied with the way it was portrayed. I LOVED the stepping; the romantic flirty relationship going on between two steppers; the trials that the main character's parents were going through; and how she dealt with coming back to her old neighborhood and dealing with Crabs in a Barrel. I respected that she was so intelligent and active at the same time, and so many other sistas in the film were handling themselves in the step world. They were all just as excellent as the fellas. I don't see that in too many movies nowadays, at least not those that would be considered Black films.

Cons: I'm not quite sure why the directors or whoever put the movie together did this, but I question whether they've been to real step shows. Whenever the steppers got ready to perform, some hip hop song would play in place of the steppers' hand/feet beats. At a real step show, there is zero need for music, other than to maybe entertain the crowds in between groups. And then when hip hop songs were played, sometimes the beat to the song was off to the beat of the steppers' hands and feet. It was awkward. I was more impressed with the stepping in this movie versus \\\"Stomp the Yard\\\" (another great stepping movie) because the women got to represent as fierce as the guys (in \\\"Stomp the Yard,\\\" Meagan Good got all of a few seconds of some prissy twirl and hair flip and the (Deltas?) let out a chant and a few steps and were cut immediately). Even when there were very small scenes, the ladies tore it up, especially in the auto shop, and it was without all that music to drown out their physical music. I know soundtracks have to be sold, but the movie folks could've played the music in other parts of the film.

I'm not a Keyshia Cole fan, so every time I saw her, all I kept thinking was \\\"Is it written in the script for her to constantly put her hand on her hip when she talks?\\\" She looked uncomfortable on screen to me. I thought they should've used a host like Free or Rocsi instead. Deray Davis was funny as usual though. Also, I groaned when I found out that the movie was supposed to be in the ghetto, like stepping couldn't possibly happen anywhere else. Hollywood, as usual. However, only a couple of people were portrayed as excessively ignorant due to their neighborhood and losers, which mainstream movies tend to do.

I would've given this movie five stars, but the music playing killed it for me. I definitely plan to buy it when it comes out and hopefully the bonus scenes will include the actual step shows without all the songs.\": {\"frequency\": 1, \"value\": \"Beforehand ...\"}, \"I don't think this is too bad of a show under the right conditions. I tolerated the first season.

Unfortunately, this is a show about lawyers who aren't really lawyers. God forbid anybody actually go to law school based on these shows, which I had heard was the case when I watched some interviews of the show. It just made me gag a bit.

That aside, Spader and Shatner, who are supposed to be the stars of the show, are the most annoying. While this might be a compliment in some situations, it's certainly not here. Their constantly harassing the women on the show is funny at first. But since that's what they're doing literally all the time, I've realized that this is as deep as the show is going to get. Trying to intersperse some serious, dramatic, and even tear-jerking moments in the middle of this mockery of a real show fails to compensate for the progressive loss of interest I've been experiencing trying to enjoy the show.

Alan Shore's flamboyant and gratuitous \\\"public service announcements\\\" where he spouts off his opinions do not impress. Denny Crane is just annoying. I was embarrassed for him and for the writers of the show for Crane's speech wearing a colonial outfit.

I'm giving two stars because there are moments where I thought the show's attempts to deal with some contemporary issues were done with care.

I think the show's writers became aware that the sexual harassment displayed by Denny and Alan was getting overbearing even to those who were more inviting of them from the start. The thing is, I don't care if the sexual harassment treatment in the show is done well, but I just felt that the writer was insulting me with artificially implanting sexual banters all over the show in the hopes that my libido will keep me coming back for more. I'm not a teenager anymore, and I think this show is promising if its goal wasn't to cater to the lowest common denominator to get ratings.

Of course, I'm writing this after I realized that it's really not gonna get much better than this. It's a shame because it's one of those shows I'd love to love.\": {\"frequency\": 1, \"value\": \"I don't think this ...\"}, \"Never before have the motives of the producers of a motion picture been more transparent. Let's see: FIRST, they get every willing televangelist to hype this film as the greatest thing since sliced white bread. NEXT, they encourage as many fundamentalist Christians as possible to purchase copies of the film so as to recoup its paltry production costs and pump up its advertising budget. And FINALLY, when the film hits the theaters, get as many said Christians as possible to see it yet again, bus them into the multiplexes if necessary, NOT on the merits of the film itself, but because a #1 box office opening will be seen as some sort of profound spiritual victory.

But THAT, of course, won't be enough. I imagine that any film critic with the audacity to give \\\"Left Behind\\\" anything short of a glowing review will be deemed \\\"anti-Christian.\\\"

Of course, this shamelessly manipulative marketing campaign shouldn't surprise anyone. It is, after all, good old fashioned Capitalism at work. What DOES surprise me is how many people have been suckered into the whole \\\"Left Behind\\\" mindset. As someone who tries to balance his spiritual beliefs with some sense of reason and rationality, it leaves me scratching my head. It would appear that there are many, MANY people who actually believe that sometime in the near future a \\\"Rapture\\\" is going to occur, and that millions of people all over the Earth are going to simultaneously vanish INTO THIN AIR. What kind of reality, I wonder, are these people living in? Is this \\\"Rapture\\\" something they actually believe in, or is it something they fervently WANT to believe in? And when they reach the end of their lives and realize this \\\"Rapture\\\" has not occurred, will they be disappointed and disillusioned? Will there still be people 100 years from now insisting that the \\\"Rapture\\\" is imminent?

In a way, I almost wish that such an event would occur! What an interesting day that would be! What would be even more interesting is if the Apocalypse were to occur in a more spectacular fashion, not in the anthropological sense the authors of the \\\"Left Behind\\\" series have portrayed, but as more of a Stephen Spielberg production, with boiling clouds, trumpets, angels descending out of the sky, Moon turned to blood, the whole nine yards. Imagine coming to the realization that it was all coming true, just as the evangelists had been warning for years, and that there was something more awesome than just the cold, hard, physical reality we inhabit. Wouldn't THAT be something???

Yet in the final analysis, it's that cold, hard, physical reality that I will content myself with. My life is not so meaningless that I need the fear of a \\\"Rapture\\\" and the \\\"End Times\\\" to make sense of it all ... nor do I need Heaven or Hell to bribe or scare me into behaving decently, thank you very much.\": {\"frequency\": 1, \"value\": \"Never before have ...\"}, \"I have had the chance to watch several movies in BluRay and HD DVD. This movie stays to it's wonderful action and great story. Although if you are looking for a movie with an excellent picture this one is not it. Not having this movie on DVD helped make the purchase easier. I have always enjoyed the intense action and the excellent acting which don't always go together. Overall that is what makes this an excellent fun film to watch. Now on the Blu Ray scale. In many Blu Ray movies you either get two things. A picture that is almost crystal clear with no distortion or a movie with grainy hd picture. I was disappointed when I made this my first blu ray movie. I almost began to think that this was a blu ray standard. Although after watching other movies I know better. I don't believe they spent as much time as they should have transferring this movie over to hd. That is generally the problem with some movies. And for the price of Blu Ray players and the Blue Ray Discs you should only have the best picture. So I only consider this a worthwhile investment for people who have either never seen the movie or have not bought the DVD version.\": {\"frequency\": 1, \"value\": \"I have had the ...\"}, \"This reminded me of Spinal Tap, on a more serious level. It's the story of a band doing a reunion tour, but things are not harmonious between them. I was especially impressed with the performance of Bill Nighy as Ray. You felt sorry for him, yet he had a certain creepiness about him. It's a great movie to watch if you have ever seen your favorite band get wrinkly,old and pathetic.Bittersweet, highly recommended..\": {\"frequency\": 1, \"value\": \"This reminded me ...\"}, \"A truly unpleasant film. While Rick Baker's special effects are quite impressive (if stomach-turning), it has no other redeeming features. Like many 70s movies, it leaves you feeling as if you need to take a long shower, and scrub the slime off of yourself. The characters are uniformly unpleasant, and plot makes no sense.\": {\"frequency\": 1, \"value\": \"A truly unpleasant ...\"}, \"I must say that, looking at Hamlet from the perspective of a student, Brannagh's version of Hamlet is by far the best. His dedication to stay true to the original text should be applauded. It helps the play come to life on screen, and makes it easier for people holding the text while watching, as we did while studying it, to follow and analyze the text.

One of the things I have heard criticized many times is the casting of major Hollywood names in the play. I find that this helps viewers recognize the characters easier, as opposed to having actors that all look and sound the same that aid in the confusion normally associated with Shakespeare.

Also, his flashbacks help to clear up many ambiguities in the text. Such as how far the relationship between Hamlet and Ophelia really went and why Fortinbras just happened to be at the castle at the end. All in all, not only does this version contain some brilliant performances by actors both familiar and not familiar with Shakespeare. It is presented in a way that one does not have to be an English Literature Ph.D to understand and enjoy it.\": {\"frequency\": 1, \"value\": \"I must say that, ...\"}, \"I gave this a 10 out of 10 points. I love it so much. I am a child of the 80s and totally into heavy metal for many years. Those are the reasons i like this movie so much. Its so cool to see those posters in the bedroom of that boy (Judas Priest, Lizzy Borden, Raven, Twisted sister...)and his vinyl collection(unveiling the wicked by Exciter, Rise of the mutants by shock metal master Impaler and Killing is my business by Megadeth). Also the soundtrack by FASTWAY is totally incredible and fits very well with the plot. If you are into metal, then TRICK OR TREAT is your friend. Don't buy or watch this movie for OZZY or GENE SIMMONS because they are in the movie for seconds, watch it because the soundtrack and the story that will take you back to the glory 80s. You will not be the same person after.\": {\"frequency\": 1, \"value\": \"I gave this a 10 ...\"}, \"I was thinking that the main character, the astronaut with the bad case of the runs(in his case, his skin, hair, muscles, etc) could always get more movie work after he'd been reduced to a puddle. All he has to do is get a job as the Blob. The premise of this flick is pretty lame. An astronaut gets exposed to sunspot radiation(I think), and so begins to act like an ice cream cone on a hot day. Not only is this a puzzler, but apparently he has to kill humans and consume their flesh so that he can maintain some kind of cell integrity. Huh? Have you ever noticed that whenever any kind of radiation accident or experiment happens, the person instantly turns into a killing machine? Why is that?

The astronaut lumbers off into the night from the 'secret facility'(which has no security whatsoever), shedding parts of himself as he goes. Apparently he retains just enough memory to make him head for the launch pad, maybe because he wanted to return to space.

Thus begins the part of the movie that's pretty much filler, with a doctor wandering around with a Geiger counter, trying to find the melting man by the buzz he gives off. He kills a stupid Bill Gates look-alike fisherman, scares a little girl a la the Frankenstein monster movie, and finishes off a wacky older couple(punishing them karmically for stealing some lemons). Then there's a short scene where he whacks his former General, and a very long scene where he kills a young pothead and chases his girlfriend around. You'd think that after she cuts his arm off and he run away, the scene would shift. But no...we're treated to about ten minutes of the woman huddled into a corner panting and screaming in terror, even though the monster is gone. All I could think was..director's girlfriend, anyone?

The end of the movie is even lamer than the rest of it. The melting man finishes turning into a pile of goo, and then...nothing. That's it. That's the end of the movie. Well, at least that meant that there was no room for a sequel.\": {\"frequency\": 1, \"value\": \"I was thinking ...\"}, \"Some nice scenery, but the story itself--in which a self-proclaimed Egyptologist (Lesley-Anne Down) visits Egypt and, in the course of doing Egyptologist things in the most un-Egyptologistic of ways (e.g., flash photography in the tombs, the handling of old parchment, etc.), uncovers a black market turf war and somehow (in the span of two days, no less!) becomes that war's jumpsuit-wearing epicenter--is more puzzling than any riddle the Sphinx ever posed. Down is simply awful as the visiting British scholar (that she seems to know absolutely nothing about the culture of Egypt and even less about antiquities is the fault of the writers, certainly; but that she's annoying as all get out is her own fault entirely), and the rest of the cast, including Sir John Gielgud and Frank Langella, seem as downright confused by the proceedings as I was. In short, not what you'd expect from Schaffner (Planet of the Apes, Patton) and co.

Worth watching for a laughably dated scene in which Down rails against all male scholars, blaming them for her failure as an academic, while bathed under the softest light Hollywood could muster. To top it off, she spends the next hour of the film shrieking and harried and running into the arms of any dude she can find. Wow, talk about your performative irony!

*Note to would-be Egyptologists: take a year or two of Arabic in grad school. It'll really help out in the long run...\": {\"frequency\": 1, \"value\": \"Some nice scenery, ...\"}, \"Even the first 10 minutes of this movie were horrific. It's hard to believe that anybody other than John Cusack would have put money into this. With a string of anti-military/anti-war movies already being destroyed at the box office, it's almost inconceivable that a studio of any kind would want itself associated with this script.

At first, it may have seemed like some kind of politically motivated derivative of Grosse Point Blank with Akroyd and Cusack(s) all over again. But only about 90 seconds into the movie, it becomes obvious that this is a talentless attempt at DR STRANGELOVE.

I liked so many of Cusacks movies that I thought I would risk seeing the DVD of this one. I have to say that I don't know if Cusack is sane enough for me to even watch another feature starring him again unless somebody else can vouch for it. Cusack seems to be so irreparably damaged by his hatred for George Bush and the Iraq war that he is willing to commit career suicide. Tom Cruise was never close to being this far gone. Not even close.\": {\"frequency\": 1, \"value\": \"Even the first 10 ...\"}, \"Just like last years event WWE New Years Revolution 2006 was headlined by an Elimination Chamber match. The difference between last years and this years match however was the entertainment value. In reality only three people stood a chance of walking out of the Pepsi Arena in Albany, New York with the WWE Championship. Those men were current champion John Cena, Kurt Angle and Shawn Michaels. There was no way Vinnie Mac would put the belt on any of the rookies; Carlito or Chris Masters. And Kane? Kane last held the WWE Championship in June 1998, and that was only for one night. It was obvious he wasn't going to be the one either. Last years match was a thrilling affair with six of the best WWE had to offer. 2006 was a predictable and disappointing affair but still the match of the night by far.

The only surprise of the evening came after the bell had run on the main event. Out strolled Vince McMahon himself and demanded they lift the chamber. It was then announced that Edge was cashing in his money in the bank championship match right then and there. With no time to prepare and just off the back of winning the Elimination Chamber match John Cena did not stand a chance and dropped the title after a spear to one of the most entertaining heels in WWE. This was the only entertaining piece of action that happened all night.

The undercard, like last year, was truly atrocious. Triple H and The Big Show put on a snore fest that had me struggling to stay away. HHH picked up the win but that was never in any real doubt was it? Any pay-per-view that has both Jerry Lawler and Viscera wrestling on the same card will never have any chance of becoming a success really does it. The King pinned Helms (who books this stuff?) and Big Vis tasted defeat against the wasted Shelton Benjamin with a little help from his Mama.

The women of the WWE also had a busy night. There was the usual Diva nonsense with a Bra and Panties Gauntlet match which was won by Ashley and the Woman's Championship was also on the line. In a match, I thought would have been left to brew till WrestleMania 22 Mickie James challenged Trish Stratus in a good match. Trish won the contest but it was evident that this is going to continue for the foreseeable future.

The opening contest of the night pitted soon to be WWE Champion Edge against Intercontinental Champion, Ric Flair. This could have been better but it was a battered and bloody Flair that retained after a disqualification finish. Edge obviously had bigger fish to fry.

So New Years Revolution kicked off the 2006 pay-per-view calendar in disastrous fashion. The only good thing from that is knowing that for the WWE the only way is up. They don't get much worse than this.\": {\"frequency\": 1, \"value\": \"Just like last ...\"}, \"I got a free pass to a preview of this movie last night and didn't know what to expect. The premise seemed silly and I assumed it would be a lot of shallow make-fun-of-the-virgin humor. What a great surprise. I laughed so hard I cried at some of the jokes. This film is a must see for anyone with an open mind and a slightly twisted sense of humor. OK.....this is not a movie to go to with your grandmother (Jack Palance?) or small children. The language is filthy, the jokes are (very) crude, and the sex talk is about as graphic as you'll find anywhere. What's amazing, however, is that the movie is still a sweet love story. My girlfriend and I both loved it. Steve Carell is terrific, but (like The Office) the supporting cast really makes the film work. All of the characters have their flaws, but they also have depth and likability. Everyone pulls their weight and the chemistry is perfect. I can't wait to get the DVD. I'm sure it will be up there with Office Space for replays and quotable lines.\": {\"frequency\": 1, \"value\": \"I got a free pass ...\"}, \"Good old black and white Graham Greene based people in dangerous times doing heroic and mysterious things. Hardly a shot fired or a punch thrown and a hundred time more interesting than the glop that's being minted by Hollywood today. Bacall lights up the screen of course and Boyer is entirely engaging. They don't make movies like this any more.\": {\"frequency\": 1, \"value\": \"Good old black and ...\"}, \"First let me say that I am not a Dukes fan, but after this movie the series looked like Law and Order. The worst thing was the casting of Roscoe and Boss Hogg. Burt Reynolds is not Boss Hogg, and even worse was M.C. Gainey as Roscoe, If they ever watched the show Roscoe was not a hard ass cop. He was more a Barney Fife than the role he played in this movie.

The movie is loaded with the usual errors, cars getting torn up, and continues like nothing happened. The worst example of this is when the the General gets together with Billy Prickett, and the General is ran into a dirt hill obviously slowing to a near stop, but goes on to win the race.\": {\"frequency\": 1, \"value\": \"First let me say ...\"}, \"Ok, first I have to point the fact that when I first saw this flick I was 9 years old. If I had seen this one two weeks ago for the first time, I\\ufffd\\ufffdd probably have noted that this is just another cheaply-made-cable-TV horror film with some well-made scenes. But when you\\ufffd\\ufffdre nine you just don\\ufffd\\ufffdt care about those facts. This scared the hell out of me back then, especially those aforementioned Zelda- scenes (and they still do). Nowadays I\\ufffd\\ufffdm kind of hooked to this film. I have to see this maybe once in a month, and on every new year\\ufffd\\ufffds eve I watch this with a 12-pack of beer & bunch of friends. It\\ufffd\\ufffds like an appetizer for a good party! I kinda agree to those people who said that the acting here is pretty unintense. Midkiff and Crosby do look like I wanted Louis and Rachel look like, but one can\\ufffd\\ufffdt see very much devotion or feelings on the faces of these two. Hughes and Gwynne pretty much save the scenes which \\\"the Creeds\\\" underact. What I actually want to say about this is the fact that there really is no other film that has any kind of similarity to Pet Sematary, and I don\\ufffd\\ufffdt mean the zombie stuff here. THE ATMOSPHERE OF THIS FILM IS CERTAINLY A NOVELTY AND ONE OF A KIND. Honestly, how many times you have seen a film which on superficial level looks like a cable-TV one, but leave you with a chill compared to only the best horror-chillers out there? Alright I busted some of the cast\\ufffd\\ufffds balls a minute ago, but I have to say that all pieces in that level too hone the overall acting to perfection. But hey tell me if you really know some film which is similar to Pet Sematary! I really would love to know...And I don\\ufffd\\ufffdt mean night of the living dead here...this one is way beyond compare in intelligence compared to that stuff.\": {\"frequency\": 1, \"value\": \"Ok, first I have ...\"}, \"This movie is just truly awful, the eye-candy that plays Ben just can make up for everything else that is wrong with this movie.

The writer/director/producer/lead actor etc probably had a good idea to create a movie dealing with the important issues of gay marriage, family acceptance, religion, homophobia, hate crimes and just about every other issue effecting a gay man of these times, but trying to ram every issue into such a poorly conceived film does little justice to any of these causes.

The script is poor, the casting very ordinary, but the dialogue and acting is just woeful. The homo-hating brother is played by the most camp actor and there is absolutely no chemistry between the two lead actors (I think I've seen more passion in an corn flakes ad). The acting is stiff, and the dialogue forced (a scene where the brother is feeding the detective his lines was the highlight).

I'm just pleased to see that the creator of this train wreck has not pushed any other rubbish out in to distribution, and if he is thinking of doing so, I have some advise - JUST DON'T DO IT.\": {\"frequency\": 1, \"value\": \"This movie is just ...\"}, \"Van Damme. What else can I say? Bill Goldberg. THERE WE GO. NOW we know this movie is going to be really horrible.

I saw the first five minutes of this movie on TBS, knowing it would be bad. But not even I thought it would be THIS bad. The plot is awful, Van Damme is getting old (finally), but unlike Arnold, his movies are as well.

Forget this movie. Don't see it. Ever. I wouldn't even be paid to see this film.

1/5 stars - at its heart lies a wonderful, action-packed thrill ride.

Well, maybe not, but the marketers would sure like us to think so, wouldn't they?

John Ulmer\": {\"frequency\": 1, \"value\": \"Van Damme. What ...\"}, \"Yes, Be My Love was Mario Lanza's skyrocket to fame and still is popular today. His voice was strong and steady, so powerful in fact that MGM decided to use him in The Great Caruso. Lanza himself thought he was the reincarnation of Caruso. Having read the book by Kostelanitz who wrote a biography of Lanza, he explains that the constant practise and vocal lessons became the visionary Caruso to Lanza. There is no doubt that Lanza did a superb job in the story, but the story is not entirely true; blame it on Hollywood! I used to practise singing his songs years ago, and became pretty good myself until I lost my voice because of emphysema/asthma ten years ago. Reaching the high note of Be My Love is not easy; but beautiful!\": {\"frequency\": 1, \"value\": \"Yes, Be My Love ...\"}, \"Child 'Sexploitation' is one of the most serious issues facing our world today and I feared that any film on the topic would jump straight to scenes of an explicitly sexual nature in order to shock and disturb the audience. After having seen both 'Trade' and 'Holly', one film moved me to want to actually see a change in international laws. The other felt like a poor attempt at making me cry for five minutes with emotive music and the odd suicide.

I do not believe that turning this issue into a Hollywood tear jerker is a useful or necessary strategy to adopt and I must commend the makes of 'Holly' for engaging subtly but powerfully with the terrible conditions these children are sadly forced to endure. 'Trade' wavered between serious and stupid with scenes involving the death of a cat coming after images that represented children being forced to commit some horrendous acts. I found this unengaging and at times offensive to the cause. If I had wanted a cheap laugh I would not have signed up for a film on child trafficking.

For anyone who would like to watch a powerful film that actually means something I would suggest saving the money on the cinema ticket for the release of 'Holly'.\": {\"frequency\": 1, \"value\": \"Child ...\"}, \"Zombie Chronicles isn't something to shout about, it's obvious not a award winning movie but it is a entertaining B-movie directed by Brad Sykes who directed Camp Blood which was another entertaining low budget flick. The acting is bad like most cheaply made movies but that's what makes it more entertaining, the zombie make-up is cool and effective especially with the budget, the gore is also great and gross, the film is sort of like a zombie version of Tales from the Crypt since we get two tales about zombie encounters in the woods, the stories are fun and do leave you guessing especially the first tale. Zombie Chronicles is a lot better than some low budget zombie movies out there, if you love low budget B-movies or cheaply made zombie flicks then check out Zombie Chronicles.\": {\"frequency\": 1, \"value\": \"Zombie Chronicles ...\"}, \"I agree with one of the other comment writers about good story & good actors but mismatched, and I would also say rushed. It has been about 24years since I read the book as it was in school. But I felt that you would need to know the story of Jane Eyre when watching this one as bits are left out & therefore it doesn't fully make sense. For example Jane & Mr Rochester have hardly spoken & suddenly he is proposing marriage!!! The actors don't have time to let the audience know how their character feels about each thing happening in the story.The actors are good but aren't given enough time to do this story justice. I'm sorry to say it but I didn't really enjoy this version.The 1970 version with Susanna York & George C Scott would be the Jane Eyre movie of my preference BUT you should check out the 1983 BBC mini series version with Zelah Clarke & Timothy Dalton in the 2 main roles. I love it so much I watch it regularly.There is an abridged version which goes for 225mins or the full version for 330mins.\": {\"frequency\": 1, \"value\": \"I agree with one ...\"}, \"I watched this movie when Joe Bob Briggs hosted Monstervision on TNT. Even he couldn't make this movie enjoyable. The only reason I watched it until the end is because I teach video production and I wanted to make sure my students never made anything this bad ... but it took all my intestinal fortitude to sit through it though. It's like watching your great grandmother flirting with a 15 year old boy ... excruciatingly painful.

If you took the actual film, dipped it in paint thinner, then watched it, it would be more entertaining. Seriously.

If you see this movie in the bargin bin at S-Mart, back away from it as if it were a rattlesnake.\": {\"frequency\": 2, \"value\": \"I watched this ...\"}, \"As I understand it, after the Chinese took over Hong Kong, the infamous Cat. 3 Hong Kong movies kind of disappeared. At least until now, and what an amazing movie this one is. I knew it was a rough crime drama going in, but being the first Cat. 3 I've purchased that's been made recently, I wasn't sure what to expect.

A Cambodian hit-man goes to Hong Kong to knock off the wife of a judge, who is also a lawyer. Turns out, the Judge made the arrangements for the hit-man, because she was divorcing the judge, and threatening to take all his money. This is all known within the first ten minutes, so nothing is being given away. After the hit, the cops locate the hit-man pretty fast, but in trying to arrest him, several police officers and civilians are killed. He eludes the police and now the race is on to catch the guy, before he escapes back to Cambodia. This is a movie that never stops, and hardly gives the viewer a chance to catch their breath. Yes, it is very violent and intense, many cops are killed, as the hit-man proves very very hard to track, and take down when they do locate him. Along the way, the hit-man in trying to hide in a dump, finds a women being raped and mistreated by some man. He helps her, and saves her from the guy, and she persuades the hit-man to take her along with him in his escape. I loved this movie, it's like a roller-coaster that just keeps moving and moving at high speed, as one incident leads to another, and the police at times are just as bad or worse as the hit-man. The acting is exceptionally good, and the location filming and photography is at time breathtaking. There's no let up in this movie, not even with the very very incredible ending. The ending is pretty much unbelievable, and also a fitting end to all the action and violence. Yes, the violence is brutal at times, but this is a very no nonsense crime drama, that will knock your socks off. \\\"Dog Eat Dog\\\" definitely needs a more widespread release, including an R1 release for sure. Great movie, highly recommended.\": {\"frequency\": 1, \"value\": \"As I understand ...\"}, \"I give this movie a ONE, for it is truly an awful movie. Sound track of the DVD is so bad, it actually hurts my ear. But the vision, no matter how disjointed, does show something really fancy in the Italian society. I will not go into detail what actually was so shocking , but the various incidents are absolutely abnormal. So for the kink value, i give it one.Otherwise, the video, photography, acting of the adults actors /actresses are simply substandard, a practical jock to people who love foreign movies.Roberto, the main character, has full spectrum of emotions but exaggerated to the point of being unbelievable.however, the children in the movie are mostly 3/4 years old, and they are genuine and the movie provides glimpse of the Italian life..\": {\"frequency\": 1, \"value\": \"I give this movie ...\"}, \"the guy who wrote, directed and stared in this shocking piece of trash should really consider a carer change. Yes Rob Stefaniuk, i mean you! Seriously, who funded this crap? there are so many talented writers out there whom money could be better spent on. I think the idea is great but the acting, script and directing is just plain awful! The jokes are so not funny, I understand that they are supposed to be taking the mickey. BUT do it with style, this movie is screaming 1995 Saturday night live skits. Why, I say again why do studios give money to hacks like Rob Stefaniuk - NEVER GIVE A COMEDIAN THE Opportunity TO WRITE DIRECT AND STAR IN HIS OWN MOVIE. DUH!\": {\"frequency\": 1, \"value\": \"the guy who wrote, ...\"}, \"One of the best love stories I have ever seen. It is a bit like watching a train wreck in slow motion, but lovely nonetheless... Big Edie and Little Edie seem a bit like family members after watching this movie repeatedly, and are infinitely quotable: \\\"It's a goddamned beautiful day, now will you just shut up?\\\" The opening explanation of Little Edie's costume only promises that the movie will live on forever, and so will Big Edie \\\"The World Famous Singer\\\" and Little Edie \\\" The World Famous Dancer.\\\"\": {\"frequency\": 1, \"value\": \"One of the best ...\"}, \"Picked this up for 50 cents at the flea market, was pretty excited.

I found it fascinating for about 15 min, then just repetitive and dull.

It is neat seeing Mick and the gang in their prime, i wish there was not so much over dubbing of dialog so I could hear what there are saying and playing.

The skits are politically dated and incredibly naive and simple, sort of poorly written Monty Python on acid. I spent more time looking at the late 60's England back drops rather then what was actually happening in the silly skits.

This movie is a good reminder that times really change,and what was important quickly becomes just plain silly. Good song, but it has now been played to death by this DVD.\": {\"frequency\": 1, \"value\": \"Picked this up for ...\"}, \"I loved Dedee Pfeiffer (is that spelled right?) in Cybil. Haven't seen her for awhile and forgot how much I missed her. I thought she did a great job in this. The supporting cast was pretty good too. In some angles, the daughter even looked like a young Nicole Kidman. The abductor was pretty creepy and the story generally had some good twists. The young boyfriend was a hottie. I thought the husband definitely had something to do with it for sure.

Just got the Lifetime Movie Network for Christmas and am loving these movies. Kept my interest and I'll watch it again when they rerun it. Can anyone else recommend any similar movies to this? You can post on the board or send me a private email if you want. Thanks in advance. Aboutagirly.\": {\"frequency\": 1, \"value\": \"I loved Dedee ...\"}, \"this is one amazing movie!!!!! you have to realize that chinese folklore is complicated and philosophical. there are always stories behind stories. i myself did not understand everything but knowing chinese folklore (i studied them in school)it is very complicated. you just have to take what it gives you.....ENJOY THE MOVIE AND ENJOY THE RIDE....HOORAY!!!!\": {\"frequency\": 1, \"value\": \"this is one ...\"}, \"This is a very interesting project which could have been quite brilliant. Gathering 11 prominent international directors and allotting each of them 11 minutes, 9 seconds and 1 frame to create a segment of their choice; each short exploring the global reverberations of 9/11. Without using any spoilers, I would say that Ken Loach's piece is the jewel in the crown, and Mira Nair's short (segment \\\"India\\\"), based on a true story, deserves to be made into a full feature film. One also realizes, while watching his short, why Alejandro Gonz\\ufffd\\ufffdlez I\\ufffd\\ufffd\\ufffd\\ufffdrritu is one of the best directors in the world today \\ufffd\\ufffd he simply is a master of the medium, who has also a profound understanding of the subject matter. Unfortunately, not all 11 parts are made as well. Youssef Chahine, in his segment \\\"Egypt\\\", assumes the Arab stance of the self-inflicted collective guilt, which piece could have potentially been the most interesting one. He fails miserably. Chahine's short is poorly written and badly executed, at least enough to stand out amongst other, superior chapters of the film. Despite the imbalance in quality, I would still give the film 7/10 for concept, if not for execution.\": {\"frequency\": 1, \"value\": \"This is a very ...\"}, \"Who in their right mind plays a lyrical song at the same time they are portraying an emotional scene between two people? When Flipper confronts his wronged wife in the dressing room, the song sung with lyrical content is as loud as the dialog, so one can hear neither, diluting any emotional impact the scene may have had. The scenes of Annabella getting beaten by her father with his fists, a lamp and then a belt was so cartoonish as to be absurd. This entire movie is a cartoon, the rampant prejudice against whites is literally astounding. The discussion by the black women after flipper's wife finds out he has cheated on her with a white woman - as if it were a discussion by an oxford debating team, is ridiculous. The rampant racism might be possible to endure, but the soundtrack and the sound mixing during this 'movie' is too much. It was a technically poorly made movie. There is no understanding of the basic craft of movie making, the sound track, the editing and the desperate attempt of great actors trying to keep this movie afloat. I actually felt sorry for Anthony Quinn, wondering why he had accepted a role in this flick - his appearance in this is painful. This is the first movie I have seen by this director and it will be my last.\": {\"frequency\": 1, \"value\": \"Who in their right ...\"}, \"\\\"Jason Priestly stars as 'Breakfast', a psychotic jewelry store thief whose grip on reality is frighteningly precarious, according to the DVD sleeve, \\\"With his accomplice 'Panda' (Bernie Coulson), the duo make off with a carload of cash, a result of a tip-off from beautiful cashier 'Ziggy' (Laura Harris). Her reward: to hitch a ride with the out-of-control duo so that she can meet her long-lost father Francis (Stephen McHattie). But he's on a suicidal quest to even a score with his former boss (Louis Gossett, Jr.) and has the cops hot on his trail. Rage, murder and revenge are about to collide!\\\" Stay out of their way!

*** The Highwayman (4/28/00) Keoni Waxman ~ Jason Priestly, Laura Harris, Stephen McHattie\": {\"frequency\": 1, \"value\": \"\\\"Jason Priestly ...\"}, \"Aside from a few titles and the new Sherlock Holmes movie, I think I've watched every movie Guy Ritchie has directed. Twice. Needless to say, I'm a big fan and Revolver is one of the highlighted reasons why. This movie is a very different approach from Ritchie, when you look at it comparatively with Lock, Stock... and Snatch. Revolver sets us up for a psychological thriller of sorts as a gambling con finds himself at the mercy of a set of foes he didn't expect and a guided walk for redemption that he didn't know he needed. Along with seeing Andr\\ufffd\\ufffd Benjamin of OutKast fame strut his acting ability, other standout acts are Ray Liotta playing the maniacal Mr. D/Macha and Mark Strong playing Sorter, the hit-man.

After being sent to prison by a tyrannous casino owner, Macha, Jake uses his time in solitary to finesse a plot to humiliate Macha and force his hand in compensating him for the seven years he spent. When he wins a card game and amasses a decent sum from Macha, Jake finds himself on the brink of death as he collapses and is diagnosed with an incurable disease that's left him with three days to live. A team of loan sharks, however, have an answer for him and a ticket to life- only if he gives them all the money he has and relents to working for them, all in a ploy to both take Macha down and show Jake how dangerous he has made himself to himself. Along with having the air of death loom, and a pair of loan sharks having a field day with his money, Jake also has to deal with having a hit put out on him, which introduces Sorter - a hit-man under Macha's employ. The depth with the story comes when Jake realizes that some co- convicts he spent time with in solitary may very-well be the loan shark team out to take him for all he has by crafting all of the unfortunate events that Jake seems to find his way into. When faced with this reality though, Zack (Vincent Pastore) and Avi show Jake just how twisted he has become from being in solitary, having only the company of his mind and his ego then makes it so that their actual existence is elusive even to Jake. The movie unravels to a humbling process for both Jake and Macha as they both come to grips with their inner demons.

The style of the movie is top-notch as you get the gritty feel of the crime world represented and the characters it includes. Although a lot of nods at Ritchie's previous films are here it still has a presence of its own from the dialogue, the sets and the experimental take on the gangster genre. It's also a great trip on humility and recognizing when you can easily let your ego or a preset notion mask you ability to accomplish what you want or overcome what you should. The characters are well crafted in this movie with all sides being fleshed out and, true to Ritchie fashion, they're all tied in by some underhandedness that throws a wrench in everyone's affairs. I could and would like to go on about this film and its unique nuances but I don't want to take too much away from it if you haven't seen it yet.

It may take a few sittings to get through all the intricate layers but it's a great movie and it should be seen. If you're lucky and you haven't seen the watered-down US release, see if you can get the original UK version as it will make for a great discussion piece among friends as you try to puzzle in your take. I saw it with my crew around early-2006 and we're still talking about it with little things we've picked up on today. It has garnered its cult status, and it's well- deserved as the film where Ritchie stepped out the box and broke his norm a bit.

Standout Line: \\\"Fear or revere me, but please, think I'm special. We share an addiction. We're approval junkies.\\\"\": {\"frequency\": 1, \"value\": \"Aside from a few ...\"}, \"The movie is wonderful. It shows the man's work for the wilderness and a natural understanding of the harmony of nature, without being an \\\"extreme\\\" naturalist. I definitely plan to look for the book. This is a rare treasure!

\": {\"frequency\": 1, \"value\": \"The movie is ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"A prison cell.Four ...\"}, \"Nobody truly understands the logic behind the numbering of Italian zombie-flicks, but \\ufffd\\ufffd honestly \\ufffd\\ufffd why would we bother? Every single film in the Zombi-\\\"series\\\" delivers great fun, nasty gore and gratuitous shocks and \\\"Zombi 3\\\" is no exception to this, despite all the production difficulties that occurred whilst shooting. This film began as an interesting Lucio Fulci project, who had to elaborate further on his \\\"Zombi 2\\\" success, but it ended up being a typical Bruno Mattei product with more flaws and stolen ideas from previous films. The screenplay is hopelessly inept and ignores all forms of continuity, every ingenious idea from George A. Romero's \\\"Night of the Living Dead\\\" and \\\"The Crazies\\\" is shamelessly repeated here and the acting performances are truly miserable and painful to look at. Yet all this didn't upset me for one moment because the sublime over-the-top gore compensates for everything! On a secret army base at the Phillipines, scientists completed the bacterial warfare virus \\\"Death One\\\" and prepare it for transport. After a failing attempt to steal the virus, the infected corpse of a terrorist is cremated and the zombie-ashes contaminate the entire population of a nearby tourist village. The last group of survivors has to battle hyperactive and inhumanly strong zombies as well as soldiers in white overalls that received instructions to kill everything that moves in the contaminated area. This movie is comparable to Umberto Lenzi's \\\"Nightmare City\\\". Truly Bad...but incredibly entertaining with fast-paced action sequences and several very creative zombie-madness situations. The undead birds were original, for example, and the whole zombie birth sequence at the deserted hospital was pretty cool as well. The infamous flying head scene is not nearly as awful as it's made up to be and it belongs perfectly in this cheesy and thoroughly pleasant Italian zombie flick. Recommended to the fans; don't mind the negative reviews.\": {\"frequency\": 1, \"value\": \"Nobody truly ...\"}, \"What the ........... is this ? This must, without a doubt, be the biggest waste of film, settings and camera ever. I know you can't set your expectations for an 80's slasher high, but this is too stupid to be true. I baught this film for 0.89$ and I still feel the urge to go claim my money back. Can you imagine who hard it STINKS ?

Who is the violent killer in this film and what are his motivations??? Well actually, you couldn't possible care less. And why should you? The makers of this piece of garbage sure didn't care. They didn't try to create a tiny bit of tension. The director ( Stephen Carpenter -- I guess it's much easier to find money with a name like that ) also made the Kindred (1986) wich was rather enjoyable and recently he did Soul Survivors. Complete crap as well, but at least that one had Eliza Dushku. This junk has the debut of Daphne Zuniga !!! ( Who ?? ) Yeah that's right, the Melrose Place chick. Her very memorable character dies about 15 min. after the opening credits. She's the second person to die. The first victim dies directly in the first minute, but nobody seems to mention or miss him afterwards so who cares ? The rest of the actors...they don't deserve the term actors actually, are completely uninteresting. You're hoping they die a quick and painful death...and not only their characters

My humble opinion = 0 / 10\": {\"frequency\": 1, \"value\": \"What the ...\"}, \"The plot is tight. The acting is flawless. The directing, script, scenery, casting are all well done. I watch this movie frequently, though I don't know what it is about the whole thing that grabs me. See it and drop me a line if you can figure out why I like it so much.\": {\"frequency\": 1, \"value\": \"The plot is tight. ...\"}, \"I guess this would be a great movie for a true believer in organized Christian Dogma, but for anyone with an open mind who believes in free will, rational thinking, the separation of Church & State and GOOD Science Fiction it is a terrible joke!

There are some well known actors who were either badly in need of work or had a need to share their personal beliefs with the rest of us heathens.

I WAS entertained by this movie in the same way I was entertained by \\\"Reefer Madness.\\\" That movie attempted to teach drug education by scare tactics the same way this movie tries to teach \\\"Christian\\\" principles with the threat of hell and misery for otherwise good people who don't share their interpretations of our world.

It had me howling with laughter and at the same time scared me to realize how many people actually believe that our society should revert to the good old days of the 19th century!\": {\"frequency\": 1, \"value\": \"I guess this would ...\"}, \"Bad plot, bad dialogue, bad acting, idiotic directing, the annoying porn groove soundtrack that ran continually over the overacted script, and a crappy copy of the VHS cannot be redeemed by consuming liquor. Trust me, because I stuck this turkey out to the end. It was so pathetically bad all over that I had to figure it was a fourth-rate spoof of Springtime for Hitler.

The girl who played Janis Joplin was the only faint spark of interest, and that was only because she could sing better than the original.

If you want to watch something similar but a thousand times better, then watch Beyond The Valley of The Dolls.\": {\"frequency\": 1, \"value\": \"Bad plot, bad ...\"}, \"What kind of a documentary about a musician fails to include a single track by the artist himself?! Unlike \\\"Ray\\\" or countless other films about music artists, half the fun in the theater (or on the couch) is reliving the great songs themselves. Here, all the tracks are covers put on by uninteresting characters, and these renditions fail to capture Cohen's slow, jazzy style. More often, the covers are badly sung folk versions. Yuck.

The interviews are as much or more with other musicians and figures rather than with Cohen himself. Only rarely does the film feature Cohen reading his own work (never singing)-- like letters, poems, etc. The movie really didn't capture much about the artist's life story, either, or about his development through the years. A huge disappointment for a big Cohen fan.\": {\"frequency\": 1, \"value\": \"What kind of a ...\"}, \"Even if you could get past the idea that these boring characters personally witnessed every Significant Moment of the 1960s (ok, so Katie didn't join the Manson Family, and nobody died at Altamont), this movie was still unbelievably awful. I got the impression that the \\\"writers\\\" just locked themselves in a room and watched \\\"Forrest Gump,\\\" \\\"The Wonder Years,\\\" and Oliver Stone's 60s films over and over again and called it research. A Canadian television critic called the conclusion of the first episode \\\"head spinning\\\". He was right.\": {\"frequency\": 2, \"value\": \"Even if you could ...\"}, \"When you are in a gloomy or depressed mood, go watch this film. It shows a lot of beauty and joy in a very simple everyday setting, and it is very encouraging, in particular from a feminist and a humanist perspective.

When you know both the Turkish language and either the Danish or the German language, go watch the film in any case. Half of the dialog is Danish in the original, synchronized to German in the translated version, the other half Turkish, subtitled in Danish or German, respectively. When i watched it in Mannheim, Germany, the reaction of the Turkish-speaking audience proved that there must be a lot of humor in the Turkish dialog, which, deplorably, mostly escaped me, being only imperfectly rendered in the subtitles. Still, the film is interesting even if you lack knowledge of the Turkish.

Esthetically, the movie is playing a lot on the theme of speed and slowness. On first sight, there is lots of corporeal movement fast as lightning, making it a quick, an agitated film. In particular, even though this is a Kung Fu movie, watch out for the running scenes, beautifully expressing a wealth of emotions. But there are quite a few very slow, emotionally intense scenes, too. And above all, the characters develop at a much slower pace than you would expect in a drama about the coming of age; still, there is some movement in the characters to: Closely watch the villain Omar, whose part and acting i liked very much.

The contrast of speed and stillness nicely contributes to the depiction of human rage and dignity - shown at once, in the same characters, at the same time.\": {\"frequency\": 1, \"value\": \"When you are in a ...\"}, \"The Second Renaissance, part 1 let's us show how the machines first revolted against the humans. It all starts of with a single case, in which the machines claim that they have a right to live as well, while the humans state a robot is something they own and therefore can do anything with they want.

Although an interesting premise, the story gets really silly from then on with (violent!) riots between the robots and mankind. Somehow it doesn't seem right, as another reviewer points it, it's all a little too clever.

The animatrix stories that stay close to the core of the matrix (in particular Osiris) work for the best. As for Second Renaissance Part 1, I'd say it's too violent and too silly. 4/10.\": {\"frequency\": 1, \"value\": \"The Second ...\"}, \"A remake of the superb 1972 movie of the stage play, nicely casting Caine as the nemesis of his character from the first movie. But doing nothing else nicely at all.

A under-parr performance from the actors, Law and Caine, diluted further by weak self-indulgent direction.

The warmth of the setting in the original is forsaken for a super-modern homesetting. The subtle interplay between Oliver and Caine which made the first movie so watchable, is replaced with a horrid, brash arrogance that instantly breeds disdain in the viewer. But this is not the clever, to-ing and froing of liking one then the other character the original fostered so well, this is an obvious OTT character assassination of both character from the word go.

This version of Sleuth is not really worth seeing, watch the original film and be dazzled from the opening act.\": {\"frequency\": 1, \"value\": \"A remake of the ...\"}, \"I have just started watching the TV series \\\"What I like About You\\\" and I must say that is a joy to watch. I always like to see new shows do well considering a lot of shows go off before you really get a feel for them. I have watched Amanda Bynes since \\\"All That\\\" she is truly a funny girl, what is the best about her comedy is that its so natural and what i mean about that is, its something that a person could here there best friend saying, its not rehearsed.

I just recently started watching the show and have fell in love. I am just watching re-runs as of now but am looking forward to the next season. All the characters in the show give something to the whole story line. Its nice to see some old face from other shows I enjoyed watching in the past such as, Jennie Garth from \\\"90210\\\", Leslie Grossman from \\\"Popular\\\", and Wesley Jonathan from \\\"City Guys.\\\" The New Character are very talented as well, Nick Zano has that charm the makes you love him even when he is doing something wrong to holly (Bynes).

Overall this show has the right ingredients to be successful, I look forward to watching it grow.\": {\"frequency\": 1, \"value\": \"I have just ...\"}, \"A patient escapes from a mental hospital, killing one of his keepers and then a University professor after he makes his way to the local college. Next semester, the late prof's replacement and a new group of students have to deal with a new batch of killings. The dialogue is so clich\\ufffd\\ufffdd it is hard to believe that I was able to predict lines in quotes. This is one of those cheap movies that was thrown together in the middle of the slasher era of the '80's. Despite killing the heroine off, this is just substandard junk. Horrible acting, horrible script, horrible effects, horrible horrible horrible!! \\\"Splatter University\\\" is just gunk to put in your VCR when you have nothing better to do, although I suggest watching your head cleaner tape, that would be more entertaining. Skip it and rent \\\"Girl's Nite Out\\\" instead.

Rated R for Strong Graphic Violence, Profanity, Brief Nudity and Sexual Situations.\": {\"frequency\": 1, \"value\": \"A patient escapes ...\"}, \"Talk about a dream cast - just two of the most wonderful actors who ever appeared anywhere - Peter Ustinov and Maggie Smith - together - in \\\"Hot Millions,\\\" a funny, quirky comedy also starring Karl Malden, Robert Morley, and Bob Newhart. Ustinov is an ex-con embezzler who gets the resume of a talented computer programmer (Morley) and takes a position in a firm run by Malden - with the goal of embezzlement in mind. It's not smooth sailing; he has attracted the attention of his competitor at the company, played by Newhart, and his neighbor, Maggie Smith (who knows him at their place of residence under another name), becomes his secretary for a brief period. She can't keep a job and she is seen throughout the film in a variety of employment - all ending with her being fired. When Newhart makes advances to her, she invites Ustinov over to her flat for curry as a cover-up, but the two soon decide they're made for each other. Of course, she doesn't know Ustinov is a crook.

This is such a good movie - you can't help but love Ustinov and Smith and be fascinated by Ustinov's machinations, his genius, and the ways he slithers out of trouble. But there's a twist ending that will show you who really has the brains. Don't miss this movie, set in '60s London. It's worth if it only to hear Maggie Smith whine, \\\"I've been sacked.\\\"\": {\"frequency\": 1, \"value\": \"Talk about a dream ...\"}, \"dear god where do i begin. this is bar none the best movie i've ever seen. the camera angles are great but in my opinion the acting was the best. why the script writers for this movie aren't writing big budget films i will never understand. another is the cast. it is great. this is the best ted raimi film out there for sure. i know some of you out there are probably thinking \\\"no way he has plenty better\\\" but no your wrong. raptor island is a work of art. i hope it should have goten best movie of the year instead of that crappy movie Crash with a bunch of no names AND no raptors. i believe this movie is truly the most wonderful thing EVER.\": {\"frequency\": 1, \"value\": \"dear god where do ...\"}, \"This is a strong movie from a historical and epic perspective. While the story is simple it is pure and straightforward. In truth, it is the standard story of a simple, honorable man whose honor comes into conflict with the more educated and wealthier men of the period.

Poor vs. Rich, honorable vs. dishonorable, a classic but well-told tale without much of the glitz of hollywood stinking up the screen.

Extra points just because you can almost smell the people on the screen. :)\": {\"frequency\": 1, \"value\": \"This is a strong ...\"}, \"Should this be an American movie I'd rate it 7: we've seen this before. Being this an Argentinean movie, and being myself Argentine, I'd like to give it a 10, since it's the kind of quality I'd been hoping -rather than expecting- for. It's superb quality is astonishing, given all the limitations imposed by the 3rd World...

I can't forget the scene when D\\ufffd\\ufffdaz forces Silverstein's fianc\\ufffd\\ufffd to confess -you know what I mean if you saw the movie. I think that's the key moment of the movie, not surprising maybe, yet original. That's when the real action begins.

Before watching a movie I always try to gather some previous information. Being this a mainstream, satyric, commercial one, I press \\\"Play\\\" and make a suspension of reality and logic, I'd say the best state of mind to enjoy movies like this. It's impossible to discuss the plausibility of the whole plot, yet it's believable in a certain way. As for me, I couldn't stop laughing at every single joke and commentary -\\\"sos malo\\\" (\\\"you're mean\\\")... put in the mouth of D\\ufffd\\ufffdaz, the greatest one.

I'm rather tired of seeing movies \\\"designed for\\\" Peretti. I know he's a superb actor, but sometimes I feel his roles unfairly opaque the rest, Luis Luque's role in this case. I'm not very fond of Argentine television, so I haven't seen much work from Luque, but it's pretty obvious that he's an excellent performer. His physical role, his stares, his content attitude in this movie made me fall in love with his performance. I think his role should need some upgrading, just to let him show us how great he can be!

I don't know whether Szifr\\ufffd\\ufffdn is planning to make a sequel or not. I know he won't make it if it's to follow the rule that \\\"second parts were never good\\\", so if he makes it, I'll surely go see it. And I hope that, in the future, takes into account the possibility to give Peretti's counterparts the same chances to develop their roles.

Great movie, great performances, and lots of laughs!\": {\"frequency\": 2, \"value\": \"Should this be an ...\"}, \"Yes, I am just going to tell you about this one so don't read if you want surprises. I got this one with the title Christmas Evil. There was also another Christmas horror on the DVD called Silent Night, Bloody Night. Whereas Silent Night, Bloody Night (not to be confused with Silent Night, Deadly Night) had lots of potential and was very close to being good, this one wasn't quite as good. It started out interesting enough watching the villain (if you can call him that) watching the neighborhood kids and writing in books about who is naughty and nice, but after awhile you are looking for some action and this movie doesn't deliver. You need character development, but this goes overboard and you are still never sure why the heck the guy snaps. About an hour in he kills three of four people while a whole crowd watches in terror, and the guys he kills aren't even his targets they are just making fun of him. This is one of many unsuccessful attempts by the killer to knock of the naughty. He then proceeds to try and kill this other guy, and he tries to break into his house by squeezing himself into the fireplace. He promptly gets stuck and barely manages to get out. He then enters through the basement and then tries to kill the guy by smothering him in his bedroom. He can't seem to kill the guy this way so he grabs a star off the tree and slits the guys throat. What the heck was a tree even doing in the bedroom in the first place? Oh yeah, the killer before this kill stopped off at a party and had some fun too. Well that is about it except for the town people chasing him with torches and the unresolved part with his brother and that tune he wants to play. What was that even about? He kept talking about something that was never really explained. How does it end you ask, well since I have spoilers I will tell you. He runs off the road in his van and proceeds to, well lets just say it was lame!!!!!!!!!!!!\": {\"frequency\": 1, \"value\": \"Yes, I am just ...\"}, \"I am fully aware there is no statistical data that readily supports the correlation between video games and real life violence. The movie is false and phony because it is in complete contradiction of itself, which is what I tried to emphasize in my original review. The movie fails, not necessarily because I really do think these kids were influenced by video games, but because the movie sets it up as \\\"random\\\" and doesn't follow through. Let me clarify. In Aileen: Life and Death of a Serial Killer, you can see her claims about the police and being controlled by radio waves are ridiculous, yet she is so troubled, she really believes them to be true. The viewer can make the distinction however. In Zero Day, the 2 kids keep saying how they are not influenced by anything environmental, which is obviously false since everything they do contradicts this. Neo-nazism, talking about going on CNN with Wolf Blitzer (which is laughable not only because they know his name, but its a shameless attempt by the filmmaker to get coverage of his bad movie)..etc. This movie doesn't depict 'reality', it shows nothing but phoniness to prove a point. Unfortunately you fell for the bait and didn't see this, and you didn't pick up on it from my review either. The entire movie is just taking Michael Moore's hypothesis and applying it to something \\\"real life\\\" in hopes of validating and it fails, not necessarily because the hypothesis is wrong, but because the movie is wrong and doesn't support it. Of course I don't think kids that play video games are more likely to kill people, but if I'm not mistaken, didn't video tape exist of the Columbine kids (or some teen killers) shooting guns in the forest claiming how much they looked or acted like the weaponry in Doom? Hmmmmmmm, the distinction is kids are most likely aware of the media, influenced, but obviously balanced or intelligent enough that its not even an issue. Zero Day is a bad movie not because I really believe a correlation exists, but because the film maker doesn't know what hes trying to say, and the movie does more to disprove his point then support it. It's almost as if the new ratings given to video games made someone upset so they came up with 'Zero Day' in retaliation. If you want to see the 'mindless' teen killer theory pulled off right, go watch Bully.\": {\"frequency\": 1, \"value\": \"I am fully aware ...\"}, \"A remarkable documentary about the landmark achievements of the Women Lawyers Association (WLA) of Kumba, in southwest Cameroon, in legally safeguarding the rights of women and children from acts of domestic violence. In this Muslim culture, where men have always been sovereign over women, according to Sharia law, one can well imagine the difficulty of imposing secular legal rights for women and children. After 17 years of failed efforts, leaders of the WLA began recently to score a few wins, and the purpose of this film is to share these victorious stories.

The leaders of this legal reform movement are Vera Ngassa, a state prosecutor, and Beatrice Ntuba, a senior judge (Court President). Both play themselves in this film, which may contain footage shot spontaneously, though I imagine much of it, if not all, consists of subsequent recreations of real events for the camera. Four cases are reviewed, and all of the plaintiffs also play themselves in the film.

Two cases involve repeated wife beating, with forcible sex in one case; another involves forced sex upon a 10 year old girl; and yet another concerns the repeated beatings of a child, age 8, by an aunt. One of the beaten wives also is seeking a divorce. We follow the cases from the investigation of complaints to the outcomes of the trials. The outcomes in each case are favorable to the women and children. The perpetrators receive stiff prison terms and/or fines; the divorce is granted.

The aggressive prosecution of the child beating aunt demonstrates that these female criminal justice officials are indeed gender-neutral when it comes to enforcing the law. Also noteworthy is the respect with which all parties, including those found guilty, are treated. This is a highly important and well made film. (Of interest is the fact that one of the directors, Ms. Longinotto, also co-directed the 1998 film, Divorce, Iranian Style, which dealt with related themes in Tehran.) (In broken English with English subtitles). My Grade: B+ 8/10\": {\"frequency\": 1, \"value\": \"A remarkable ...\"}, \"Lizzie Borden's Love Crimes is an important film, dealing with the dark side of female sexuality (and including full frontal female nudity, which sure beats the male kind). It flirts with sadomasochism and the captive falling in love with captor theory.

This treatment of feminine libido is sometimes shallow and jerky, but Borden has travelled well beyond feminist dogma of females gaining power through their insatiable lust.

One striking scene exposes the female fetish for horses, when the antagonist, a counterfeit fashion photographer, is seducing an older woman wearing breeches by asking her to show how she rides a horse. He shoves a riding crop between her legs, pressing it against her crotch, and this greatly increases her excitement.

Then suddenly he leaves her home and she swears abjectly at the closed door.

Patrick Bergin plays the con artist, and though he falls a long distance from handsome, he picks on plain Janes and has enough screen presence to make one believe the women could swallow his line. By all reports, Sean Young proves a weird person, and she is scarcely beautiful. Yet in this film as the district attorney her intense face and long-limbed slender body and accentuated hips and periodically disjointed movement alchemize into erotic fascination. Her performance is forceful and complex.

Borden possesses an intriguing worldview, and the fact that it stands so at odds with the modern feckless zeitgeist I truly appreciate.\": {\"frequency\": 1, \"value\": \"Lizzie Borden's ...\"}, \"Absolutely hilarious. John Waters' tribute to the people he loves most (Baltimoreans) is a twisted little ditty with plenty to look at and laugh at. It's like being turned loose in a museum of kitsch! I haven't laughed so much in a theater since Serial Mom. I loved seeing old friends from the Dreamland days, Sharon Nisep and Susan Lowe, back in front of Waters' camera. The cast is simply wonderful (especially Edward Furlong and Martha Plimpton). Uses the best elements of past Waters atrocities (especially the underrated Polyester) and plenty of new surprises. Made me sick, in a wonderful way. Thanks, John!\": {\"frequency\": 1, \"value\": \"Absolutely ...\"}, \"This movie portrays Ruth as a womanizing, hard drinking, gambling, overeating sports figure with a little baseball thrown in. Babe Ruths early life was quite interesting and this was for all intents and purposes was omitted in this film. Also, Lou Gehrig was barely covered and this was a well know relationship, good bad or indifferent, it should have been covered better than it was. His life was more than all bad. He was an American hero, an icon that a lot of baseball greats patterned their lives after. I feel that I am being fair to the memory of a great baseball player that this film completely ignored. Shame on the makers of this film for capitalizing on his faults and not his greatness.\": {\"frequency\": 1, \"value\": \"This movie ...\"}, \"Well, if you like pop/punk, punk, ska, and a tad bit of modern psycho billy, then seeing the live performances are about the only thing worth watching. This movie has tons and tons of band cameos, along with president of Troma, Lloyd Kaufman as a semi-major role, and lots of goofy death scenes. Sounds like it may be good, right? Well, the deaths keep coming, and repeatedly to many different bands of the Warp Tour and the fans at the event. Some of the deaths start of stylish, but then they are recycled over and over, to the point of being completely repetitive. Almost everyone dies of having their head smashed, or intestines being pulled from their stomach. The gore looks as if it was from Andreas Schnaas' \\\"Zombie 90: Extreme Pestilence\\\"; with this being the \\\"watered-down type blood\\\", but now that movie is actually decent, and provides humor-something that this movie terribly lacks. Sure, the movie is made by Doug Sakmann from Troma, it's got great low-budget potential, and it tries...but just too hard. Everything is overly meant to be funny in this movie, and thats what brings it down. Everything tries to be too comic and goofy, by using intentional bad acting, an overuse of pointless deaths, and doing the same thing...over and over. It's basically \\\"Mulva: Zombie Ass-Kicker\\\", \\\"Chairman of the Board\\\", or any movie you have made with your friends: it's funny to those who made it, and that's about it.

Great potential, great idea, great use of effects-but it's the same thing...over and over: A band plays, a band dies, fans die. Everyone dies, blood is sprayed everywhere, the process is repeated.

The question is for these types of movies-which is basically 'bad slap-stick'-do they try too hard, or not at all?\": {\"frequency\": 1, \"value\": \"Well, if you like ...\"}, \"This film is the worst film, but it ranks very high for me. It is how a slasher movie should be. It takes place at a university in which there only seems to be a handful of students. The teachers are dumber than a sack of hammers. It is filled with good Catholic priest, sexually repressed humor. Bad hair, bad clothes. The dialogue is so cliched it is hard to believe that I was able to predict lines in quotes. The slashings have some creativity and seem to revolve around stabbing people in the genitalia. A lack of continuity in the soundtrack and characters that deserve to die because they are so bad, I recommend this film for a fun time. Get a case of cheap beer and some friends, watch it and laugh.\": {\"frequency\": 1, \"value\": \"This film is the ...\"}, \"i just watched the movie i was afraid it's gonna disappoint me. i was rather surprised at the end though. The American pie franchise is still in my favorite franchise movies of all times. yes, it won't be true if i say that i enjoyed it as mush as i enjoyed the original ones. beta house along with the previous two pies definitely lost something that the first two pies had.it is not gonna become a classic as the first two already did. but what the hell-it is still funny with a lot of good moments and i think it should be the first movie to pick if you wanna have fun and relax after a hard day at work or school. beta house deserves 6/10 but i gave it 7/10 just for being another slice of PIE.\": {\"frequency\": 1, \"value\": \"i just watched the ...\"}, \"This film (like Astaire's ROYAL WEDDING - which was shown after it on Turner Classic Network last night) is famous for a single musical sequence that has gained a place in Gene Kelly's record: Like Fred Astaire dancing with a clothing rack and later dancing around a room's walls and ceiling, this film had Gene Kelly dancing in a cartoon sequence with Jerry Mouse. The sequence is nicely done. What is forgotten is that Kelly is telling the story behind the cartoon sequence to Dean Stockwell and his fellow child students at school during a break in the day, and sets the stage for the sequence by having Stockwell and the others shut their eyes and imagine a pastoral type of background. Kelly even changes the navy blues he actually wears into a white \\\"Pomeranian\\\" navy uniform with blue stripes on it. Jerry Mouse does more than dance with Gene. He actually talks - a first that he did not repeat for many decades. He also finally puts Tom Cat into his proper place - Tom briefly appears as King Jerry's butler, trying to cheer him with a platter of cheeses.

But the sequence of the cartoon with Kelly took about seven minutes of the movie. Far more of this peculiar film is taken up with Kelly's story of the lost four day furlough in Hollywood, and how Kelly ends up meeting Katherine Grayson and (with Frank Sinatra) stalking Jose Iturbi at the MGM film studio, the Hollywood Bowl, and Iturbi's own home. Except that the two sailors mean no harm this film could have been quite disturbing.

Kelly has saved Sinatra's life in the Pacific, and is getting a medal as a result. They are both among the crewmen back in California who are getting a four day leave. But the script writers (to propel what would be a short film - Kelly has plans to spend four days having sex with one \\\"Lola\\\", an unseen good time girl in Hollywood) saddle Gene with Frank.

It seems Frank is one of those idiots that appear in film after film of the movie factories (particularly musical comedies) who are socially underdeveloped and in need of \\\"instruction\\\" about meeting girls (or guys if the characters are women). Frank insists that Gene help \\\"teach him\\\" how to get a girl. Just then a policeman takes them to headquarters to help the cops with a little boy (Stockwell) who insists on joining the navy (and won't give the cops his real name and address). When a protesting Kelly is able to get this information out of Stockwell by asking him some straight questions (which the cops could not ask), they insist Kelly take the boy home to his aunt (Grayson). Still protesting, Kelly gets saddled with increasingly complicated problems (mostly due to Sinatra's simplistic soul view of things). He misses seeing Lola the next day by sleeping late - Sinatra felt he looked so peaceful sleeping he did not wake him up. He keeps getting dragged back to Grayson's house, as Sinatra feels she is the right woman for himself, but needs Kelly to train him in love making.

I suppose my presentation of the plot may annoy fans of ANCHORS AWEIGH, but I find this kind of story irritating. While the singing and dancing and concert music of Kelly, Sinatra, Grayson, and Iturbi are first rate, it is annoying to have to take the idiocies of someone like Sinatra's character seriously. In the real world Kelly would have beaten the hell out of him at the start for following him at the beginning of the four day furlough - what right has he to insist (as Sinatra does) that someone who saves their life should assist him on learning how to date? That kind of crap always ruins the total affects of a musical for me - unless the musical numbers are so superior as to make me forget this type of nonsense.

The stalking of Iturbi is likewise annoying. Kelly tries to get Grayson to like Sinatra when he says Sinatra can get her a meeting with Jose Iturbi to audition her singing ability. For much of the rest of the picture Sinatra and Kelly try to do that, and keep floundering (at one point - for no really good reason - Grayson herself ruins Kelly's attempt to get an interview at MGM with Iturbi). It is only sheer luck (that Iturbi feels sorry for an embarrassed Grayson) that she does give him an audition of her talent.

Kelly, by the way, ends up with Grayson. Sinatra's conscience at not being able to help her see Iturbi makes him ashamed of his bothering her (but not pulling Kelly into it, oddly enough) and he meanwhile accidentally stumbles into meeting a waitress (Pamela Britton) from his native Brooklyn. And naturally, without any assistance from Kelly, Sinatra and Britton fall in love. Ah,\\\"consistency\\\"! Thy name is not \\\"screenwriting\\\" necessarily!\": {\"frequency\": 1, \"value\": \"This film (like ...\"}, \"This film does a superb job of depicting the plight of an ALS (Lou Gehrig's Disease)sufferer. The subject is done with compassion as well as humor. Helena Bonham Carter is so convincing as a person with ALS that I found it hard to believe that she was only acting. Kenneth Branagh, a superb actor, lives up to expectations as the quirky artist who misbehaves and is forced to provide companionship to Helena's character as part of his \\\"community service\\\", an alternative to prison time. Watching the development of the relationship between these two is a treat from beginning to end. Tha fact that it is a fairy tale does not detract from the fabulous performances. One comes to care deeply for the two of them.\": {\"frequency\": 1, \"value\": \"This film does a ...\"}, \"please save your money and go see something else. this movie was such piece of crap. i didnt want to go, but i had to so i thought i'd laugh at least once, NOPE. not a single laugh, it was that horrible! chris kattan will never get a good comedy role after this and \\\"a night at the roxbury.\\\" this movie is completely obvious, has no smart humor at all, and just repeats itself over and over again. listen to me, and stray as far away from this movie as you possibly can!\": {\"frequency\": 1, \"value\": \"please save your ...\"}, \"I bought this film on DVD so I could get an episode of Mystery Science Theater 3000. Thankfully, Mike, Crow, and Tom Servo are watchable, because the film itself is not. Although there is a plot, a story one can follow, and a few actors that can act, there isn't anything else. The movie was so boring, I have firmly confirmed that I will never watch it again without Tom, Crow and Mike. As summarized above, however, it was better than the film featured in the MST3K episode that preceded it; Mitchell.\": {\"frequency\": 1, \"value\": \"I bought this film ...\"}, \"This film is a portrait of the half-spastic teenage boy Benjamin who has to visit a boarding school because of his lousy marks in Math. He didn't make the best experiences in life before and got serious self-esteem issues. After a rough start at his new school, he starts making friends, falls in love with a girl and does some American Pieish teenage stuff.

Beside some comedy elements, the film is told in a very serious way, focussing on Benjamin and his problems.

If you already don't like this story outline, save your time and watch something else. If you do, please be aware of the following:

1) Benjamin is a total loser. Whatever he does, he does it terribly wrong and then he goes for self-pity all the time. For me he wasn't that kind of \\\"charming loser\\\" who you can feel sympathy for and laugh with. Instead he and his behavior really annoyed me and with my own teenage years not so far behind I could barely stand watching.

2) The film hardly tries to be realistic and the story seems to be but from my experience the characters just aren't (except for Janosch maybe). And yes, I know this film is based on an auto-biography written by a 17-year old - but having some experiences with German schools and German youth myself, I don't believe him.

3) Showing the sexual awakening really is an important thing for a film with this subject. But I doubt that teenage boys do an \\\"Ejaculate on the cookie\\\"-contest where everyone has to hit a cookie with his sperm during mass-masturbation in the woods and the loser has to eat the sperm-wet cookie afterwards. Although it kinda amused me in a contemptible way, it's nor funny neither underlining the serious attempts of this film.

4) There's a sub-plot about Benjamin's family and his father betraying his wife - still, I don't know why it's there and where to put it. It just bored me.

Well, I personally hated this film for having the character of Benjamin, being without a message, concept, scheme, whatever and it's failing attempts to be dramatic and serious. However, I can image that some people may find it sensible and touching. If you liked \\\"The Other Sister\\\" you'll probably like this one, too. I hated both.

17-year old boys shouldn't write an autobiography and if they do, it doesn't seem to be the best idea to make a film out of it.

2 out of 10.\": {\"frequency\": 1, \"value\": \"This film is a ...\"}, \"What a terrible film. It sucked. It was terrible. I don't know what to say about this film but DinoCrap, which I stole from some reviewer with a nail up his ass. AHAHAHAHAHHAHAHAHAHAHAHAHAHAHHAHAHAHAHAHAHAH!!!!!!!!!!!!!!!!!!! sigh.. It's not Roger Corman that I hate, it's this god-awful movie. Well, really? But what can you expect from a movie with Homoeric computer graphics. Which is another thing, the CGI sucked out loud; I hate this movie dreadfully. This is without a doubt the worst Roger Corman B-Movie, and probably the gayest B-Movie too. It's-it's--- DINOCRAP! I'm sorry, I must have offended some nerds in these moments. It's just an awful movie... 0/1,000\": {\"frequency\": 1, \"value\": \"What a terrible ...\"}, \"This is probably the most boring, worse and useless film I have seen last year. The plot that was meant to have some philosophical aspects emerged to me as a very bad hollow copy of the matrix, with plenty of clich\\ufffd\\ufffds: the lone wolf cop, good looking, psychologically disturbed, sleeping with his gun... + nice hard worker and shy, but good looking she-scientist, you add a 2 cent plot and you have I, Robot! I was terribly disturbed by the obvious advertising of brands like FedEx,Audi,converse etc. This movie stinks the commercialization and tend to be more a poor ad spot that unfortunately will not end after 30 sec. I wouldn't recommend this to my worse enemy, if you have some spare time, watch a good TV program instead or better read a nice book.\": {\"frequency\": 1, \"value\": \"This is probably ...\"}, \"This is the best of Shelley Duvall's high-quality \\\"Faerie Tale Theatre\\\" series. The ugly stepsisters are broadway-quality comedy relief, and Eve Arden is the personification of wicked stepmotherhood. Jennifer Beals does an excellent job as a straight Cinderella, especially in the garden scene with Matthew Broderick's Prince Charming. Jean Stapleton plays the fairy godmother well, although I'm not sure I liked the \\\"southern lady\\\" characterization with some of the lines. Steve Martin's comedy relief as the Royal Orchestra Conductor is quintessential Martin, but a tiny bit misplaced in the show's flow.

As is customary with the series, there are several wry comments thrown in for the older children (ages 15 and up). With a couple of small bumps, the show flows well, and they live happily ever after. Children up to age 8 will continue to watch it after the parents finally get tired of it -- I found 3 times in one day to be a little too much.\": {\"frequency\": 1, \"value\": \"This is the best ...\"}, \"*** THIS CONTAINS MANY, MANY SPOILERS, NOT THAT IT MATTERS, SINCE EVERYTHING IS SO PATENTLY OBVIOUS ***

Oh my God, where do I start? Well, here - this is the first time I have ever come home from a movie and said \\\"I have to get on IMDb and write a review of this NOW. It is my civic duty.\\\" Such is the badness of this flick.

*begin digression* But let me just state one thing before I start. I'm not some Harvard-art-major-film-noir-weenie (in fact, I went to the college at the other end of Mass. Ave in Cambridge, the one where the actual smart people without rich daddies and trust funds go, which should put me squarely in the nerd-who-would-obsessively-love-comic-book-films census group, and still I hated this film...). My viewing preference is for the highbrow cinematic oeuvre that includes the Die Hards, Bond flicks, Clerks, and The Grail. I wish the Titanic had never sunk, not so much for the lives lost, but so we wouldn't have been subjected to that dung-heap of a film. And the single and only reason I will watch a snooty French art film is if there is a young and frequently disrobed Emmanuelle Beart in it. I even gave Maximum Overdrive one of its precious few 10s here on IMDb, for God's sake. So I'm as shallow as they come, therefore I'm not criticizing this film because I'm looking for some standard of cinematic excellence - it's because Elektra stinks like a three-week-old dead goat. *end digression*

OK, there's so much badness here that I have to try to categorize it. Here goes:

MS. GARNER: One of the compelling reasons a male would want to see this flick is to see lots of hot JGar (I have no idea why my wife wanted to). I think that between this and \\\"Finding Nemo\\\", the latter was the sexier film. You know the red outfit she's advertised wearing in every freaking ad you see? You see her in it TWICE - once at the beginning, once at the end. Bummer. In the rest, she basically looks like what Morrissey would look like if he were a female - lots of pouting and black clothes. Which brings me to the incredible range of expression JGar shows in her acting - ranging from \\\"pouting\\\" all the way to \\\"pouting and crying\\\". Oh my God, you'd think she was being forced to date Ben Affleck or something horrible like that. Um, wait...

THE BAD GUYS/GAL: They show about the same range of expression and acting ability that you'd expect from a slightly overripe grapefruit. At least next to JGar's performance, it doesn't stand out too badly. One guy's role is to stand there and be huge, another's is to stand there and have stuff come out of him, and the woman's role is to stand there and breathe on and/or kiss people. They manage to pull these incredible feats off. The main bad guy has the most difficult role of all - he has to SIMULTANEOUSLY a) appear angry and b) appear Asian. He does a fine job at this. I think there was a fifth bad guy/gal, but my brain is starting to block parts of this movie out in self-defense.

PLOT TWISTS! This movie has about as many surprises as a speech at the Democratic National Convention. Let's just put it this way - my wife, who has only been in the U.S. for half a year and speaks only a small amount of English - whispered this to me when the girl first appears in JG's pad, and I swear to God I am not making this up: \\\"She go to house to kill girl. And father too.\\\" And this is BEFORE THE FATHER HAS EVEN APPEARED ON THE SCREEN. Now my wife isn't stupid, but she isn't being courted by Mensa for her gifts, either, and she's had zero exposure to Daredevil or the comic book genre. And she figured this out in .00015 seconds with no prodding and no prior information. Such is the blatant obviousness of this film.

RARELY-BEFORE-SEEN STUPIDITY! OK, so there's this big dude in the film. He can take a chestful of shotgun blast and brush off the shot like it's lint, and he can take a vicious Electra stab to the chest and just bend the metal (or melt it - or something - more defenses kicking in, thank God). But JG jumps on his head, and he explodes? An Achilles noggin? OK! Such is the mind-numbing stupidity of this film.

Ack. I'm starting to feel a cerebral hemorrhage coming on, so I have to stop. But you have been warned. If you have to intentionally slash your own tires to prevent yourself from going to see this movie, DO IT. And if Armageddon is going to come, please let it be >before< this comes out on DVD.\": {\"frequency\": 1, \"value\": \"*** THIS CONTAINS ...\"}, \"This is a simple tale but it feels very manipulative. It lacks pathos for it does not leave a room for imagination or a personal thought or time for reflection.

The animation is well done but I feel like it is too presentational. I would have preferred more images from behind, more space in the background and maybe then this would not feel so kitsch to me.

But for a Hollywood style film it works OK but it is very derivative of Aardman films and this is bothering to me. Perhaps a longer film will test if this maker can do without the voice-over.

I think the voice over is too glib.\": {\"frequency\": 1, \"value\": \"This is a simple ...\"}, \"Set in the 70s, \\\"Seed\\\" centers around convicted serial killer Max Seed (Will Sanderson), who killed 666 people in 6 years. He is sentenced to death, but in the electric chair he doesn't die, even after being shocked three times.

Detective Matt Bishop (Michael Par\\ufffd\\ufffd) and other officers cover up this secret by burying Seed alive. Seed breaks out and goes after the people who put him in his living coffin.

Filmed by the worst director in the world (Uwe Boll), \\\"Seed\\\" is nothing more than a snuff film about trying to stretch the envelope of decent society and fails to deliver in any aspect of a storyline. And he said this is based on true events because if a person survives the electric chair after being shocked three times, they will be set free. This is an urban legend, and it would never happen. Much like Boll's other abominations (\\\"Alone in the Dark\\\" for one), \\\"Seed\\\" is just utterly horrendous.\": {\"frequency\": 1, \"value\": \"Set in the 70s, ...\"}, \"I went to see Antone Fisher not knowing what to expect and was most pleasantly surprised. The acting job by Derek Luke was outstanding and the story line was excellent. Of course Denzel Washington did his usual fine job of acting as well as directing. It makes you realized that people with mental problems CAN be helped and this movie is a perfect example of this. Don't miss this one.\": {\"frequency\": 1, \"value\": \"I went to see ...\"}, \"\\\"Dressed to Kill\\\" has been more or less forgotten in critical circles in the past 20 years, but it is a true American classic, a film which is much more than just a glossy thriller.

I sincerely hope the DVD release will give more people the chance to hear about it and see it.\": {\"frequency\": 1, \"value\": \"\\\"Dressed to Kill\\\" ...\"}, \"This is said to be a personal film for Peter Bogdonavitch. He based it on his life but changed things around to fit the characters, who are detectives. These detectives date beautiful models and have no problem getting them. Sounds more like a millionaire playboy filmmaker than a detective, doesn't it? This entire movie was written by Peter, and it shows how out of touch with real people he was. You're supposed to write what you know, and he did that, indeed. And leaves the audience bored and confused, and jealous, for that matter. This is a curio for people who want to see Dorothy Stratten, who was murdered right after filming. But Patti Hanson, who would, in real life, marry Keith Richards, was also a model, like Stratten, but is a lot better and has a more ample part. In fact, Stratten's part seemed forced; added. She doesn't have a lot to do with the story, which is pretty convoluted to begin with. All in all, every character in this film is somebody that very few people can relate with, unless you're millionaire from Manhattan with beautiful supermodels at your beckon call. For the rest of us, it's an irritating snore fest. That's what happens when you're out of touch. You entertain your few friends with inside jokes, and bore all the rest.\": {\"frequency\": 1, \"value\": \"This is said to be ...\"}, \"\\\"Well Chuck Jones is dead, lets soil his characters by adding cheap explosions, an American drawn anime knock off style, and give them superpowers\\\". \\\"but sir?, don't we all ready have several shows in the works that are already like this? much less don't dump all over their original creators dreams\\\". \\\"yes! and those shows make us a bunch of cash, and we need more!\\\". \\\"but won't every man women and child, who grew up with these time less characters, be annoyed?\\\". \\\"hay you're right! set it in the future, make them all descendent's of the original characters, and change all the names slightly...but not too much though, we still need to be able to milk the success of the classics\\\".

Well that's the only reason I can think of why this even exists. If you look past the horrible desecration of our beloved Looney Toons, then it looks like an OK show. But then there is already the teen titan's, which is the same bloody thing. All the characters are dressed like batman, they drive around in some sort of ship fighting super villains, they have superpowers, only difference is they sort of talk like the Looney tunes and have similar names and character traits.

This kind of thing falls into the \\\"it's so ridiculous it's good\\\" kind of category. Think of the Super Mario brother's movie, and Batman and Robin. If you want to laugh for all the wrong reasons, check this out. If you are of the younger generation (what this thing is actually intended for), and can look pass the greedy executives shamelessness, then run with it and enjoy.

If you enjoy this cartoon I don't have a problem with you, it's the people who calculated this thing together that I am mad at. You know how they say piracy is like stealing a car; this show is like grave robbing. They might as well of dug up all the people involved with the original cartoon, shoved them on a display, dressed them up in\\ufffd\\ufffderr pirate costumes, and charged money. If this show wasn't using characters (ones that didn't resemble the Looney Toons in anyway whatsoever) that have already made the studios millions, then this would be fine. But no! For shame Warner brothers, for shame.

If I saw this thing as a 30 second gag on an episode of the Simpson's or Family Guy, I would love it. As it is I just can't believe this was ever made. I would bet anyone that 80% of the people who work on this show hate it. But whatever it doesn't really matter, in 10 years this show will have been forgotten, while the originals will live on forever\\ufffd\\ufffdor at least until the world ends.

\\\"Coming 2008, Snoopy and the peanut gang are back, and now they have freaking lasers and can turn invisible! Can Charley Brown defeat the evil alien warlord Zapar? Tune in and see.\\\"\": {\"frequency\": 1, \"value\": \"\\\"Well Chuck Jones ...\"}, \"one may ask why? the characters snarl, yell, and chew the scenery without any perceptible reason except someone wanted to make a movie in barcelona. billie baldwin, is that the right one?, is forgettable in the cop/estranged-husband/loving-father-of-cute-little-blond-girl role. the story seems to have been cut and pasted from the scenes thrown away from adventure films in the last three years. ellen pompeo's lack of charisma is a black hole that seems to suck the energy out of every scene she is in. her true acting range is displayed when she takes her blouse off as the movies careens from one limp chase scene to another. unfortunately, the directing rarely goes bad enough to be camp or a parody. it is all just clich\\ufffd\\ufffd, familiar in every respect. the director cast his own daughter as the precocious brat probably because no respectable agent would have permitted a client to ruin a career by being in such a lame, contrived and uninteresting movie. the only heist here is the theft of the investor's money and the viewer's time.\": {\"frequency\": 1, \"value\": \"one may ask why? ...\"}, \"This movie was recommended to me by a friend. I never saw an ad or a trailer, so I didn't know Clooney was in it and was not bothered by the fact that his role was so small. I thought the whole cast was suitable, and found the film pretty enjoyable, all in all. The opening scene, with the small crew of bandits standing at the side of the road, looking whipped and haggard, caught my attention immediately. It had a way of telling you, \\\"don't go away; this won't be boring\\\", and it really wasn't. It turned out to be an interesting, light-hearted comedy with enough twists and turns to keep you in your seat to the very end, but when the ending did arrive, I felt a little bit cheated....just a little bit. The events kept building up so that you expect them to continue building, but at a point that I can't define, it sort of levels out, making the ending a slight disappointment. I reckon I expected a bigger bang of a climax, but it turned out sort of low-key. If you watch the movie with that in mind and you can live without high dosages of George Clooney, you should find this flick very entertaining and well worth watching. Now I'd like to see the original (Big Deal on Madonna Street), but it's probably a rare find in the United States.\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"Man, I really wanted to like these shows. I am starving for some good television and I applaud TNT for providing these \\\"opportunites\\\". But, sadly, I am in the minority I guess when it comes to the Cinematic Stephen King. As brilliant as King's writing is, the irony is that it simply doesn't translate well to the screen, big or small. With few exceptions (very few), the King experience cannot be filmed with the same impact that the stories have when read. Many people would disagree with this, but I'm sure that in their heart of hearts they have to admit that the best filmed King story is but a pale memory of the one they read. The reason is simple. The average King story takes place in the mind-scape of the characters in the story. He gives us glimpses of their inner thoughts, their emotions and their sometimes fractured or unreal points of view. In short, King takes the reader places where you can't put a Panavision camera. As an audience watching the filmed King, we're left with less than half the information than the reader has access to. It's not too far a stretch to claim that One becomes a character in a King story they read, whereas One is limited to petty voyeurism of that same character when filmed. For as long as King writes, Hollywood will try shooting everything that comes out of his word processor, without any regard to whether or not they should. I don't blame the filmmakers for trying, but it takes an incredible amount of talent and circumspection to pull off the elusive Stephen King adaptation that works. The task is akin to turning lead into gold, or some arcane Zen mastery. Oh well, better luck next time.\": {\"frequency\": 1, \"value\": \"Man, I really ...\"}, \"EARTH (2009) ***1/2 Big screen adaptation of the BBC/Discovery Channel series \\\"Planet Earth\\\" offers quite a majestic sampling of nature in all its beauty with some truly jaw-dropping moments of \\\"how the hell did they get this footage?!\\\" while taking in the awesome scenics of animals in their natural habitats and environmental message of the circle of life can be cruel (witness a Great White Shark gulping down a walrus seal as a quick meal!) and adorable (the various babies and their 'rents). The basso profundo tones of narrator James Earl Jones solidifies its 'God's eye views' and profundity. Culled from literally hundreds of hours of footage, the only gripe comes from the fact this should have been in the IMAX format and could've even gone longer! Oh, well, there's always the next time (since Disney Studios has produced this count on a series of more to come). Dirs: Alastair Fothergill & Mark Linfield.\": {\"frequency\": 1, \"value\": \"EARTH (2009) ...\"}, \"What was the deal with the clothes? They were all dressed like something out of the late 70's early 80s. The cars were even were outdated. The school was outdated. The nuns attire was outdated, and the hospital looked like something from the 40's, with its wards and wooden staircases and things. Nothing in the whole movie implied it took place in 1991. My mother was laughing, saying \\\"Geeeee-od! WHEN was this movie MADE?\\\" When we pressed the \\\"INFO BUTTON\\\" on our remote, we were sure 1991 had to be typo! Did anybody else notice this? My FAVORITE part, though, was when the woman tells her uppity muck husband, on the telephone, about the inverted cross in the mirror, and he just says \\\"Well, look, I've got a congress meeting. I'll talk to you about it later.\\\" That line was just classic. JUST LIKE A MAN! My mothers favorite part was when they gave the \\\"Spawn of the Devil Child\\\" her very own Rottweiler. My mother said \\\"Just what the Spawn of the Devil needs... a Rottweiler\\\" She also enjoyed all of the people collapsing in the churches, clutching their chests. Her OTHER favorite part was the guy at the school parking lot, driving 5 miles a hour, driving right into the garbage truck/dump truck/front end loader thingee. He had about 20 seconds to just stop the car...but he just kept going, with a real dumb vacant look on his face. I mean, how fast can you GO in a school parking lot?!?! Whatever!\": {\"frequency\": 1, \"value\": \"What was the deal ...\"}, \"Othello, the classic Shakespearen story of love, betrayal, lies, and tragedy. I remember studying this story in high school, actually I found Othello to be probably my favorite Shakespeare story due to the fact of how fascinating it was, the fact that Shakespeare captured the feeling of friendship, love, and racism perfectly. I mean, when you really do study this story, you could go into so many philosophies on why Othello went insane with jealousy in the blink of an eye. But later on for my report I also watched this version of Othello and I have to say that it was absolutely brilliant. Lawerance and Kenneth just capture the story so well and understood it's darkness.

Othello is the big time soldier in his city, he is loved by everyone, including the king. But when the king finds out that Othello snuck off with his daughter, Desdemona, the king is infuriated, but excepts it. Othello is welcome in the city and makes his best friend, Cassio, his side man instead of Iago, who has stood by Othello. Due to his insane jealousy, he's out for revenge. Still pretending to be Othello's best friend, he just mearly hints at Othello that Desdemona is cheating on him with Cassio, never says that they are, just makes Othello think that it's happening. Othello is driven insane and doesn't have pleasant plans for Desdemona or Cassio and Iago is more than happy to help him out.

Othello is an incredible story, I highly recommend that you read it. It's an incredible story that keeps you thinking after you've read it. Othello the movie is also great and once again I recommend it, it captured the story perfectly and has a big tearjerker type of feel, or you could just be in utter shock of what happens between Othello and Desdemona, how quickly he believes that his true love would betray him. This is a terrific movie, great acting, good sets, and good direction, this is what Shakespeare meant when he wrote the story.

10/10\": {\"frequency\": 1, \"value\": \"Othello, the ...\"}, \"OVERALL PERFORMANCE :- At last the long waiting AAG hits the screens. Unfortunately, it couldn't set progressive fire in the audience. The first best thing to talk about the movie is The idea of remaking the mighty SHOLAY. And Varma made a nice choice of changing the total backdrop of the movie. If he repeated the same Ramghad backdrop, people will again say there is nothing new in this. Different background is appreciative but the way he presented it is not worthy. Right from the start of his career with SIVA in Telugu, he had been using the same lighting and kind of background. I seriously dunno this guy Varma considers about lighting or not or may be he has no other lighting technique other than like gordon willis GODFATHER. It's all DUTCH DUTCH DUTCH DUTCH. Why would some body use so many Dutch angles and extreme closeup shots!!!!!!! The shot division is lame. Characters couldn't carry an emotion, performances are not to their mark, Storytelling is worse, Background is really really terrible.

Babban:- Amitabhz been over prioritized to his job. VARMA produced great villains like Bikumatre, Bhavtakur Das, Mallik Bhai but this time he failed in carving the all time best characters of Hindi Cinema. There's no comparison of Gabbar with Babban. Babban is a more psycho rather than a villain, still he has a soft corner for his brother ( It's a gift in this movie). Amitabhz performance is not to his mark. His appearance itself is pathetic. The scar on his nose, symbolizes forgotten villains of black and white cinema. What ever they worked on Babban is not successful. Babban is no comparison with Gabbar.

Narsimha:- The first best thing about this character is not to put audience in suspense about his hands. If varma did that , it would be like teaching ABCD to a Bachelor degree holder. Itz good he opened the secret early. But the flashback is pathetic. Varma couldn't use a great actor like mohanlal to his mark.

Durga:- The only character with betterment. This character has been improved with satisfactory changes and was used according to the story.

Heroo, Raj, Ghunguroo:- No body bothers or at least considers these character. The utter failure of movie starts when director could not work on the close friendship between our heroz. These characters carry nothing to this movie.

RAMGOPALVARMA:- His quality is degrading, diminishing. AAG totally can be treated as a C grade movie. Sholay is a fire of revenge, problem of a town, meaning for true friendship and highly appreciated nuisance and fun by Dharmendra. AAG never carried an emotion with its characters. Storytelling is too weak that it could not make audience feel sympathy for the characters. Don't compare AAG with sholay, still u will not like it.

If you dare watch this movie. You will be burnt alive in RAMGOPAL VARMA KI AAG\": {\"frequency\": 1, \"value\": \"OVERALL ...\"}, \"Guy walking around without motive... I will never get those two hours of my life back. The guy kept on assuming identities and cheating on his pregnant wife. What was I thinking? How did this win a price anywhere? I understood he loved his father but other than that the movie was completely senseless to me. What was the purpose of walking so much and going to the funeral of a stranger for no apparent reason. How did this enrich his life??? Why did we have to see the dying old lady on her underwear????!!! Why???!!!!

I though it would be deep or about something more interesting. I do not recommend the movie even to leave on while sleeping...\": {\"frequency\": 1, \"value\": \"Guy walking around ...\"}, \"I wasn't quite sure if this was just going to be another one of those idiotic nighttime soap operas that seem to clutter prime time but, as it turns out, this is a pretty good show (no small thanks to talented casting). Four female friends with diverse backgrounds get together and share the weekly goings-on of their love-lives. The hour long program follows each of them separately through their often screwed up quests to find love and it does it without being boring or trite. Sharon Small's \\\"Trudi\\\" is the homemaker one (allegedly widowed after September 11th) who gets a little preachy and annoying with her friends (who tend to be a little looser and more creative in their endeavors). It's great to see Small back on t.v., as she was great in the \\\"Inspector Lynley Mysteries\\\". The chick can act. Orla Brady's character (Siobhan, a lawyer) is perhaps the most damaged but still very sympathetic of the women, as she wrestles with her kind but self-absorbed husband Hari (Jaffrey, formerly of \\\"Spooks\\\") in his driven desire to have a child with her, regardless of her needs. The final two members of the cast are the effervescent Jess (Shellie Conn), an events planner who's a wild child who sleeps with anyone and everyone, gender not specific, and Katie, (Sarah Parrish) a somber doctor who's affair with a patient AND his son have sent her career and love life spiraling out of control. That being said, I'm hooked now and hope that the BBC continues cranking this series out because it's good, it's different and it's got a great cast.\": {\"frequency\": 1, \"value\": \"I wasn't quite ...\"}, \"Like a latter day Ayn Rand, Bigelow is la major muy macho in her depiction in the film of a few tough American hombres stuck in Iraq defusing roadside bombs set by the ruthless, relentless, child-killing Arab terrorists. As Bigelow posits the Iraq war as the backdrop of the grand stage of human drama, one veteran bomb expert gets blown up and another shows up to replace him in the dusty, hot, ugly rubble that is Iraq, and a new hero is born.

The new guy is what John Hershey described in his book, and later the movie, The War Lover, as a sadistic wingnut who actually isn't fit for civilian life, and requires the stimulation of war to sublimate and suppress his errant sexual desires. The war lover can only fully function in war, peacetime suffocates him. While Hershey chastised the war lover, (played in the film by Steve McQueen in one of his greatest roles) Bigelow glorifies him. The army needs war lovers, they are the bulwark of defense against our enemies. We can't handle the truth, that it is war lovers who are the best soldiers, the toughest men. According to the unironic Bigelow, regular men are pussies, the war lover is a special breed, the last of the cowboys. So what if he wants to bare-back his men, or fondle an Iraqi boy? He is a throwback to the sex-and-death cult of war. In war, sex is a thankless, loveless, don't-ask, don't-tell kind of male bonding. Bigelow has no opinion on this; she just limits the options of masculinity in this ham-fisted attempt at realism. Only a war-lover can win the moral struggle between right and wrong, between American innocence and Arab perfidy. Bigelow disguises her racism and arrogance behind the ingenuous facade of journalism. She's just another gung-ho yahoo depicting a brutal war against civilians as a moral triumph of the spirit.

On the political front, Bigelow returns to the western genre and its relentless clich\\ufffd\\ufffds again and again, ad nauseam: the wonderful world of the open frontier, which happens to be some one else's country. (\\\"You can shoot people here\\\" says a soldier ); the tough but human black guy companion, the soldier with a premonition of death, the gruff, possibly crazy commanding officer, the college-educated fool who tries to befriend the enemy. You name it, Bigelow resurrects it.

The man-boy love is palpable in scenes with the cute Arab boy who befriends the war lover, but Bigelow plays it straight; she doesn't consummate the sex, just sanitizes it. What Bigelow really wants to show us is the ugly, sneering face of the Arab enemy. Any Iraqi who isn't pure evil is either demented, hostile or up to no good, anyway. They all deserve to die for their impudence, and many of them do in this glib gore-fest film. The Iraqi women are all hysterical, they only make their presence known by screaming. They could be male stunt men in drag for all I know, you never see their faces. There is no female presence at all on base or in battle, although female casualty rates in Iraq would certainly disprove this.

Bigelow goes through all the motions one by one. She glorifies war, she canonizes the sadist nut-case hero. The cowboys, surrounded by the subhuman Indians, prove their mettle by doing God's work and subduing the wretched terrorist-infested hellhole with sheer bravado and suicidal mania. Toward the end, I felt like rooting for the Indians. In Bigelow's world, though, no mercy or understanding ever makes it through. The Iraqis are dehumanized par excellence. The slaughter of civilians is just the dramatic backdrop to our hero's psycho sexual struggle. Every U.S, bullet finds its mark. You have to love the guy, the war lover. It's just his way, he is the true hero. He's just a guy trying to get things done the hard way, and so what if he lusts for boy tang on the side.\": {\"frequency\": 1, \"value\": \"Like a latter day ...\"}, \"The '60s is an occasionally entertaining film, most of this entertainment is from laughing at the film. It is extremely uneven, and includes many annoying elements. Take for instance the switch between black & white, and color. If done right, this could of been fairly effective, but because it was done poorly , it turned into a nuisance and only detracted from the already bad experience; much of the film had an odd feel to it. The acting wasn't extremely bad for a made for TV flick, but then again it was downright embarrassing at other times. Many of the events were not coherent, and ending up being confusing. How did this family somehow end up being at many of the big events during the 1960's? The ending was much too sappy for my tastes; because it was hollywoodized, everything had to turn out right in the end. I would advise you to not waste your time on The '60s and do something else with your time. I'm glad I watched this in class, and not on my own time. I think I can safely say that the best part of the movie was the inclusion of Bob Dylan's music. Those are just my rambling thoughts on the flick. I hope you take my advice, and stay away from this.\": {\"frequency\": 2, \"value\": \"The '60s is an ...\"}, \"Of the three remakes of this plot, I like them all, I have all three on VHS and in addition have a copy of this one on DVD. There is just enough variation in the scripts to make all three entertaining and re-watchable. In addition has any other film been remade three times with such all star casts in each? Of course the main stars in this one are great, but the supporting actors are also superb. I particularly like William Tracy as Pepi. He was such a scene stealer that I have searched to find other movies he is in. He appeared in many, but most are not available. As the other comments, I also say - buy this one.\": {\"frequency\": 1, \"value\": \"Of the three ...\"}, \"The Cat in the Hat is just a slap in the face film. Mike Myers as The Cat in the Hat is downright not funny and Mike Myers could not have been any worse. This is his worst film he has ever been in. The acting and the story was just terrible. I mean how could they make the most beloved stories by Dr. Seuss be made into film and being one of the worst films of all-time and such a disappointment. I couldn't have seen a more worst film than this besides, maybe Baby Geniuses. But this film is just so bad I can't even describe how badly they made this film. Bo Welch should be fired or the writer should.

Hedeen's outlook: 0/10 No Stars F\": {\"frequency\": 1, \"value\": \"The Cat in the Hat ...\"}, \"...here comes the Romeo Division to change the paradigm.

Let me just say that I was BLOWN AWAY by this short film. I saw it, randomly, when I was in Boston at a film festival and I have thanked god for it every day since. I really, truly believe I was part of a happening, like reading a Tarantino script before any else did or seeing the first screening of Mean Streets.

I am not sure what festival the short is headed to next or what the creative team has on tap for future products, but I so hope I can be there for it.

Again, a truly incredible piece of film making.\": {\"frequency\": 1, \"value\": \"...here comes the ...\"}, \"I just didn't get this movie...Was it a musical? no..but there were choreographed songs and dancing in it...

Was it a serious drama....no the acting was not good enough for that.

Is Whoopi Goldberg a quality serious Actor..Definently not.

I had difficulty staying awake through this disjointed movie. The message on apartheid and the \\\"tribute\\\" to the students who died during a student uprosing is noted. But as entertainment this was very poor and as a documentary style movie it was worse.

See for yourself, but in fairness I hated it\": {\"frequency\": 1, \"value\": \"I just didn't get ...\"}, \"My family has watched Arthur Bach stumble and stammer since the movie first came out. We have most lines memorized. I watched it two weeks ago and still get tickled at the simple humor and view-at-life that Dudley Moore portrays. Liza Minelli did a wonderful job as the side kick - though I'm not her biggest fan. This movie makes me just enjoy watching movies. My favorite scene is when Arthur is visiting his fianc\\ufffd\\ufffde's house. His conversation with the butler and Susan's father is side-spitting. The line from the butler, \\\"Would you care to wait in the Library\\\" followed by Arthur's reply, \\\"Yes I would, the bathroom is out of the question\\\", is my NEWMAIL notification on my computer. \\\"Arthur is truly \\\"funny stuff\\\"!\": {\"frequency\": 1, \"value\": \"My family has ...\"}, \"As far as I am concerned this silent version of The Merry Widow is the worst version ever made. There is no tenderness or love or spirituality about this version, it is all macabre, Germanic, sinister nonsense. It reminded me of Nazis falling in love; who cares?

This silent version by von Stroheim is not a faithful adaptation of the original story. In this one we have leering John Gilbert and his gross relative the Prince lusting after this silly American actress, played by Mae Murray, possessed with a modern permed hairstyle and implausible feminist manner that threw me off again and again. I like my romances light and beautiful, with slow build ups; not harsh and sadistic like this one. And come on, those bee stung lips, get rid of them, girl!

Go see a live performance of the show if you would like to get a real idea of the sweetness of the original operetta by Franz Lehar. Failing that, wait till TCM shows the Jeanette MacDonald - Maurice Chevalier sound version. It's much better.\": {\"frequency\": 1, \"value\": \"As far as I am ...\"}, \"This early Sirk melodrama, shot in black and white, is a minor film, yet showcases the flair of the German director in enhancing tired story lines into something resembling art. Set in the 1910's, Barbara Stanwyck is the woman who has sinned by abandoning her small-town husband and family for the lure of the Chicago stage. She never fulfilled her ambitions, and is drawn back to the town she left by an eager letter from her daughter informing her that she too has taken a liking to the theatre (a high school production, that is). Back in her old town she once again comes up against small-mindedness, and has to deal with her hostile eldest daughter, bewildered (and boring) husband (Richard Carlson) and ex-lover. The plot is nothing new but Sirk sets himself apart by creating meaningful compositions, with every frame carefully shot, and he is aided immeasurably by having Stanwyck as his leading lady. It runs a crisp 76 minutes, and that's just as well, because the material doesn't really have the legs to go any further.\": {\"frequency\": 1, \"value\": \"This early Sirk ...\"}, \"Saw this movie on its release and have treasured it since. What a wonderful group of actors (I always find the casting one of the most interesting aspects of a film). Really enjoyed seeing dramatic actress Jacqueline Bisset in this role and Wallace Shawn is always a hoot. The script is smart, sly and tongue-in-cheek, poking fun at almost everything \\\"Beverley Hills\\\". Loved Paul Bartel's \\\"doctor\\\" and Ray Sharkey's manservant. This was raunchy and crude, but thank god! Unless you're a prude, I heartily recommend this movie. FYI for anyone who likes to play six degrees of Kevin Bacon, Mary Woronov & Paul Bartel were in \\\"Rock & Roll High School\\\". Mary Woronov and Robert Beltran were in \\\"Night of the Comet\\\" together. They were all three in \\\"Eating Raoul\\\".\": {\"frequency\": 1, \"value\": \"Saw this movie on ...\"}, \"This is a CGI animated film based upon a French 2D animated series. The series ran briefly on Cartoon Network, but its run was so brief that its inclusion as one of the potential Oscar nominees for best animated film for this year left most people I know going \\\"Huh?\\\" This is the story of Lian-Chu, the kind heart muscle, and Gwizdo, the brains of the operation, who along with Hector their fire farting dragon,he's more like a dog. Travel the world offering up their services as dragon hunters but never getting paid. Into their lives comes Zoe, the fairy tale loving niece of a king who is going blind. It seems the world is being devoured by a huge monster and all of the knights the king has sent out have never returned or if the do return they come back as ashes. In desperation the king hires the dragon hunters to stop the world eater. Zoe of course tags along...

What can I say other then why is this film hiding under a rock? This is a really good little film that is completely off the radar except as unlikely Oscar contender. Its a beautifully designed, fantastic looking film (The world it takes place has floating lands and crazy creatures) that constantly had me going \\\"Wow\\\" at it. The English Voice cast with Forrest Whitaker as Lian-Chu (one of the best vocal performances I've ever heard) and Rob Paulson as Gwizdo (think Steve Bucsemi) is first rate. Equally great is the script which doesn't talk down to its audience, using some real expressions not normally heard in animated films (not Disney nor Pixar). Its all really well done.

Is it perfect? No, some of the bits go on too long, but at the same time its is damn entertaining.

If you get the chance see this. Its one of the better animated films from 2008, and is going on my nice surprise list for 2009.\": {\"frequency\": 1, \"value\": \"This is a CGI ...\"}, \"Lynn Hollister, a small-town lawyer, travels to the nearby big city on business connected with the death of his friend Johnny. (Yes, Lynn is a man despite the feminine-sounding Christian name. Were the scriptwriters trying to make a snide reference to the fact that John Wayne's birth name was \\\"Marion\\\"?) Hollister at first believes Johnny's death to have been an accident, but soon realises that Johnny was murdered. Further investigations reveal a web of corruption, criminality and election rigging connected to Boss Cameron, the leading light in city 's political machine.

That sounds like the plot of a gritty crime thriller, possibly made in the film noir style which was starting to become popular in 1941. It isn't. \\\"A Man Betrayed\\\", despite its theme, is more like a light romantic comedy than a crime drama. Hollister falls in love with Cameron's attractive daughter Sabra, and the film then concentrates as much on their resulting romance as on the suspense elements.

This film might just have worked if it had been made as a straightforward serious drama. One reviewer states that John Wayne is not at all believable as a lawyer, but he couldn't play a cowboy in every movie, and a tough crusading lawyer taking on the forces of organised crime would probably have been well within his compass. Where I do agree with that reviewer is when he says that Wayne was no Cary Grant impersonator. Romantic comedy just wasn't up his street. One of the weaknesses of the studio system is that actors could be required to play any part their bosses demanded of them, regardless of whether it was up their street or not, and as Wayne was one of the few major stars working for Republic Pictures they doubtless wanted to get as much mileage out of him as they could.

That said, not even Cary Grant himself could have made \\\"A Man Betrayed\\\" work as a comedy. That's not a reflection on his comic talents; it's a reflection on the total lack of amusing material in this film. I doubt if anyone, no matter how well developed their sense of humour might be, could find anything to laugh at in it. The film's light-hearted tone doesn't make it a successful comedy; it just prevents it from being taken seriously as anything else. This is one of those films that are neither fish nor flesh nor fowl nor good red herring. 3/10\": {\"frequency\": 1, \"value\": \"Lynn Hollister, a ...\"}, \"December holiday specials, like the original Frosty, ought to be richly-produced with quality music and a wholesome, yet lighthearted storyline. They should have a touch of the mystical magic of the holidays. Basically, they should look, sound, and feel...well, \\\"special\\\" and they should have a decent and appropriate December holiday subtext.

So when I saw Legend of Frosty the Snowman in the TV listings, I got my kids (6 and 8) pumped up for it by telling them the story of the original Frosty and passionately relating how much I enjoyed it as a kid. As my wife and kids cozied up on the couch to watch the movie the expectations were high, but 10 minutes into it my kids were yawning and my wife and I were giving each other \\\"the look\\\" and rolling our eyes. After 35 minutes my kids were actually asking to go to bed -- I guess they were fed up with the insensitive language and pointless, disconnected segments. I was actually embarrassed about their (and my) disappointment with this movie.

Unfortunately, Legend of Frosty the Snowman is more like a bad episode of Fairly Odd Parents crossed with a worse-than-normal episode of Sponge Bob than a classic holiday movie. Don't get me wrong...those shows are fine and I like them as much as the next guy, but when I watch Fairly Odd Parents or Sponge Bob, my low expectations (for mediocre, off-color, zero subtext, mind numbing episodes) are always satisfied.

We picked out some good books and spent the rest of the evening reading together. A much better choice than the embarrassingly bad Legend of Frosty the Snowman.\": {\"frequency\": 1, \"value\": \"December holiday ...\"}, \"The viewer leaves wondering why he bothered to watch this one, or why, for that matter, anyone bothered to make it. There is no plot - just random scenes of ridiculous action. Mia Sara's shower scene appeals to the male libido, but that's not much reason to make a movie.\": {\"frequency\": 1, \"value\": \"The viewer leaves ...\"}, \"A routine mystery/thriller concerning a killer that lurks in the swamps. During the early days of television, this one was shown so often, when Dad would say \\\"What's on TV tonight?\\\" and we'd tell him \\\"Strangler of the Swamp\\\" he'd pack us off to the movies. We went to the movies a lot in those days!\": {\"frequency\": 1, \"value\": \"A routine ...\"}, \"I watch romantic comedies with some hesitation, for romantic comedies feature age old clich\\ufffd\\ufffds which make a movie uninteresting. Typically in a Romantic Comedy, there is a girl and there is a guy, both fall in love, then have troubles, and then win over the troubles to marry or whatever. But, this movie is a different story, it is really very different from the Romantic Comedies I have seen of lately.

There is a widowed guy(Dan), there is a girl(Marie). Dan meets Marie in a bookshop and talk for sometime, after sometime Marie has to leave. Dan develops something for her, and when this something starts to turn meaningful, we get a twist. Marie is the girlfriend of his brother. Unheeded of the circumstances, Dan flirts with Marie and realizes that he loves her, and even Marie loves him, but their love would not just be possible. How it is made possible forms the rest of the story.

Steve Carell performs well, Juliette Binoche is good as Marie. And every other stuff is done well. It is a good movie, watch it.\": {\"frequency\": 1, \"value\": \"I watch romantic ...\"}, \"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. Professor Noodle (Lucien Littlefield) is nearing the completion of his rejuvenation formula, with the ability to reverse ageing, after twenty years. Ollie and Stan are the chimney sweeps that arrive to do their job, and very quickly Ollie wants to get away from Stan making mistakes. Ollie goes to the roof to help with the other end of the brush at the top of the chimney, but Stan in the living room ends up pushing the him back in the attic. After breaking an extension, Stan gets a replacement, a loaded gun, from off the wall, and of course it fires the brush off. Stan goes up to have a look, and Ollie, standing on the attic door of the roof, falls into the greenhouse. Stan asks if he was hurt, and Ollie only answers with \\\"I have nothing to say.\\\" Ollie gets back on the roof, and he and Stan end up in a tug and pull squabble which ends up in Ollie falling down and destroying the chimney. Ollie, hatless, in the fireplace is hit on the head by many bricks coming down, and the butler Jessup (Sam Adams) is covered in chimney ash smoke, oh, and Ollie still has nothing to say to Stan. The boys decide to clean up the mess, and when Stan tears the carpet with the shovel, Ollie asks \\\"Can't you do anything right\\\", and Stan replies \\\"I have nothing to say\\\", getting the shovel bashed on his head. As Ollie holds a bag for Stan to shovel in the ashes, they get distracted by a painting on the wall, and the ashes end up down Ollie's trousers, so Stan gets another shovel bashed on the head. Professor Noodle finishes his formula, and does a final test on a duck, with a drop in a tank of water, changing it into a duckling. He also shows the boys his success, turning the duckling into an egg, and he next proposes to use a human subject, i.e. his butler. While he's gone, the boys decide to test the formula for themselves, but Ollie ends up being knocked by Stan into the water tank with all the formula. In the end, what was once Ollie comes out, an ape, and when Stan asks him to speak, all Ollie ape says is \\\"I have nothing to say\\\", and Stan whimpers. Filled with wonderful slapstick and all classic comedy you could want from a black and white film, it is an enjoyable film. Stan Laurel and Oliver Hardy were number 7 on The Comedians' Comedian. Very good!\": {\"frequency\": 1, \"value\": \"Stan Laurel and ...\"}, \"Not a very good movie but according to the info it's pretty accurate in depicting torture techniques. The purpose of the film was to show the brutality of the NK POW camps and that's done effectively enough, with surprising frankness for the time. Whatever technical flaws exist (and there are plenty) by watching this you'll see a forgotten corner of a forgotten war and some pretty nasty stuff - again, nasty because it's being done north of the DMZ and not in Guantanamo Bay.

I don't think any of the Korean veterans brought up his torture when running for office, and if you watch the movies like this one and Pork Chop Hill in comparison to the Vietnam films. I don't know if it was the people in '54 being trapped in the WWII concepts (the boys tend to wisecrack a lot) or the war or what, but it's interesting to see this from the same system that 16 years later would be making movies like \\\"Go Tell The Spartans\\\".\": {\"frequency\": 1, \"value\": \"Not a very good ...\"}, \"This was a movie that I hoped I could suggest to my American friends. But after 4 attempts to watch the movie to finish, I knew I couldn't even watch the damn thing to close. You are almost convinced the actual war didn't even last that long. Other's will try to question my patriotism for criticizing a movie like this. But flat out, you can't go from watching Saving Private Ryan to LOC. Forget about the movie budget difference or the audience - those don't preclude a director from making an intelligent movie. The length of the movie is not so bad and the fact that it is repetitive - they keep attacking the same hill but give it different names. I thought the LOC was a terrible terrain - this hill looked like my backyard. The character development sequences (the soilders' flashbacks, looking back to their last moments, before being deployed) should have been throughout the movie and not just clumped into one long memory. To this day, I have yet to watch the ending. But there was a much better movie (not saying much) called Border.\": {\"frequency\": 1, \"value\": \"This was a movie ...\"}, \"I am uncertain what to make of this misshapen 2007 dramedy. Attempting to be a new millennium cross-hybrid between On Golden Pond and The Prince of Tides, this film ends up being an erratic mess shifting so mercurially between comedy and melodrama that the emotional pitch always seems off. The main problem seems to be the irreconcilable difference between Garry Marshall's sentimental direction and Mark Andrus' dark, rather confusing screenplay. The story focuses on the unraveling relationship between mother Lilly and daughter Rachel, who have driven all the way from San Francisco to small-town Hull, Idaho where grandmother Georgia lives. The idea is for Lilly to leave Rachel for the summer under Georgia's taskmaster jurisdiction replete with her draconian rules since the young 17-year old has become an incorrigible hellion.

The set-up is clear enough, but the characters are made to shift quickly and often inexplicably between sympathetic and shrill to fit the contrived contours of the storyline. It veers haphazardly through issues of alcoholism, child molestation and dysfunctional families until it settles into its pat resolution. The three actresses at the center redeem some of the dramatic convolutions but to varying degrees. Probably due to her off-screen reputation and her scratchy smoker's voice, Lindsay Lohan makes Rachel's promiscuity and manipulative tactics palpable, although she becomes less credible as her character reveals the psychological wounds that give a reason for her hedonistic behavior. Felicity Huffman is forced to play Lilly on two strident notes - as a petulant, resentful daughter to a mother who never got close to her and as an angry, alcoholic mother who starts to recognize her own accountability in her daughter's state of mind. She does what she can with the role on both fronts, but her efforts never add up to a flesh-and-blood human being.

At close to seventy, Jane Fonda looks great, even as weather-beaten as she is here, and has the star presence to get away with the cartoon-like dimensions of the flinty Georgia. The problem I have with Fonda's casting is that the legendary actress deserves far more than a series of one-liners and maternal stares. Between this and 2005's execrable Monster-in-Law, it does make one wonder if her best work is behind her. It should come as no surprise that the actresses' male counterparts are completely overshadowed. Garrett Hedlund looks a little too surfer-dude as the na\\ufffd\\ufffdve Harlan, a devout Mormon whose sudden love for Rachel could delay his two-year missionary stint. Cary Elwes plays on a familiar suspicious note as Lilly's husband, an unfortunate case where predictable casting appears to telegraph the movie's ending.

There is also the omnipresent Dermot Mulroney in the morose triple-play role of the wounded widower, Lilly's former flame and Rachel's new boss as town veterinarian Dr. Simon Ward. Laurie Metcalf has a barely-there role as Simon's sister Paula, while Marshall regular Hector Elizondo and songsmith Paul Williams show up in cameos. Some of Andrus' dialogue is plain awful and the wavering seriocomic tone never settles on anything that feels right. There are several small extras with the 2007 DVD, none all too exciting. Marshall provides a commentary track that has plenty of his trademark laconic humor. There are several deleted scenes, including three variations on the ending, and a gag reel. A seven-minute making-of featurette is included, as well as the original theatrical trailer, a six-minute short spotlighting the three actresses and a five-minute tribute to Marshall.\": {\"frequency\": 1, \"value\": \"I am uncertain ...\"}, \"This delectable fusion of New Age babble and luridly bad film-making may not \\\"open\\\" you up, to borrow one of the film's favorite verbs, but it might leave your jaw slack and your belly sore from laughter or retching. Based on the best-selling book by James Redfield, first (self) published in 1993, this cornucopia of kitsch tracks the spiritual awakening of an American history teacher (Matthew Settle) who, on traveling to deepest, darkest, phoniest Peru and sniffing either the air or something else more illegal. Namely what he discovers is a schlock Shangri La populated by smiling zombies who may be nuts or just heavily medicated, perhaps because they're often accompanied by a panpipe flourish and an occasional shout out from a celestial choir. Although there's a lot of talk about \\\"energy,\\\" that quality is decidedly missing from the motley cast whose numbers include Thomas Kretschmann, Annabeth Gish, Hector Elizondo and Jurgen Prochnow, all of whom are now firmly ensconced in the camp pantheon. For those who care, the plot involves the military, terrorists and the Roman Catholic Church; Armand Mastroianni provided the inept direction while Mr. Redfield, Barnet Bain and Dan Gordon wrote the hoot of a script. In short, easily the worst film seen in 40+ years of viewing movies.\": {\"frequency\": 1, \"value\": \"This delectable ...\"}, \"Back in the day of the big studio system, the darndest casting decisions were made. Good old all American James Stewart appearing as a Hungarian in The Shop Around the Corner. Had I been casting the film, the part of Kralik would have been perfect for Charles Boyer. His accent mixed in with all the other European accents would have been nothing. Stewart had some of the same problem in the Mortal Storm also with Margaret Sullavan.

Margaret Sullavan was his most frequent leading lady on the screen, he did four films with her. But is only this one where neither of them dies. Sullavan and her husband Leland Heyward knew Stewart back in the day when he was a struggling player in New York. In fact Sullavan's husband was Stewart's good friend Henry Fonda back then.

I think only Clark Gable was able to carry off being an American in a cast of non-Americans in Mutiny on the Bounty. Stewart in The Mortal Storm was German, but all the other players were American as well so nothing stood out.

But if you can accept Stewart, than you'll be seeing a fine film from Ernest Lubitsch. The plot is pretty simple, a man and woman working in a department store in Budapest don't get along in person. But it seems that they are carrying on a correspondence with some anonymous admirers which turn out to be each other. Also employer Frank Morgan suspects Stewart wrongly of kanoodling with his wife.

Though the leads are fine and Frank Morgan departs from his usual befuddled self, the two players who come off best are Felix Bressart and Joseph Schildkraut. Bressart has my favorite moments in the film when he takes off after Morgan starts asking people for opinions. He makes himself very scarce.

And Joseph Schildkraut, who is always good, is just great as the officious little worm who is constantly kissing up to Frank Morgan. You really hate people like that, I've known too many like Schildkraut in real life who are at office politics 24 hours a day. Sad that it pays off a good deal of the time.\": {\"frequency\": 1, \"value\": \"Back in the day of ...\"}, \"I didn't even know this was originally a made-for-tv movie when I saw it, but I guessed it through the running time. It has the same washed-out colors, bland characters, and horrible synthesized music that I remember from the 80's, plus a 'social platform' that practically screams \\\"Afterschool special\\\". Anyhoo.

Rona Jaffe's (thank you) Mazes and Monsters was made in the heyday of Dungeons & Dragons, a pen-and-paper RPG that took the hearts of millions of geeks around America. I count myself one of said geeks, tho I have never played D&D specifically I have dabbled in one of its brethren. M&M was also made in the heyday of D&D's major controversy-that it was so engrossing that people could lose touch with reality, be worshiping Satan without knowing, blah blah. I suppose it was a legitimate concern at one point, if extremely rare-but it dates this movie horrendously.

We meet 4 young college students, who play the aptly named Mazes and Monsters, to socialize and have a little time away from mundane life. Except that M&M as presented is more boring than their mundane lives. None of the allure of gaming is presented here-and Jay Jay's request to take M&M into 'the real world' comes out of nowhere. It's just an excuse to make one of the characters go crazy out of nowhere also-though at that point we don't really care. Jay Jay, Robbie, Kate and Daniel are supposed to be different-but they're all rich WASPy prigs who have problems no one really has.

But things just continue, getting worse in more ways than one. The low budget comes dreadfully clear, (I love the 'Entrance' sign and cardboard cutout to the forbidden caverns) Robbie/Pardu shows why he's not a warrior in the oafiest stabbing scene ever, and the payoff atop the 'Two Towers' is unintentionally hilarious. Tom Hanks' blubbering \\\"Jay Jay, what am I doing here?\\\" made me laugh for minutes on end. Definitely the low point in his career.

Don't look at it as a cogent satire, just a laughable piece of 80's TV trash, and you'll still have a good time. That is, if you can stay awake. The majority is mostly boring, but it's all worthwhile for Pardu's breakdown at the end. At least Tom Hanks has gotten better. Not that he could go much worse from here.\": {\"frequency\": 1, \"value\": \"I didn't even know ...\"}, \"When watching A Bug's Life for the first time in a long while, I couldn't help but see the comparisons with last year's Happy Feet. As far as the main storyline goes, they are very similar, an outcast doing what he can to fit in while also attempting to be special. It just goes to show you how much better that film could have been without its liberal diatribe conclusion. A lot of people disagree with me when I say that I really like Pixar's sophomore effort. Sure it doesn't manage to capture the splendor of Toy Story, nor is the animation out of this world. However, the story is top-notch and the characters are wonderful to spend time with. With plenty of laughs and a moral center to boot, I could watch this one just as much as the studio's other classics.

There is a lot about finding strength from within to conquer all odds here. Between our lead Flick needing to keep his self-esteem up to save his colony, the colony needing to open their eyes onto a new way of living for the future, and the circus bugs finding that they are more than just untalented sideshow freaks, everyone evolves into a better bug by the end of the story. Even the villain Hopper is fully fleshed and menacing for the right reasons. He is not doing it to be mean, but instead understands the fact that the ants outnumber him 100 to 1. He needs them to fear him in order to not have to worry about them finding out the truth. It is very much a circle of life, but not one that can't evolve with the ages.

When thinking about the animation, it is actually quite good. Compared to Antz, the rival film of the time, this is much more realistic and less cartoony. The water is rendered nicely, as is the foliage. You don't have to look much further than the ants' eyes to see how much detail went into the production. The reflections and moistness, despite the smooth exterior, shows the realism. All the bugs are finely crafted too. The flies in the city and the crazy mix of creatures recruited to save the ants are never skimped on, whether for a small role or a more expanded one. It is also in the city that we see the workmanship on the environments. While Ant Island is nice, it is just the outdoors. Bug City contains plenty of garbage doubling as buildings and clubs. It is a great showing of humor and inventiveness to see what the animators used for everything. From the ice cube trays as circus stands, the animal crackers box as circus wagon\\ufffd\\ufffdcomplete with full nutrition guide on the side\\ufffd\\ufffdand crazy compilation of boxes to create a Times Square of billboards and facades, everything is done right.

As far as much of the humor, you have to credit the acting talent for wonderful delivery and inspired role choices. No one could do a male ladybug better than Dennis Leary with his acerbic wit. I dare you to think of someone better. Our leads are great too with Dave Foley as Flick and Julia Louis-Dreyfus as Princess Atta, as well as the always-fantastic Kevin Spacey as Hopper. Spacey not only steals many scenes from the movie, but also takes center stage in the bloopers during the credits. Yes, A Bug's Life was the originator of animated outtakes from Pixar, a tradition that has continued on. With many tongue-in-cheek bug jokes laced throughout, you also have to give props to the huge supporting cast. Full of \\\"those guy actors,\\\" it is people like Richard Kind, Brad Garrett, and the late Joe Ranft as Heimlich the worm who bring the biggest laughs.

Overall, it may be the simplest story brought to screen by Pixar, one that has been told in one form or the other numerous times over the years, but it is inspired enough and fresh enough to deliver an enjoyable experience. There are joyous moments, sad times, and even action packed scenes of suspense with birds coming in to join the fun. Complete with a couple of my favorite Pixar characters, Tuck and Roll, there isn't too much bad that I can think of saying about it.\": {\"frequency\": 1, \"value\": \"When watching A ...\"}, \"It's very sad that Lucian Pintilie does not stop making movies. They get worse every time. Niki and Flo (2003) is a depressing stab at the camera. It's unfortunate that from the many movies that are made yearly in Romania , the worst of them get to be sent abroad ( e.g. Chicago International Film Festival). This movie without a plot , acting or script is a waste of time and money. Score: 0.02 out of 10.\": {\"frequency\": 2, \"value\": \"It's very sad that ...\"}, \"Two sisters, their perverted brother, and their cousin have car trouble. They then happen about the home of Dr. Hackenstein whom conveniently needs the body parts of three nubile young women to use in an experiment to bring his deceased lover back to life. He tells them that he'll help them get home in the morning, so they spend the night. Then the good doctor gets down to work in this low-budget horror-comedy.

I found this to be mildly amusing, nothing at all to actually go out of your way for (I stumbled across it on Netflix instant view & streamed it to the xbox 360), but better then I expected it to be for a Troma acquired film. Most of the humor doesn't work, but their are still some parts that caused me to smile. Plus the late, great Anne Ramsey has a small part and she was always a treat to watch.

Eye Candy: Bambi Darro & Sylvia Lee Baker got topless

My Grade: D+\": {\"frequency\": 1, \"value\": \"Two sisters, their ...\"}, \"I love Dracula but this movie was a complete disappointment! I remember Lee from other Dracula films from when i was younger, and i thought he was great, but this movie was really bad. I don't know if it was my youth that fooled me into believing Lee was the ultimate Dracula, with style, looks, attraction and the evil underneath that. Or maybe it was just this film that disappointed me.

But can you imagine Dracula with an snobbish English accent and the body language to go along with it? Do you like when a plot contains unrealistic choices by the characters and is boring and lacks any kind of tension..? Then this is a movie for you!

Otherwise - don't see it! I only gave it a 2 because somehow i managed to stay awake during the whole movie.

Sorry but if you liked this movie then you must have been sleep deprived and home alone in a dark room with lots of unwatched space behind you. Maybe alone in your parents house or in a strangers home. Cause not even the characters in this flick seemed afraid, and i think that sums up the whole thing!

Or maybe you like this film because of it's place in Dracula cinema history, perhaps being fascinated by how the Dracula story has evolved from Nosferatu to what it is today. Cause as movie it isn't that appealing, it doesn't pull you in to the suggestive mystery that for me make the Vampyre myth so fascinating.

And furthermore it has so much of that tacky 70ies feel about it. The scenery looks like cheap Theatre. And i don't say that rejecting everything made in the 70ies. Cause i can love old film as well as new.\": {\"frequency\": 1, \"value\": \"I love Dracula but ...\"}, \"I don't know who to blame, the timid writers or the clueless director. It seemed to be one of those movies where so much was paid to the stars (Angie, Charlie, Denise, Rosanna and Jon) that there wasn't enough left to really make a movie. This could have been very entertaining, but there was a veil of timidity, even cowardice, that hung over each scene. Since it got an R rating anyway why was the ubiquitous bubble bath scene shot with a 70-year-old woman and not Angie Harmon? Why does Sheen sleepwalk through potentially hot relationships WITH TWO OF THE MOST BEAUTIFUL AND SEXY ACTRESSES in the world? If they were only looking for laughs why not cast Whoopi Goldberg and Judy Tenuta instead? This was so predictable I was surprised to find that the director wasn't a five year old. What a waste, not just for the viewers but for the actors as well.\": {\"frequency\": 1, \"value\": \"I don't know who ...\"}, \"Oscar Wilde's comedy of manners, perhaps the wittiest play ever written, is all but wrecked at the hands of a second-rate cast. Sanders is, as one would expect, casually, indolently brilliant in the role of Lord Darlington, but the rest of the cast makes the entire procedure a waste of time. Jean Crain attempts a stage accent in alternate sentences and the other members of the cast seem to believe this is a melodrama and not a comedy; indeed, the entire production has bookends that reduce it to tragedy -- doubtless the Hays office insisted. Preminger's direction seems to lie mostly in making sure that there are plenty of servants about and even the music seems banal. Stick with the visually perfect silent farce as directed by Lubitsch or even the 2004 screen version with Helen Hunt as Mrs. Erlynne; or try reading the play for the pleasure of the words. But skip this version.\": {\"frequency\": 1, \"value\": \"Oscar Wilde's ...\"}, \"While many unfortunately passed on, the ballroom scene is still very much alive and carrying on their legacy. Some are still very much alive and quite well, Octavia is more radiant and beautiful than ever, Willi Ninja is very accomplished and gives a great deal of support to the gay community as a whole, Pepper Labeija just passed on last year of natural cause, may she rest in peace. After Anji's passing Carmen became the mother of the house of Xtravaganza (she was in the beach scene) and she is looking more and more lovely as well. Some balls have categories dedicated to those who have passed, may they all rest in peace. There is currently another project underway known as \\\"How Do I Look?\\\", you can check out the website at www.howdoilooknyc.org.\": {\"frequency\": 1, \"value\": \"While many ...\"}, \"This movie was a major disappointment on direction, intellectual niveau, plot and in the way it dealt with its subject, painting. It is a slow moving film set like an episode of Wonder Years, with appalling lack of depth though. It also fails to deliver its message in a convincing manner.

The approach to the subject of painting is very elite, limited to vague and subjective terms as \\\"beauty\\\". According to the makers of this movie, 'beauty' can be only experienced in Bob-Ross-style kitschy landscape paintings. Good art according to this film can be achieved by applying basic (like, primary school level) color theory and lots of sentiment. In parts the movie is offending, e.g. at a point it is stated (rather, celebrated by dancing on tables) that mentally handicapped people are not capable of having emotions or expressing them through painting, their works by definition being worthless 'bullshit' (quote).

I do not understand how the movie could get such high rating, then again, so far not many people rated it, and they chose for only very high or very low grades.\": {\"frequency\": 1, \"value\": \"This movie was a ...\"}, \"12 year old Arnald Hillerman accidentally kills his older brother Eugene. His feelings are arrested by the fact that his family can not interact with him (or feel it is not the right thing to do). His ONLY refuge is his grandfather, who is the ONLY one who seems to have compassion on him. The Realism will captivate \\\"true-2-life\\\" movie lovers, but will not satisfy those that desire action & thrills.\": {\"frequency\": 1, \"value\": \"12 year old Arnald ...\"}, \"A beautiful film, touching profoundly up the simple, yet divine aspects of humanity.

This movie was almost perfect, and seeing as nothing in this world can be truly perfect, that is pretty good. The only minor thing I subjectively object to, is the pacing at some points in the middle of the story. The acting is also very good, and all the actors easily top actors in high-profile films. The actual directing seems to have been well thought through, and the script must have been amazing. There are some truly breathtaking moments of foreshadowing, and a quite gorgeous continuing circular composition of the story.

The moment in the movie, when the main character achieves that feeling of being in heaven is the perfect ending to a truly brilliant yarn.\": {\"frequency\": 1, \"value\": \"A beautiful film, ...\"}, \"This film reminds me of 42nd Street starring Bebe Daniels and Ruby Keeler. When I watch this film a lot of it reminded me of 42nd Street, especially the character Eloise who's a temperamental star and she ends up falling and breaks her ankle, like Bebe Daniels did in 42nd Street and another performer gets the part and become a star. This film, like most race films, keeps people watching because of the great entertainment. Race films always showed Black Entertainment as it truly was that was popular in that time era. The Dancing Styles, The Music, Dressing Styles, You'll Love It. This movie could of been big if it was made in Hollywood, it would of had better scenery, better filming, and more money which would make any movie better. But its worth watching because it is good and Micheaux does good with the little he has. I have to say out of all Micheaux's films, Swing is the best! The movie features singers, dancers, actresses, and actors who were popular but forgotten today. Doli Armena, a awesome female trumpet player who can blow the horn so good that you think Gabriel is blowing a horn in the sky. The sexy, hot female dancer Consuela Harris would put Ann Miller and Gyspy Rose Lee to shame.

Adding further info... Popular blues singer of the 20's and 30's Cora Green is the focus of the film, she's Mandy, a good, hard working woman with a no good man who takes her money and spend it on other women. A nosy neighbor played by Amanda Randolph tells Mandy what she seen and heard and Mandy goes down to the club and catches her man with an attractive, curvy woman by the name of Eloise (played Hazel Diaz, a Hot-Cha entertainer in the 30's) and a fight breaks out. Then Mandy goes to Harlem where she reunites with a somewhat guardian angel Lena played by one of the most beautiful women in movies Dorothy Van Engle. Lena provides Mandy with a home, a job, and helps her become a star when temperamental Cora Smith (played by Hazel, I guess she's playing two parts or maybe she changed her stage name) tries to ruin the show with her bad behavior. When Cora gets drunk and breaks her leg, Lena convinces everyone that Mandy is right for the job and Lena is right and a star is born in Mandy. Tall, long, lanky, but handsome Carman Newsome is the cool aspiring producer who Lena looks out for as well. Pretty boy Larry Seymour plays the no good man but after Lena threatens him, he might shape up. There are a few highlights but the one that sticks out to me is the part where Cora Smith (Hazel Diaz) struts in late for rehearsal and goes off on everyone and then her man comes in and punches her in the jaw but that's not enough, she almost gets into a fight with Mandy again. In between there's great entertainment by chorus girls, tap dancers, shake dancers, swing music, and blues singing. There's even white people watching the entertainment, I wonder where Micheaux found them, there's even a scene where there's blacks and whites sitting together at the club, Micheaux frequently integrated blacks and whites in his films, he should be commended for such a bold move.

This movie was the first race film I really enjoyed and it helped introduced me to Oscar Micheaux. This movie is one of the best of the race film genre, its a behind the scenes story about the ups and downs of show business.

No these early race films may not be the best, can't be compared with Hallelujah, Green Pastures, Stormy Weather, Cabin In The Sky, Carmen Jones, or any other Hollywood films but their great to watch because their early signs of black film-making and plus these films provide a glimpse into black life and black entertainment through a black person's eyes. These films gave blacks a chance to play people from all walks of life, be beautiful, classy, and elegant, and not just be stereotypes or how whites felt blacks should be portrayed like in Hollywood. Most of the actors and actresses of these race films weren't the best, but they were the only ones that could be afforded at the time, Micheaux and Spencer Williams couldn't afford Nina Mae McKinney, Josephine Baker, Ethel Waters, Fredi Washington, Paul Robeson, Rex Ingram, and more of the bigger stars, so Micheaux and other black and white race film-makers would use nightclub performers in their movies, some were good, some weren't great actors and actresses, but I think Micheaux and others knew most weren't good actors and actresses but they were used more as apart of an experiment than for true talent, they just wanted their stories told, and in return many black performers got to perform their true talents in the films. For some true actors/actresses race films were the only type of films they could get work, especially if they didn't want to play Hollywood stereotypes, so I think you'll be able to spot the true actors/actresses from the nightclub performers. These race films are very historic, they could have been lost forever, many are lost, maybe race films aren't the greatest example of cinema but even Hollywood films didn't start out great in the beginning. I think if the race film genre continued, it would have better. If your looking for great acting, most race films aren't the ones, but if your looking for a real example of black entertainment and how blacks should have been portrayed in films, than watch race films. There are some entertaining race films with a good acting cast, Moon Over Harlem, Body and Soul, Paradise In Harlem, Keep Punching, Sunday Sinners, Dark Manhattan, Broken Strings, Boy! What A Girl, Mystery In Swing, Miracle In Harlem, and Sepia Cinderella, that not only has good entertainment but good acting.\": {\"frequency\": 1, \"value\": \"This film reminds ...\"}, \"Every one should see this movie because each one of us is broken in some way and it may help us realize 1) My life isn't as bad as I thought it was and 2) How important it is to adopt a child in need. There are so many out there. To think that the movie was actually based on a real person made us think deep about life and how the world has and always will be. Corrupt, but that corruption doesn't have to reach your home. We all have a choice! Definitely recommend this one... and while you're at it, I'd like to throw in \\\"The Color Purple\\\" and \\\"Woman, Thou Art Loosed\\\" by T.D. Jakes.

These are all movies that are based on life and give us a glimpse of life.\": {\"frequency\": 1, \"value\": \"Every one should ...\"}, \"I usually talk a bit about the plot in the first part of my review but in this film there's really not much to talk of. Just a mish-mash of other FAR better sword & sorcery epics. Lack of cohesiveness runs rampant as does banality. Even the main villaness refusing to wear clothing other then a loincloth is pretty boring as she pretty much has a chest of a young boy.Mildly amusing in it's ineptitude at best and severely retarded at it's worst. Lucio Fulci was scrapping the bottom of the barrel here and it shows.

My Grade: D-

DVD Extras: Posters & Stills galleries; Lucio Fulci Bio; and US & International Theatrical trailers

Eye Candy: Sabrina Siani is topless throughout (some may consider that appealing, I did not); various extras are topless as well\": {\"frequency\": 1, \"value\": \"I usually talk a ...\"}, \"As a big fan of gorilla movies in general, I anticipated that this one would be great - and as for the gorilla effects, They were quite good, however - that is the only thing I can write about this flop. The film claims to be based on a true story but in effect, it does not even come close to what actually happened to \\\"Buddy\\\" - who in real life, was the famous Gargantua, sold to Ringling Bros. by our supposed \\\"heroic\\\" Gertrude Lintz, known by many animal enthusiasts as a woman who hardly had her animals' welfare in the best interest. As far as Buddy being portrayed as becoming aggressive, this was total fiction and at no time did the gorilla, in real life, resort to such behavior. buddy did, in fact, escape his wooden crate (not a plush cage room as depicted in movie) during a storm, to seek shelter and comfort in the house, which frightened Gertrude Lintz into selling him. No, Buddy was not released into a gorilla family surrounded by lush trees in a zoological paradise - he was abandoned in a wooden crate, deep in the back of a garage for some time with only a single light bulb for comfort and then sold to the circus - where he actually lived a better life having peanuts thrown at him until he died (historically the oldest living gorilla on record, by the way) before a show in Miami. Notice also, in the film, how Buddy grows older but the chimpanzees never age. (The chimps, by the way, were not raised simultaneously with other animals, including Buddy, as portrayed in the film)\": {\"frequency\": 1, \"value\": \"As a big fan of ...\"}, \"The Devil Dog: Hound of Hell is really good film. It has good acting by the cast including Richard Crenna and R.G. Armstrong.The music is spooky and gives that devilish chill!I liked the effects on the dog and I think the creature itself looked really cool with its horns,frill like part on his neck, and acted really viscous!If you like horror films and haven't seen The Devil Dog: Hound of Hell before and are able to find and buy this rare film then do so because its a good movie and I don't think you'll be disappointed!\": {\"frequency\": 1, \"value\": \"The Devil Dog: ...\"}, \"I have seen about a thousand horror films. (my favorite type) This film is among the worst. For me, an idea drives a movie. So, even a poorly acted, cheaply made movie can be good. Something Weird is definitely cheaply made. However, it has little to say. I still don't understand what the karate scene in the beginning has to do with the film. Something Weird has little to offer. Save yourself the pain!\": {\"frequency\": 1, \"value\": \"I have seen about ...\"}, \"I enjoyed this film. I thought it was an excellent political thriller about something that's never happened before - a Secret Service agent going bad and involved in an assassination plot. Unfortunately, for Michael Douglas' character, \\\"Pete Garrison,\\\" they think HE's the mole but he isn't.

He's just a morally-flawed agent having an affair with the First Lady! Since he's doing that, he's unable to give an acceptable polygraph exam and that makes him suspect number one when it's revealed there is a plot to kill the President.

\\\"Garrison\\\" is forced to go on the lam but at the same time he's still trying to do the right thing by protecting the President. Douglas does a fine job in this role. I don't always care the people he plays but he's an excellent actor. Keifer Sutherland (\\\"David Breckinridge\\\") is equally as good (at least in here) as the fellow SS boss who hunts down Douglas until convinced he has been telling the truth. When he does the two of them work together in the finale to discover and then stop, if they can, the plot. The crooks are interesting, too, by the way. Also, I have never - and never will, unfortunately - see a First Lady who looks as good as Kim Basinger

This is simply a slick action flick that entertains start-to-finish. Are there holes in it? Of course; probably a number of them, and a reason you see so many critical comments. However, it is unfairly bashed here. It just isn't intelligent enough for the geniuses here on this website. My advice: chill, just go along for the ride and enjoy all the action and intrigue. Yes, it gets a little Rambo-ish at the end but otherwise it gets high marks for entertainment.....which is what movies are all about.\": {\"frequency\": 1, \"value\": \"I enjoyed this ...\"}, \"I almost made a fool of myself when I was going to start this review by saying \\\" This movie reminded me of BILLY ELLIOT \\\" but then I looked up the resume of screenwriter Lee Hall only to find out that he was the guy who wrote BILLY ELLIOT so it's Mr Hall who's making a fool of himself not me

Am I being a bit cruel on him ? No because Lee has something most other aspiring screenwriters from Britain don't have - He has his foot in the door , he has previously written a successful British movie that won awards and made money at the box office and what does he do next ? He gives the audience more of the same

Young Jimmy Spud lives on some kitchen sink estate . He is bullied at school and no one loves him . The only thing keeping him going is that he has aspirations to be a ballet dancer . No actually he has aspirations to be an angel but considering his household he may as well be a ballet dancer . He has a macho waster of a father who thinks \\\" Ballet dancers are a bunch of poofs while his granddad says \\\" Ballet dancers are as tough as any man you could meet . I remember seeing the Bolshoi ballet ... \\\" Yup Ballet is a main talking point on a run down British council estate those days - NOT . Come to think of it neither is left wing politics which seems to be the sole preserve of middle class do gooders who live in nice big houses , so right away everything about this set up feels ridiculously false

Another major criticism is that this is a film that has no clue who it's trying to appeal to . I have often criticised Channel 4 for broadcasting movies at totally inappropriate times ( THE LAND THAT TIME FORGOT at 6 am for example ) but they showed this at 2 am and for once they've got it spot on . Considering the story involves politics , ballet dancing ( Gawd I hate it ) lung cancer and poverty there's no way this can be deemed suitable for a family audience but since the main protagonist is an 11 year old child and features angels and ballet dancers ( Don't blame me if I seem obsessed with the subject - there was no need to refer to them ) there's not much here for an intelligent adult audience either .

Of course if Lee Hall had been told at the script development stage by the producers that he should write a story featuring a schoolboy and an angel and had flatly refused saying that he wanted to write about other themes and stories then I will apologise but throughout the movie you do get the feeling that once the film was completed it was going to be marketed to the exact same audience who enjoyed BILLY ELLIOT\": {\"frequency\": 1, \"value\": \"I almost made a ...\"}, \"this is a great movie. i like it where ning climbs down to get his ink, and the skeletons chase him, but luckily he dodged them, opened the window, and didn't even notice them. xiao qian is very pretty too. & when he stuck the needle up ma Wu's butt, its hysterical. and when he is saying love is the greatest thing on earth while standing between two swords is great too. then also the part where he eats his buns while watching thew guy kill many people. then you see him chanting poems as he ran to escape the wolves. the love scenes are romantic, xiao qian and ning look cute together. add the comic timing, the giant tongue, and u have horror, romance, comedy, all at once. not to mention superb special effects for the 90s.\": {\"frequency\": 1, \"value\": \"this is a great ...\"}, \"A must see for anyone who loves photography. stunning and breathtaking,leaves you in ore. seen it twice once in a cinema and now on DVD. it holds up well on DVD but on the big screen this was something else.

Took my two daughters to see this and they loved it, my oldest cried at the end.but she was the one who wanted to see it again tonight when she saw it at the video shop. its simple telling of a child's love for nature and in particular a fox is told well. in some ways it reminded me of the bear in its telling a story not documentary formate. which works for children very well. not being preached to is very important, you make your own mind up.

But the star of this film is the cinematographers, how did they do what they did. amazing just amazing.\": {\"frequency\": 1, \"value\": \"A must see for ...\"}, \"Hm. While an enjoyable movie to poke plot holes, point out atrocious acting, primitive (at best) special effects (all of which have caused me to view this movie three times over the past six years), Severed ranks among the worst I've ever seen. I'm never sure who the protagonists are, all I know is that the killer uses a portable guillotine, as seen in the dance floor murder scene. All in all, I don't really like the movie, because only the first 30 minutes are enjoyable, the rest is a mishmash of confusing dialog and imagery that fail to progress the story to a logical conclusion (which I can't remember anyway).\": {\"frequency\": 1, \"value\": \"Hm. While an ...\"}, \"This is an excellent film!Tom Hanks and Paul Newman performed great!I was really surprised when Newman was beating on his son!That was a great scene and the shooting scenes were staged good.I was very surprised about the end.Rent this film today as it is one of Tom Hanks' best!\": {\"frequency\": 2, \"value\": \"This is an ...\"}, \"If you've ever seen an eighties slasher, there isn't much reason to see this one. Originality often isn't one of slasher cinema's strongpoints, and it's something that this film is seriously lacking in. There really isn't much that can said about Pranks, so I'll make this quick. The film was one of the 74 films included on the DPP Video Nasty list, and that was my only reason for seeing it. The plot follows a bunch of kids that stay behind in a dorm at Christmas time. As they're in a slasher, someone decides to start picking them off and this leads to one of the dullest mysteries ever seen in a slasher movie. The fact that this movie was on the Video Nasty list is bizarre because, despite a few gory scenes, this film is hardly going to corrupt or deprave anyone, and gorier slashers than this (Friday the 13th, for example) didn't end up banned. But then again, there's banned films that are much less gory than this one (The Witch Who Came from the Sea, for example). Anyway, the conclusion of the movie is the best thing about it, as although the audience really couldn't care less who the assailant is by this point; it is rather well done. On the whole, this is a dreary and dismal slasher that even slasher fans will do well to miss.\": {\"frequency\": 1, \"value\": \"If you've ever ...\"}, \"This movie is trash-poor. It has horrible taste, and is pedestrian and unconvincing in script although supposedly based on real-events - which doesn't add much of anything but make it more of a disappointment. Direction is not well done at as scenes and dialogue are out-of-place. Not sure what Robin Williams saw in this character or story. To start, Williams is not convincing as a gay in a relationship breakup nor is the relationship itself interesting. What's worse, his character is compelled by an ugly pedophile story that is base and has no place as a plot device. You have an older Rory Culkin tastelessly spouting \\\"d_ck_smker\\\" - in good fun- which is annoying enough and then laughed up by the Williams character. Finally you have Sandra Oh as a guardian angel adviser to Williams and a thrown in explanation of the whole fiasco towards the end. Toni Collete's character is just plain annoying and a re-hash of her 6th Sense performance with poorer direction. Very Miss-able.\": {\"frequency\": 1, \"value\": \"This movie is ...\"}, \"drss1942 really took the words right out of my mouth. I loved Segal's early films and feel like the only one who is still faithful to him. I just saw this movie (ok, fell asleep about 90% through, so I didn't see the end). When I woke up and saw I was at the DVD menu, I was thankful I didn't subject myself to any more of that movie and didn't dare find out what happened at the end. There was something strange about the voice of Segal and others. Kinda reminded me of the original Mad Max where the voice were dubbed, but in the same language (Australlian is English, right? :) Anyway, if I had 10 thumbs, they'd all point down right now for this Segal injustice.\": {\"frequency\": 1, \"value\": \"drss1942 really ...\"}, \"Blonde and Blonder was unfunny.Basically, it was a rip-off girl version of Dumb and Dumber, but less funny, and they used too much background noises and music.WAY TOO MUCH BACKGROUND NOISES AND MUSIC IF YOU ASK ME!!!!It starts out immensely boring, and TOTALLY inane.It doesn't pick up pace anywhere soon, and I was feeling more frustrated as this nonsense carried on.Maybe, the only thing that saved me from giving this movie a 1 was the last 30 minutes.I found it somewhat entertaining and interesting as it neared the end, but that was the only part.Also, I couldn't help but like Pamela Anderson and Denise Richard's characters a little.Even though this movie didn't get any laughs from me, it kept my attention.I wouldn't say to completely avoid this movie, but there are thousands of better films for you to spend your time and money on than Blonde and Blonder.\": {\"frequency\": 1, \"value\": \"Blonde and Blonder ...\"}, \"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.\": {\"frequency\": 2, \"value\": \"How this film ...\"}, \"This film is definitely a product of its times and seen in any other context, it is an incredibly stupid movie. Heck, even seen in its proper context, it's pretty bad!! Mostly, this is due to a silly plot and very self-indulgent direction by the famed Italian director, Michelangelo Antonioni. In this case, he tried to meld a very artsy style film with an anti-establishment hippie film and only succeeded in producing a bomb of gargantuan proportions.

The film begins with a rap session where a lot of \\\"with it\\\" students sit around saying such platitudes as \\\"power to the people\\\" and complaining about \\\"the man\\\". Considering most of these hippies have parents sending them to college, it seemed a bit silly for these privileged kids to be complaining so loudly and shouting revolutionary jargon. A bit later, violence between the students and the \\\"establishment pigs\\\" breaks out and a cop is killed. Our \\\"hero\\\", Mark, may or may not have done it, but he is forced to run to avoid prosecution. Instead of heading to Mexico or Canada, he does what only a total moron would do--steals an airplane and flies it to the Mojave Desert! There, he meets a happen' chick and they then sit around philosophizing for hours. Then, they have sex in one of the weirder sex scenes in cinema history. As they gyrate about in the dust, suddenly other couples appear from no where and there is a huge orgy scene. While you see a bit of skin (warranting an R-rating), it's not as explicit as it could have been. In fact, it lasts so long and seems so choreographed that it just boggles the mind. And of course, when they are finished, the many, many other couples vanish into thin air.

Oddly, later the couple paint the plane with some help and it looks a lot like a Peter Max creation. Despite improving the look of the plane, the evil cops respond to his returning the plane by shooting the nice revolutionary. When the girl finds out, she goes into a semi-catatonic state and the movie ends with her seemingly imagining the destruction of her own fascist pig parents and all the evil that they stand for (such as hard work and responsibility). Instead of one simple explosion, you see the same enormous house explode about 8 times. Then, inexplicably, you see TVs, refrigerators and other things explode in slow motion. While dumb, it is rather cool to watch--sort of like when David Letterman blows things up or smashes things on his show.

Aside from a dopey plot, the film suffers from a strong need for a single likable character as well as extensive editing. At least 15 minutes could easily be removed to speed things up a bit--especially since there really isn't all that much plot or dialog. The bottom line is that this is an incredibly dumb film and I was not surprised to see it listed in \\\"The Fifty Worst Films\\\" book by Harry Medved. It's a well deserved addition to this pantheon of crap. For such a famed director to spend so much money to produce such a craptastic film is a crime!

Two final observations. If you like laughing at silly hippie movies, also try watching THE TRIAL OF BILLY JACK. Also, in a case of art imitating life, the lead, Mark Frechette, acted out his character in real life. He died at age 27 in prison a few years after participating in an act of \\\"revolution\\\" in which he and some friends robbed a bank and killed an innocent person. Dang hippies!!\": {\"frequency\": 1, \"value\": \"This film is ...\"}, \"This movie has so many wonderful elements to it! The debut performance of Reese Witherspoon is, of course, marvelous, but so too is her chemistry with Jason London. The score is remarkable, breezy and pure. James Newton Howard enhances the quality of any film he composes for tenfold. He also seems to have a knack for lost-days-of-youth movies, be sure to catch his score for the recent \\\"Peter Pan\\\" and the haunting Gothic music of \\\"The Village.\\\" I first saw this film at about 13 or 14 and now I don't just cry at the ending, I shed a tear or two for the nostalgia. Show this movie to your daughters. It will end up becoming a lifetime comfort film.\": {\"frequency\": 1, \"value\": \"This movie has so ...\"}, \"The movie is basically the story of a Russian prostitute's return to her home village for the funeral of a sister/friend. There are a couple of other minor story lines that might actually be more interesting than the one taken, but they are not fully explored. The core of the movie is the funeral, wake, and later controversy over the future of a community of crones that make dolls and sell them to buy vodka but are now missing the artist who made their dolls marketable. Apparently, the movie is unedited. The prostitute's journey from the city to the village is an excruciatingly endless train ride and tramp through the mud. Maybe that's supposed to impress us with the immensity of the Russian landscape. The village itself, such as it is, is inhabited by a legion of widows and one male, the consort of the dead girl. Continuing the doll business is problematic for everyone involved and eventually seems impossible. Most of the film is shot with a hand-held camera that could induce nausea. Another problem for Western viewers is that subtitles don't include the songs and laments of the crones. Don't go to this movie unless you're fluent in Russian.\": {\"frequency\": 1, \"value\": \"The movie is ...\"}, \"This is just flat out unwatchable. If there's a story in here somewhere, it's so deeply buried beneath the horrid characters and jarring camera work that's it's indiscernible. There's a group of vampire hunters who go around doing their thing, and the vampires they kill have little aliens inside of them. They pop their heads out and talk like Speedy Gonzales. If you can imagine a blood and gore covered alien sock puppet screaming in horror as a cowboy dude zaps it with a cattle prod, well, that's what you get here. These folks are loud, obnoxious, violent, and just extremely annoying. Then there are some anti-human humans, who stand around in their CGI spaceship being so incredibly pompous that it's impossible to take. These folks make Hillary Clinton seem like a right-wing extremist in comparison. They're friends with some vampires, or something...who cares.

Then there's the camera work. Remember how everybody hated the thousand-cuts-a-minute crap from the recent Rolleball remake? The folks who made this movie LOVE that stuff. There's enough of it in here for three really crappy nu-metal videos on MTV.

Nuff said. This thing smells. In comparison, Dracula 3000 is a masterwork.\": {\"frequency\": 1, \"value\": \"This is just flat ...\"}, \"This is a story about Shin-ae, who moves to Milyang from Seoul with her young son Jun to start over after the accidental death of her husband. Her husband was born here, and she is opening up a piano school, but also has ambitions to own some land with the insurance money she received from the death. If that is what the film was about, it probably would have been like a Hollywood film, with her falling for some local guy and being happy with her son in their new home. But, this is not Hollywood. Her son gets kidnapped and murdered, ostensibly because it is known she has cash from the settlement. The grief process, attempts at moving on, attempts to clear her conscience of guilt, are all done admirably, and the lead actress is superb. The only caveat, and it has to be stated, is that this is a depressing film. You have to know that going in. You want Shin-ae to go through her grief and find some measure of happiness. Again, this is not Hollywood, it is Korea and in Korean cinema, especially drama, they pull no punches. Life is what happens to you. Great acting, but sometimes a tough film to watch, due to the goings on. If you stay, you'll be rewarded. Do that.\": {\"frequency\": 1, \"value\": \"This is a story ...\"}, \"A CRY IN THE DARK

A CRY IN THE DARK was a film that I anticipated would offer a phenomenal performance from Meryl Streep and a solid, if unremarkable film. This assumption came from the fact that aside from Streep's Best Actress nomination, the movie received little attention from major awards groups.

Little did I anticipate that A CRY IN THE DARK would be such a riveting drama, well-constructed on every level. If you ask me, this is an under-appreciatted classic.

The film opens rather slowly, letting the audience settle into the Chamberlain's at a relaxed pace and really notice that, at the core, they are an incredibly loving, simple family. Fred Schepisi (the director) selects random moments to capture of a family on vacation that give a looming sense of the oncoming tragedy, while also showing the attentive bliss with which Lindy (Streep) and Michael (Sam Neill) Chamberlain care for their children.

While the famous line \\\"A Dingo Took My Baby!\\\" has become somewhat of a punchline these days, the movie never even comes close to laughable. The actual death of Azaria is horrifyingly captured. It is subtle and realistic, leaving the audience horrified and asking questions.

The majority of the film takes place in courtrooms and focuses on the Chamberlain's continuous fight to prove their innocence to the press and the court, which suspects Lindy of murder.

The fact that it is clear to us from the beginning that they are innocent makes the tense trials all the more gripping. As an audience member, I was fully invested in the Chamberlain's plight... and was genuinely angered and hurt and saddened when they were made to look so terrible by the media. But at the same, the media/public opinion is understandable. I loved the way the media was by no means made to be sympathetic, but they always had valid reasons to hold their views.

The final line of the film is very profound and captures perfectly the central element that makes this film so much different from other courtroom dramas.

In terms of performances, the only ones that really matter in this film are those of Streep and Neill... and they deliver in every way. For me, this ranks as one of (if not #1) Meryl Streep's best performances. For all her mastery of different accents (which of course are very impressive in their own right), Streep never loses the central heart and soul of her characters. I find this to be one of Streep's more subtle performances, and she hits it out of the park. And Neill, an actor who has never impressed me beyond being charismatic and appealing in JURASSIC PARK, is a perfect counterpoint to Streep's performance. From what I've seen, this is undoubtedly Neill's finest work to date. It's a shame he wasn't recognized by the Academy with a Leading Actor nomination to match Streep's... b/c the two of them play of each other brilliantly.

More emotionally gripping than most films, and also incredibly suspenseful... A CRY IN THE DARK far exceeded my expectations. I highly recommend that people who only know of the movie as the flick where Meryl screams \\\"The dingo took my baby!\\\" watch the film and see just how much more there is to A CRY IN THE DARK then that one line.

... A ...\": {\"frequency\": 1, \"value\": \"A CRY IN THE DARK ...\"}, \"I have seen Slaughter High several times over the years, and always found it was an enjoyable slasher flick with an odd sense of humor, but I never knew that it was filmed in the UK, and I never knew that the actor that plays Marty Rantzen (Simon Scuddamore) committed suicide after the film was released. I guess I did notice while watching it last night that the actors phrasing seems rather odd for Americans, and a few of them aren't very good at hiding their English accents.

All that aside though, this is the tale of the class nerd, Marty, who is the butt of jokes from his classmates, and on one particular day, April Fools Day, he's lured into the girl's locker room by one Caroline Munro (yes, playing a teenager) and humiliated big time on film. Of course, the coach catches the gang at work & they're all given a vigorous workout to punish them, but not before a couple of the guys slip Marty a joint, which he tries to smoke in the chemistry lab, but it's full of something that makes him sick & when he runs to the restroom, one of his classmates slips in and puts a chemical that reacts with something Marty is mixing, which results in a fire and the spill of a bottle of nitric acid, which leaves poor Marty burned & horribly scarred.

Ten years later, this same gang is headed for their class reunion at good old Doddsville High, which seems oddly boarded up and inaccessible, but thanks to ingenuity they manage to get in and find the place seemingly derelict...except there's a room where a banquet and liquor is laid out and so of course, they eat, drink, and be merry. For soon, they will die, of course.

The gang is stalked one-by-one by a figure in a jester's mask, but could it be Marty? They don't know, they figure he's either in a loony bin or working for IBM, they're not sure which. But whoever it is, he's making quick work of them. Particularly nasty is the girl that takes a bath to wash blood off her from one of her classmates whose innards popped all over her when he drank poisoned beer. She is victim to an acid bath which I believe may have been one of the parts originally cut in the tape version, because it seemed extra nasty when I watched it this time. I could be wrong but I believe that wasn't on the tape.

At any rate, there's somewhat of a twist ending, and that also contains footage not on the tape, I believe. There's also a bit of frontal nudity early on that was also excised, but apart from that I didn't really notice if there were other bits on this uncut version, probably so but it's been a while since I've last seen it.

At any rate, if you're a fan of 80's slasher flicks then snap up the new release DVD, because it's a fun little slasher with a good atmosphere & feel to it. 7 out of 10.\": {\"frequency\": 1, \"value\": \"I have seen ...\"}, \"Yes I have rated this film as one star awful. Yet, it will be in my rotation of Christmas movies henceforth. This truly is so bad it's good. This is another K.Gordon Murray production (read: buys a really cheap/bad Mexican movie, spends zero money getting it dubbed into English and releases it at kiddie matin\\ufffd\\ufffdes in the mid 1960's.) It's a shame I stumbled on this so late in life as I'm sure some \\\"mood enhancers\\\" would make this an even better experience. I'm not going to rehash what so many of the other reviewers have already said, a Christmas movie with Merlin, the Devil, mechanical wind-up reindeer and some of the most pathetic child actors I have ever seen bar none. I plan on running this over the holidays back to back with Kelsey Grammar's \\\"A Christmas Carol\\\". Truly a holiday experience made in Hell. Now if I can only find \\\"To All A Goodnight (aka Slayride)\\\" on DVD I'll have a triple feature that can't be beat. You have to see this movie. It moves so slowly that I defy you not to touch the fast forward button-especially on the two dance routines! This thing reeks like an expensive bleu cheese-guess you have to get past the stink to enjoy the experience. Feliz Navidad amigos!\": {\"frequency\": 1, \"value\": \"Yes I have rated ...\"}, \"This is one of the best crime-drama movies during the late 1990s. It was filled with a great cast, a powerful storyline, and many of the players involved gave great performances. Pacino was great; he should have been nominated for something. John Cusack was good too, as long as the viewer doesn't mind his Louuu-siana accent. He may come off as annoying if you can't stand this dialect. The way that Pacino's character interacted with Cusack's character was believable, dramatic, and slightly comical at times. Danny Aiello was superb as always. David Paymer was great in a supporting role. Bridget Fonda was good but not memorable. There were times when this picture mentioned so many characters, probably too many. It may take a second viewing to remember, \\\"which Zapatti was which?\\\" After so many cross-references, one has to stop and think just to recap. The ending didn't have a lot of sting. It was built up for so long and then was a bit of a letdown. This was one of the few problems with the film. Since the movie wasn't billed as a \\\"huge, blockbuster\\\" big screen hit, it made some forget that this movie even existed. Pacino and Aiello were great but the film's lack of \\\"splash\\\" in the theaters may have accounted for no nominations. It was semi-successful in the home market, and viewers are still learning that this title is out there. Made in 1996, it still stands up today and will remain popular for many years to come.

So, make yourself some lemon pudding (you'll see) and see this movie!\": {\"frequency\": 1, \"value\": \"This is one of the ...\"}, \"The film revolves around a man who believes that all forms of media are obsolete. The idea behind his art project is to unmask the ridiculous culture that we are bathed in. Naturally, the film takes place in Los Angeles/Orange County. He attacks stand up comics (caw, caw, caw), rock bands, models, blockbuster Hollywood films, and touches on many other mediums. Eventually, he finds himself in the sights of the weapon he has set into motion. The film is five years old and rings more true every day. It's the best description of post-punk anger I've ever seen. It's also one of my top 10 favorite films.\": {\"frequency\": 1, \"value\": \"The film revolves ...\"}, \"Yes, I call this a perfect movie. Not one boring second, a fantastic cast of mostly little known actresses and actors, a great array of characters who are all well defined and who all have understandable motives I could sympathize with, perfect lighting, crisp black and white photography, a fitting soundtrack, an intelligent and harmonious set design and a story that is engaging and works. It's one of those prime quality pictures on which all the pride of Hollywood should rest, the mark everyone should endeavor to reach.

Barbara Stanwyck is simply stunning. There was nothing this actress couldn't do, and she always went easy on the melodramatic side. No hysterical outbursts with this lady - I always thought she was a better actress than screen goddesses like Bette Davis or Joan Crawford, and this movie confirmed my opinion. Always as tough as nails and at the same time conveying true sentiments. It is fair to add that she also got many good parts during her long career, and this one is by far the least interesting.

The title fits this movie very well. It is about desires, human desires I think everyone can understand. Actually, no one seems to be scheming in this movie, all characters act on impulse, everybody wants to be happy without hurting anybody else. The sad fact that this more often than not leads to complications makes for the dramatic content into which I will not go here.

I liked what this movie has to say about youth, about maturing and about the necessity to compromise. The movie I associate most with this one is Alfred Hitchcock's Shadow of a Doubt, it creates a similar atmosphere of idealized and at the same time caricatured Small Town America. The story has a certain similarity with Fritz Lang's considerably harsher movie Clash by Night, made one year earlier, where Stanywck stars in a similar part. I can also recommend it.\": {\"frequency\": 1, \"value\": \"Yes, I call this a ...\"}, \"If there was anything Akira Kurosawa did wrong in making Dodes'ka-den, it was making it with the partnership he formed with the \\\"four knights\\\" (the other three being Kobayaski, Ichikawa, and Konishita). They wanted a big blockbuster hit to kick off their partnership, and instead Kurosawa, arguably the head cheese of the group, delivered an abstract, humanist art film with characters living in a decimated slum that had many of its characters face dark tragedies. Had he made it on a more independent basis or went to another studio who knows, but it was because of this, among some other financial and creative woes, that also contributed to his suicide attempt in 1971. And yet, at the end of the day, as an artist Kurosawa didn't stop delivering what he's infamous for with his dramas: the strengths of the human spirit in the face of adversity. That its backdrop is a little more unusual than most shouldn't be ignored, but it's not at all a fault of Kurosawa's.

The material in Dodes'ka-den is absorbing, but not in ways that one usually finds from the director, and mostly because it is driven by character instead of plot. There's things that happen to these people, and Kurosawa's challenge here is to interweave them into a cohesive whole. The character who starts off in the picture, oddly enough (though thankfully as there's not much room for him to grow), is Rokkuchan, a brain damaged man-child who goes around all day making train sounds (the 'clickety-clack' of the title), only sometimes stopping to pray for his mother. But then we branch off: there's the father and son, the latter who scrounges restaurants for food and the former who goes on and on with site-specific descriptions of his dream house; an older man has the look of death to him, and we learn later on he's lost a lot more than he'll tell most people, including a woman who has a past with him; a shy, quiet woman who works in servitude to her adoptive father (or uncle, I'm not sure), who rapes her; and a meek guy in a suit who has a constant facial tick and a big mean wife- to those who are social around.

There are also little markers of people around these characters, like two drunks who keep stumbling around every night, like clockwork, putting big demands on their spouses, sometimes (unintentionally) swapping them! And there's the kind sake salesman on the bike who has a sweet but strange connection with the shy quiet woman. And of course there's a group of gossiping ladies who squat around a watering hole in the middle of the slum, not having anything too nice to say about anyone unless it's about something erotic with a guy. First to note with all of this is how Kurosawa sets the picture; it's a little post-apocalyptic, looking not of any particular time or place (that is until in a couple of shots we see modern cars and streets). It's a marginalized society, but the concerns of these people are, however in tragic scope, meant to be deconstructed through dramatic force. Like Bergman, Kurosawa is out to dissect the shattered emotions of people, with one scene in particular when the deathly-looking man who has hollow, sorrowful eyes, sits ripping cloth in silence as a woman goes along with it.

Sometimes there's charm, and even some laughs, to be had with these people. I even enjoyed, maybe ironically, the little moments with Rokkuchan (specifically with Kurosawa's cameo as a painter in the street), or the awkward silences with the man with the facial tics. But while Kurosawa allows his actors some room to improvise, his camera movements still remain as they've always been- patient but alert, with wide compositions and claustrophobic shots, painterly visions and faces sometimes with the stylization of a silent drama meant as a weeper. Amid these sometimes bizarre and touching stories, with some of them (i.e. the father and son in the car) especially sad, Kurosawa lights his film and designs the color scheme as his first one in Eastmancolor like it's one of his paintings. Lush, sprawling, spilling at times over the seams but always with some control, this place is not necessarily \\\"lighter\\\"; it's like the abstract has come full-throttle into the scene, where things look vibrant but are much darker underneath. It's a brilliant, tricky double-edged sword that allows for the dream-like intonations with such heavy duty drama.

With a sweet 'movie' score Toru Takemitsu (also responsible for Ran), and some excellent performances from the actors, and a few indelible scenes in a whole fantastic career, Dodes'ka-den is in its own way a minor work from the director, but nonetheless near perfect on its own terms, which as with many Kurosawa dramas like Ikiru and Red Beard holds hard truths on the human condition without too much sentimentality.\": {\"frequency\": 1, \"value\": \"If there was ...\"}, \"First off I'd like to point out that Sam Niel is nowhere to be seen in this film. What's a movie without Sam Niel. Did anyone see Event Horizon. D-Wars did have potential a movie about a dragon that controls lizards with rocket launchers does sound cool but sadly isn't. Nope, no Sam Niel, no good movie. I recommend taking the 5 dollars or so it takes to rent D-Wars and adding 10 to that five and buying a Sam Niel film- apparently to submit this i have to have ten lines of text so heres a list of Sam Niel movies i recommend

-jurassic park -dead calm -hunt for red October -event horizon -not jurassic park three

overall D-Wars is a pile\": {\"frequency\": 1, \"value\": \"First off I'd like ...\"}, \"I'm not usually a fan of strictly romantic movies but heard this was good. I was stunned. Easily the most romantic thing I've ever seen in my life. Stunning. Brilliant, sweet, funny and full of heart. The chemistry is flawless as is the writing and directing.

Ethan Hawke and Julie Delphy are so natural and sweet together you really think they're a couple.

The movies grabs you right away and doesn't let go. You can't look away nor can you stop listening to them. Even the little moments just melt your heart.

This has jumped into the ranks of one of my favourite ever. A masterpiece.\": {\"frequency\": 1, \"value\": \"I'm not usually a ...\"}, \"In a time when the constitution and principals the United States were founded on are trampled underfoot by an administration desperate to distract attention from its own internal problems, where the Geneva Convention, human rights and foreign sovereignty are unapologetically discarded, a thriller about the state taking illegal action that far exceeds that of the terrorists they are countering might seem appropriate. However, if you want to see a film about that, try Ed Zwick's flawed THE SIEGE instead, because NADA is one of the most infantile 'political' thrillers ever made. Like Robert Altman's PRET-A-PORTER, the director has taken on a subject he seems completely ignorant of, and imprints his ignorance on almost every frame.

His terrorists are a wildly unconvincing group of stereotypes - Fabio Testi dresses as if he were auditioning for MAD Magazine's 'Spy vs. Spy' strip, Michel Duchaussoy behaves like an absurd KIDS IN THE HALL send up of the sociology professor from Hell, Mariangela Melato a cardboard middle-class revolutionary wannabe - who behave at every unconvincing plot turn as if they want to be caught. The corrupt authorities fare a little better, but are still painted in unconvincingly broad strokes.

It is possible to make a smart film about dumb people (cf ELECTION), but this is a moronic film about dumb people made by people who think they're intellectuals who are talking down to the masses. In truth, were one to recast Testi, Duchaussoy and Melato with Jim Varney, Johnny Knoxville and Shannon Tweed, the result would actually be to raise the intellectual content of the film, not lower it.

Chabrol might just have got away with his characters and events if he took them seriously, but his staging is so inept (the fight scenes would embarrass a kindergarten class while the shooting of the kidnapping is more inept than the kidnapping itself) and his inability to get his cast to perform with at least some approximation of recognisable human behaviour so blatant that it is actually embarrassing to watch (special mention must be made here of Duchaussoy: so very good in Chabrol's QUE LA BETE MUERE, he is stunningly bad here in a performance that is so far over the top it's back again).

Chabrol has made some fine films, but you would never guess it from this amateurish mess - a newcomer to his work would never want to see another of his films after this, which would be a great shame. Utter drivel, and a sad waste of a potentially interesting material. One star out of ten - and that's being very generous.\": {\"frequency\": 1, \"value\": \"In a time when the ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"To heighten the ...\"}, \"A lot of themes or parts of the story is the same as in Leon, then other parts felt like some other movie, I don't know which, but there are an familiar feeling over the whole movie. It was kind of nice to watch, but it would have been fantastic! if the story would have been more original. The theme little girl, bad assassin from Leon, is just tweaked a little. The opening scenes are really good :-) It is strange that people like to fight in the kitchen, in the movies :-) My biggest problem was to remember which parts was from Leon, Nikita and if they where from the French or American version. If you have not seen Leon, then this is a good movie. If you liked this movie, then I can recommend Leon.

Best Regards /Rick\": {\"frequency\": 1, \"value\": \"A lot of themes or ...\"}, \"Charming in every way, this film is perfect if you're in the mood to feel good. If you love jazz music, it is a must see. If you enjoy seeing loveable characters that make you smile, can bring a tear to your eye and swing like there's no tomorrow this film is for you. If you are looking for an intense, deep, heavy piece of art to be dissected and analyzed perhaps you best stick with something by Darren Aronofsky (in other words - reviewer djjohn lighten up, don't you know a good time when you see one!) My only complaint is that the movie was just too darn short. I guess I'll just have to watch it several more times to get my fill.\": {\"frequency\": 1, \"value\": \"Charming in every ...\"}, \"This is not a good movie. Too preachy in parts and the story line was sub par. The 3D was OK, but not superb. I almost fell asleep in this movie.

The story is about 3 young flies that want to have adventure and follow up on it. The characters are lacking, I truly do not care about these characters and feel that there was nothing to keep an adult interested. Pixar this is not.

I would have liked to see more special 3D effects. Also I wold like to see more fly jokes than the mom constantly saying \\\"Lord of the flies\\\" Pretty sexist in showing the women as house wives and fainting.\": {\"frequency\": 1, \"value\": \"This is not a good ...\"}, \"This has got to be one of my very favorite Twilight Zone episodes, primarily for the portrayal of two lonely souls in a post-apocalyptic environment.

The cobweb-strewn shops and rubble-laden streets are eerie in that particular way the Twilight Zone does best.

While the parable can be a bit heavy-handed by today's drama standards, it is an excellent one - using the setting to make a statement relevant to the human experience, as well as geopolitics, in a way that is timeless. The entire drama rests solely on the shoulders of Mr. Bronson and Ms. Montgomery, who do not disappoint. (May they both rest in peace.)

A true classic.\": {\"frequency\": 1, \"value\": \"This has got to be ...\"}, \"The film had some likable aspects. Perhaps too many for my taste. It felt as though the writer/director was desperately trying to get us to feel the inner conflict of ALL of its characters. Not once, a few times...but all of the time.

This is the job of television, not cinema.

The location of the train station was well chosen and I enjoyed Sascha Horler's performance as the pregnant friend.

I felt as though Justine Clarke's performance was wan. Her reactions to things felt forced, as though the director were trying to vocalise the themes of the film through her protagonist's expressions. I also can't believe that a director can make the wonderful Daniela Farinacci into an unbelievable presence.

I cannot understand the choice of pop music slapped over entire sequences. This is a lazy device, especially where the pop music comes from no place diagetic to the film and/or where the lyrics of the song feel embarrassingly earnest.

That said, there is a breezy quality about the film that evokes the Australian heat and local attitude with originality. It does create an atmosphere of heat and sunshine. Especially with the usage of wonderful animation sequences that rescue the film from complete mediocrity, infusing it with passion and hand-crafted charm.

I am curious why the dialogue feels so overworked. \\\"Who knows if there's a god? Like some guy sitting there up in the sky telling us what to do\\\" or whatever the line was.

Perhaps one of the more embarrassing moments was the friend returning home from cricket with a bunch of flowers to declare to his wife \\\"I'm giving up smoking.\\\"

An anti-smoking commercial? A TAC ad with some tasteful animation? I had to leave the cinema at the 50 minute mark -- it was all too much.\": {\"frequency\": 1, \"value\": \"The film had some ...\"}, \"Hello. This movie is.......well.......okay. Just kidding! ITS AWESOME! It's NOT a Block Buster smash hit. It's not meant to be. But its a big hit in my world. And my sisters. We are rockin' Rollers. GO RAMONES!!!! This is a great movie.............. For ME!\": {\"frequency\": 1, \"value\": \"Hello. This movie ...\"}, \"Mr. Blandings Builds His Dream House may be the best Frank Capra/Preston Sturges movie neither man ever made! If you love Bringing Up Baby, The Philadelpia Story, The Thin Man, I Was A Male War Bride or It's a Wonderful Life - movies made with wit, taste and and the occasional tongue firmly panted in cheek, check this one out. Post WWII life is simply and idyllically portrayed.

Grant is at the absolute top of his form playing the city mouse venturing into the life of a country squire. Loy is adorable as his pre-NOW wife. The cast of supporting characters compares to You Can't Take It With You and contains an early bit by future Tarzan Lex Barker. Art Direction and Editing are way above par.

The movie never stoops to the low-rent, by-the-numbers venal slapstick of the later adaptation The Money Pit.\": {\"frequency\": 1, \"value\": \"Mr. Blandings ...\"}, \"The memory banks of most of the reviewers here must've short-circuited when trying to recall this Cubic Zirconia of a gem, because practically everyone managed to misquote Lloyd Bochner's Walter Thornton, when in a fit of peevish anger, he hurls the phallic garden nozzle at his new wife, Jerilee Randall-Thornton, (a nearly comatose Pia Zadora) which was used to sexually assault her earlier in the movie...but I'm getting ahead of myself. In any case, poor Lloyd could've been snarling that line at the speechless audience as much as he was his put-upon co-star.

Hard as it is for most of us to believe, especially these days, nobody in Hollywood sets out to INTENTIONALLY make a bad movie. This is certainly not the most defensible argument to make, since there just seem to be so damn many of them coming out. But then again, there is that breed of film that one must imagine during the time of its creation, from writing, casting and direction, must've been cursed with the cinematic equivalent of trying to shoot during the Ides of March.

THE LONELY LADY is in that category, and represents itself very well, considering the circumstances. Here we have all the ingredients in a recipe guaranteed to produce a monumentally fallen souffl\\ufffd\\ufffd: Pia Zadora, a marginal singer/actress so determined to be taken seriously, that she would take on practically anything that might set her apart from her peers, (which this movie most certainly did!); a somewhat high-profile novel written by the Trashmaster himself, Harold Robbins (of THE CARPETBAGGERS and DREAMS DIE FIRST fame); a cast who probably thought they were so fortunate to be working at all, that they tried to play this dreck like it was Clifford Odets or Ibsen; plus a director who more than likely was a hired gun who kept the mess moving just to collect a paycheck, (and was probably contractually obligated NOT to demand the use of the 'Alan Smithee' moniker to protect what was left of his reputation.) Like Lamont Johnson's LIPSTICK, Meir Zarchi's I SPIT ON YOUR GRAVE, Roger Vadim's BARBARELLA, Paul Verhoeven's SHOWGIRLS or the Grandmammy of Really Bad Film-making, Frank Perry's MOMMY DEAREST, THE LONELY LADY is still often-discussed, (usually with disgust, disbelief, horrified laughter, or a unique combination of all three), yet also defies dissection, description or even the pretzel logic of Hollyweird. Nobody's sure how it came to be, how it was ever released in even a single theater, or why it's still here and nearly impossible to get rid of, but take it or leave it, it IS here to stay. And I don't think that lovers of really good BAD movies would have it any other way.\": {\"frequency\": 1, \"value\": \"The memory banks ...\"}, \"One question that must be asked immediately is: Would this film have been made if the women in it were not the aunt and cousin of Jacqueline Lee Bouvier Kennedy Onassis?

The answer is: Probably not.

But, thankfully, they are (or were) the cousin and aunt of Jackie.

This documentary by the Maysles brothers on the existence (one could hardly call it a life) of Edith B. Beale, Jr., and her daughter Edith Bouvier Beale (Edie), has the same appeal of a train wreck -- you don't want to look but you have to.

Big Edith and Little Edie live in a once magnificent mansion in East Hampton, New York, that is slowly decaying around them. The once beautiful gardens are now a jungle.

Magnificent oil painting lean against the wall (with cat feces on the floor behind them) and beautiful portraits of them as young women vie for space on the walls next to covers of old magazines.

Living alone together for many years has broken down many barriers between the two women but erected others.

Clothing is seems to be optional. Edie's favorite costume is a pair of shorts with panty hose pulled up over them and bits and pieces of cloth wrapped and pinned around her torso and head.

As Edith says \\\"Edie is still beautiful at 56.\\\" And indeed she is. There are times when she is almost luminescent and both women show the beauty that once was there.

There is a constant undercurrent of sexual tension.

Their eating habits are (to be polite) strange. Ice cream spread on crackers. A dinner party for Edith's birthday of Wonder Bread sandwiches served on fine china with plastic utensils.

Time is irrelevant in their world; as Edie says \\\"I don't have any clocks.\\\"

Their relationships with men are oh-so-strange.

Edie feels like Edith thwarted any of her attempts at happiness. She says \\\"If you can't get a man to propose to you, you might as well be dead.\\\" To which Edith replies \\\"I'll take a dog any day.\\\"

It is obvious that Edith doesn't see her role in Edie's lack of male companionship. Early in the film she states \\\"France fell but Edie didn't.

Sometimes it is difficult to hear exactly what is being said. Both women talk at the same time and constantly contradict each other.

There is a strange relationship with animals throughout the film; Edie feeds the raccoons in the attic with Wonder Bread and cat food. The cats (and there are many of them) are everywhere.

At one point Edie declares \\\"The hallmark of aristocracy is responsibility.\\\" But they seem to be unable to take responsibility for themselves.

This is a difficult film to watch but well worth the effort.\": {\"frequency\": 1, \"value\": \"One question that ...\"}, \"Ok, so it may not be the award-winning \\\"movie of the year\\\" type-film (apart from the brilliant soundtrack that I think won a few awards), but it is a really great film about 'The Kid' (Prince / O( take your pick) and the happenings around him living in Minneapolis, playing his music. The music is absolutely superb, in my opinion you HAVE to own this soundtrack, it is truly a classic and sums up the eighties sounds and feel in a wonderful fashion. And the movie itself plays out a nice plot, it's worth seeing over and over again, espeically if you like Prince / O (which I do) of course.\": {\"frequency\": 1, \"value\": \"Ok, so it may not ...\"}, \"I believe a lot of people down rated the movie, NOT because of the lack of quality. But it did not follow the standard Hollywood formula. Some of the conflicts are not resolved. The ending is just a little too real for others, but the journey the rich characters and long list of supporters provide is both thought provoking and very entertaining. Even the cinematography is excellent given the urban setting, the directing also is excellent and innovative.

This is a 10 in my book, this movie will take you places the normal and expected Hollywood script will not. They took some risks and did a few things different. I think it worked well, I am purposely trying to avoid any direct references to the movie because seeing it for yourself is the best answer, not accepting someone else's interpretation.\": {\"frequency\": 1, \"value\": \"I believe a lot of ...\"}, \"When I read MOST of the other comments, I felt they were way too glowing for this movie. I found it had completely lost the spark found in the earlier Zatoichi movies and just goes to prove that after a long absence from the screen, it's often best to just let things be. I completely agreed with the Star Trek analogy from another reviewer who compared the FIRST Star Trek movie to the original series---millions of excited fans were waiting and waiting and waiting for the return of the show and were forced to watch a bland and sterile approximation of the original.

The plot is at times incomprehensible, it is terribly gory (though the recent NEW Zatoichi by Beat Takeshi is much bloodier) and lacks the heart of the originals. I didn't mind the blood at all, but some may be turned off by it (particularly the scenes with the severed nose and the severed heads). In addition, time has not been good to Ichi--he seems a broken and sad man in this film (much, much more than usual)--and that's something fans of the series may not really want to see.

This was a very sorry return for Zatoichi. Unless you are like me and want to see EVERY Zatoichi film, this one is very skipable. See one of the earlier versions or the 2003 ALL-NEW version.\": {\"frequency\": 1, \"value\": \"When I read MOST ...\"}, \"It holds very true to the original manga of the same name, aka (Tramps Like Us in the U.S) but it can still be enjoyed even if you haven't read the manga. It's a different kind of tail, showing a strong and independent woman who hurts just like everyone else. However, because of her outward strength, she fears showing her inner feelings and thus let's those around her hurt her with their blunt comments. The only one who truly figures her out and who she can be at ease with is her new pet...human...Momo. If you want something different than the normal boring stuff with some wonderful J-Dorama (Japanese Drama) actors/resses then this is definitely the series to watch...and read!\": {\"frequency\": 1, \"value\": \"It holds very true ...\"}, \"The story is being told fluidly. There are no interruptions. The flash backs are woven into the present seamlessly. Casting was superb. Young Ya'ara looked very much like Ya'ara would have looked at that age. Her portrayal of a blind person was done convincingly. Director Daniel Syrkin have done a superb job in getting the various actors to work together in this story. The Cinematography is very good. You feel like you are with Ya'ara and Talia walking toward the ocean to the edge of the cliff. The English subtitles follow the Hebrew script very closely. It is interesting to note that even though \\\"Out of sight\\\" is not a direct translation of \\\"Lemarit Ayin\\\" Both names are very appropriate to the story.\": {\"frequency\": 1, \"value\": \"The story is being ...\"}, \"Yeah, Madsen's character - whilst talking to the woman from the TV station - is right: the LAPD IS a corrupt, violent and racist police. And this movie changes nothing about it. Okay, here are the good cops, the moral cops, even a black one, whow, a Christian, a martyr. But this is a fairy tale, admit it. Reality is not like that. And most important for the action fans: The shoot out is boring. It's just shooting and shooting and shooting. Nothing more. Play Counter Strike, then you will at least have something to do. The only moral of this film is: The LAPD is good now. No more bad cops in it. If you like uncritical, euphemistic commercials for police and military service, watch this movie. It's the longest commercial I've ever seen. (2 Points for camera and editing).\": {\"frequency\": 1, \"value\": \"Yeah, Madsen's ...\"}, \"as a habit i always like to read through the 'hated it' reviews of any given movie. especially one that i'd want to comment on. and it's not so much a point-counterpoint sorta deal; i just like to see what people say on the flipside.

however, i do want to address one thing. many people that hated it called it, to paraphrase, 'beautiful, but shallow,' some even going so far as to say that norm's desire yet inability to help his brother was a mundane plot, at best.

i'd like to disagree.

as a brother of a sibling who has a similar dysfunction, i can relate. daily, you see them abuse themselves, knowing only that their current path will inevitably lead them to self-destruction. and it's not about the specifics of what they did when; how or why paul decided to take up gambling and associating with questionable folks; it's really more how they are wired. on one hand, they are veritable geniuses, and on the other, painfully self-destructive (it's a lot like people like howard hughes \\ufffd\\ufffd the same forces which drive them are the same forces which tear them apart) and all the while you see this, you know this, and what's worse, you realize you can't do a damn thing about it.

for norman maclean, a river runs through it was probably a way to find an answer to why the tragedy had to occur, and who was to blame. in the end, no one is, and often, there is no why. but it takes a great deal of personal anguish to truly come to this realization. sometimes it takes a lifetime. and sometimes it never comes at all.\": {\"frequency\": 1, \"value\": \"as a habit i ...\"}, \"Curl up with this one on a dark and stormy night and prepare to be alternately amused, irritated and frightened. The creaky old plot about about a phantom train that's said to run through the lonely English countryside at dead of night may be implausible, but it's a lot of fun. There are some wonderful old cliches like \\\"THE ACCIDENT\\\" which the locals can remember but won't talk about. But primarily the movie's a vehicle for comedian Arthur Askey to showcase his particular brand of vaudeville style humour in between the scary bits. Askey's corny humor is not very trendy these days but if you just let it wash over you it can be fun. This is probably the best of Askey's movies.\": {\"frequency\": 1, \"value\": \"Curl up with this ...\"}, \"Band Camp was awful, The Naked Mile was a little better, and this third straight to DVD in the American Pie franchise seems the same quality as the predecessor. Basically Erik Stifler (John White) split from his girlfriend after losing his virginity, and now him and Mike 'Cooze' Coozeman (Jake Siegel) are joining Erik's cousin Dwight (Steve Talley) at college. With the promise of many parties, plenty of booze, and enough hot chicks at the Beta House, they only have fifty listed tasks to carry out to become official privileged members. But a threat comes into sight with the rivals, GEK (\\\"Geek\\\") House, led by power-hungry nerd (and sheep shagger) Edgar (Tyrone Savage) offering bigger and better than what Beta have. To settle it once and for all, Beta and Gek go into battle with the banned, for forty years, Greek Games to beat each other in, with the loser moving out. The last champion of the games, Noah Levenstein aka Jim's Dad (the only regular Eugene Levy) runs the show, which sees the people unhooking bras, a gladiator duel floating on water, catching a greased pig, Russian Roulette in the mouth with cartridges of aged horse spunk, wife carrying and drinking a full keg of alcohol (with puking not disqualifying). It all comes to the sudden death, with a guy getting stripper lap dancing, and they have to resist cumming, Beta House win when Edgar cums with a girl dressed as a sheep on his lap. Also starring Flubber's Christopher McDonald as Mr. Stifler, Meghan Heffern as Ashley, Dan Petronijevic as Bull, Nic Nac as Bobby, Christine Barger as Margie, Italia Ricci as Laura Johnson, Moshana Halbert as Sara Coleman, Sarah Power as Denise, Andreja Punkris as Stacy and Jordan Prentice as Rock. The nudity amount is very slightly increased, as is the grossness of the jokes, and I could guess it being rated one star out of five, but I like it. Adequate!\": {\"frequency\": 1, \"value\": \"Band Camp was ...\"}, \"I saw this movie when I was really little. It is, by far, one of the strangest movies I have ever seen. Now, normally, I like weird movies, but this was just a bit too much.

There's not much of a plot to the movie. If anything, it starts out like Toy Story, where toys come to life, and Raggedy Ann and Andy go on an adventure to rescue their new friend, Babette. From there, craziness ensues. There's the Greedy, the Looneys, a sea monster named Gazooks, and a bunch of pirates singing show tunes, all of which just made the movie weirder. Also, I can't help but feel that Babette is annoying and a bit too whiny. She definitely didn't help the movie.

Now, even though I didn't like this movie, there were a few cute parts. I liked the camel's song. Even though it was a song about being lonely, it had a friendly feel to it. Then, there was Sir Leonard. While most of the Looneys were just plain nuts, Sir Leonard was the most interesting and probably the funniest. King Koo Koo was just a little dirtbag that made Dr. Evil look like a serious villain. Also, there was Raggedy Andy's song, No Girl's Toy. It was definitely good song for little boys who wanted to act tough. But, honestly, even these things didn't make the movie any better. (But remember, this is just my perspective.)

While I personally wouldn't recommend this movie, even I have to admit, it does have its charming moments. See it if you're interested, but only if you're in the mood for something \\\"really\\\" out of the ordinary.\": {\"frequency\": 1, \"value\": \"I saw this movie ...\"}, \"The script for this movie was probably found in a hair-ball recently coughed up by a really old dog. Mostly an amateur film with lame FX. For you Zeta-Jones fanatics: she has the credibility of one Mr. Binks.\": {\"frequency\": 1, \"value\": \"The script for ...\"}, \"Documentary about nomadic Persians making a treacherous traverse of massive mountains to get their herds to grass. Watching this silent, black and white feature, marred in part by a twink-twink-twink Oriental music score that could not have been used in the original exhibition, is even duller than it sounds. The spectacular scenery is lost on a small black and white screen, and there is an utter failure to establish any kind of plot line. I loved Nanook of the North and March of the Penguins, but despised this movie, notwithstanding the similarity of the theme. Physical hardships alone are just not that interesting.\": {\"frequency\": 1, \"value\": \"Documentary about ...\"}, \"She may have an Oscar and a Golden Globe, but this film shows why she also is a perennial Razzie nominee. To do a film that is so bad must be an indication that she needs money. She could do ads on why you shouldn't talk on a cell phone while driving, especially at night on the way to a crowded mall.

Susan Montford should stick to producing (Shoot 'Em Up ) as she is not very good as a writer/director.

She is accosted by four thugs in the mall parking lot, and the first thing they do is tell her they have a gun. What does she do? She starts pushing and cursing them like she knows martial arts or something. She manages to get away, but gets lost in the forest after crashing. Why didn't she run to someones house? We get four thugs with guns chasing a lady with a toolbox. Of course, their guns are no match for her wrench. Ha! Of course, she also has a tire iron and a screwdriver. Those poor thugs.

Now, she's home for Christmas - and she brought a gun!\": {\"frequency\": 1, \"value\": \"She may have an ...\"}, \"The poor DVD video quality is the only reason why I gave this movie a 9 instead of a 10. That could have been so much better, this movie deserves it.

This is truly a movie that covers several themes simultaneously. If you do not like movies about serial killers, but are fascinated by the astonishing bureaucratic culture in the former Sovjet Union, this movie is a must-see anyway.

I can't compare it to \\\"Silence of the Lambs\\\" for several reasons. The way the serial killer is portrayed, has been done far much better in Citizen X. You see several details of his private life, because you \\\"travel\\\" along with the killer, which gives you some idea of the source of his constant anger and sexual frustration.

The only other movie I have seen that is as realistic as this one was \\\"Henry - portrait of a serial killer\\\". If you were fascinated by that movie you definitely need to take a look at Citizen X.\": {\"frequency\": 1, \"value\": \"The poor DVD video ...\"}, \"This film is to the F.B.I.'s history as Knott's Berry Farm is to the old west. Shamelessly sanitized version of the Federal Bureau of Investigation fight against crime. Hoover's heavy hand (did he have any other kind?) shows throughout with teevee quality script-reading actors, cheesy sets, cheap sound effects and lighting 101. With Jimmy Stewart at 20% of dramatic capacity, Vera Miles chewing the scenery, the film features every c-lister known in the mid-fifties with nary a hint of irony or humor, from the 'Amazon jungle' to the 'back yard barbecue', everything reeks of sound stages and back lots. Even the gunshots are canned and familiar. I imagine Mervyn Leroy got drunk every night. Except for a few (very few) interesting exterior establishing shots, nothing here of note beyond a curio.\": {\"frequency\": 1, \"value\": \"This film is to ...\"}, \"I loved this movie. I knew it would be chocked full of camp and silliness like the original series. I found it very heart warming to see Adam West, Burt Ward, Frank Gorshin, and Julie Newmar all back together once again. Anyone who loved the Batman series from the 60's should have enjoyed Return to the Batcave. You could tell the actors had a lot of fun making this film, especially Adam West. And I'll bet he would have gladly jumped back into his Batman costume had the script required him to do so. I told a number of friends about this movie who chose not to view it... now they wished they had. I have all of the original 120 episodes on VHS. Now this movie will join my collection. Thank You for the reunion Adam and Burt.\": {\"frequency\": 2, \"value\": \"I loved this ...\"}, \"Joan Fontaine stars as the villain in this Victorian era film. She convincingly plays the married woman who has a lover on the side and also sets her sights on a wealthy man, Miles Rushworth who is played by Herbert Marshall. Mr. Marshall is quite good as Miles. Miss Fontaine acted her part to perfection--she was at the same time cunning, calculating, innocent looking, frightened and charming. It takes an actress with extraordinary talent to pull that off. Joan Fontaine looked absolutely gorgeous in the elegant costumes by Travis Banton. Also in the film is Joan's mother, Lillian Fontaine as Lady Flora. I highly recommend this film.\": {\"frequency\": 1, \"value\": \"Joan Fontaine ...\"}, \"If this film had a budget of 20 million I'd just like to know where the money went. A monkey could make better CGI effects then what was wasted for 3 hours on this dreadful piece of garbage, although I must admit the machines and the martians would have looked really, really cool on an original play-station 1 game, and early PC games from the mid 90s if a game had ever been made. What puzzles me is where did the money go? Pendragon films could have made a great film with good old fashioned models and computer controlled cameras a la George Lucas circa 1975-83, and actors who actually look like they care about what they are doing (or ruining in this case) for about the same 20 million. This is quite possibly the worst film EVER made! I would rather sit through a 24 hour repeat screening of Ishtar than watch this film again. I hated it completely! I regress. I say this IS the WORST film EVER made because unlike other bad movies like Plan 9 or Killer Tomatoes, or Santa Claus Conquers the Martians, these are films that are so bad you have a special place in your heart for them, you love them. There is no love for this film and no place in my DVD library for it. I sold it to a guy for a dollar. I'm betting the money for the film was spent on booze and other vices for the cast and crew. Shame on you Pendragon films! I want my money back!\": {\"frequency\": 1, \"value\": \"If this film had a ...\"}, \"Loved the movie. I even liked most of the actors in it. But, for me Ms. Davis' very poor attempt at an accent, and her stiff acting really makes an otherwise compelling movie very hard to watch. Seriously if any other modern actor played the same role with the same style as Ms. Davis they would be laughed off the screen.

I really think she 'phoned this one in'. Now if it had Myrna Loy or Ingrid Bergman playing the part of the wife I would have enjoyed it much more.

I guess I just don't 'get' Bette Davis. I've always thought of her as an actor that 'plays herself' no matter what role she's in. The possible exception is Now Voyager.

I'm sure many of the other reviewers will explain in careful (and I hope civil) detail how I am totally wrong on this. But, I'll continue to watch the movies she's in because I like the stories/writing/supporting casts, but, I'll always be thinking, of different actresses that could have done a better job.\": {\"frequency\": 1, \"value\": \"Loved the movie. I ...\"}, \"After finally watching Walt Disney's Song of the South on myspace, I decided to watch Ralph Bakshi's response to that movie-Coonskin-on Afro Video which I linked from Google Video. In this one, during the live-action sequences, Preacherman (Charles Gordone) takes his friend Sampson (Barry White) with him to pick up Pappy (Scatman Crothers) and Randy (Philip Thomas, years before he added Michael for his middle name professionally) as the latter two escape from prison. During their attempt, Pappy tells Randy a tale of Brother Rabbit (voice of Thomas), Brother Bear (White), and Preacher Fox (Gordone) and their adventures in Harlem. As expected in many of these Bakshi efforts, there's a mix of animation and live-action that provides a unique point-of-view from the writer/director that is sure to offend some people. Another fascinating animated character is Miss America who's a big-as in gigantic in every way-white blonde woman dressed in skin-tight red, white, and blue stars and stripes who has a hold on a little black man and has him shot in one of the most sexually violent ways that was shockingly funny to me! There are plenty of such scenes sprinkled throughout the picture of which another one concerning Brother Bear's frontal anatomy also provided big laughs from me. There's also a segment of a woman telling her baby of a \\\"cockroach\\\" she was friends with who left her that was touching with that part seeming to be a tribute to the comic strip artist George Herriman. I was also fascinated hearing Grover Washington Jr.'s version of \\\"Ain't No Sunshine\\\" heard as part of the score. Most compelling part of the picture was seeing the Scatman himself depicted with his head in silhouette during the opening credit sequence singing and scatting to a song that has him using the N-word in a satirical way. When I saw a VHS cover of this movie years ago, it had depicted Brother Rabbit in insolent mode in front of what looked like the Warner circles with the slogan, \\\"This movie will offend EVERYBODY\\\". That is ample warning to anyone who thinks all cartoons are meant for children. That said, I definitely recommend Coonskin to fans of Bakshi and of every form of animation.\": {\"frequency\": 1, \"value\": \"After finally ...\"}, \"I just saw this movie the other day when I rented it, and I thought this was going to be just another movie with a girl trying to prove a point, but Diane joined boxing because she wanted to. I thought this movie was good. I gave it a 8/10. That's how good it is. Plus a movie with Michelle Rodriguez is always good. Even is she's been in only six.\": {\"frequency\": 1, \"value\": \"I just saw this ...\"}, \"At first sight this movie doesn't look like a particular great one. After all a Bette Davis movies with only 166 votes on IMDb and a rating of 6,5 must be a rather bad one. But the movie turned out to be a delightful and original surprise.

You would at first expect that this is a normal average typical '30's movie with a formulaic love-story but the movie is surprisingly well constructed and has an unusual and original story, which also helps to make this movie a very pleasant one to watch.

The story is carried by its two main characters played by Bette Davis and George Brent. Their helped by a cast of mostly amusing characters but the movie mainly involves just around them two. Their character are involved in a most unusual and clever written love-story that work humorous as well. It makes this movie a delightful little comedy to watch, that is perfectly entertaining.

The movie is quite short (just over an hour long), which means that the story doesn't waste any time on needless plot lines, development and characters. It makes the movie also rather fast paced, which helps to make this movie a perfectly watchable one by todays standards as well. It does perhaps makes the movie a bit of a simple one at times but this never goes at the expense of its entertainment or fun.

A delightful pleasant simple romantic-comedy that deserves to be seen by more!

8/10\": {\"frequency\": 1, \"value\": \"At first sight ...\"}, \"\\\"Kaabee\\\" depicts the hardship of a woman in pre and during WWII, raising her kids alone after her husband imprisoned for \\\"thought crime\\\". This movie was directed by Yamada Youji, and as expected the atmosphere of this movie is really wonderful. Although the historical correctness of some scenes, most notably the beach scene, is a suspect.

The acting in this movie is absolutely incredible. I am baffled at how they managed to gather this all-star cast for a 2008 film. Yoshinaga Sayuri, possibly the most decorated still-active actress in Japan, will undoubtedly win more individual awards for her performance in this film. Shoufukutei Tsurube in a supporting role was really nice as well. It was Asano Tadanobu though, who delivered the most impressive performance, perfectly portraying the wittiness of his character and the difficult situation he was in.

Films with pre-war setting is not my thing, but thanks to wonderful directing and acting, I was totally absorbed by the story. Also, it wasn't a far-left nonsense like \\\"Yuunagi no Machi, Sakura no Kuni\\\", and examines the controversial and sensitive issue of government oppression and brainwashing that occurred in that period in Japan. Excellent film, highly recommended for all viewers.\": {\"frequency\": 1, \"value\": \"\\\"Kaabee\\\" depicts ...\"}, \"I wished I'd taped MEN IN WHITE so I could watch it again

\\\" What ? You mean you really enjoyed it Theo ? \\\"

No I mean I could watch it again to see if it was as retarded , stupid and as embarrassingly unfunny as I can remember it

A lot of people have claimed it was made for children . May I suggest it was also made by children ? because the whole structure of the script lacks any type of discipline on the part of the producers and writers and much of set pieces seem to have been included because it seemed like a good idea at the time

The cast don't help but I genuinely started to feel sorry for them . Honestly you can believe that during filming the cast had to lie to their families that they were filming a hard core porn film such was their embarrassment at having to appear in something as dismal as this . To give you an idea of how bad the acting is every time BAYWATCH babe Donna D'Ericco disappeared from the narrative I waited patiently for her to reappear then seconds later I forgot she was in the movie . Got that ? A star from BAYWATCH appears and seconds later you forget they're in the movie . This tells you all you need to know about the standard of MEN IN WHITE

Fair enough it's trying to be a live action cartoon similar to THE GOODIES ( Although THE DISMALS would be a better adjective for this movie ) , though perhaps the movie deserves some credit for never descending to toilet humour , but considering this is a kids movie ( This didn't stop ITV broadcasting it at 11 pm ) then there should be no near the knuckle humour in it anyway\": {\"frequency\": 1, \"value\": \"I wished I'd taped ...\"}, \"1958. The sleepy small Southern town of Clarksburg. Evil Sheriff Roy Childress (the almighty Vic Morrow in peak nasty form) cracks down super hard on speeders by forcing said offenders off a cliff to their untimely deaths on an especially dangerous stretch of road. Childress meets his match when cool young hot rod driver Michael McCord (a splendidly smooth and brooding portrayal by Martin Sheen) shows up in town in his souped-up automobile with the specific intention of avenging the death of his brother (Sheen's real-life sibling Joe Estevez in a brief cameo). Director Richard T. Heffron, working from a taut and intriguing script by Richard Compton (the same guy who directed the 70's drive-in movie gems \\\"Welcome Home, Soldier Boys\\\" and \\\"Macon County Line\\\"), relates the gripping story at a brisk pace, neatly creates a flavorsome 50's period setting, and ably milks plenty of suspense out the tense game of wit and wills between Childress and McCord. The uniformly fine cast helps a lot: Sheen radiates a brash James Deanesque rebellious vibe in the lead, Morrow makes the most out of his meaty bad guy part, plus there are excellent supporting performances by Michelle Phillips as sweet diner waitress Maggie, Stuart Margolin as a folksy deputy, Nick Nolte as amiable gas station attendant Buzz Stafford, Gary Morgan as Buzz's endearingly gawky younger brother Lyle, Janit Baldwin as sassy local tart Sissy, Britt Leach as stingy cab driver Johnny, and Frederic Downs as the stern Judge J.A. Hooker. The climactic vehicular confrontation between Childress and McCord is a real pulse-pounding white-knuckle thrilling doozy. Terry K. Meade's sharp cinematography, the well-drawn characters (for example, Childress became obsessed with busting speeders after his wife and kid were killed in a fatal hit and run incident), the groovy, syncopated score by Luchi De Jesus, and the beautiful mountainside scenery all further enhance the overall sound quality of this superior made-for-TV winner.\": {\"frequency\": 1, \"value\": \"1958. The sleepy ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"The King of Masks ...\"}, \"This ranks as one of the worst movies I've seen in years. Besides Cuba and Angie, the acting is actually embarrassing. Wasn't Archer once a decent actress? What happened to her? The action is decent but completely implausible. The make up is so bad it's worth mentioning. I mean, who ever even thinks about the makeup in a contemporary feature film. Someone should tell the make up artist, and the DOP that you're not supposed to actually see it. The ending is a massive disappointment - along the lines of \\\"and then they realized it was all a dream\\\"

Don't waste your time or your money. You're better off just staring into space for 2 hours.\": {\"frequency\": 1, \"value\": \"This ranks as one ...\"}, \"It's hard to praise this film much. The CGI for the dragon was well done, but lacked proper modelling for light and shadow. Also, the same footage is used endlessly of the dragon stomping through corridors which becomes slightly tedious.

I was amazed to see \\\"Marcus Aurelius\\\" in the acting credits, wondering what an ex-Emperor of the Roman Empire was doing acting in this film! Like \\\"Whoopie Goldberg\\\" it must be an alias, and can one blame him for using one if he appears in this stinker.

The story might been interesting, but the acting is flat, and direction is tedious. If you MUST watch this film, go around to your friend's house and get drunk while doing so - then it'll be enjoyable.\": {\"frequency\": 1, \"value\": \"It's hard to ...\"}, \"SEVEN POUNDS: EMOTIONALLY FLAT, ILLOGICAL, MORALLY DISTURBING

The movie was distributed in Italy as \\\"Seven Souls\\\". I was curious about the original title and, after some research, I found out that it refers to Shakespeare's Merchant of Venice, where the usurer Shylock makes a terrible bond with the merchant Antonio, who will have to give him a \\\"pound\\\" of his flesh, in case he is not able to repay his debt. Whereas the Italian translation makes Ben's plan something deeply human, characterized by human sympathy, the original one, though cultivated enough to remain unperceived by anyone, makes it, just in its reference to the flesh, something cold, rational, deep-rooted in the physical side of man. Unfortunately, I think that the real quality of Ben's plan is revealed by the original title: it'a a cold machination, aimed at \\\"donating\\\" parts of his body, but lacking any authentic human empathy, at least the audience is not given the chance to see or perceive any pure relation of souls within the whole movie. The only exception is the love-story with the girl, which seems to be a sort of non-programmed incident, to which Ben yields, but incapable of conveying true emotional involvement. I really didn't like the idea at the core of the movie: the idea that a person, however devoured by the pain for the death of his beloved and of other people he himself has caused, takes the resolute decision to expiate his sense of guilt through suicide: besides being improbable, it makes no sense. I would have liked, and I think it would have been more positive if, in the end, Ben had decided to abandon the idea of committing suicide and go on living, thus helping those same people, and maybe many more, just standing near them, and helping them through his presence. He wouldn't have saved their lives miraculously, of course: this would have probably caused more suffering, but I think it could have been more constructive from a human, and moral point of view. There are many illogical and disturbing things: the initial reference to God's creation in seven days (which, by the way, according to the Bible, are six!): what does it mean? And what about a woman suffering from heart-disease which prevents her from running and even from singing without feeling bad, who can have normal sex with a man who, feeling, as it should be, destroyed by the death of his wife and having donated organs and pieces of his body, doesn't seem to feel so much tried, both emotionally and physically, from his impaired condition? The movie is saved by good acting, but all the rest is pure nonsense, not only from a logical point of view, but also from a human and emotional one.\": {\"frequency\": 1, \"value\": \"SEVEN POUNDS: ...\"}, \"War, Inc. - Corporations take over war in the future and use a lone assassin Brand Hauser (John Cusack) to do their wet-work against rival CEOs. A dark comedy satirizing the military and corporations alike. It was often difficult to figure out what exactly was going on. I kept waiting for things to make sense. There's no reason or method to the madness.

It's considered by Cusack to be the \\\"spiritual successor\\\" to Grosse Point Blank. I.e., War is more or less a knock-off. We again see Cusack as an assassin protecting *spoiler* the person he's supposed to kill as he grips with his conscience. To be fair, John Cusack looks kind of credible taking out half a dozen guys with relative ease. The brief fights look good. The rest of the film does not. It's all quirky often bordering on bizarre. War Inc's not funny enough to be a parody, and too buoyant for anyone to even think about whatever the film's message might be, which I suppose might be the heartless ways that corporations, like war factions compete and scheme without a drop of consideration given to how they affect average citizens. Interesting, but the satire just doesn't work because it's not funny and at its heart the film has no heart. We're supposed to give a damn about how war affects Cusack's shell of a character rather than the millions of lives torn apart by war.

John Cusack gives a decent performance. His character chugs shots of hot sauce and drives the tiniest private plane but quirks are meant to replace character traits. Marisa Tomei is slumming as the romantic sidekick journalist. There really isn't a lot of chemistry between them. Hilary Duff tries a Russian accent and doesn't make a fool of herself. Joan Cusack just screams and whines and wigs out. Blech. Ben Kingsley might have to return the Oscar if he doesn't start doling out a decent performance now and again. Pathetic.

It's not a terrible movie, but in the end you gotta ask \\\"War, what is it good for?\\\" Absolutely nothing. C-\": {\"frequency\": 1, \"value\": \"War, Inc. - ...\"}, \"This was quite possibly the worst film I've ever seen. The plot didn't make a whole lot of sense and the acting was awful. I'm a big fan of Amber Benson, I think she's usually a wonderful actress, I can't imagine why she decided to do this film. Her character, Piper, is drunk for almost the whole film, with the exception of the opening scene. On the plus side, there was several points in the film where the acting was so bad, I actually laughed out loud. But despite that, I would not recommend this film to anyone. It's only 80 minutes long, but that's 80 minutes of your life that you will have completely wasted.\": {\"frequency\": 1, \"value\": \"This was quite ...\"}, \"I remember my parents not understanding Saturday Night Live when I was 15. They also did not understand Rock n Roll and many other things. Now that I am approaching their age, I still remember, and find I understand many of the things my kids love. But this is pathetic. I cannot say I have seen any by Sarah except for a few appearances here and there. They were reasonable. I do not see her as anything special. But this show is just so far below what I expected from her. The IMDb write up made it sound like potential. So, just for that, I started watching the first episode. I turned it off half way through. Anything else is better that that. Jokes that are meant for a 5 year old presented on a supposed adult program. Well, Sarah, this adult is inly moved to turn you off. I just cant believe that someone actually financed this insult to comedy. Only good thing I can say is that there are sooooo many bad jokes deposited here, saving other shows from such an embarrassment.\": {\"frequency\": 1, \"value\": \"I remember my ...\"}, \"A large part of the scenes should be cut off. There is a lot of scenes that should have been cut off. For example the scene where the hunters mentions \\\"I got spiders on my dick\\\", \\\"I like dick\\\", playing in the mud scene, or a bar scene where a professional dinocroc hunters main job is a snake charmer.

How about other terribly incoherent scenes featuring a woman, Diane who wants to loose her virginity to a boyfriend who walks like he wears women's panties three sizes too small. While they make love, didn't they realized they are making it out next to the little boy who will soon run away and loose his head? Why did they do in a living room? I mean his head really flipped. How about the beach scene very reminiscent of Steven Spielberg's Jaws scene at Grant Lake. All these strange scene could easily be re-dubbed and billed as a comedy.

Here in my local town, the cineplex theaters had been advertising for months about Dinocroc, and I am glad I didn't watch it because I later found out it was shown only for 1 or 2 days before it was canceled. The movie was THAT bad. I suspected that Dinocroc was not a good movie looking at the preview. It features the leg of Dinocroc that looks like a child wearing green pajamas and slippers with claws and walks up and down like a 2 year old. It could easily passed over as Baby Geniuses.

If any students of movie making wants to learn what not to do this is a real classic trash. Such as Diane's boyfriend who walks like he had an advanced case of syphilis makes you wonder what the poor woman sees in this guy who looks drunk even before he get to drink beer. When this happens, who cares about Dinocroc? The panties man looked more more interesting than the entire movie of Dinocroc. His acting was so bad, he makes a much better replacement for Mr. Bean. MOVE OVER ROWAN ATKINSON, here is a man with a better comedic talent in a horror sci-fi flick. Perhaps the worse casting in the history of Hollywood.\": {\"frequency\": 1, \"value\": \"A large part of ...\"}, \"Being a fan of the first Lion King, I was definitely looking forward to this movie, but I knew there was really no way it could be as good as the original. I know that many Disney fans are wary of the direct-to-video movies, as I have mixed feelings of them as well.

While watching The Lion King 1\\ufffd\\ufffd, I tried to figure out what my own viewpoint was regarding this movie. Am I going to be so devout about The Lion King that I will nitpick at certain scenes, or am I just going to accept this movie as just another look at The Lion King story? Most of the time, I found myself embracing the latter.

The Lion King 1\\ufffd\\ufffd definitely has its cute and funny moments. Timon and Pumbaa stole the show in the first movie and definitely deserved a movie that centered around them. People just love these characters! My favorite parts of the movie include the montage of Timon & Pumbaa taking care of young Simba and the surprise ending featuring some great cameos.

I could have done without many of the bathroom jokes though, like the real reason everyone bowed to baby Simba at the beginning of Lion King 1. I guess those types of jokes are for the younger set (which after all is the target audience. I don't think many kids are really concerned about Disney's profit margin on direct-to-video movies.)

However, I will say that I was somewhat annoyed when they directly tied in scenes from the original movie to this movie. I'm just too familiar with the original that those scenes just stuck out like sore thumbs to me. Something would be different with the music or the voices that it would just distract me.

As for the music, it wasn't too bad, but don't expect any classics to come from this movie. At least LK2 had the nice ballad, \\\"Love Will Find a Way.\\\" As for the voicework, it was well done in this movie. Nathan Lane and Ernie Sabella did a great job as always, and even new cast members, the classic comedic actor Jerry Stiller and Julie Kavner (best known as Marge Simpson), did a great job also. You can even enjoy these great voice talents even more by checking out the Virtual Safari on Disc 2 of the DVD. That feature is definitely a lot of fun!!

So all in all, The Lion King 1\\ufffd\\ufffd isn't a perfect movie, but it's cute and entertaining. I think many Lion King fans will enjoy it and appreciate it for what it is - a fun, lighthearted look at the Lion King masterpiece from our funny friends' perspectives.

My IMDb Rating: 7/10. My Yahoo! Grade: B (Good)\": {\"frequency\": 1, \"value\": \"Being a fan of the ...\"}, \"IN COLD BLOOD is masterfully directed and adapted by Richard Brooks. However, it's also so bent on being realistic, it's sometimes more clinical than entertaining. Recounting the brutal killing of a Midwest family, author Truman Capote focused on minutia, wrapping himself and the reader up in the subject AND subjects! Brooks departs wildly from that approach in favor of something closer to docudrama. Although he films on actual locations, he keeps his distance. The murderers are portrayed as depraved imbeciles, which surely they were. They're not seen as misunderstood souls (as in the Capote book) and the savagery of their act is horrifyingly blunt. Scott Wilson and Robert Blake are excellent as the killers as is the supporting cast, including John Forsythe and Paul Stewart as the reporter (the Capote \\\"character?\\\") The landmark photography is by the great Conrad Hall.\": {\"frequency\": 1, \"value\": \"IN COLD BLOOD is ...\"}, \"This film is deeply disappointing. Not only that Wenders only displays a very limited musical spectrum of Blues, it is his subjective and personal interest in parts of the music he brings on film that make watching and listening absolutely boring. The only highlight of the movie is the interview of a Swedish couple who were befriended with J.B. Lenoir and show their private video footage as well as tell stories. Wenders's introduction of the filmic topic starts off quite interestingly - alluding to world's culture (or actually, American culture) traveling in space, but his limited looks on the theme as well as the neither funny nor utterly fascinating reproduction of stories from the 30s renders this movie as a mere sleeping aid. Yawn. I had expected more of him.\": {\"frequency\": 1, \"value\": \"This film is ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"Cute and playful, ...\"}, \"When you read the summary of this film, you might come to think that this is something of an odd film and in some ways it is, for the primary character of this film, Gerard Reve (Jeroen Krabb\\ufffd\\ufffd) is haunted by visions and hallucinations. The visions Gerard see are all (more or less) subtle hints to what will happen to him as the story continues and it is great fun for the viewer to try and figure out the symbolism used in the film. Despite the use of symbolism and a couple of hints to the ending of the film, the film maintains a very high level of excitement throughout and does not get boring for one minute. This is mostly due to the great performances of Jeroen Krabb\\ufffd\\ufffd and Ren\\ufffd\\ufffde Soutendijk (Christine) and the great direction of the whole by Paul Verhoeven. His directing style is clearly visible and one can say, looking at it from different angles, that 'De Vierde Man' is a typical Verhoeven film. It will not only seem typical for people familiar with his American films because of the nudity and the graphic violent scenes, but it will also seem typical for people familiar with his Dutch films, because of the same things and his talent to tell a great story. When people watch Verhoevens American films, short sighted people might say, he has no talent in telling a good story and only focuses on blood and sex. That is what some people think, whereas I think that he is a very talented director who tries to convey a deeper message in each with each film. Although not a good film, Hollow Man (his last American film) is an example that Verhoeven can do more than science fiction splatter movies and maybe companies should trust him more and offer him more various films to helm. He needs that. Just watch his Dutch films. Not only do they show that he needs a certain amount of freedom, but they also show that he has remarkable talent. 'De Vierde Man' brought him one step closer to Hollywood and is certainly one of his best.

8 out of 10\": {\"frequency\": 1, \"value\": \"When you read the ...\"}, \"What a long, drawn-out, pointless movie. I'm sure that historically this film is delightful but as entertainment goes it just doesn't make the grade. Ralph Fiennes has been in some fantastic movies, the English Patient, Schindler's List, but this one was such a let-down. It didn't seem to be going anywhere, his character at the beginning was so shallow and uptight it amazes me that his \\\"sister\\\" would ever have been interested at all. Don't bother paying to rent this movie, buy yourself a copy of the English Patient instead.\": {\"frequency\": 1, \"value\": \"What a long, ...\"}, \"Ever wonder where the ideas for romance novels and other paper back released come from? According to 'Jake Speed' they are based on real people, living out the adventures they write about and publish. This movie is quality family entertainment, moderate amounts of violence, and skimpy clothes at the worst. The language is is also not a problem, and the jokes are funny at all levels. This is a 'Austin Powers' look at 'Indian Jones', without the over-the-top antics of Michael Myers. I highly recommend this film for kids in the 10 to 15 range.\": {\"frequency\": 1, \"value\": \"Ever wonder where ...\"}, \"I really wanted to like this film, but the story is ridicules. I don't want to spoil this film, - don't worry right from the begin you know something bad is going to happen - but here's an example of how sloppy this film was put together. The Cowboy and \\\"Twig\\\" ride up the ridge. The Cowboy has a handle bar mustache. The Cowboy and \\\"Twig\\\" get into a shoot out and race half way down the ridge. The Cowboy is clean shaven through out the rest of the film. Sometime between the gun fight and the ride down the mountain the cowboy has had time to shave, in dark, on the back of a horse.

To be fair, the acting by the four main characters is solid.\": {\"frequency\": 1, \"value\": \"I really wanted to ...\"}, \"If I had just seen the pilot of this show I would have rated it a 10. I was immediately hooked on this gorgeous new world. Subsequent episodes have not completely lived up to the promise, but I will keep watching and hope that it keeps getting better. The production values are incredible and the acting is first-rate. I don't mind that it doesn't seem to align perfectly with BSG because I am so intrigued by the premise and let's face it, they are two different shows. I'm thrilled that both Esai Morales and one of my all-time faves, Eric Stoltz, are back in my life (if only weekly) as I've missed them both. This is a show that requires a bit of thought from its audience and that is always a good thing. You kind of have to wrap your head around certain aspects of the show; things are not always as they seem and certainly there are shades of gray, both literally and figuratively, in plot lines, characters and, of course, the various virtual worlds. We all know how it ends, but the journey is looking to be quite a ride.\": {\"frequency\": 1, \"value\": \"If I had just seen ...\"}, \"I honestly had no idea that the Notorious B.I.G. (Bert I. Gordon the director; not the murdered rapper) was still active in the 80's! I always presumed the deliciously inept \\\"Empire of the Ants\\\" stood as his last masterful accomplishment in the horror genre, but that was before my dirty little hands stumbled upon an ancient and dusty VHS copy of \\\"The Coming\\\", a totally obscure and unheard of witchery-movie that actually turned out a more or less pleasant surprise! What starts out as a seemingly atmospheric tale of late Dark Ages soon takes a silly turn when a villager of year 1692 inexplicably becomes transferred to present day Salum, Massachusetts and promptly attacks a girl in the history museum. For you see, this particular girl is the reincarnation of Ann Putman who was a bona fide evil girl in 1692 and falsely accused over twenty people of practicing witchcraft which led to their executions at the state. The man who attacked Loreen lost his wife and daughter this and wants his overdue revenge. But poor and three centuries older Loreen is just an innocent schoolgirl, \\ufffd\\ufffd or is she? \\\"Burned at the Stake\\\" unfolds like a mixture between \\\"The Exorcist\\\" and \\\"Witchfinder General\\\" with a tad bit of \\\"The Time Machine\\\" thrown in for good measure. Way to go, Bert! The plot becomes sillier and more senseless with every new twist but at least it never transcends into complete boredom, like too often the case in other contemporary witchcraft movies like \\\"The Dunwich Horror\\\" and \\\"The Devonsville Terror\\\". The film jumps back and forth between the events in present day and flashbacks of 1692; which keeps it rather amusing and fast-paced. The Ann Putman girl is quite a fascinating character, reminiscent of the Abigail Williams character in the more commonly known stage play \\\"The Crucible\\\" (also depicted by Winona Ryder in the 1996 motion picture). There are a couple of cool death sequences, like the teacher in the graveyard or the journalist in the library, that are committed by the ghost of malignant reverend who made a pact with Ann Putman and perhaps even the Devil himself. The film gets pretty spastic and completely absurd near the end, but overall there's some good cheesy fun to be had. Plus, the least you can say about Bert I. Gordon is that he definitely build up some directorial competences over the years.\": {\"frequency\": 1, \"value\": \"I honestly had no ...\"}, \"Awesomely improbable and foolish potboiler that at least has some redeeming, crisp location photography, but it's too unbelievable to generate much in the way of tension. I was kinda hoping that Stanwyck wouldn't make it back in time because, really, she was saddled with the wet, in more ways than one, husband,and she had an idiot child as well..why NOT run off with Meeker? But the nagging question remains..what sort of wood was that pier support made of if a rotten piece of it pulled off didn't float? Stanwyck, always impeccably professional, does the best she could with the material but it's threadbare.\": {\"frequency\": 1, \"value\": \"Awesomely ...\"}, \"So I'm looking to rent a DVD and I come across this movie called 'End Game'. It stars James Woods and Cuba Gooding JR and has the synopsis of a taught political thriller. Well worth a look then. Or so I thought.

Boy, was I wrong.

End Game has just about the most ridiculous plot I have ever had the displeasure of enduring. Now being something of a whodunnit, I can't really tear into it as I would like without 'ruining' it for those who have yet to experience this monstrosity. But questions such as 'Why has he/she/they done this?', and 'Where on earth did they get the resources to pull this off?' are all too abundant following the film's unintentionally hilarious conclusion.

As for the acting - you know those films where you can almost feel that an actor's realised that they've made a terrible mistake in signing on for a movie, and this then shows in their performance? This is one of those. Accompany this with a laughable script and seriously flawed, irritating direction and you have the recipe for cinematic poison.

Of course, this didn't make it to the cinema, and for the same reason you should not allow it into your living room; it is appalling.\": {\"frequency\": 1, \"value\": \"So I'm looking to ...\"}, \"Almost as tedious to watch as it was to read, Evening is a gorgeously produced failure...until Meryl Streep walks in and quietly shows her other cast members how to act this kind of stuff. Vanessa Redgrave is shockingly off in her role as the dying Ann and Claire Danes is a cipher. Perhaps if Vanessa and Claire had switched roles we could have seen the vibrancy in the young Ann that gave her entr\\ufffd\\ufffde to the rarefied world of the story and we could have imagined that the older Ann actually was dying.

I was hoping the addition of Michael Cunningham to the writing credits would smooth out the jumpy storytelling but alas. It gave me a headache.\": {\"frequency\": 1, \"value\": \"Almost as tedious ...\"}, \"OK the director remakes LOVE ACTUALLY The director Nikhil Advani after debuting with KHNH does his second half and wait

He makes a 3:30 hours + film which loses on patience, time.etc The viewer seems like a 3 hrs sleep watching this film

OK they had 6 stories so it was necessary but why? 6 stories?

We have the Anil- Juhi story convincing but boring don't TV serials show such stories?

We have Govinda- Shannon story which is funny and works well

We have Akshaye-Ayesha story again believable but gets boring soon and the focus is on comedy more and that too slapstick boring comedy

We have Salman- Priyanka story which is the worst, not just acting terms, it makes no sense at all

We have Sohail- Isha story to make you laugh and the trick works at times thanks to the boredom set by most of other stories

We have John- Vidya story a good story in all respects

But then by the time all stories come in bits n pieces the viewer gets bored and sleepy The climax isn't appealing though especially The climax of Salman- Priyanka story Nikhil Advani's handling is alright at places, some stories are well handled but weak at places Music(SEL)is good, but too many songs Cinematography is nice, every story is given a different look, texture and it works

Actors Govinda rocks, after a dismissal comeback with BB he actually makes you laugh and love him in this film despite his age and weight Anil Kapoor acts his part well, though he looks out of shape and tired John excels in his part, Akshaye Khanna overacts for a change

Sohail Khan is too over- the - top and Isha has nothing to do Anjana Suknani is dismissal

Priyanka and Salman deserve an award for this film you are shocked?

Salman Khan doesn't act only, just talks like he is in his sleep and that fake accent oh god Priyanka overacts to such a standard you feel like throwing something on her, she does get better towards the end Vidya Balan is good, Juhi Chawla is okay Shannon is okay\": {\"frequency\": 1, \"value\": \"OK the director ...\"}, \"In the periphery of S\\ufffd\\ufffdo Paulo, the very low middle-class dysfunctional and hypocrite family of Teodoro (Giulio Lopes), Cl\\ufffd\\ufffdudia (Leona Cavalli) and the teenager Soninha (S\\ufffd\\ufffdlvia Louren\\ufffd\\ufffdo) have deep secrets. The religious Teodoro is indeed a hit-man, hired to kill people in the neighborhood with his friend Waldomiro (Ailton Gra\\ufffd\\ufffda). He has a lover, the very devout woman Terezinha (Martha Meola), and he wants to regenerate, going to the country with her. Cl\\ufffd\\ufffdudia has a young lover, J\\ufffd\\ufffdlio (Ismael de Ara\\ufffd\\ufffdjo), who delivers meats for his father's butcher shop. Soninha is a common sixteen years old teenager of the periphery, having active sexual life, smoking grass and loving heavy metal. When J\\ufffd\\ufffdlio is killed and castrated in their neighborhood, the lives of the members of the family change.

\\\"Contra Todos\\\" is a great low budget Brazilian movie that pictures the life in the periphery of a big Brazilian city. The story is very real, uses the usual elements of the poor area of the big Brazilian cities (drug dealers, hit men, fanatic religious evangelic people, hopeless teenagers etc.), has many plot points and a surprising end, and the characters have excellent performances, acting very natural and making the story totally believable. The camera follows the characters, giving a great dynamics to the film. In the Extras of the DVD, the director Roberto Moreira explains that his screenplay had no lines, only the description of the situations, and was partially disclosed only one week before the beginning of the shootings. The actors have trainings in workshops and they used lots of improvisation, being the reason for such natural acting. My vote is eight.

Title (Brazil): \\\"Contra Todos\\\" (\\\"Against Everybody\\\")\": {\"frequency\": 1, \"value\": \"In the periphery ...\"}, \"This could be the most underrated movie of its genre. I don't remember seeing any advertisements or commercials for this one which could be the reason why it didn't do so well at the box office. However, Frailty is an excellent and a truly original horror movie. I rank it within the top 10 most favorite horror movies on my list.

Movie begins with snapshots of photos and news articles telling us about a killer who calls himself \\\"God's hand\\\". And then a man walks into a police station and tells the chief officer that he knows the killer is his brother. Two of them leave together to go to a location where victims are buried which might help solve the case. During that trip, the man begins telling the story of his brother and we go back in time when the events began. Fenton and Adam are two young brothers living with their strict and religious father who, one day, claims that he has received a divine message from God asking him to kill the demons that appear to be regular human beings. He receives from God a list of names of demons to be destroyed and asks his sons to help him carry out this divine mission.

This is an absolutely horrifying and suspenseful film that will keep you at the edge of your seat. The tension runs high, innocent people (or demons?) get killed and religious experiences are questioned. It has not one but few very intelligent twists at the end. If you like this genre, I highly recommend Frailty for you. I own the DVD and it is one of my all time favorite horror-thrillers.\": {\"frequency\": 1, \"value\": \"This could be the ...\"}, \"Part II or formerly known as GUERILLA, is also a great achievement but not quite as entertaining as PART I because this is where we begin to witness what might have caused the fall and death of Che Guevara. Once again, I'm impressed by the cause-and-effect that both parts have in their interconnecting stories. We're reminded again and again that the lead character, Che Guevara is an Argentine. Some of the men in Fidel's army chose not to take orders from a Foreigner and now that Che has chosen to leave the comfort of victory to continue the revolutionary in Bolivia, he doesn't get much respect from his new army and the natives either, only because he's a foreigner.

As far as technical goes, I think Part II would've been more helpful if before everything else, right after the display of the map, it would show some highlights from the previous installment just to refresh memory about his characters and what he's set himself on doing, to make the audience understand why his methods was successful in Cuba but they don't work in Bolivia. It is clear now in this segment, that Che is not as charismatic as Fidel Castro. In Bolivia, he's dealing with a bunch of soldiers whose hearts are not fully in it. It's said that the ingredient for revolutionary is love.. well, they don't give a damn that much about their country so it's a tough sell. It's excruciatingly painful and difficult for Che to get the others to buy into his vision.

I like one particular scene that illustrates Che's deteriorating condition, a scene in which his horse would not go no matter how badly Che tries to direct it, and then his temper took the better of him and for a moment there, he forgets he's a doctor, and he becomes this desperate soldier who's stabs his own horse. His army is like a horse that doesn't want to be led. But at the same time, the film drags, it relies on small cameos from familiar faces that you'll recognize just for the sake of brief entertainment and for the most part, you get pounded left and right by one obstacle after another, but maybe that is the intention of Part II, if so.. then it definitely works. Standing ovation to the cinematography that gives us a first person view at the moment of Che's last breath. This movie may not answer the questions of why Che Guevara was so stubborn, why he was so determined he could pull it off even wen the odds were against him and why he deeply wants South America to have the same fate as Cuba but the movie CHE is a story worth telling.\": {\"frequency\": 1, \"value\": \"Part II or ...\"}, \"This is a haunting, powerful Italian adaptation of James M. Cain's novel The Postman Always Rings Twice directed by the great Luchino Visconti. What is so interesting about the film is that in every way it transcends it's source material to become something bolder and more original (interestingly Camus also credits Cain's novel as the key inspiration for his landmark novel The Stranger). The film has a greater power and intensity than the novel because Visconti is able to create the filmic equivalent of Cain's narrative structure but offer a more complex exploration of gender. Cain's very American novel is also uncritically fascinated with the construction of whiteness (the lead character Cora is obsessively afraid she will be identified as a Mexican and embarrassed that she married a Greek immigrant), which is not relevant to the Italian rural context that Visconti is working in. This allows the class antagonisms to take center stage and dance among the embers of the passionate, doomed love affair of the two main characters. This film is a complex, suspenseful, rewarding experience.\": {\"frequency\": 1, \"value\": \"This is a ...\"}, \"\\\"Lost\\\", \\\"24\\\", \\\"Carnivale\\\", \\\"Desperate Housewifes\\\"...the list goes on and on. These, and a bunch of other high-quality, shows proves that we're in the middle of a golden age in television history. \\\"Lost\\\" is pure genius. Incredible layers of personal, and psychologically viable, stories, underscored by sublime cinematography (incredible to use this word, when describing a TV-show), a killer score, great performances and editing. Anyone who isn't hooked on this, are missing one of the most important creative expressions in television ever. It may have its problems, when watching only one episode a week, but the DVD format is actually an incredible way to watch this. Hope they keep it up (as I'm sure they do).\": {\"frequency\": 1, \"value\": \"\\\"Lost\\\", \\\"24\\\", ...\"}, \"I stopped watching this POS as soon as the snakes started \\\"taking over\\\" the plane.

At first I thought maybe it should get a \\\"one\\\" for the comic relief. But then I realized I could just watch the three stooges for free and laugh more!

Whatever respect I might have had for Samuel Jackson has been irreversibly destroyed. And Hollywood demonstrates once again how removed from reality they really are. When I was a kid we used to catch snakes for fun. The only thing snakes would do is huddle at the bottom of the cargo bay. And no amount of Hollywood cartoon snakes can change that.

This movie isn't worth a trip to Blockbuster. Be warned: if you pay for it, the only \\\"victim\\\" is your dumb ass.

If you want to be really scared, I suggest the Descent. If you want humor, go to your local stand up comedy club. Their worst performer will be a million times better than this trash.\": {\"frequency\": 1, \"value\": \"I stopped watching ...\"}, \"I'll say one thing for Jeanette and Nelson--even when stranded in a mirthless, witless, painfully inept musical like this, there's still that twinkle in their eyes. Yes, the chemistry between the famous duo is there even when the material is paper thin. Even when the score is practically a throwaway, non-existent one depending on just a couple of catchy tunes. And even when the circumstances are so unbelievable--yes, even for a fantasy.

Truth to tell, she has more chemistry with Nelson than with her own real-life husband Gene Raymond in SMILIN' THROUGH, which, nonetheless, was a considerably better film.

Sorry, I love Jeanette and Nelson as much as the next fan, but this is the bottom of the heap. Jeanette is more than embarrassing in her one \\\"hep\\\" number with Binnie Barnes--and Nelson can only come up with a blank stare when faced with the most ludicrous situations.

One can only wonder what this was like on Broadway in 1938. Surely, it must have had more wit and style than is evident in this weak MGM production. Edward Everett Horton fizzles in an unfunny role and none of the supporting players can breathe any semblance of life into this mess. It's like amateur night at the studio even with the few professionals sprinkled among the supporting cast.

Summing up: Painfully clumsy rendering of a Rodgers and Hart musical. Can't recommend it, even for fans of MacDonald and Eddy. And even if Jeanette's close-ups still glow with her gossamer beauty, this film is jaw-droppingly bad.\": {\"frequency\": 1, \"value\": \"I'll say one thing ...\"}, \"I should never have started this film, and stopped watching after 3/4's. I missed the really botched ending. This film was a disappointment because it could have been so much better. It had nice atmosphere, a top notch cast and director, good locations. But a baaaaaad story line, a bad script. I paid attention to Kenneth Branagh's southern accent--it was better than the script. The plot was stupid--driven by characters acting in unreal and improbable ways. No one behaves like this outside of Hollywood scripts.\": {\"frequency\": 1, \"value\": \"I should never ...\"}, \"Yokai Monsters: Spook Warfare (Yokai daisenso, 2005) a movie about \\\"yokai\\\" or traditional Japanese \\\"monsters\\\" of folklore. It is alternatively known as Big Monster War or as Ghosts on Parade.

The yokai of the first installment include the teapot freak, kappa water imp, a living 'brella, a woman whose sheeks can grow extremely gigantic, a woman with a second face on the back of her head, a dwarf priest with an enormous gourd-like wrist, & so on.

These sorts of whimsical monsters derive not only from fairy lore, but from a type of summer entertainment of the Tokugawa Era, comparable to today's Halloween haunted houses, or the \\\"freak shows\\\" of yesteryear but with exclusively phony freaks. Ghosts & goldfish monsters & dancing one-headed umbrellas were trumped up to create \\\"chills\\\" during the hot summers. The fatcheek woman & such were recreated by tricks or illusions, based on monsters depicted in medieval scrolls; & if their design for the movie is a bit simple & hoky, this makes them all the more representative of what historically was recreated for summer chills.

These rather endearing monsters have to face off & destroy an ancient Babylonian vampire demon who has come to Japan & disguised himself as a samurai lord. Despite that some of the Japanese apparitions are a bit goofy, & too many of the costumes scarsely more than masks without even moving lips as they speak, it is all played very poker-faced & is very charming. It has some beautiful cinematography, much as would be provided in a CGI film of the same decade. Viewed in the right mood or with the right friends, it is exciting, moving & touching.

Yoshiyuki Kuroda also directed the famed Lone Wolf & Cub: White Heaven & Hell (1974) &and was the special FX director for the excellent Daimajin trilogy. The Yokai Monsters series is not the equal of Majin at its best, but the Yokai are nevertheless great fun. The first miike movie which is the most child-oriented of his family films, with the GOZU & IZOO consecutively more serious though none too severe for young viewers.\": {\"frequency\": 1, \"value\": \"Yokai Monsters: ...\"}, \"This drama is unlike Sex and the City, where the women have a few drinks and share their sexual encounters with each other. Its much more personal and people can relate to it. Its much more engaging and emotional on a new level than other dramas focusing on women and their lives like \\\"Sex and the City, Lipstick Jungle....\\\"

Dr. Katie Roden, is a psychologist with a dark secret, she seems much more depressed and guilt ridden than the rest of her 3 friends. She is dealing with the death of her former lover who was her patient while tackling his son's advances on her. Her sombre clothes and empty and cold house convey her inside emotions very well.

Trudi Malloy, a widow is battling issues with \\\"letting go\\\" of her dead husband from 9/11. And when a handsome stranger, Richard shows an interest in her she is suddenly forced to do a reality check by her friends who suggest that she gets back into dating business. The ridiculous and embarrassing courting scenes between Richard and Trudi are totally funny! It is interesting to note that Richard asks her out the day she gets a millions from the 9/11 board for her husband's death..lets see what his intentions are

Siobhan Dillon, a lawyer is fed up of her husband's love making tactics which only involve \\\"baby making\\\" (as they are having trouble conceiving) and she quickly falls for her colleague who offer his \\\"services\\\" a little too willingly to her and she does not hesitate for long!It will interesting to see whether she will continue her affair or patch up with her husband (played by Raza Jeffrey) Jessica, a real estate business woman is single and is straight, until she organizes a lesbian wedding and has an affair with one of them. Her character is shown as a bold and provocative woman who before her lesbian encounter is having sex with a \\\"married man\\\", her colleague. Lets see where her character venture to....

The beauty of this drama is that we are shown 4 totally different women with different scenarios, whose ambitions and inhibitions are shown. Its also a good thing that the drama reveals the fact that sometimes friends lie to each other to be \\\"safe\\\"!\": {\"frequency\": 1, \"value\": \"This drama is ...\"}, \"Another entry in the \\\"holiday horror\\\" category that fills the shelves of your local video store. The *spoiler* \\\"wronged nerdy teen taking revenge on the 'cool' kids who wronged him\\\" plot will of course be familiar to those who've watched it before. And those who've seen it before will probably watch it again; those who are expecting Ingmar Bergman and will subsequently become indignant about their wasted time should just skip it. Marilyn Manson on the soundtrack and David Boreanaz, Denise Richards and Katherine Heigl as eye candy--go with the flow and enjoy it. Oh, and I loved the creepy mask.\": {\"frequency\": 1, \"value\": \"Another entry in ...\"}, \"While I don't claim to be any sort of expert in marine life, I must say anyone with a modicum of intelligence could not possibly buy in to this notion of a whale (and not even the mother!) having a clue about revenge because it witnessed his dead mate having a forced abortion by humans! I mean, really! This is basically the whole plot. Richard Harris must have been extremely hard up for roles to have accepted this junk. This is the kind of movie that is so bad that if you paid 50 cents to see it, you would feel like demanding your money back.\": {\"frequency\": 1, \"value\": \"While I don't ...\"}, \"...but it's certainly not without merit. Already writer-director Preston Sturges is experimenting with unusual cinematic effects in telling his stories, creating broadly drawn yet distinctive characters and situations, and writing clever and sometimes unexpectedly wise and compassionate dialogue. (No wonder the Coen brothers' next movie is going to be an homage to Sturges.)

The major problem is that the plot's not all the way there yet; it lacks surprise, the unexpected plot twists and sudden changes of fortune that keep viewers guessing. The coffee slogan is a lousy thing to hang the plot upon, and the ending is thoroughly predictable. Frank Capra does this sort of thing much better.

If you're new to Preston Sturges, check out \\\"The Lady Eve\\\" or \\\"Sullivan's Travels\\\" or \\\"The Miracle of Morgan's Creek\\\" first. If you've seen these already, then go ahead and watch this one.\": {\"frequency\": 1, \"value\": \"...but it's ...\"}, \"******WARNING: MAY CONTAIN SPOILERS**************

So who are these \\\"Mystery Men?\\\" Simply put, the Mystery Men are a group of sub-Heroes desperately trying to live out their adolescent fantasy lives while botching both their real identities and their super identities. The Shoveller (Bill Macy) works construction during the day, and at night, leaves his wife and kids at home while he cruises the street looking for crimes to tackle with his extraordinary and unique Shovel-fighting style. The Blue Raja (Hank Azaria) sells silverware to newlyweds by day and flings tableware at crackpot villians by night, if his mom isn't keeping him busy with the latest snooping. Mr. Furious works in a junk yard to earn his pay, then takes out his frustration on his friends at night, tossing ill-conceived one-liners at friend and foe alike and threatening to get really angry (leaving everyone to wonder, So What?). Ben Stiller breathes such life into this character, you can't help but love him.

These three spend their nights trying to capture that 'moment of glory' they've dreamed about... becoming real Super Heroes. Obviously, it could happen. Champion City has Captain Amazing, after all... a flying, fighting super-cop with enough corporate logos on his costume to stop an extra bullet or two. Greg Kinnear turns in a stellar performance as a middle-aged sellout trying to recapture his fans attention in the twilight of his career.

To bring back that 'extra magic' that might win the endorsements again, C.A. frees Casanova Frankenstein, a WAAAAAY over-the-top menace played to chilling perfection by Goeffrey Rush. This lunatic genius has created a 'psychofrakulator' to warp Champion City into a reflection of his own insanities... and ends up capturing C.A. within hours of his release from prison. This leaves only the Mystery Men to stop Frankenstein's evil plan, but with such henchmen as the Disco Boys protecting Frankenstein, the trio are going to need a little help.

Recruiting commences, and after a painful recruitment party, the team settles in with The Bowler (Janeane Garofolo), who initially has the only real talent in the team, with her mystic bowling ball seemingly animated by the vengeful spirit of her dead father; the Invisible Boy (Kel Mitchell), who CLAIMS to turn invisible when ABSOLUTELY NO ONE is looking at him; the Spleen (Paul Reubens), granted mystically powerful flatulence by an angry gypsy; and the much underused Sphinx (Wes Studi), who is shown to be able to cut guns in half with his mind, then spends much of the rest of the movie spouting inane riddles and acting over-wise.

This film really is a cross-genre romp. Anyone wanting to pigeon-hole films into neat little categories is fighting a losing battle. This is a spoof/parody of the superhero genre - from the pseudo-Burton sets recycled endlessly (and occasionally decorated with more spoof material) to the ridiculous costumes, the comic-book genre gets a pretty good send-up. But at the same time, it is a serious superhero flick, as well. Both at once. While not a necessarily unique idea in itself (for example, this movie is in some ways reflective of D.C. Comic's short-lived Inferior Five work), it is fairly innovative for the big screen. It offers the comic-book world that requires a suspension of disbelief to accept anyway, then throws in the inevitable wanna-bes - and we all know, if superheroes were real, so would these guys be real. If the Big Guy with the S were flying around New York City, you'd see a half-dozen news reports about idiots in underwear getting their butts kicked on a regular basis. Sure, the Shoveller fights pretty well, and the Blue Raja hurls forks with great accuracy - all parts of the super-hero world. But does that make them genuine super-heroes? Only in their minds.

This movie is also a comedy, albeit a dark one. Inevitable, when trying to point out the patent ridiculous nature of super-heroics. One-liners fly as the comic geniuses on stage throw out numerous bits to play off of. Particularly marvelous is the dialogue by Janeane Garofalo with her bowling ball/father. Yet, it isn't a comedy in the sense of side-splitting laughter or eternally memorable jokes. It mixes in a dose of drama, of discovery and of romance, but never really ventures fully into any of it.

What really makes Mystery Men a good film, in the end, is that it is very engaging. The weak/lame good guys are eventually justified and, for one shining moment, really become super-heroes; justice is served; and the movie ends with a scene that reeks of realism (as much realism as is possible in a world where bowling balls fly and glasses make the perfect disguise). If the viewer stops trying to label the film, then the film can be a great romp.

Of course, no movie is perfect. Claire Forlani comes off as bored and directionless as Mr. Furious' love interest, in spite of having a pivotal role as his conscience. Tom Waits seems somehow confused by his own lines as the mad inventor Dr. Heller, although his opening scenes picking up retired ladies in the nursing home is worth watching alone. And the villians are never more than gun-toting lackeys (a point of which is made in the film). The cinematography is choppy and disjointed (such as happens in the average comic book, so it is excusable), the music sometimes overpowers the scenery, and the special effects are never quite integrated into the rest very well.

Yet, overall, this film is incredible. You probably have to be a fan of comics and the superhero genre to really appreciate this movie, but it's a fun romp and a good way to kill a couple of hours and let your brain rest.

8/10 in my opinion.\": {\"frequency\": 1, \"value\": \"******WARNING: MAY ...\"}, \"I am commenting on this miniseries from the perspective of someone who read the novel first. And from that perspective I can honestly say that while enjoyable, I can see why it hasn't been rebroadcast anytime recently. More specifically, this mini has some serious problems, such as:

1) It is terribly miscast. The actors who played the younger generation were all 15 to 20 years older than the characters. Ali McGraw (45 at the time) was playing Natalie Jastrow who was supposed to be about 26. Jan-Michael Vincent (39 at the time) was playing Byron Henry who was supposed to be about 22. The other Henry children, and Pamela Tudsbury, were also played by actors way too old for characters who were supposed to be in their 20's.

2) Some of the acting was absolutely awful. Ali McGraw at times almost made this mini unwatchable. I have seen more convincing performances in high school plays.

3) The directing was poor. To be fair to Ali McGraw, the bad acting and character development were probably the directing. The portrayal of Hitler was way overdone. His character came off looking and behaving more like a cartoon villain than the charismatic, sometimes charming, but always diabolical genius Herman Wouk painted him as in the novel. Some of the other characters are done so stereotypically (Berel Jastrow) they do not gain the depth of character that Wouk created for them.

4) This mini is very dated. The hokey music, the pretentious narration (it sounded like a junior high school history film narration), and the entire prime-time soap opera feel of the mini made it almost comical at times. Also, too often Byron and Natalie are costumed and made up to look like they are in 1979 rather than 1939.

Someone who watches this without the benefit of reading the novel first will probably not sit through it all, because it will come off more as a late 70's / early 80's \\\"take myself too seriously\\\" prime-time soap drama, rather than the television version of what is certainly a modern American classic.

Remakes of older movies and the like are sometimes poorly done, but this is probably one case where a creative and inspired director could make a very stunning, memorable, and critically acclaimed production. I don't ever see that happening since a remake would have to be just as long (15 hours) or longer to do it right, and given the short attention span of most of the current American viewing public, it wouldn't fly.\": {\"frequency\": 1, \"value\": \"I am commenting on ...\"}, \"Cult classics are nearly impossible to predict. Who could guess that Vision Quest, Fight Club, and 2001: A Space Oddysey, movies that were panned by critics and audiences alike upon their release, would become immensely popular? Like many IMDBers, I consider myself a movie expert. Unlike the majority of those who hated Envy(evidenced by a dismal 4.4 rating), I found Envy to be one of the funniest movies in the last decade.

The plot of the movie is ridiculous. The dialogue isn't clever, the scenes have little continuity, and the script seems like it was written by a fourth grader. But that's exactly why the movie is so hilarious. You see, in order to appreciate the accidental genius of Envy, you have to enjoy the movie from an ironically-detached point of view.

Why do I love Envy? Because the movie is bad to the point that it becomes good. This is the recipe for a cult classic, and Envy definitely fits the bill.\": {\"frequency\": 1, \"value\": \"Cult classics are ...\"}, \"Go see this movie for the gorgeous imagery of Andy Goldsworthy's sculptures, and treat yourself to a thoroughly eye-opening and relaxing experience. The music perfectly complements the footage, but never draws attention towards itself. Some commentators called the interview snippets with the artist a weak spot, but consider this: why would you expand on this in a movie, if you can read Andy's musings at length in his books, or attend one of his excellent lectures? This medium is much more suitable to show the ephemeral nature of the artist's works, and is used expertly in this respect.\": {\"frequency\": 1, \"value\": \"Go see this movie ...\"}, \"If you like horror movies with lots of blood and gore, tons of jump-scare moments and unrelenting, escalating scenes of excruciating death, then look elsewhere. If you like quiet, moody, thoughtful horror which casts blood aside in favor of a genuine feeling of dread, then Wendigo is for you.

Thoughtful, stressed out George, his psychoanalyst wife Kim and their young son Miles are heading out to the snowy countryside for a long weekend vacation away from the city. On the way up, George hits a stag with his car. The hunters who had been pursuing the deer are not thrilled when they find that George has ended their chase. In particular, deranged hunter Otis takes it personally. He follows the family to their vacation home, making sure they see him. He spies on George and Kim as they have sex. He fires through their windows with his rifle when they aren't home, letting them discover the ominous holes in their windows and walls when they return. When Kim takes Miles to the drugstore in town, Miles is attracted to a small sculpture in a display case, carved to resemble a man with the head of a stag. A Native American man tells Miles that this is the Wendigo, a spirit of the woods who has a taste for flesh and is always hungry. Miles takes the figure home with him, already haunted by the death of the deer the day before. That afternoon, when he and his father go sledding, George is shot and Miles pursued through the woods by a creature barely glimpsed...or is he just in shock, and imagining the whole thing? Hours later, George is rushed to the hospital and Miles, still clutching his statue, either faints, dreams or goes on a vision quest, in which the Wendigo returns. This time the angry, flesh eating god - part tree, part stag and part man - is hunting for Otis, who has finally gone over the edge.

Wendigo is a beautifully made film, almost totally silent but for the wind howling through the snow covered trees. Okay, so the monster itself is kind of fakey-looking, but it's a small flaw, more than made up for by the genuine feeling of tension and dread that creeps through every frame of the film, and the eerie backdrop of the silent, snowy countryside. The performances are great, particularly by Jake Weber as the moody and thoughtful George and Patricia Clarkson as his sweet but no-nonsense wife. They are a happy couple with their share of common problems, and it is the strength of their relationship and their love for each other that makes this film powerful. Watching this film is often like watching someone's home videos, so realistic are the performances.

This movie is not for everyone. A lot of people may find themselves totally bored, waiting for the hideous Lovecraftian Beast and bloody revenge that never come. We can never really be sure if the Wendigo even exists, seen as it is through the eyes of a sensitive child and also, later, through the eyes of a madman. This is more a psychological drama than a horror film, but it has more than enough creepy elements in it to satisfy fans of subtle horror.\": {\"frequency\": 1, \"value\": \"If you like horror ...\"}, \"may contain spoilers!!!! so i watched this movie last night on LMN (Lifetime Movie Network) which is NOT known for showing quality movies. THIS MOVIE IS AWFUL! i am still amazed that i watched the entire thing, as it was terrible. could this movie contain any more stereotypes? (harping jewish mother who wants son to be a doctor, catholic family with priest sons, big big crucifixes in every room shown in the catholic family's house, mexican whores, \\\"bad\\\" guy who is really a softie at heart, incredibly bad country accents) GAG!!!! i was at first intrigued by the fact that i had never heard of this movie and after seeing that cheryl pollack and corin nemec were in it, i decided to stay awake until 4am to watch it. anyway, the only redeeming thing about this movie is madchen amick's beauty. i suppose pollack's and nemec's acting is okay, but they have a horrid script to work with. unlike the other reviewer who commented on the lack of texan accents (the movie is supposed to take place in austin and very few people there have a twang) i think that the accents were there (in supporting characters like mary margaret's date and john) and were unnecessary. they were also very very bad. i am so very tired of hollywood \\\"southern\\\" accents that sound nothing like the area where the accent is supposed to be from. and since it was supposed to take place in austin and shooting movies there in 1991 would not have been expensive, i fully expected there to be familiar shots of the town: the beautiful capitol building, the UT tower lit up for a winning football game, etc. none of these things were there. also, it takes about 5-6 hours to drive to mexico from austin. at one point in the movie, michael and his posse take off for mexico to lose their virginities and are able to drive off when it is dark (during the summer and early fall it doesn't get dark in austin until 9pm or so), spend time in mexico getting drunk and having sex with mexican (is there any other kind?) whores, and then return to austin by dawn. while this is theoretically possible it is NOT very likely. and if anyone has started school in the hill country (usually the third week of august, but may have been in september in 1960) they know that unless they want to pass out from heat stroke they DO NOT wear their letter jackets!!!!! in august and september in austin and the surrounding areas it is 90+ degrees. only people with no body temperature would be stupid enough to wear sweaters or letter jackets on the first day of school. all in all, a very bad made for tv movie experience.\": {\"frequency\": 1, \"value\": \"may contain ...\"}, \"It's difficult to precisely put into words the sheer awfulness of this film. An entirely new vocabulary will have to be invented to describe the complete absence of anything even remotely recognizable as 'humor' or even 'entertainment' in \\\"Rabbit Test.\\\" So, as a small contribution to this future effort, I'd like to suggest this word:

\\\"Hubiriffic\\\" (adj.) A combination of 'hubristic' and 'terrific'; used to describe overly ambitious debacles like the film \\\"Rabbit Test.\\\"

Joan Rivers and \\\"Hollywood Squares\\\" producer Jay Redack have severely over-reached their meager abilities to amuse in this 82-minute festival of wretchedness. Trying to put together an Airplane! style comedy with a moldy collection of gags, (Note to Joan: German doctors haven't been funny since Vaudeville) disinterred from their graves in the Catskills - that's is bad enough. But compounding this cinematic crime is River's directorial style, which can best be described as 'ugly', and a cast of once-and-future has-beens so eager to please they overplay even the weakest of throwaway gags.

Adrift in this Sargasso Sea of sap is a hapless Billy Crystal in his film debut role as the film's hapless protagonist Lionel. Watching Crystal in this pic is much like watching a blind person take a stroll in a minefield; eventually the cringe reflex becomes a semi-permanent condition as cheap joke after cheap joke blows up in his face.

I can only speculate about the sort of audience who might actually like Rabbit Test. Cabbages, mollusks and mildly retarded lizards are all likely candidates. But for self-aware, thinking humans - I'd enthusiastically recommend pouring bleach in your eyes before I'd recommend \\\"Rabbit Test.\\\"\": {\"frequency\": 1, \"value\": \"It's difficult to ...\"}, \"Mother Night is one of my favorite novels and going to see this I was expecting a huge disappointment. Instead I got a film that perfectly portrays the irony, humor, elequence, and above all else the crushing sadness of Vonnegut's novel.

This is certainly Nolte's best preformance to date. He captures the defeat and selfloathing of Howard Cambell Jr. consistently from the subtle intonations of his speech to the held back tears behind his eyes.

Alan Arkin is absolutly hilarious as George Kraft. Sherryl Lee is haunting in her detachment from reality as Cambell's young lover. John Goodman is understated and more than effective as Cambell's \\\"Blue Fairy Godmother.\\\"

This Pinnocioesque story of Cambell trying to be his own ideal hero and unwittingly becoming his ideal tragic villian is a mature and vivid look into what we are as people. And aside from that, it is one of the most deeply romantic films I have ever come across. Cambell is the incarnation of both foolish and wise love. And at the films sastifyingly painful conclusion, he finally learns what it means to be a real boy as his Blue Fairy Godmother grants him his wish. And he realizes that...well, watch the movie and you'll see.

Mother Night is without a doubt in my mind one of the best films ever made. It is a beautiful poetic story that digs deep within our emotions and is completely faithful to its original author.\": {\"frequency\": 1, \"value\": \"Mother Night is ...\"}, \"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!\": {\"frequency\": 1, \"value\": \"Okay, let me break ...\"}, \"One of my favorite shows in the 80's. After the first season, it started going downhill when they decided to add Jean Bruce Scott to the cast. Deborah Pratt was wonderful and it was fun watching her and Ernest Borgnine's character go at it with each other. The last episode she appeared in was one of my favorites for in the second season. Unfortunately during those days, blacks did not last long on television shows. Some of the episodes in the second season where okay but the third season it was more about the human characters than Airwolf and it was not shown until almost at the end of the show. When it went to USA, it was disgusting!!!\": {\"frequency\": 1, \"value\": \"One of my favorite ...\"}, \"This film has got to be ranked as one of the most disturbing and arresting films in years. It is one of the few films, perhaps the only one, that actually gave me shivers: not even Pasolini\\ufffd\\ufffds S\\ufffd\\ufffdlo, to which this film bears comparison, affected me like that. I saw echoes in the film from filmmakers like Pasolini, Fassbinder and others. I had to ask myself, what was it about the film that made me feel like I did? I think the answer would be that I was watching a horror film, but one that defies or even reverses the conventions of said genre. Typically, in a horror film, horrible and frightening things will happen, but on the margins of civilized society: abandoned houses, deserted hotels, castles, churchyards, morgues etc. This handling of the subject in horror is, I think, a sort of defence mechanism, a principle of darkness and opacity functioning as a sort of projective space for the desires and fears of the viewer. So, from this perspective, Hundstage is not a horror film; it takes place in a perfectly normal society, and so doesn\\ufffd\\ufffdt dabble in the histrionics of the horror film. But what you see is the displacement of certain key thematics from the horror genre, especially concerning the body and its violation, the stages of fright and torture it can be put through. What Seidl does is to use the settings of an everyday, middle class society as a stage on which is relayed a repetitious play of sexual aggression, loneliness, lack and violation of intimacy and integrity: precisely the themes you would find in horror, but subjected to a principle of light and transparency from which there is no escape. It is precisely within this displacement that the power of Seidl\\ufffd\\ufffds film resides. Hundstage deals with these matters as a function of the everyday, displays them in quotidian repetition, rather than as sites of extremity and catharsis - a move you would encounter in said horror genre. One important point of reference here is Rainer Werner Fassbinder. Fassbinder also had a way of blending the political with the personal in his films, a tactics of the melodrama that allowed him to deal in a serious and even moral way with political issues like racism, domination, desire, questions concerning ownership, sexual property and control, fascism and capitalism etc. Seidl\\ufffd\\ufffds tactic of making the mechanisms of everyday society the subject of his film puts him in close proximity with Fassbinder; like this German ally, he has a sort of political vision of society that he feels it is his responsibility to put forward in his films. During a seminar at the Gothenburg Film Festival this year, at which Seidl was a guest, he was asked why he would have so many instances of violated, subjugated women in Hundstage, but no instances of a woman fighting back, liberating herself. Seidl replied that some may view it as immoral to show violence against women, but that he himself felt it would be immoral not to show it. An artistic statement as good as any, I think. Thank you.\": {\"frequency\": 1, \"value\": \"This film has got ...\"}, \"This film was in one word amazing! I have only seen it twice and have been hunting it everywhere. A beautiful ensemble of older screen gems who still have that energy. Judy Denchs ability to carry the whole film was amazing. Her subtle chemistry with the knight in stolen armour was great\": {\"frequency\": 1, \"value\": \"This film was in ...\"}, \"The Clouded Yellow is a compact psychological thriller with interesting characterizations. Barry Jones and Kenneth More are both terrific in supporting roles in characters that both have more to them than what meets the eye. Jean Simmons is quite good, and Trevor Howard makes a fascinatingly offbeat suspense hero.\": {\"frequency\": 1, \"value\": \"The Clouded Yellow ...\"}, \"For those who like depressing films with sleazy characters and a sordid storyline, this one is for you! From the bleak New York City atmosphere, which comes across as an extremely grim and almost hopeless place, to two diverse lead characters devoid of much sense of morality, this movie is a real downer.

Why it won the Academy Award was because it was so shocking at that time that Hollywood, brand new its freedom to show anything it wanted with all moral codes abandoned, wanted to celebrate that fact. Filmmakers then were like an immature six-year-old with an unlimited expense account at the local candy store. So, Hollywood gave theater viewers (for probably the first time) a dose of rape, prostitution, homosexuality, child nudity, homeless existence and other such wonderful sights and sounds only its twisted brain would think is appealing....and then awarded its work.

It also hoped, I'm sure, to shock mainstream audiences. Well, it succeeded on that level. Audiences were stunned at what they say and heard and the Academy, proud of itself for being able to display filth and make money at the same time, couldn't help but bestow honors upon this piece of gilded garbage.

Forty years ago, as a very young man, I found this film fascinating, too. However, seeing it again in the 1990s left such a bad taste in my mouth I never watched to view it again.

The acting was good, but so what? Acting is good in many films. Nobody ever said Dustin Hoffman and Jon Voight couldn't act. Hoffman was particularly good in his younger days in playing wacked-out people. He was kind of like the Johnny Depp of his era, playing guys like \\\"Ratso Rizzo\\\" in this film and then going to be the \\\"Rain Man\\\" later on. Yes, \\\"Ratso\\\" is a character you'll never forget, and \\\"Joe Buck\\\" (Voight) is one you want to forget, but the story is so sordid, it overwhelms the fine acting.

This movie isn't \\\"art,\\\" and it isn't worthy of its many awards; it only pushed the envelope big-time in 1969 and that's why it is so fondly remembered in the hearts of film people and critics. It's two hours of profanity and ultra-sleazy, religious cheap shots, glorifying weirdos (Andy Warhol even gets in the act - no surprise), and generally despicable people.

I did like the catchy song, \\\"Everybody's Talking'\\\" that helped make Harry Nilsson famous, but even that was bogus because Fred Neil wrote the song and sang it better, before Nilsson did it....and few people have ever heard of Neil (which is their loss). And - as mentioned - the name \\\"Ratso Rizzo\\\" kind of stays with you!

The film is a landmark, but in a negative sense, I fear: this marked it as \\\"official\\\" that Hollywood had gone down the toilet, and it has remained in the sewer ever since.\": {\"frequency\": 1, \"value\": \"For those who like ...\"}, \"I'm not going to approach and critique the theories of RAW. I mean, this is a site about movies and whether the movie delivers or is well-made, and not a site debating philosophy.

Having said that, this video really blows. It's one talking-head shot of RAW after another. Some of it is archival video, so you can see how he has aged over the years, and that's pretty cool. But, otherwise, the viewing experience is relentlessly monotonous.

It's a strange comparison, but I kept thinking of the Sunday afternoon when I watched some of the Barbra Streisand star vehicle *Funny Lady* (another really bad movie). After a while, I was so OD'd on Barbra, I kept wishing there would be one scene that she wouldn't appear in: you know, a \\\"meanwhile, other characters in the movie were up to something else...\\\" moment. But it was all about Barbra. Well this video is RAW's *Funny Lady*.

So, if your idea of a good time is to look at multiple takes and angles of the face of RAW while he prattles on with his theories, assembled in a lame structure that doesn't add any interest or insight, then be my guest. For me, I couldn't take it after 20 minutes.\": {\"frequency\": 1, \"value\": \"I'm not going to ...\"}, \"Elvira Mistress Of The Dark (1988): Cassandra Peterson, Daniel Greene, William Morgan Sheppard, Susan Kellerman, Edie McClug, Jeff Conaway, Phil Rubenstein, Larry Flash Jenkins, Tress MacNeille, Damita Jo Freeman, Mario Celario, William Dance, Lee McLaughlin, Charles Woolf, Sharon Hays, Bill Cable, Joseph Arias, Scott Morris, Ira Heiden, Frank Collison, Lynne Marie Stewart, Marie Sullivan, Jack Fletcher, Robert Benedetti, Kate Brown, Hugh Gillin, Eve Smith, Raleigh Bond, Tony Burrier, Alan Dewames, Timm Hill, Read Scot, James Hogan, Derek Givens...Director James Signorelli...Screenplay Sam Egan, John Paragon.

Elvira, Mistress of the Dark was an 80's TV icon who had her own late night show on cable. She hosted and presented classic American horror films, many of them campy, while providing her own quips and humorous remarks. Actress Cassandra Peterson has to this date ridden on that success. In 1988, her first film was released. Playing herself, she's stuck hosting monster movie shows but longs for her own show in Las Vegas and make big money. Her agent Manny proves a disappointment. It's not long before she inherits a mansion from a deceased relative, a pet dog and a book of recipes. She comes to claim her inheritance in a small Nevada town - she was on her way to Vegas and became lost - and soon stirs things up in the sedate community. Outspoken conservative town council woman Chastity Pariah (Edie McClurg) soon sees her as a threat to the decency and values of the small town. Her voluptuous figure and winning personality soon draws the youth of the town. She falls for Bob Redding (Daniel Greene) the town handyman/carpenter, but before any real relationship can bloom, she finds herself in deep trouble. Vincent Talbot (William Morgan Sheppard) an eerie older man who is also set to inherit part of the fortune of Elvira's relative is in fact an age-old sorcerer who has a personal vendetta against Elvira's aunt and Elvira herself. He is aware that the so-called \\\"recipe book\\\" is actually a book of powerful magic, a power he wishes to claim for himself. He schemes to bring down Elvira by having the town burn her at the stake. How will Elvira get out of this one ? The movie was no real success at the box office, drawing a crowd of mostly young audiences familiar with the Elvira show on cable. Truth be told, this is a funny and feel-good movie. The script is chalk full of all kinds of jokes, some bad, some good, lots of sexual innuendo, visual jokes and overall campiness i.e. the hilarious last scene in which Elvira has finally got her own strip show in Vegas. This film is a cult classic of sorts, catering to Elvira fans. You couldn't enjoy this film otherwise. It's also a look back at \\\"pop\\\" culture of the 80's. Elvira was as much an icon of the 80's as was Alf, Vicky the Robot, Hulk Hogan, Mr. T and Madonna.\": {\"frequency\": 1, \"value\": \"Elvira Mistress Of ...\"}, \"Lorenzo Lamas stars as Jack `Solider` Kelly an ex-vietnam vet and a renegade cop who goes on a search and destroy mission to save his sister from backwoods rednecks. Atrocious movie is so cheaply made and so bad that Ron Palillo is third billed, and yet has 3 minutes of screen time, and even those aren't any good. Overall a terrible movie, but the scenes with Lorenzo Lamas and Josie Bell hanging from a tree bagged and gagged are worth a few (unintentional) laughs. Followed by an improved sequel.\": {\"frequency\": 1, \"value\": \"Lorenzo Lamas ...\"}, \"My wife and I are semi amused by Howie Mandel's show.. I also like Shatner - even when he's at his most pathetic..

But this is absolutely the worst show on television.

Please cancel this show. It sucks a**.

The only positive thing I can say is that the girls are hotter on this show and seem to wear less clothing than Deal or no Deal...

The questions are a mixture of way too easy and incredibly obscure. And watching Shatner or the contestant say \\\"Show me the money\\\" makes me want to vomit..

This one will not last.\": {\"frequency\": 1, \"value\": \"My wife and I are ...\"}, \"With the exception of the sound none of the above are really criticisms for this type of no budget, (truly) independent horror film. Make up effects and gore are very good and the lead actor was effective, the lead actress although attractive needs some coaching as she was particularly poor.

The major problem with Frightworld is it's length, at 108 minutes its half an hour too long to be effective as a slasher movie, plot wise only about ten minute of the first fifty are relevant.

In places it is visually engaging and sometimes the lack of lighting works in the films favour. However when this is combined with the poor sound as is the case with most of the film large sections are difficult to watch.

This could certainly be an entertaining if unoriginal \\\"serial killer back from the dead\\\" movie with some judicious and ruthless editing, in its current form it plays like an unfinished rough cut.\": {\"frequency\": 1, \"value\": \"With the exception ...\"}, \"Noni Hazlehurst's tour-de-force performance (which won her an AFI award) is at least on par with her effort in FRAN three years later. Colin Friels is also good, and, for those who are interested, Alice Garner appears as Noni's child, and Michael Caton (best known for THE CASTLE) is a bearded painter. (Also interestingly, Hazlehurst is currently the host of lifestyle program BETTER HOMES AND GARDENS, and Caton is the host of property-type programs including HOT PROPERTY, HOT AUCTION, etc...) This film reaffirms the popularly-held belief that Noni was arguably Australia's top female actor during the early-to-mid 1980s. Rating: 79/100.\": {\"frequency\": 1, \"value\": \"Noni Hazlehurst's ...\"}, \"Ray Liotta and Tom Hulce shine in this sterling example of brotherly love and commitment. Hulce plays Dominick, (Nicky) a mildly mentally handicapped young man who is putting his 12 minutes younger, twin brother, Liotta, who plays Eugene, through medical school. It is set in Baltimore and deals with the issues of sibling rivalry, the unbreakable bond of twins, child abuse and good always winning out over evil. It is captivating, and filled with laughter and tears. If you have not yet seen this film, please rent it, I promise, you'll be amazed at how such a wonderful film could go un-noticed.\": {\"frequency\": 1, \"value\": \"Ray Liotta and Tom ...\"}, \"A great opportunity for and Indy director to make an interesting film about a rock musician on the brink of stardom. It could have been a decent film if it would have dealt with John Livien's traumatic past and how it is torturing his psyche. Instead, it is a ridiculous attempt to identify John Livien's life with John Lennon's. John Livien's suicida mother's hero was John Lennon and she wished for him to become as powerful and prolific as Lennon himself. Instead of focusing on John Lennon's musical brilliance, and his wonderful ability to bare himself for others to learn something about their own life, it showed Lennon's legacy to be that of a confused, drug addicted soul, who should looked upon as a God instead a man. I am a huge John Lennon fan and this movie reminded me of another \\\"crazy\\\" person obsessed with Lennon, Lennon's killer , Mark David Chapman. Lennon was a man who was brutally murdered by someone else who had an identity crisis with Lennon. Do we need to be reminded of that? John Lennon gave so much to the world with his music and honesty and I was repulsed to see another disturbed person, as the main character in this movie obsessed by Lennon, and not show his beautiful contributions to the world. Yoko Ono graciously honored John Lennon's memory,by making the memorial in Central Park to give his fans a chance to pay their respects, and remember John. Instead the director of this movie chose to use that site to have the killer attempt to commit suicide. I found this so disturbing and disrespectful to Lennon's memory. He was a man of peace who died a brutal senseless death, and to see such violence near this site felt like a revisiting a terrible wound for any Lennon fan. It ruined the movie completely for me . It could have been a decent movie, but it left me with a bitter taste in my mouth. Let John Lennon, and his family rest in peace and not be reminded of his vicious murder by this irresponsible movie.\": {\"frequency\": 1, \"value\": \"A great ...\"}, \"I've just seen it....for those who don't know what it is, I suggest to download the entire feature and enjoy viewing it...it's kinda amateur made trailer featuring the same producer of the famous short Batman Dead End, but this time besides the black knight there is also Superman... It would be wonderful if they made the entire movie...but I'm afraid that it's almost impossible, especially just before the official Batman 5 film.

-- There is no greater crime against peace than the refusal to fight for it.

Lorenzo 'Purifier'Pinto\": {\"frequency\": 1, \"value\": \"I've just seen ...\"}, \"IT IS So Sad. Even though this was shot with film i think it stinks a little bit more than flicks like Blood Lake, There's Nothing Out There & . The music they play in this is the funniest stuff i've ever heard. i like the brother and sister in this movie. They both don't try very hard to sound sarcastic when they're saying stuff like \\\"My friends are going to be so jealous!\\\" Hey, whats with the killer only wearing his mask in the beginning? Thats retarded! I practically ignored the second half of this. My favorite part about this movie is the sound effect they use when the killer is using the axe. The same exact sound for every chop!\": {\"frequency\": 1, \"value\": \"IT IS So Sad. Even ...\"}, \"Born Again is a sub-standard episode from season one. It deals with the subject of reincarnation and just doesn't fly. I've never been big on reincarnation and that could be part of my apathy toward this episode. It does reference the Tooms case which is some nice continuation from the previous episode. But the positives end there. Which is unfortunate because that takes place at the beginning of the episode. I think it's ludicrous that a dead guy would chose to reincarnate in the body of a completely unrelated girl. And he waits until the girl turns eight to start exacting revenge. There's even a serious lack of witty Mulder & Scully dialogue to keep the episode afloat. If you're into reincarnation, maybe this episode is up your alley. If you're not, then at least you can learn what bradycardia is.\": {\"frequency\": 1, \"value\": \"Born Again is a ...\"}, \"but it's worth watching for Boyer, Lorre and Paxinou. Greene's entertainments that were filmed during the war either required transplanting to American shores, as in This Gun for Hire, or the use of American actors in roles where they did not fit. Bacall fits that part here. I kept waiting for her to whistle and bring Bogie to life; her tone of voice is simply all wrong for an upper class Englishwoman. But listen to the dialogue! No, people don't talk that way except in books, but Greene was sending a message about an England that needed to wake up to the dangers of the world. One other positive note: Greene's range of characters were kept whole. While Mr. Mukerjee resembled more a Brahamin, at least his nationality was kept, and his final conversation with Paxinou is priceless.\": {\"frequency\": 1, \"value\": \"but it's worth ...\"}, \"I showed this to my 6th grade class about 17 years ago and the students loved it. I loved it, too. The story of the termites and their interaction with their environment is amazing. The cast of creatures is deep and they all play their parts well. The battle between the two cold-blooded titans is truly classic footage.

Alan Root has done some incredible camera work and this should have won the Best Documentary Oscar. The copy I have doesn't have Orson Welles narrating it (Derek Jacobi) and it isn't called the \\\"Mysterious Castles of Clay,\\\" just \\\"Castles of Clay.\\\" This makes me think that it must have been done with Welles added for star power and an Oscar push.

I was lucky enough to find this VHS just recently and it is now my children's favorite movie. They brought it to the latest family gathering instead of a Disney movie. If you can find this movie you are indeed lucky.\": {\"frequency\": 1, \"value\": \"I showed this to ...\"}, \"I was quite a fan of the series as a child and after that it has always remained in my mind as one of those memorable cartoons that made a difference in the early 80s compared to previous animated series (Heidi, Barbapapa, Il Etait une Fois l'Homme..., most of which I love). I find that other similar Japanese cartoons of this kind released later can't match Mazinger Z, as they started to boringly repeat the same pattern.

That very thing, the novelty, may be one of the best features of Mazinger Z. Another good point is its inventiveness, with so many extravagant monsters, strange devices and bizarre characters; actually, we were eager to see each new installment to find out what kind of new fiend or evil machine was awaiting us!\": {\"frequency\": 1, \"value\": \"I was quite a fan ...\"}, \"Before watching this film, I could already tell it was a complete copy of Saw (complete with the shack-like place they were in and the black guy wanting someone to break his hand to get out of the cuffs). MJH's name on a movie would typically turn me away (ugh, can we say GROSS?!), but I still wanted to give it a try.

Starting out, I was a bit interested. The acting is absolutely horrible and I found myself laughing at almost each reaction from the characters (especially the man that played \\\"Sulley\\\"). MJH was even worst, but I continued to watch.

However, the ending was the biggest joke of them all! I seriously sat in shock thinking \\\"THAT was the ending?! Is this a comedy?!\\\".

I thought this pile of crap was funnier than the \\\"Scary Movie\\\" spoofs and that is REALLY saying something!\": {\"frequency\": 1, \"value\": \"Before watching ...\"}, \"This is absolutely one of the best movies I've ever seen. It takes me on a a roller-coaster of emotions. I laugh and cry and get disgusted and happy and in love! All this in a little over two hours of time!

The actors are all brilliant! I have to mention the leading actor of course, Michael Nyquist. He does a remarkable job!! I also admire the actor who plays Tore, who plays this mentally-challenged young man in such a convincing way! He sort of reminded me of Leonardo di Caprios roll in Gilbert Grape! And then there is the most beautiful song in the world: Gabriella's s\\ufffd\\ufffdng.

I recommend this for everyone to see and enjoy!\": {\"frequency\": 1, \"value\": \"This is absolutely ...\"}, \"This film was choppy, incoherent and contrived. It was also an extremely mean-spirited portrayal of women. I rented it because it was listed as a comedy (that's a stretch), and because the cover said Andie McDowell was acting up a storm in it. She wasn't. I'm a gal, I watched this film with two guys, and we spent an hour afterwards exclaiming over how bad it was.

WARNING: PLOT SUMMARY BELOW! RAMPANT SPOILERS!

The movie starts out with a fairly hackneyed plot about an older woman who takes up with a younger man, to the severe disapproval of her two jealous single girlfriends. They want her to marry a boring guy their own age who is kind of in love with her. But she's so happy with her oversexed puppy that you're rooting for them to stick it out, and sure enough, she decides to marry the guy. But her harpy girlfriend, aided by the wishy-washy one, sets up a plot to trick our heroine into thinking the guy is cheating on her. It works. She has a fight with him, he runs out of the house and is crushed by a truck (Remember the movie's title?) So now he's dead, two-thirds of the way through the film. And although our heroine is a school headmistress who spends her time watching over girls, she apparently forgot to use birth control and is pregnant.

She's already broken off relations with her girlfriends, because they were so unsupportive. Alone and pitiful, she decides to marry the boring guy. Did I mention that the boring guy who kind of loves her is a minister? She had asked him to marry her to the young guy (nice, huh?), but now she tells him she'll marry him, and apparently he has no objections to being dicked around in this fashion. But her girlfriends rescue her at the altar and take her home, where they not-quite-confess that they were mostly responsible for the love of her life getting smushed. She has the kid. In the final scene, they leave it in a crib inside her house while they go out on the porch to drink, smoke and be smug. I kid you not, it's that bad. I left out the part about the cancer red-herring and the harpy's ridiculous lesbian moment.\": {\"frequency\": 1, \"value\": \"This film was ...\"}, \"Clint Eastwood reprises his role as Dirty Harry who this time is on the case of a vigilante (Sondra Locke)who is killing the people that raped her and her sister at a carnival many years ago. Eastwood makes the role his and the movie is mainly more action then talk, not that I'm complaining. Sudden Impact is indeed enjoyable entertainment.\": {\"frequency\": 1, \"value\": \"Clint Eastwood ...\"}, \"I recently watched Belle Epoque, thinking it might be wonderful as it did win an Oscar for Best Foreign Language Film. I was a bit underwhelmed by the predictability and simplicity of the film. Maybe the conflict I had was that from the time the movie was filmed to now, the plot of a man falling for beautiful women and eventually falling for the good girl has been done so many times. Aside from predictability of the plot, some scenes in the film felt really out of place with the storyline (ex. a certain event at the wedding). At times the film was a bit preachy in it's ideas and in relation to the Franco era the film was set in and the Church. The only thing the film had going for it was the cutesy moments, the scenery, and the character of Violeta being a strong, independent woman during times when women were not really associated with those characteristics.\": {\"frequency\": 1, \"value\": \"I recently watched ...\"}, \"Jason Lee does his best to bring fun to a silly situation, but the movie just fails to make a connect.

Perhaps because Julia Stiles character seems awkward as the conniving and sexy soon to be cousin-in-law.

Maybe it is because she and Selma Blair's characters should have been cast the opposite way. (Selma Blair seems more conniving than Julia would be).

Either way this movie is yet another Hollywood trivialization of a possibly real world situation (that being getting caught with your pants out at your bachelor party not stooping your cousin), which while having promise fails to deliver.

There are some laughs to be sure and the cast (even if miscast) do their best with sub grade material which doesn't transcend its raunchy topic. So instead of getting a successful raunch fest (ie Animal House or American Pie) we are left with a middle ground of part humor and part stupidity (ala Meatballs 2 or something).\": {\"frequency\": 1, \"value\": \"Jason Lee does his ...\"}, \"Moonwalker is probably not the film to watch if you're not a Michael Jackson fan. I'm a big fan and enjoyed the majority of the film, the ending wasn't fantastic but the first 50 or so minutes were - if you're a fan.

I personally believe the first 50 minutes are re-watchable many times over. The dancing in each video is breathtaking, the music fantastic to listen to and the dialogue entertaining.

It includes many of his finest videos from Bad and snippets from his earlier videos. It also includes some live concert footage.

If you're a big fan of Michael Jackson this is a must, if you're not a fan/don't like Michael Jackson, steer well clear.

9/10\": {\"frequency\": 1, \"value\": \"Moonwalker is ...\"}, \"The morbid Catholic writer Gerard Reve (Jeroen Krabb\\ufffd\\ufffd) that is homosexual, alcoholic and has frequent visions of death is invited to give a lecture in the literature club of Vlissingen. While in the railway station in Amsterdam, he feels a non-corresponded attraction to a handsome man that embarks in another train. Gerard is introduced to the treasurer of the club and beautician Christine Halsslag (Ren\\ufffd\\ufffde Soutendijk), who is a wealthy widow that owns the beauty shop Sphinx, and they have one night stand. On the next morning, Gerard sees the picture of Christine's boyfriend Herman (Thom Hoffman) and he recognizes him as the man he saw in the train station. He suggests her to bring Herman to her house to spend a couple of days together, but with the secret intention of seducing the man. Christine travels to K\\ufffd\\ufffdln to bring her boyfriend and Gerard stays alone in her house. He drinks whiskey and snoops her safe, finding three film reels with names of men; he decides to watch the footages and discover that Christine had married the three guys and all of them died in tragic accidents. Later Gerard believes Christine is a witch and question whether Herman or him will be her doomed fourth husband.

The ambiguous \\\"The Vierde Man\\\" is another magnificent feature of Paul Verhoeven in his Dutch phase. The story is supported by an excellent screenplay that uses Catholic symbols to build the tension associated to smart dialogs; magnificent performance of Jeroen Krabb\\ufffd\\ufffd in the role of a disturbed alcoholic writer; and stunning cinematography. The inconclusive resolution is open to interpretation like in many European movies that explore the common sense and intelligence of the viewers. There are mediocre directors that use front nudity of men to promote their films; however, Paul Verhoeven uses the nudity of Gerard Reve as part of the plot and never aggressive or seeking out sensationalism. Last but not the least; the androgynous beauty of the sexy Ren\\ufffd\\ufffde Soutendijk perfectly fits to her role of a woman that attracts a gay writer. My vote is eight.

Title (Brazil): \\\"O 4o Homem\\\" (\\\"The 4th Man\\\")\": {\"frequency\": 1, \"value\": \"The morbid ...\"}, \"A dreary and pointless bit of fluff (bloody fluff, but fluff). Badly scripted, with inane and wooden dialogue. You do not care if the characters (indeed, even if the actors themselves) live or die. Little grace or charm, little action, little point to the whole thing. Perhaps some of the set and setting will interest--those gaps between the boards of all the buildings may be true to the way life was lived. The framework encounter is unnecessary and distracting, and the Hoppalong Cassidy character himself is both boring and inept.\": {\"frequency\": 1, \"value\": \"A dreary and ...\"}, \"Repugnant Bronson thriller. Unfortunately, it's technically good and I gave it 4/10, but it's so utterly vile that it would be inconceivable to call it \\\"entertainment\\\". Far more disturbing than a typical slasher film.\": {\"frequency\": 1, \"value\": \"Repugnant Bronson ...\"}, \"This movie was great and I would like to buy it.The boy goes with his grandfather to catch a young eagle. the boy has to feed and care for the eagle until it is old enough to be sacrificed for the crops. the boy saves the eagle from being killed and runs away from the tribe.The eagle helps feed him by catching a duck from a small pond the boy scares up. Later the boy shoots a deer that a bully kid was claiming because their arrows were marked very close the same. Only until they check the thickness of the red lines do they determine who actually got the deer. But this was unfortunate because it made the other boys even crueler to him,and at the end he is being chased up onto a cliff but when you think he will fall off his pure love for the eagle transforms him into a golden eagle with only a necklace as a reminder of who he was.Please if anyone knows where I can buy this movie let me know.I haven't seen it for over 30 years,but still remember parts of the movie.deniselacey2000@yahoo.com\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"The year 2005 saw no fewer than 3 filmed productions of H. G. Wells' great novel, \\\"War of the Worlds\\\". This is perhaps the least well-known and very probably the best of them. No other version of WotW has ever attempted not only to present the story very much as Wells wrote it, but also to create the atmosphere of the time in which it was supposed to take place: the last year of the 19th Century, 1900 \\ufffd\\ufffd using Wells' original setting, in and near Woking, England.

IMDb seems unfriendly to what they regard as \\\"spoilers\\\". That might apply with some films, where the ending might actually be a surprise, but with regard to one of the most famous novels in the world, it seems positively silly. I have no sympathy for people who have neglected to read one of the seminal works in English literature, so let's get right to the chase. The aliens are destroyed through catching an Earth disease, against which they have no immunity. If that's a spoiler, so be it; after a book and 3 other films (including the 1953 classic), you ought to know how this ends.

This film, which follows Wells' plot in the main, is also very cleverly presented \\ufffd\\ufffd in a way that might put many viewers off due to their ignorance of late 19th/early 20th Century photography. Although filmed in a widescreen aspect, the film goes to some lengths to give an impression of contemporaneity. The general coloration of skin and clothes display a sepia tint often found in old photographs (rather than black). Colors are often reminiscent of hand-tinting. At other times, colors are washed out. These variations are typical of early films, which didn't use standardized celluloid stock and therefore presented a good many changes in print quality, even going from black/white to sepia/white to blue/white to reddish/white and so on \\ufffd\\ufffd as you'll see on occasion here. The special effects are deliberately retrograde, of a sort seen even as late as the 1920s \\ufffd\\ufffd and yet the Martians and their machines are very much as Wells described them and have a more nearly realistic \\\"feel\\\". Some of effects are really awkward \\ufffd\\ufffd such as the destruction of Big Ben. The acting is often more in the style of that period than ours. Some aspects of Victorian dress may appear odd, particularly the use of pomade or brilliantine on head and facial hair.

This film is the only one that follows with some closeness Wells' original narrative \\ufffd\\ufffd as has been noted. Viewers may find it informative to note plot details that appear here that are occasionally retained in other versions of the story. Wells' description of the Martians \\ufffd\\ufffd a giant head mounted on numerous tentacles \\ufffd\\ufffd is effectively portrayed. When the Martian machines appear, about an hour into the film, they too give a good impression of how Wells described them. Both Wells and this film do an excellent job of portraying the progress of the Martians from the limited perspective (primarily) of rural England \\ufffd\\ufffd plus a few scenes in London (involving the Narrator's brother). The director is unable to resist showing the destruction of a major landmark (Big Ben), but at least doesn't dwell unduly on the devastation of London.

The victory of the Martians is hardly a surprise, despite the destruction by cannon of some of their machines. The Narrator, traveling about to seek escape, sees much of what Wells terms \\\"the rout of Mankind\\\". He encounters a curate endowed with the Victorian affliction of a much too precious and nervous personality. They eventually find themselves on the very edge of a Martian nest, where they discover an awful fact: the Martians are shown to be vampires who consume their prey alive in a very effective scene. Wells adds that after eating they set up \\\"a prolonged and cheerful hooting\\\". The Narrator finally is obliged to beat senseless the increasingly hysterical curate \\ufffd\\ufffd who revives just as the Martians drag him off to the larder (cheers from the gallery; British curates are so often utterly insufferable).

This film lasts almost 3 hours, going through Wells' story in welcome detail. It's about time the author got his due \\ufffd\\ufffd in a compelling presentation that builds in dramatic impact. A word about the acting: Don't expect award-winning performances. They're not bad, however, the actors are earnest and they grow on you. Most of them, however, have had very abbreviated film careers, often only in this film. The Narrator is played by hunky Anthony Piana, in his 2nd film. The Curate is John Kaufman \\ufffd\\ufffd also in his 2nd film as an actor but who has had more experience directing. The Brother (\\\"Henderson\\\") is played with some conviction by W. Bernard Bauman in his first film. The Artilleryman, the only other sizable part, is played by James Lathrop in his first film.

This is overall a splendid film, portraying for the first time the War of the Worlds as Wells wrote it. Despite its slight defects, it is far and away better than any of its hyped-up competitors. If you want to see H. G. Wells' War of the Worlds \\ufffd\\ufffd and not some wholly distorted version of it \\ufffd\\ufffd see this film!\": {\"frequency\": 1, \"value\": \"The year 2005 saw ...\"}, \"At the time I recall being quite startled and amused by this movie. I referred to it as the most important movie I'd seen in ten years, and found myself bumping into people who said similar things.

Bernhard has an unusually perceptive behavioral notebook. And she has shaped the bitter adolescent personality that we all had, into a corrosive, adult world-view. The two together provide a startling mix which may be too edgy for some viewers. (Hi Skip. I wish you weren't my brother so I could **** you!)

Bernhards search for herself after returning to LA from New York, results in the immersive trying-on of various personas (all of which fit poorly) for our amusement, but enough of them involve acting out to appeal to a \\\"black imperative\\\" values system that the real barometer of her resituation is whether black culture accepts her. (It's been a while. Nina Simone comes to mind. And she has an impressive, solidly-built black lover in the movie) A pretty black girl attends the shows, and seems to be authorizing Sandra's faux-blackness, but ultimately rejects her.

Just as Catholics deem themselves lucky to suffer for Christ, here Sandra depicts herself suffering at the hands of a black culture in which she craves a place; as if she cherishes her worthiness and her rejection. It's the only value system implicated in the films world, outside of Bernhards arty confusion.

For a nation whose chief issues are racism and money, it's refreshing to see one of the 2 topics dealt with in an atypical way.\": {\"frequency\": 1, \"value\": \"At the time I ...\"}, \"A Kafkaesque thriller of alienation and paranoia. Extremely well done and Polanski performs well as the diffident introvert trying hard to adapt to his dingy Paris lodgings and his fellow lodgers. Horrifying early on because of the seeming mean and self obsessed fellow tenants and horrifying later on as he develops his defences which will ultimately be his undoing. Personally I could have done without the cross dressing element but I accept the nod to Psycho and the fact that it had some logic, bearing in mind the storyline. Nevertheless it could have worked without and would have removed the slightly theatrical element, but then maybe that was intended because the courtyard certainly seems to take on the look of a theatre at the end. I can't help feel that there are more than a few of the director's own feelings of not being a 'real' Frenchman and Jewish to boot. Still, there is plenty to enjoy here including a fine performance from a gorgeous looking Isabelle Adjani and good old Shelly Winters is as reliable as ever.\": {\"frequency\": 1, \"value\": \"A Kafkaesque ...\"}, \"I don't watch much porn, but I love porn stars. And I love gory movies. So when I heard about a porn-star gore movie, I was really excited. Of course, that was years ago and when I heard about all the trouble with making and finishing the movie, I never thought I'd actually get to see it. But I did and I'm not ashamed to admit I loved it, even with all its flaws.

First, the flaws. The story is set in Ireland and is called Samhain, but the story it seemed to want to tell is about the Sawney Beane clan from Scotland. So why not just set it there and skip the third-grade report about Samhain/Irish immigrants/Halloween? Also, it breaks its own rules by stating that you're safe on the trails, but then the cannibal mutants just start running amok everywhere. It's never clear how many cannibals we're dealing with. There's a big stone castle that's obviously ancient, yet no one's noticed it before. The self-conscious horror film references are annoying and so are the characters. The heroine has a flashback montage of all her dead friends that include a character she NEVER MET. The ending makes no sense.

So what works? The gore! Sure I would have liked more, but it was refreshing to see such a nasty movie that wasn't afraid to be nothing more than a gore movie. Two murders are waay over the top and Taylor Hayes has a nice disgusting scene. The two wild murders are even given extended shots on the DVD. I've always been of the mind that gore can overcome a stupid story and Evil Breed reinforced that.\": {\"frequency\": 1, \"value\": \"I don't watch much ...\"}, \"Where to start...Oh yea, Message to the bad guys: When you first find the person you have been tracking (in order to kill) that witnessed a crime you committed, don't spend time talking to her so that she has yet another opportunity to get away. Message to the victim: When the thugs are talking amongst themselves and arguing, take that opportunity to \\\"RUN AWAY\\\", don't sit there and watch them until you make a noise they hear. Message to the Director: if someone has a 5 or 10 minute head start in a vehicle or on foot, you can't have the bad guys on their heels or bumper right away! time and motion doesn't work that way. It would also be nice to think that a woman doesn't have to brutally kill( 4) men in order to empower herself to leave an abusive relationship at home.\": {\"frequency\": 1, \"value\": \"Where to ...\"}, \"Just two comments....SEVEN years apart? Hardly evidence of the film's relentless pulling-power! As has been mentioned, the low-budget telemovie status of 13 GANTRY ROW is a mitigating factor in its limited appeal. Having said that however the thing is not without merit - either as entertainment or as a fright outing per se.

True, the plot at its most basic is a re-working of THE AMITYVILLE HORROR - only without much horror. More a case of intrigue! Gibney might have made a more worthwhile impression if she had played Halifax -investigating a couple of seemingly unconnected murders with the \\\"house\\\" as the main suspect. The script is better than average and the production overall of a high standard. It just fails to engage the viewer particularly at key moments.

Having picked the DVD up for a mere $3.95 last week at my regular video store, I cannot begrudge the expenditure. $10.95 would be an acceptable price for the film. Just don't expect fireworks!\": {\"frequency\": 1, \"value\": \"Just two ...\"}, \"Many reviews here explain the story and characters of 'Opening Night' in some detail so I won't do that. I just want to add my comment that I believe the film is a wonderful affirmation of life.

At the beginning Myrtle Gordon is remembering how 'easy' it was to act when she was 17, when she had youth and energy and felt she knew the truth. Experience has left her emotionally fragile, wondering what her life has been for and, indeed, if she can even continue living. A tragic accident triggers a personal crisis that almost overwhelms her.

Almost - but not quite. At the eleventh hour she rediscovers the power of her art and reasserts herself (\\\"I'm going to bury that bastard,\\\" she says of fellow actor Maurice as she goes on stage). It seems almost sadistic when Myrtle's director prevents people from helping her when she arrives hopelessly drunk for her first performance. He knows, however, that she has to have the guts to make it herself if she is to make it at all.

Some critics wonder if this triumph is just a temporary pause on Myrtle's downward path. I believe this is truly her 'opening night' - she opens like a flower to new possibilities of life and action, she sees a way forward. It is tremendously moving.

Gena Rowlands is superb. The film is superb. Thank you, Mr Cassavetes, wherever you are.\": {\"frequency\": 1, \"value\": \"Many reviews here ...\"}, \"I found this movie to be suspenseful almost from the get-go. When Miss Stanwyck starts her narration it's only a few minutes until you realize that trouble is coming. The deserted area, the lock on the deserted gas station door, everything sets you up to wait for it...here it comes. At first you think it will be about the little boy, but all too soon you start holding your breath watching the tide coming in. I found this movie to be really stressful, even though I had watched it before and was prepared for the denouement. Now a movie that can keep you in suspense even when you have seen it before deserves some sort of special rating, maybe a white knuckles award?\": {\"frequency\": 1, \"value\": \"I found this movie ...\"}, \"JUDAAI was a bold film by Raj Kanwar at it's time In 1997 when such a topic was damn out of the box

To give him his credit he does succeed in showing how greed changes a person and to what extent the person can go to get what she wants

The film however is damn melodramatic, many places ridiculous

One wonders why Anil doesn't buy a TV for his wife? when he earns so much Just to show how poor he is?

The twist is well handled but the handling is straight out of 80's The Johny- Paresh comedy which entertains here and there stands out as a sore thumb as it doesn't fit in the story

Even there are several cringeworthy scenes

Direction by Raj Kanwar is adequate though at times too melodramatic Music is okay but most songs look forced

Anil does his part well Sridevi is excellent in her part Urmila is decent Amongst rest Kader Khan is as usual Johny Lever is funny, Paresh irritates Farida is decent\": {\"frequency\": 1, \"value\": \"JUDAAI was a bold ...\"}, \"Though I'm not the biggest fan of wirework based martial arts films, when a film goes straight for fantasy rather than fighting I get a lot more fun out of it and this film is one of the best in terms of fantastical plotting and crazy flying shenanigans. Ching Siu Tung has crafted here an enchanting treat with fine performance and much ethereal beauty. The great, tragic Leslie Cheung plays a tax collector hero who stays the night in a haunted temple and gets involved with a stunning fox spirit and a wacky Taoist. Cheungs performance is filled with naive but dignified charm and Wu Ma is pleasingly off the wall as the Taoist monk, who shows off some swordplay and even gets a musical number. Perhaps best off all is Joey Wang as the fox spirit, truly a delight to behold with every movement and gesture entrancingly seductive. The film takes in elements of fantasy, horror, comedy and romance, all stirred together into a constantly entertaining package. Ching Siu Tung, directing and handling the choreography gives some neat wirework thrills, and fills the film with mists, shadows and eerily enthralling benighted forest colours, giving every forest scene a wonderfully bewitching atmosphere. Also notable are the elaborate hair stylings and gorgeous flowing garments of the female characters, with, if I'm not mistaken, Joey Wang sporting hair done up like fox ears at times, a marvellous touch. Though the film features relatively little action and some perhaps ill advised cheesy pop songs at times, this is a beautiful piece of entertainment, with swell characters and plotting, even the odd neat character arc, a near constant supply of visual treats and copious dreamy atmosphere. An ethereal treasure, highly recommended.\": {\"frequency\": 1, \"value\": \"Though I'm not the ...\"}, \"This movie awed me so much that I watch it at least once a year. At times I find it uncomfortable. At times I find it empowering. And I always find the characters human and real. It is a movie that shows you the gritty reality of life in LA, starting with the recurring helicopter search lights scanning for the dangers lurking so close to the ordinary lives being carried on by the characters. It is also a movie that shows you how the kindness of a stranger can change your life and empower you to make a difference. Grand Canyon reminds you that every action you take, whether intended or not, has powerful repercussions. I found this movie to be similar in many ways to Robert Altman's film Short Cuts. Both had a star-studded roster of perfectly cast actors & actresses and both movies allowed you to gradually see how the the characters interrelated with one another and affected each other, for better or worse. Grand Canyon did a better job of providing a cohesive message, (hope in the face of despairing reality), than Altman's film, although I found them both intriguing in their own way. This film is a definite must see!!!\": {\"frequency\": 1, \"value\": \"This movie awed me ...\"}, \"

What an absolutely crappy film this is. How or why this movie was made and what the hell Billy Bob Thornton and Charlize Theron were doing signing up for this mediocre waste of time is beyond me. Strong advise for anyone sitting down to catch a flick: DO NOT waste your time on this 'film'.\": {\"frequency\": 1, \"value\": \"

What ...\"}, \"Worry not, Disney fans--this special edition DVD of the beloved Cinderella won't turn into a pumpkin at the strike of midnight. One of the most enduring animated films of all time, the Disney-fide adaptation of the gory Brothers Grimm fairy tale became a classic in its own right, thanks to some memorable tunes (including \\\"A Dream Is a Wish Your Heart Makes,\\\" \\\"Bibbidi-Bobbidi-Boo,\\\" and the title song) and some endearingly cute comic relief. The famous slipper (click for larger image) We all know the story--the wicked stepmother and stepsisters simply won't have it, this uppity Cinderella thinking she's going to a ball designed to find the handsome prince an appropriate sweetheart, but perseverance, animal buddies, and a well-timed entrance by a fairy godmother make sure things turn out all right. There are a few striking sequences of pure animation--for example, Cinderella is reflected in bubbles drifting through the air--and the design is rich and evocative throughout. It's a simple story padded here agreeably with comic business, particularly Cinderella's rodent pals (dressed up conspicuously like the dwarf sidekicks of another famous Disney heroine) and their misadventures with a wretched cat named Lucifer. There's also much harrumphing and exposition spouting by the King and the Grand Duke. It's a much simpler and more graceful work than the more frenetically paced animated films of today, which makes it simultaneously quaint and highly gratifying.\": {\"frequency\": 1, \"value\": \"Worry not, Disney ...\"}, \"By 1976 the western was an exhausted genre and the makers of this film clearly knew it. Still, instead of shelving the project and saving us from having to watch it, they went ahead and made it anyway. Apparently in need of an interesting thread to get the audiences to come and see the film, they decided to make it as blatantly violent and unpleasant as possible. Hell, it worked for The Wild Bunch so why shouldn't it work here? Of course, The Wild Bunch had the benefit of a superb script but the script of The Last Hard Men is plain old-fashioned rubbish.

It's hard to figure out what attracted Charlton Heston and James Coburn to their respective roles. Heston plays a retired lawman who goes after an escaped bunch of convicts led by a violent outlaw (Coburn). The hunt becomes even more personal when Heston's daughter (Barbara Hershey) is kidnapped by the convicts and subjected to sexual degradation.

This is a bloodthirsty film indeed in which every time someone dies it is displayed in over-the-top detail. It's tremendously disappointing really, because the star pairing sounds like a mouth-watering prospect. There's no sense of pace or urgency in the film either. It takes an eternity to get going, but when the action finally does come it is marred by the emphasis on nastiness. All in all, this might be the very worst film that Heston ever made. I'm sure it's one of the productions he is loathe to include on his illustrious CV.\": {\"frequency\": 1, \"value\": \"By 1976 the ...\"}, \"The Golden Era of Disney cartoons was dying by the time the end of the 90s. This show Quack Pack shouldn't even be considered a DuckTales spin off because the show barely had anything to do with DuckTales. It's about a teen-aged Huey, Dewey and Louie as they make trouble for their uncle Donald and talk in hip-hop lingo and they are fully dressed unlike in DuckTales. I prefer the little adventurous nephews from DuckTales. There are humans in Duckburg and the ducks are the only animals living in Duckburg. There's no references of Scrooge McDuck. The stories are repetitive, the plot is boring but the animation is good. If you want lots of slapstick humor, I recommend this to you. If you want a better Disney show watch \\\"Darkwing Duck\\\" or \\\"DuckTales\\\".\": {\"frequency\": 1, \"value\": \"The Golden Era of ...\"}, \"The One and only was a great film. I had just finished viewing it on EncoreW on DirecTV. I am an independent professional wrestler, and I thought this was a good portray of what life is like as a professional wrestler. Now this film was made 4 years before I was born, but I don't think the rigors of professional wrestling traveling has changed all that much. Sad, funny, and all around GREAT!!! **** 10+\": {\"frequency\": 1, \"value\": \"The One and only ...\"}, \"Very bad film. Very, very, very bad film. It's a rarity, but it defenitly is not worth hunting down. This Italian Jaws rip-off makes little sense most of the time, and no sense the rest. The \\\"alligator\\\" is not at all convincing, and many of the sub-plots go nowhere. If it's at the local video store, you may want to watch it if you're a fan of monster movies, but it's not worth hunting down.\": {\"frequency\": 1, \"value\": \"Very bad film. ...\"}, \"Omen IV: The Awakening starts at the 'St. Frances Orphanage' where husband & wife Karen (Faye Grant) & Gene York (Michael Woods) are given a baby girl by Sister Yvonne (Megan Leitch) who they have adopted, they name her Delia. At first things go well but as the years pass & Delia (Asia Vieria) grows up Karen becomes suspicious of her as death & disaster follows her, Karen is convinced that she is evil itself. Karen then finds out that she is pregnant but discovers a sinister plot to use her as a surrogate mother for th next Antichrist & gets a shock when she finds out who Delia's real father was...

Originally to be directed by Dominique Othenin-Girard who either quit or was sacked & was replaced by Jorge Montesi who completed the film although why he bothered is anyone's guess as Omen IV: The Awakening is absolutely terrible & a disgrace when compared to it illustrious predecessors. The script by Brian Taggert is hilariously bad, I'm not sure whether this nonsense actually looked good as the written word on a piece of paper but there are so many things wrong with it that I find even that hard to believe. As a serious film Omen IV: The AWakening falls flat on it's face & it really does work better if you look at it as a comedy spoof, I mean the scene towards the end when the Detective comes face-to-face with a bunch of zombie carol singers who are singing an ominous Gothic song has to be seen to be believed & I thought it was absolutely hilarious & ridiculous in equal measure. Then there's the pointless difference between this & the other Omen films in that this time it's a young girl, the question I ask here is why? Seriously, why? There's no reason at all & isn't used to any effect at all anyway. Then of course there's the stupid twist at the end which claims Delia has been keeping her brother's embryo inside herself & that in a sinister conspiracy involving a group of Satan worshippers it has been implanted in Karen so she can give birth to the Antichrist is moronic & comes across as just plain daft. At first it has a certain entertainment value in how bad it is but the unintentional hilarity gives way to complete boredom sooner rather than later.

It's obviously impossible to know how much of Omen IV: The Awakening was directed by Girard & Montesi but you can sort of tell all was not well behind the camera as it's a shabby, cheap looking poorly made film which was actually made-for-TV & it shows with the bland, flat & unimaginative cinematography & production design. Then there's the total lack of scares, atmosphere, tension & gore which are the main elements that made the previous Omen films so effective.

The budget must have been pretty low & the film looks like it was. The best most stylish thing about Omen IV: The Awakening is the final shot in which the camera rises up in the air as Delia walks away into the distance to reveal a crucifix shaped cross made by two overlapping path's but this is the very last shot before the end credits roll which says just about everything. I have to mention the music which sounds awful, more suited to a comedy & is very inappropriate sounding. The acting is alright at best but as usual the kid annoys.

Omen IV: The Awakening is rubbish, it's a totally ridiculous film that tries to be serious & just ends up coming across as stupid. The change of director's probably didn't help either, that's still not a excuse though. The last Omen film to date following the original The Omen (1976), Damien: Omen II (1978) & The Final Conflict (1981) all of which are far superior to this.\": {\"frequency\": 1, \"value\": \"Omen IV: The ...\"}, \"Midnight Cowboy opens with a run down Drive In theater with the voice-over of the main character Joe Buck (Jon Voight) singing in the shower. He is singing a cowboy song, the very thing he strives to be. Joe picks up his humdrum life living in Texas and moves it to New York City with the dream of lots of women, and even more money. He dresses as the epitome of the cowboy, but in a cartoonish fashion, not even his friends take him seriously. He begins his journey on the bus to NYC and we can quickly see how diluted Joe is through his interactions with the other passengers. This is primarily a story of Joe's realization of the harsh realities of the real world.

He starts off as a very na\\ufffd\\ufffdve southerner thinking he can make it in NYC just on his good looks. He has no other reason to think otherwise, as they proved helpful in the past; we learn this from the many flashbacks he has. In the beginning the flashbacks are filmed in a way that portrays them as being somewhat whimsical. They are hazy and the voices sound as if they are coming from a great distance, as they are, they are coming out of his past. However, as Joe delves deeper and deeper into the reality of the harsh atmosphere of NYC we see more of his past, which is no longer whimsical but gritty, filmed in black and white with rapid editing to portray the cruel nature of the past events. This is especially seen in the flashback of him and his girlfriend being assaulted, and her being raped. In one of these flashbacks we see a building being torn down brick by brick. This mirrors the way in which Joe himself is falling apart; the naivet\\ufffd\\ufffd that he once carried is falling off of him. He and Ratso (Dustin Hoffman) are living in squalor, and barely able to get food to eat; Joe is realizing he cannot live off of his looks, that there is a gritty underbelly of New York that he didn't envision. His subconscious mirrors the way in which his real life is panning out.

Ratso is also serves as a kind of mirror to Joe, but in an opposite way; Ratso is Joe's foil. Joe is a handsome, strong man who, for the most part, has a good outward appearance. Ratso, on the other hand, from the very first time we see him sitting next to Joe in the bar we can tell he is the opposite. He is short, dark, and always coated with a sheen of sweat. He understands how the world works, that it is unforgiving, and sometimes no matter how hard you try you will fail; just as his father did. They are living in the same world, the same apartment even, but they understand things on a completely different level.

The theme of alienation, one that is common of this era, is very apparent in this film. Neither Joe nor Ratso fit into the culture surrounding them. Joe feels trapped in Texas and moves to NYC where he is still very much an outsider. Ratso, living in the cold of NYC, wishes to move to sunny Florida where he thinks he will be able to find a good life. Even though this is his ideal, in the fantasy we get from Ratso's perspective, it is apparent that he knows he will never really fit into society. In said fantasy he is turned on by the people living around him, he is yet again an outsider, alienated from society.

It is not until the end that the gap between Joe and Ratso begins to narrow. Joe resorts to violence; he takes on the mentality of this city in order to get money to fund a means of escape for Florida for himself and Ratso. On the journey we see Joe coming out of a store not wearing the cowboy clothes that he is never without in the rest of the film. He is dressed as someone who looks like they are headed to Florida for vacation. He dresses Ratso the same way; he tires to make them fit into the new society they are entering, but it is to no avail. Upon Ratso's death on the bus, their fellow passengers once again look them upon as outsiders. Even in this new culture they have entered, they cannot escape the alienation they have met at every turn in this film. Despite the Ratso's death, and Joe's continued alienation, the film ends with the hope that Joe can take his new knowledge of how the world works and create a better life than he would have had as a hustler in NYC. Midnight Cowboy is an excellent film portraying the harsh reality of society, and alienation, with stellar performances by both Voight and Hoffman.\": {\"frequency\": 1, \"value\": \"Midnight Cowboy ...\"}, \"In 1972, after his wife left to go her own way, Elvis Presley began dating Linda Thompson. Miss Thompson, a good-humored, long haired, lovely, statuesque beauty queen, is charted to fill a void in Elvis' life. When Elvis' divorce became final, Linda was already in place as the legendary performer's live-in girlfriend and travel companion until 1976.

This is a gaudy look at their love affair and companionship. Linda whole-heartedly tending to her lover's needs and desires. And even putting up with his swallowing medications by the handful and introducing her to her own love affair with valium. At times this movie is harsh and dark of heart; a very unattractive look at the 'King' and his queen.

Don Johnson is absolutely awful as Elvis. Over acting to the hilt is not attractive. Stephanie Zimbalist lacks the classiness of Linda, but does the job pretty well. Supporting cast includes: John Crawford, Ruta Lee, and Rick Lenz. Watching this twice is more than enough for me, but don't let this review stop you from checking it out. For most Elvis fans that I have conferred with, this is not a favored presentation.\": {\"frequency\": 1, \"value\": \"In 1972, after his ...\"}, \"This was by far the worst low budget horror movie i have ever seen. I am an open minded guy and i always love a good horror movie. In fact, when I'm renting movies i specifically look for some good underrated horror movies. They are always good for a laugh, believe i know, i have seen many. But this movie was just so terrible it wasn't worth a chuckle. I was considering turning it off in the first five minutes... which i probably should have. There is nothing good about it, first and foremost, the camera crew suck3d A$$. The intro was stupid just like the ending. Acting and special effects were terrible. Please I'm begging you, do NOT watch this movie, you will absolutely hate it.\": {\"frequency\": 1, \"value\": \"This was by far ...\"}, \"This is the worst movie ever made. The acting, the script, the location, everything! I would have given it a little chance if there were attractive women in the movie, but even they were bad. You would think that a movie with the word \\\"beach\\\" in it's title would have good-looking women in it. Wouldn't you?\": {\"frequency\": 1, \"value\": \"This is the worst ...\"}, \"I loved this movie! It was all I could do not to break down into tears while watching it, but it is really very uplifting. I was struck by the performance of Ray Liotta, but especially the talent of Tom Hulce portraying Ray's twin brother who is mentally slow due to a tragic and terrible childhood event. But Tom's character, though heartbreaking, knows no self pity and is so full of hope and life. This is a great movie, don't miss it!!\": {\"frequency\": 1, \"value\": \"I loved this ...\"}, \"No one would argue that this 1945 war film was a masterpiece. (How could any 1945 war film be a masterpiece?) And yet this is an extremely effective telling of a true story, that of Al Schmidt, blinded on Guadalcanal, as played by John Garfield, who spent days wearing a blindfold to capture the nuances of a blind person's actions. Robert Leckie, in \\\"Helmet for My Pillow\\\",denigrates Schmidt's popularity in favor of his foxhole mate, who was killed, writing that \\\"the country must have needed live heroes.\\\"

Well, I suppose the country did. And they had one here. There is a single combat scene in the movie, bound to the studio lot, lasting only ten minutes or so, and occurring less than halfway through the film instead of being saved for the climax, but it is the scariest and most realistic depiction of men under fire that I can remember having seen on screen, including those in \\\"Saving Private Ryan\\\". Men yell with fear, scream at each other and at the enemy, and bleed and die, without the aid of color, stereophonic sound, squibs, or gore.

Simply from a technological point of view, the film is outstanding. It isn't just that we learn how complicated a mechanism a .30 caliber, water-cooled Browning machine gun is, or that it must be fired in bursts of only a few rounds, or that it isn't waved around like a fire hose, as in so many other war movies. The technical precision adds to the scene's riveting quality. The need to stick to short bursts is horrifying when dozens of shrieking enemies are pouring across a creek fifty feet away with the sole aim of exterminating you and your two isolated comrades confined to a small gun emplacement.

The performances are solid, if not bravura, including those of the ubiquitous 1940s support, John Ridgeley, and a radiant, youthful Eleanor Parker. The framing love story is spare, but it works, and ultimately is quite moving. A striking dream sequence is included. It's not Bunuel, but for a routine 1945 film, it stands out as original and effective.

Albert Maltz may have overwritten the script, or it may have been altered by someone else. It could have used the kind of pruning that might have introduced some much needed ambiguity. Still, there are odd verbal punctuations that have a surprising impact on the viewer -- \\\"Why don't God strike me dead?\\\" And, \\\"In the eyes, Lee. Get 'em in the eyes!\\\" Depths of anguish in a few corny words. And a surprising amount of bitterness expressed by wounded veterans in a 1945 war film.

Notes that might seem false to a contemporary viewer but perhaps shouldn't: the dated vernacular which it's difficult to believe many of today's kids could think was actually ever spoken -- \\\"private gab,\\\" \\\"dope\\\", \\\"drip,\\\" \\\"Gee,\\\" \\\"you dumb coot,\\\" \\\"dame,\\\" \\\"a swell guy,\\\" and \\\"feeling sorry for yourself.\\\" Let us consider the historical context and be kind in our judgments. At the time, some of this goofy lingo was at the cutting edge.

Real weak points? The wounded veterans get together and argue with each other about how much of a collective future they have and the argument is oversimply resolved with a conclusion along the lines of, \\\"Just because you have a silver plate in your head doesn't mean people will think you're a bad person.\\\" There are sometimes voice overs and silent prayers that are both unnecessary and downright unimaginative. \\\"Please, God, let him return to me,\\\" and that sort of thing.

Well, the film makers were operating within the constraints of their times. Maybe that's why the final fade is on a shot of Independence Hall and the inspiring strains of \\\"America the Beautiful\\\" swell in the back.

None of this can undo the film's virtues, which are considerable, particularly the impact of that horrifying combat scene. It's not on television that often. If you have a chance, by all means catch it.\": {\"frequency\": 1, \"value\": \"No one would argue ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"Some people seem ...\"}, \"No ,I'm not kidding. If they ever propose a movie idea, they should be kicked out of the studio. I'm serious. Their movies are exactly the same in every one, and they only consist of traveling to foreign locations, having a problem which they easily resolve, hoping to be popular, and getting new boyfriends. Think about it. If you have ever seen a movie starring them with a different plot, contact me and tell me its name. These \\\"movies\\\" are poor excuses to be on TV and go to other countries. There is a reason that the movies never go to theaters. I'm sure that when they were really young and made some O.K. movies, some studio boss bought all their rights for 15 years, or something, so that now that they're, what, 17, they can make movies in other countries whenever they want using the studio's money. Let me advise you, STAY AWAY FROM MARY-KATE AND ASHLEY! IT'S FOR YOUR OWN GOOD!\": {\"frequency\": 1, \"value\": \"No ,I'm not ...\"}, \"Some wonder why there weren't anymore Mrs. Murphy movies after this one. Will it's because this movie totally blew snot. Disney was not the right studio to run this film. MAYBE Touchstone (well, they're owned by Disney, but it'd be more adult). The film is too kid-ish, as the book series is not. The casting is all wrong for the characters. The characters don't even act the way they do in the books. And why was Tucker changed to a guy? He's a girl in the frigging books! Was this done to make the film appeal to boys? Sheesh. And where was Pewter, the gray cat? One of the funniest characters from the book is absent from this filth. Rita Mae Brown is a good writer, but letting Disney blow her work was wrong. An animated feature film, perhaps in the vane of Don Bluth's artwork would suit a better Mrs. Murphy film. Overall, I give this a 2, because at least Disney made a film from an under-appreciated book series. But, I wish they did better. Either way, I still have my books to entertain me.\": {\"frequency\": 1, \"value\": \"Some wonder why ...\"}, \"Some guys think that sniper is not good because of the action part of it was not good enough. Well, if you regard it as an action movie, this view point could be quite true as the action part of this movive is not actually exciting. However, I think this is a psychological drama rather than an action one.

The movie mainly told us about the inside of two snipers who definitely had different personalities and different experiences. Tomas Beccket , who was a veteran and had 74 confirmed kills, looked as if he was cold-hearted. However, after Beccket showed his day dream of Montana, we can clearly see his softness inside. It was the cruel war and his partners' sacrifice that made Beccket become so called cold-hearted.

Millar, on the contrary, was a new comer, a green hand, and was even not qualified as a sniper. Billy Zane did quite well to show millar's hesitation and fear when he first tried to \\\"put a bullet through one's heart\\\"(as what Beccket said). What he thought about the actuall suicide mission was that it could be easily accomplished and then he could safely get back and receive the award.

These two guys were quite different in their personalities and I think that the movie had successfully showed the difference and the impact they had to each other due to the difference in their personalities. These two snipers quarreled, suspected each other and finally come to an understanding by the communication and by what they had done to help even to save the other.

Sniper isn't a good action movie but a good psychological one.\": {\"frequency\": 1, \"value\": \"Some guys think ...\"}, \"The original was a good movie. I bought it on tape and have watched it several times. And though I know that sequels are not usually as good as the original I certainly wasn't expecting such a bomb. The romance was flat, the sight gags old, the spoken humor just wasn't. This may not have been the worst movie I've ever seen but it comes close.\": {\"frequency\": 1, \"value\": \"The original was a ...\"}, \"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!\": {\"frequency\": 1, \"value\": \"If you like cars ...\"}, \"Jean-Marc Barr (Being Light, The big blue, Dogville) has directed and interpreted this strange movie which is the second installment of some kind of trilogy. I might be wrong but I don't think this movie's part of the Dogma '95 manifesto, though it really looks like it. I'm not really sure of what I think about this film. All actors are good. They deliver pretty good performances, especially Rosanna Arquette and Jean-Marc Barr. The story is somehow interesting. But I don't know, there's something about the movie that I don't like. The sex scenes are way too long. It goes from an interesting work of art to an erotic piece of crap I don't know exactly where it stands. Sure it's not a bad movie, but I won't suggest people to see it neither I'll tell them not to watch. Just do as you want. If you feel curious and you're open-minded, give it a try, you might like it.\": {\"frequency\": 1, \"value\": \"Jean-Marc Barr ...\"}, \"Portly nice guy falls for a luscious blonde; she likes him too, but not for the reasons you might think. Little-seen black comedy from writer Pat Proft features very good performances by Joe Alaskey and Donna Dixon, yet it makes no lasting impact. It's just a quickie throwaway effort, helmed by Norman Bates himself, Anthony Perkins. Even on the level of B-comedies, the somewhat-similar \\\"Eating Raoul\\\" is a better bet. There's definitely an amusing set-up here; unfortunately, the picture has nowhere to go in its second act. An interesting try, but it misfires.

** from ****\": {\"frequency\": 1, \"value\": \"Portly nice guy ...\"}, \"Some people say this is the best film that PRC ever released, I'm not too sure about that since I have a fond place in my heart for some of their mysteries. I will say that this is probably one of the most unique films they, or any other studio, major or minor, ever released.

The plot is simple. The ghost of a wrongly executed ferryman has returned to the swamp to kill all those who lynched him as well as all of their off spring. Into this mix comes the granddaughter of one ghosts victims, the current ferryman. She takes over the ferry business as the ghost closes in on the man she loves.

Shrouded in dense fog and set primarily on the single swamp set this is more musical poem than regular feature film.Listen to the rhythms of the dialog, especially in the early scenes, their is poetical cadence to them. Likewise there is a similar cadence to the camera work as it travels back and forth across the swamp as if crossing back and forth across the door way between life and death, innocence and guilt. The film reminds me of an opera or oratorio or musical object lesson more than a normal horror film. Its an amazing piece of film making that is probably unique in film history.

This isn't to guild the Lilly. This is a low budget horror/mystery that tells you a neat little story that will keep you entertained. Its tale of love and revenge is what matters here, not the poetical film making and it holds you attention first and foremost (the technical aspects just being window dressing.) If there is any real flaw its the cheapness of the production. The fog does create a mood but it also hides the fact that this swamp is entirely on dry land. The constant back and forth across it is okay for a while but even after 58 minutes you do wish that we could see something else.

Don't get me wrong I do like the film a great deal. Its a good little film that I some how wish was slightly less poverty stricken. Its definitely worth a look if you can come across it.\": {\"frequency\": 1, \"value\": \"Some people say ...\"}, \"This was one of the lamest movies we watched in the last few months with a predictable plot line and pretty bad acting (mainly from the supporting characters). The interview with Hugh Laurie on the DVD was actually more rewarding than the film itself...

Hugh Laurie obviously put a lot of effort into learning how to dance the Samba but the scope of his character only required that he immerse himself at the kiddie end of the pool. The movie is based on the appearance of a lovely girl and great music but these are not sufficient to make good entertainment.

If you have never seen Rio, or the inside of a British bank, this film is for you. 2 out of 10.\": {\"frequency\": 2, \"value\": \"This was one of ...\"}, \"Since Crouching Tiger Hidden Dragon came along, there's been a lot of talk about a revival of the Hong Kong movie industry. Don't believe it. The people now making movies in HK give new meaning to the word crass. Running Out of Time 2 is a perfect example. Ekin Cheng is the name draw, here, but he spends most of the film just grinning idiotically and flipping a coin. He flips the coin over and over and again and again. Why? Who knows? Sean Lau plays a cop who chases after the coin-flipping pretty boy. But once again: who knows why? There's a pretty actress in the female lead who runs some sort of company and she has to pay a ransom or something but she mostly just looks like she would rather be at a spa or shopping centre than in front of a camera. Nothing makes any sense. There is no action. There is no sex. There is no comedy. All there is is a name: Ekin Cheng. And you know what? Who cares?\": {\"frequency\": 1, \"value\": \"Since Crouching ...\"}, \"I just finished watching the 139 min version (widescreen) with some friends and we were blown away. I won't bother repeating what others have said. What the filmmakers do with the concept is unexpected and fun. The huge battle is exhausting. Afterwards we were stunned to find there was still nearly 30 minutes left to go but that didn't keep us from being completely involved and entertained.

There is one thing that nearly ruined it and that was the horrific music/songs. Blues, Country/Folk and Rock Ballads do not belong here and every time they are used we all broke out in laughter. It's hideous. You have been warned but the story and storytelling keeps you grounded.

There are several outstanding moments that make you appreciate the talent behind the camera. There are many uses of silence as well as slow-motion photography that work beautifully. I really wish I could erase the music but alas.

Seek this out. It's fun, it's different and it takes you to places you wouldn't expect and that's very refreshing.\": {\"frequency\": 1, \"value\": \"I just finished ...\"}, \"Wow this was a movie was completely captivating I could not believe that I started awake so late to watch it but it came on late ounce I started watching I couldn't stop it had a full range of very good cast members wow even Eartha Kitt and Ruby Dee Forrest Whittaker and James Earl Jones and many more well known actors and actresses this was more than a glimpse into history it was eye opening into another part of society that people don't know of and may even be embarrassed to talk about . I've never heard of a book or movie about this before and this is something that black history never addresses only looks down on because they were privleged and mixed race , I highly recommend this movie\": {\"frequency\": 1, \"value\": \"Wow this was a ...\"}, \"\\\"And All Through the House\\\" is a special crypt episode not only because it's from the first season, but this episode was the first one I saw! I remember as a young man being on vacation with my parents that summer in 1989 in our hotel room in South Carolina on HBO I saw this episode and I was buried to the Crypt right then and forever! I had always been a fan of horror-suspense series and liked monster movies, and with this series started by HBO I again had fearful pleasure. This episode being the first one I saw is memorable for me and one of my favorites, it's just so enjoyable with a nice twist. \\\"And All Through the House\\\" has a nice cozy setting on a snowy Christmas Eve, which is a perfect way to get you relaxed for holiday chopping! Well anyway you have Mary Ellen Trainor(who by the way plays in several warner brothers works, usually small parts) as a greedy philandering wife who takes care of her hubby while waiting on some money and a new romance. Only like most horror series things take a turn for the worst and bad people get what they deserve. The odds are greatly stacked when a maniac dressed as Santa escapes from a local nut house, making for a late holiday chopping on Christmas Eve! As from the old E.C. comic lessons, you learn bad people get what they axe for! Well this tale ends with a perfect holiday scream! Also this tale was in the 1972 movie and featured Joan Collins, this is without a doubt one of my favorites and probably one of the classic crypt episodes of all-time!\": {\"frequency\": 1, \"value\": \"\\\"And All Through ...\"}, \"One of Scorsese's worst. An average thriller; the only thing to recommend it is De Niro playing the psycho. The finale is typically of this genre i.e. over-the-top, with yet another almost invincible, immune-to-pain villain. I didn't like the 60s original, and this version wasn't much of an improvement on it. I have no idea why Scorsese wasted his time on a remake. Then again, considering how bad his recent movies have been (I'm referring to his dull Buddhist movie and all the ones with his new favourite actress, the blond girl Di Caprio) this isn't even that bad by comparison. And considering Spielberg wanted to do the remake... could have been far worse.\": {\"frequency\": 1, \"value\": \"One of Scorsese's ...\"}, \"This is a classic stinker with a big named cast, mostly seniors who were well past their prime and bedtime in this one.

This is quite a depressing film when you think about it. Remain on earth, and you will face illness and eventually your demise.

Gwen Verndon showed that she could still dance. Too bad the movie didn't concentrate more on that. Maureen Stapleton, looking haggard, still displayed those steps from \\\"Queen of the Star Dust Ballroom,\\\" so much more down to earth from 10 years earlier.

I only hope that this film doesn't encourage seniors to commit mass suicide on the level of Jim Jones. How can anyone be idiotic enough to like this and say it gets you to think?

Why did Don Ameche win an Oscar for this nonsense?

If the seniors were doing such a wonderful thing at the end, why was the youngster encouraged to get off the boat? Why did Steve Guttenberg jump ship as well? After all, he had found his lady-love.

This would have been a nice film if the seniors had just managed to find their fountain of youth on earth and stay there.

Sadly, with the exception of Wilford Brimley, at this writing, Vernon, Gilford, Stapleton, Ameche, Tandy, Cronyn and lord knows who else are all gone. The writers should have taken the screenplay and placed it with this group as well.\": {\"frequency\": 1, \"value\": \"This is a classic ...\"}, \"Elvira(Cassandra Peterson) is the host of a cheap horror show. After she finds out that her dead aunt has left her some stuff, elvira goes to England to pick it up, hoping it will be some money. But to her horror, elvira finds out that all her aunt has left her is her house, her dog and a cookbook. Elvira decides to settle in the house anyways, but with her striking dark looks and her stunning features, she will not be able to live in peace. All the neighbours are now turning the whole town against her, and with Elvira's outrageous attitude and looks, everyone better watch out, because Elvira is on Fire! I really enjoyed this movie, it's really fun to watch get Elvira into all these adventures, she's just great. The whole movie puts you into a halloween mood, sure, it's silly and the jokes are cheap but it's a pleasure to watch it. I would give Elvira, Mistress Of The Dark 8/10\": {\"frequency\": 1, \"value\": \"Elvira(Cassandra ...\"}, \"Ah yez, the Sci Fi Channel produces Yeti another abominable movie. I was particularly taken by the scenes immediately following the crash where, as the survivors desperately searched for matches, at least a half dozen fires burned \\ufffd\\ufffd with no apparent reason \\ufffd\\ufffd at various points of the wreckage. Fire seemed to be a predominate theme throughout. They searched corpses for lighters and matches, and finally finding a box built a fire every day for, apparently, 12, but no one ever gathered wood. Then when the vegan (hah) burned the bodies, what did she use for an accelerant? I mean these guys were frozen \\ufffd\\ufffd well maybe not. Despite the apparent low temperature everything the yeti ate, bled. Maybe it's just me, but even in a totally unbelievable tale (none of the survivors had ever heard of a yeti, or an abominable snowman, until the very end), if you take care of the little things the bigger deals become more acceptable. Oh, what did the prologue (1972) have to do with the remainder of the movie? And the revolver, warm enough to hold in his hand, froze up and wouldn't fire. Gimme a break. Well, at least we have Carly Pope, another eminently lovely Canadian lass. And, with little irony, Ed Marinaro as the coach.

Well I might as well add, the rabbit they ate (despite it looking like chicken) is not a rodent, but a lagomorph. Now if it had been a squirrel (or a rat) it would have been a rodent, but it still looked like chicken. And the writers missed a real chance to have someone note \\\"It tastes just like...\\\"\": {\"frequency\": 1, \"value\": \"Ah yez, the Sci Fi ...\"}, \"Boring and appallingly acted(Summer Pheonix). She sounded more Asian than Jewish. Some of the scenes and costumes looked more mid 20th century than late 19th century. What on earth fine actors like Ian Holm & Anton Lesser were doing in this is beyond me.\": {\"frequency\": 1, \"value\": \"Boring and ...\"}, \"I read somewhere (in a fairly panning review) that this is something of a live-action mecha anime, and I think they're on the right lines. I first watched this movie when I was very young and I've been dying to see it again, and when I finally did just recently all the memories came flooding back. I don't think this is to be taken too seriously - it's just a bit of good old 80's almost-a-TV-movie fun (it is set against the backdrop of a fairly dark future, although this point isn't stressed too much). What I admired most about this movie was that the dialogue didn't sound generic - no clich\\ufffd\\ufffds, no predictable lines - all in all just good fun! Maybe time hasn't been kind to this little movie, but still I can find appreciation for it in me. It's by no means perfect, but it's entertaining and doesn't try to be anything other than that. Let the nerds and comic-store-guys worry about technicalities - who cares? See it for yourself and make your own decision. No-one else's opinion matters.\": {\"frequency\": 1, \"value\": \"I read somewhere ...\"}, \"This film is a massive Yawn proving that Americans haven't got the hang of farce. Even when it has already been written for them! The original film \\\"Hodet Over Vannet\\\" is a witty comedy of errors that I would rate 8/10. It isn't just about a linguistic translation, but certain absurd chains of events are skipped entirely, robbing the film of its original clever farcical nature and turning it into a cheap \\\"oops there go my trousers\\\" style of farce.\": {\"frequency\": 1, \"value\": \"This film is a ...\"}, \"Soon Americans would swarm over a darkened, damaged England preparing to invade Europe, but in 1937 the picture of hip Americans in the sunny, slightly ridiculous English countryside was an appealing, idyllic diversion. American dancing star & heartthrob Jerry Halliday (Astaire), on a European tour & weary of the screaming female crowds generated by the lurid propaganda of his manager (Burns), is unwittingly caught up in the marriage prospects of frustrated heiress Lady Alice Marshmorton (Fontaine). The tale is complicated by a betting pool among the Marshmorton servants that is run by (and rigged for) head butler Keggs (Gardiner), who's betting on Lady Alice's cousin Reggie (Noble), the favorite of Alice's stuffy, domineering aunt (Collier). The story would have been much better as a half-hour TV episode. The usual Wodehouse plot devices of mistaken identity and jumps to wrong conclusions wear thin in a full-length film. Both Alice & Jerry appear impossibly (and annoyingly) clueless by the second half of the film. The amusement park interlude & the climax in the castle are too long & begin to drag. Fontaine is too beautiful, too dignified & too quiet to be a ditzy blonde, no matter how aristocratic, while young footman Albert (Watson) is painfully awful. But while \\\"Damsel\\\" is a pretty diminutive vehicle for so much talent, the talent doesn't let us down. Astaire's romantic comedy skill is no less enjoyable here than in any of his films with Ginger Rogers and his dance scenes, both solo & with Burns & Allen, are up to par, though his one dance with novice hoofer Joan is necessarily tame. Gracie nearly steals the whole show as George's bubbly secretary who is at once airheaded, conniving & coolly self-confident. Her scene with solid character actor Gardiner as the devious snob Keggs is a one-of-a-kind classic. This & Astaire's priceless scene with the madrigal singers give \\\"Damsel\\\" a delightful color of naive but noble-spirited Americans mixing with noble but dull-spirited Englishmen. Gershwin is at the top of his game with \\\"Nice Work if You Can Get it\\\" & \\\"Stiff Upper Lip,\\\" which carry the film through its weak points. And is there another film where madrigals get a Gershwin swing treatment? \\\"Damsel\\\" is more than a piece of trivia for those who might want to see Astaire without Rogers or Fontaine before she was a real star. It's a fine diversion as entertaining as any of the vaudevillian musical comedies that ruled the 1930s but will never be made again.\": {\"frequency\": 1, \"value\": \"Soon Americans ...\"}, \"Well well well. As good as John Carpenter's season 1 outing in \\\"Masters of Horror\\\" was, this is the complete opposite. He certainly proved he was still a master of horror with \\\"Cigarette Burns\\\" but \\\"Pro-Life\\\" is perhaps the worst I have seen from him.

It's stupid, totally devoid of creepy atmosphere and tension and it overstays it's welcome, despite the less-than-an-hour running time. The script is nonsense, the characters are irritable and un-appealing and the conclusion is beyond absurd.

And for those suckers who actually bought the DVD (one of them being me); did you see how Carpenter describes the film? He's actually proud of it and he talks about it as his best work for a long time, and he praises the script. And in the commentary track, where he notices an obvious screw up that made it to the final cut, he just says he didn't feel it essential to rectify the mistake and he just let it be there. I fear the old master has completely lost his touch. I sincerely hope I'm proved wrong.

I want to leave on a positive note and mention that the creature effects are awesome, though. Technically speaking, this film is top notch, with effective lighting schemes and make up effects.\": {\"frequency\": 1, \"value\": \"Well well well. As ...\"}, \"Let this serve as a warning to anyone wishing to draw attention to themselves in the media by linking their name to that of a well-loved and well-respected, not to say revered author, in order to draw attention to their home-movies out on DVD.

Hyped to the skies by its obviously talentless makers, in fact lied about only to be revealed, finally, as ludicrously inept in every department, the fans of Wells and of his book have been after the blood of its Writer-Producer-Director since it appeared on DVD.

Many good points have been made by the other comments users on this page. Particularly the one about using this as a teaching aid for Film School students, since this \\\"film\\\" does not even use the basic grammar of scripting, editing, continuity, direction throughout its entire 3 hours running time. It is possible the Director did show up for the shoot. Certainly there was no-one present who knew even remotely what they were doing.

An ongoing thread continues to evolve on this IMDb page which should at least furnish the watchers of this witless drivel with a few laughs for their $9.00 outlay.

Much was promised. Absolutely nothing was delivered. Except \\\"Monty Python Meets \\\"War of The Worlds\\\" with all the humour taken out.

Indefensible trash. Just unbelievable.

There are REAL independent film-makers out there to be checked out. People who actually try to work to a high standard instead of flapping their gums about how great their movie is going to be.

People could do worse than keep an eye on Brit film-maker Jake West's \\\"Evil Aliens\\\" for example.\": {\"frequency\": 1, \"value\": \"Let this serve as ...\"}, \"Since most review's of this film are of screening's seen decade's ago I'd like to add a more recent one, the film open's with stock footage of B-17's bombing Germany, the film cut's to Oskar Werner's Hauptmann (captain) Wust character and his aide running for cover while making their way to Hitler's Fuehrer Bunker, once inside, they are debriefed by bunker staff personnel, the film then cut's to one of many conference scene's with Albin Skoda giving a decent impression of Adolf Hitler rallying his officer's to \\\"Ultimate Victory\\\" while Werner's character is shown as slowly coming to realize the bunker denizen's are caught up in a fantasy world-some non-bunker event's are depicted, most notable being the flooding of the subway system to prevent a Russian advance through them and a minor subplot involving a young member of the Flak unit's and his family's difficulty in surviving-this film suffer's from a number of detail inaccuracies that a German film made only 10 year's after WW2 should not have included; the actor portraying Goebbels (Willy Krause) wear's the same uniform as Hitler, including arm eagle- Goebbels wore a brown Nazi Party uniform with swastika armband-the \\\"SS\\\" soldier's wear German army camouflage, the well documented scene of Hitler awarding the iron cross to boy's of the Hitler Youth is shown as having taken place INSIDE the bunker (it was done outside in the courtyard) and lastly, Hitler's suicide weapon is clearly shown as a Belgian browning model 1922-most account's agree it was a Walther PPK-some bit's of acting also seem wholly inaccurate with the drunken dance scene near the end of the film being notable, this bit is shown as a cabaret skit, with a intoxicated wounded soldier (his arm in a splint) maniacally goose-stepping to music while a nurse does a combination striptease/belly dance, all by candlelight... this is actually embarrassing to watch-the most incredible bit is when Werner's Captain Wust gain's an audience alone with Skoda's Hitler, Hitler is shown as slumped on a wall bench, drugged and delirious, when Werner's character begin's to question him, Hitler start's screaming which bring's in a SS guard who mortally wound's Werner's character in the back with a gunshot-this fabricated scene is not based on any true historic account-Werner's character is then hauled off to die in a anteroom while Hitler prepare's his own ending, Hitler's farewell to his staff is shown but the suicide is off-screen, the final second's of the movie show Hitler's funeral pyre smoke slowly forming into a ghostly image of the face of the dead Oskar Werner/Hauptmann Wust-this film is more allegorical than historical and anyone interested in this period would do better to check out more recent film's such as the 1973 remake \\\"Hitler: the last 10 day's\\\" or the German film \\\"Downfall\\\" (Der Untergang) if they wish a more true accounting of this dramatic story, these last two film's are based on first person eyewitness account's, with \\\"Hitler: the last 10 day's\\\" being compiled from Gerhard Boldt's autobiography as a staff officer in the Fuehrer Bunker and \\\"Downfall\\\" being done from Hitler's secretary's recollection's, the screen play for \\\"Der Letzte Akte\\\" is taken from American Nuremberg war crime's trial judge Michael Musmanno's book \\\"Ten day's to die\\\", which is more a compilation of event's (many obviously fanciful) than eyewitness history-it is surprising that Hugh Trevor Roper's account,\\\"The last day's of Hitler\\\" was never made into a film.\": {\"frequency\": 1, \"value\": \"Since most ...\"}, \"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-)\": {\"frequency\": 1, \"value\": \"was this tim ...\"}, \"Actually had to stop it. Don't get me wrong, love bad monster movies. But this one was way too boring, regardless of the suspenseful music that never leads you anywhere. The actress had too many teeth and that moment when she makes contact with one of the beasts, was way too obvious a clich\\ufffd\\ufffd. This film totally betrays the cover on the DVD which looks pretty interesting. From the cover one expects a giant monster, but you get these cute not as gigantic as expected electric eels. Moved on to watch another film called The Killer Rats but that's another review. Deep Shock was really crap, a big shame considering the fact that it looks pretty high budget.\": {\"frequency\": 1, \"value\": \"Actually had to ...\"}, \"Perhaps I couldn't find the DVD menu selection for PLOT: ON OFF. Clearly, the default is OFF. When the end credits began to roll, I couldn't believe that was it. Like our poor, but beautiful protagonist, I felt used, dirty, cheap....

The characters were drawn in very broad strokes and the writer's disdain for wealthy Thatcherites was all to apparent. I consider myself a \\\"Roosevelt Democrat\\\", but would appreciate a bit more subtlety.

Of course, the problem could be with me. I see that many others seem to find some meaning or message in this picture. Alas, not I.

The only thing that kept me from giving this a \\\"1\\\" was the nice scenery, human and plant.\": {\"frequency\": 1, \"value\": \"Perhaps I couldn't ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"This Worldwide was ...\"}, \"Joel Schumaker directs the script he co-wrote and has a group of Georgetown grads confronted with adult life situations. The story line is a scrambled mess, but some scenes are actually good. There is a lot of wasted talent and time here. The cast is more impressive than the movie. Featured are Demi Moore, Rob Lowe, Judd Nelson, Andrew McCarthy, Emilio Estevez, Ally Sheedy and Mare Winningham. The most notable being McCarthy and Moore. Lowe is quite obnoxious. Coming of age is not so damn easy.\": {\"frequency\": 1, \"value\": \"Joel Schumaker ...\"}, \"G\\ufffd\\ufffdd\\ufffd\\ufffdon and Jules Naudet wanted to film a documentary about rookie New York City firefighters. What they got was the only film footage inside the World Trade Center on September 11.

Having worked with James Hanlon's ladder company before, Jules went with the captain to inspect and repair a gas leak, while G\\ufffd\\ufffdd\\ufffd\\ufffdon stayed at the firehouse in case anything interesting happened. An airplane flying low over the City distracted Jules, and he pointed the camera up, seconds before the plane crashed into Tower One.

Jules asked the captain to follow him into the Towers. The first thing he saw was two people on fire, something he refused to film. He stayed on site for the next several hours, filming reactions of the firefighters and others who were there.

The brothers Naudet took great care in not making the movie too violent, grizzly, and gory. But the language from the firefighters is a little coarse, and CBS showed a lot of balls airing it uncensored. The brothers Naudet mixed footage they filmed with one-on-one interviews so the firefighters could explain their thoughts and emotions during particular moments of the crisis.

Unlike a feature film of similar title, most of the money from DVD sales go to 9/11-related charities. Very well made, emotional, moving, and completely devoid of political propaganda, is the best documentary of the sort to date.\": {\"frequency\": 1, \"value\": \"G\\u00e9d\\u00e9on and Jules ...\"}, \"Freeway Killer, Is a Madman who shoots people on the freeway while yelling a bunch of mystical chant on a car phone. The police believe he is a random killer, but Sunny, the blond heroine, played by Darlanne Fluegel detects a pattern. So does the ex-cop, played by James Russo, and they join forces, and bodies, in the search for the villain who has done away with their spouses. Also starring Richard Belzer, this movie has its moments especially if you like car chases, but its really not a good movie for the most part, check it out if you're really bored and have already seen The Hitcher, Joy Ride, or Breakdown, otherwise stay away from the freeway.\": {\"frequency\": 1, \"value\": \"Freeway Killer, Is ...\"}, \"My flatmate rented out this film the other night, so we watched it together.

The first impression is actually a positive one, because the whole movie is shot in this colorful, grainy, post-MTV texture. Fast sequences, cool angles, sweeping camera moves - for the moment there you feel like you about to watch another \\\"Snatch\\\", for the moment....

When the plot actually starts unfolding, one starts to feel as if one over-dosed amphetamine. things just don't make sense anymore. i would hate to spoil the fun of watching it by giving out certain scenes, but then again, the film is so bad that you are actually better off NOT watching it.

First you think it is a crime story recounted in a conversation between Keira Knightley and Lucy Liu. WRONG. This conversation provides no coherent narrative whatsoever. Rather on the contrary, Domino's lesbian come on on Lucy Liu's character during the second part of the movie just throws the audience into further confusion.

Then i thought that maybe it is a movie about a girl from affluent but dysfunctional background who grew to be a tough bounty hunter. In any case, that is the message conveyed by the opening scenes. But after that the question of Domino's character is entirely lost to the criminal plot. So in short, NO this is NOT a movie about Domino's character.

Then i thought, it's probably a story of one robbery. A pretty bloody robbery. 10 millions went missing, bounty hunters are chasing around suspected robbers, mafia kids are executed, hands are removed, Domino tries to crack why this time they get no bounty certificates, etc. But soon this impression is dispelled by another U-turn of the plot.

This time we are confronted with a sad story of an obese Afro-American woman, who fakes driver's licenses at the local MVD and at the age of 28 happens to be a youngest grandmother. Lateesha stars on Jerry Springer show, tries to publicize some new, wacky racial theory, and at the same time struggles to find money for her sick granddaughter.

What does this have to do with the main plot? URgh, well, nobody knows. Except that director had to explain the audiences where will bounty hunters put their collectors' fee of 300,000.

Then at some point you start to think: \\\"Oh, it is about our society and the way media distorts things\\\". There is reality TV crew driving around with the bounty hunters and doing some violent footage. The bounty hunters are also stuck with a bunch of Hollywood actors, who just whine all the time about having their noses broken and themselves dragged around too many crime scenes. But NO, this is not a movie about media, they just appear sporadically throughout the movie.

Plus there are numerous other sub-plots: the crazy Afghani guy bent on liberating Afghanistan, the love story between Domino and Chocco, the mescaline episode, the FBI surveillance operation...

Can all of the things mentioned above be packed into 2 hrs movie? Judge for yourself, but my conclusion is clear - it is a veritable mess!\": {\"frequency\": 1, \"value\": \"My flatmate rented ...\"}, \"I saw this film earlier today, and I was amazed at how accurate the dialog is for the main characters. It didn't feel like a film - it felt more like a documentary (the part I liked best). The leading ladies in this film seemed as real to me as any fifteen year-old girls I know.

All in all, a very enjoyable film for those who enjoy independent films.\": {\"frequency\": 1, \"value\": \"I saw this film ...\"}, \"A Blair Witch-War Movie that is as much of a letdown as Bwitch was! The title says it all, save your money and your time and spend it on a good movie such as \\\"Once Upon a Time in America\\\", \\\"The Shawshank Redemption\\\" or \\\"Enemy at the Gates\\\" (if you want to watch a GREAT \\\"war\\\" movie) etc.

This movie, if it were a baseball team and the Major Leagues were the pinnacle and Single A was the rookies, then this movie was High school ball. It was filmed as if it were a High school drama club filming with their daddy's old camera. Sure they went into a hostile area (to make a film) but I don't call that brave, around here we call that plain stupid! This is a pass all the way! Now go watch it and then you tell me what you think.\": {\"frequency\": 1, \"value\": \"A Blair Witch-War ...\"}, \"I have seen this movie when I was about 7 years old - which was 33 years ago - and I never forgot this movie! I was deeply touched and moved by the brave little boy and the beautiful eagle. And I just couldn't believe it when he turned into an eagle just when everyone in the theater thought he was going to die...

My sister was in the movie with me and I asked her recently if she remembered the movie we saw with the boy and the eagle and she said she remembered it like we saw it only yesterday. So it isn't just me.

This movie is a MUST SEE !!!

You will never forget it - just like my sister and me...\": {\"frequency\": 1, \"value\": \"I have seen this ...\"}, \"I had never heard of Leos Carax until his Merde segment in last years Tokyo, and his was easily the stand-out the film's three stories. It wasn't my favorite of the shorts, but it was the most unique, and the most iconic. \\\"The Lovers on the Bridge\\\" was the first of his full length features I've seen, a virtuoso romantic film that uses image and music to communicate an exuberant young love that overflows into the poetic. Though he's classified as a neo-nouvelle vogue, his films owe as much to silent cinema as the 60's experimental narratives. His movies are closer to Jean Vigo in \\\"L'atlante\\\", Jean Cocteau, and Guy Maddin, than Godard and Truffaut.

In Boy Meets Girl Carax's 1984 debut he uses black and white and the heavy reliance on visual representation to display emotional states. He combines the exaggerated worlds of Maddin, but based in a reality that never seems quite stable like Cocteau, but by virtue of its expressions it becomes more accessible, emotional, and engaging like Vigo's movies.

The story of Boy Meets Girl is simple, and similar to Carax's two following films which comprise this \\\"Young lovers\\\" trilogy. A boy named Alex played by Denis Lavant (who plays a character named Alex in Carax's next two movies), has just been dumped by his girlfriend who has fallen in love with his best friend. In the first scene he nearly kills his friend on a boardwalk but stops short of murder. He walks around reminded of her by sounds of his neighbors having sex, and daydreams of his girlfriend and best friend getting intimate. He steals records for her and leaves them at his friend's apartment, but avoids contacting either of them directly. He wanders around and finds his way to a party, where he meets a suicidal young woman, and the film becomes part \\\"Breathless\\\" and part \\\"Limelight\\\".

Later he is advised by an old man with sign language to \\\"speak up for yourself...young people today It's like they forgot how to talk.\\\" The old man gives an anecdote about working in the days of silent film, and how an actor timid off stage became a confident \\\"lion\\\" when in front of the camera. Heres where the movie tips its hand, but the overt reference to silent film is a crucial scene, since it overlaps the style of the film (silent and expressionist), with the content (a lovelorn young man trying to work up the courage to say and do the things he really wants to). Though Alex is pensive at first and a torrent of romantic words tumbling out of him by the end, he is the shy actor who becomes a lion thanks to the films magnification of his inward feelings which aren't easy to nail down from moment to moment, aside from a desire to fall in love.

There is a scene in the film where Alex retreats from the party into a room where the guests have stashed their children and babies, all crying in a chorus that fills that room, until he turns on a tape of a children's show making them fall silent. Unexpectedly due a glitch the TV ends up playing a secret bathroom camera which reveals the hostess sobbing to herself into her wig about someone she misses. Even as Carax is self-reflexive and self deprecating of the very kind of angst ridden coming of age tale he is trying to tell (the room full of whining infants), he's mature enough to see through the initial irony to the lovelorn in everything the film crosses. Even the rich old, bell of the ball has a brother she misses. In another scene an ex astronaut stares at the moon he once walked on in his youth while sipping a cocktail in silence.

Though indebted to films before talkies, Carax is a master of music, knowing when to pipe in the Dead Kennedy's \\\"Holiday in Cambodia\\\", or an early David Bowie song, the sounds of a man playing piano, or of a girl softly humming.

In Boy Meets Girl, when someone gets their heart broken we see blood pour from their shirt, when a couple kiss on the sidewalk they spin 360 degrees as if attached to a carousel, when Alex enters a party an feels out of place, its because the most interesting people in the world really are in attendance; like the famous author who can't speak because of a bullet lodged in his brain, or the miss universe of 1950 standing just across from the astronaut. This film is the missing link between Jean Piere Jenuet, Michel Gondry, and Wes Anderson, whose stylistic flourishes and quirky tales of whimsy, all have a parallel with different visuals, musical, and emotional cues in these Carax movies.

Every line of dialog, every piece of music and every effect and edit in this movie resonated with me on some emotional level, some I lack words to articulate. There are many tales of a boy meeting a girl, but rather than just explore the banal details of any particular event this movie captures the ecstatic truth of adolescent passion and disappointment. The other movies you want to watch can wait. See this first. If I were to make films, I would want them to be like this, in fact I wish all films were like this, where the ephemeral becomes larger than life, and life itself becomes a dream.\": {\"frequency\": 1, \"value\": \"I had never heard ...\"}, \"What a terrible film.

It starts well, with the title sequence, but that's about as good as it gets.

The movie is something about rats turning into monsters and going on a killing spree. The acting isn't so much poor, but the script is pointless and the film isn't even scary despite the atmospheric music.

It really is amazing that some group cobbled together this bag of rubbish and thought it would make a good film.

It isn't a good film. It's trash, and I urge you not to waste a minute of your life on it! One out of ten.\": {\"frequency\": 1, \"value\": \"What a terrible ...\"}, \"this is a wonderful film, makes the 1950'S look beautifully stylish. Kim Novak is intriguing and compelling as a modern-day witch with one foot in Manhattan and another in infinity. All the supporting performances are terrific, from Jack Lemmon as her bother Nicky to Ernie Kovacs as the author of Magic in Mexico who is working on Magic in Manghattan, to Elsa Lanchester as the slightly batty as well as witchy Aunt Queenie. And then there is the cat- I have no idea how many witches (besides me) have named a cat Pyewacket but suggest a zillion. Jmes Stewart looks out of place, but only just as much as his character is out of p;ace in this weird sub-world of magic and witchcraft. Perfect. And it has the perfect romantic happy ending, which we believe in because movies of this vintage do have those happy endings. Gillian and Shep certainly have as much chance to be happy ever after as Rose and Charlie Allnut in The African Queen (another great film)\": {\"frequency\": 1, \"value\": \"this is a ...\"}, \"In all honesty, if someone told me the director of Lemony Snicket's Series of Unfortunate Events, City of Angels, and Caspers was going to do a neat little low budget indie film and that'd it be real good, I'd say that person must be joking. But that's what director Brad Siberling did. And it was really good.

\\\"10 Items or Less\\\" has a similar conceit to films like \\\"Before Sunrise,\\\" \\\"Lost in Translation,\\\" or more recently \\\"Once.\\\" It involves the chance meeting of two people who if serendipity didn't put them there, they'd probably never cross paths, or if they did, they wouldn't say word one to each other. Like those films, \\\"10 Items or Less\\\" focuses on the relationship that builds and how the characters come to understand each other and build on each other's strengths and weaknesses.

The story involves Morgan Freeman, playing an unnamed actor who goes to research his role as a grocery store employee for an upcoming independent movie and because of things beyond his control, ends up spending the day with the lady in the 10 items or less lane played by Paz Vega. She has a rotten marriage and is hoping to land a new job as a secretary. Initially, Freeman's character just needs a lift home. After spending time with her, however, he wants to get to know her and maybe even offer her some advice.

Brad Siberling builds the characters almost entirely through the exchanges between Freeman and Vega. The plot is merely a setup for these two characters to interact with each other for most of the film's 80 minute duration. Freeman has fun with his character, as he appears an outsider in lower class world that Vega's character, Scarlett, inhabits. Vega, in the meantime, grows beyond the stubborn checkout clerk upset with her life's situation looking to move on.

There a couple things that really stood out in this film. First of all, Siberling has probably taken note from independent cinema to make sure the relationship is sincere and doesn't fall into any Hollywood pitfalls. It's a very mutual friendship that develops convincingly throughout the film. It works, even though the situation itself does seem a little inconceivable.

I am also impressed with the performances. While Freeman's presence gives this film credibility from the get-go, he shows a certain amount of charm and fun not usually seen from him. Paz Vega, meanwhile, is priming herself for a breakthrough in US film sometime in the future. I loved her in Spanglish and she's equally good here as the tough, no-nonsense Scarlet. Towards the end of the film, she successfully conveys the growth of her character. I'm looking forward to seeing her in more films.

Overall, 10 Items of Less functions best as a character piece, well scripted and directed by Brad Siberling. He hasn't done much writing and his feature film work has consisted mostly of big Hollywood films. Yet there's certainly an artist at work here and am anxious to see if he'll take this road again.\": {\"frequency\": 1, \"value\": \"In all honesty, if ...\"}, \"For some reason, this film has never turned up in its original language in my neck of the woods (despite owning the TCM UK Cable channel, which broadcasts scores of MGM titles week in week out). More disappointingly, it's still M.I.A. on DVD \\ufffd\\ufffd even from Warners' recently-announced \\\"Western Classics Collection\\\" Box Set (which does include 3 other Robert Taylor genre efforts); maybe, they're saving it for an eventual \\\"Signature Collection\\\" devoted to this stalwart of MGM, which may be coming next year in time for the 40th anniversary of his passing\\ufffd\\ufffd

I say this because the film allows him a rare villainous role as a selfish Westerner with a fanatical hatred of Indians and who opts to exploit his expert marksmanship by making some easy money hunting buffaloes; an opening statement offers the alarming statistic that the population of this species was reduced from 60,000,000 to 3,000 in the space of just 30 years! As an associate, Taylor picks on former professional of the trade Stewart Granger \\ufffd\\ufffd who rallies alcoholic, peg-legged Lloyd Nolan (who continually taunts the irascible and vindictive Taylor) and teenage half-breed Russ Tamblyn to this end. As expected, the company's relationship is a shaky one \\ufffd\\ufffd reminiscent of that at the centre of Anthony Mann's THE NAKED SPUR (1953), another bleak open-air MGM Western. The film, in fact, ably approximates the flavor and toughness of Mann's work in this field (despite being writer/director Brooks' first of just a handful of such outings but which, cumulatively, exhibited a remarkable diversity); here, too, the narrative throws in a female presence (Debra Paget, also a half-breed) to be contended between the two rugged leads \\ufffd\\ufffd and Granger, like the James Stewart of THE NAKED SPUR, returns to his job only grudgingly (his remorse at having to kill buffaloes for mere sport and profit is effectively realized).

The latter also suffers in seeing Taylor take Paget for himself \\ufffd\\ufffd she bravely but coldly endures his approaches, while secretly craving for Granger \\ufffd\\ufffd and lets out his frustration on the locals at a bar while drunk! Taylor, himself, doesn't come out unscathed from the deal: like the protagonist of THE TREASURE OF THE SIERRA MADRE (1948), he becomes diffident and jealous of his associates, especially with respect to a rare \\ufffd\\ufffd and, therefore, precious \\ufffd\\ufffd hide of a white buffalo they've caught; he even goes buffalo-crazy at one point (as Nolan had predicted), becoming deluded into taking the rumble of thunder for the hooves of an approaching mass of the species! The hunting scenes themselves are impressive \\ufffd\\ufffd buffaloes stampeding, tumbling to the ground when hit, the endless line-up of the day's catch, and the carcasses which subsequently infest the meadows. The film's atypical but memorable denouement, then, is justly famous: with Winter in full swing, a now-paranoid Taylor out for Granger's blood lies in wait outside a cave (in which the latter and Paget have taken refuge) to shoot him; when Granger emerges the next morning, he discovers Taylor in a hunched position \\ufffd\\ufffd frozen to death!

Incidentally, my father owns a copy of the hefty source novel of this (by Milton Lott) from the time of the film's original release: actually, he has collected a vast number of such editions \\ufffd\\ufffd it is, after all, a practice still in vogue \\ufffd\\ufffd where a book is re-issued to promote its cinematic adaptation. Likewise for the record, Taylor and Granger \\ufffd\\ufffd who work very well off each other here \\ufffd\\ufffd had already been teamed (as sibling whale hunters!) in the seafaring adventure ALL THE BROTHERS WERE VALIANT (1953)\\ufffd\\ufffdwhich, curiously enough, is just as difficult to see (in fact, even more so, considering that it's not even been shown on Italian TV for what seems like ages)!!\": {\"frequency\": 1, \"value\": \"For some reason, ...\"}, \"I saw this film a few years ago and I got to say that I really love it.Jason Patric was perfect for this weird role that he played.The director?I don't too many things about him...and I don't care.The screenplay is good,that's for sure.In just a few words I have to say about this movie that is weird,strange,even dark,but it's a good one.I saw it a few years ago and never saw it since then.I want to see it again and again.I know that I'm not gonna get sick of watching it.The scenes,the atmosphere,the actors,the story...everything is good.The movie should have lasted longer.I think 120 minutes should have been perfect.I was hoping for a part 2 for this movie.Too bad it din't happened.Jason Patric:you're the man ! very good movie. the end. :-)\": {\"frequency\": 1, \"value\": \"I saw this film a ...\"}, \"I don't think any movie of Van Damme's will ever beat Universal Soldier but u never know. This movie was good but not as good as 1st. VD returns a Luc & must do battle again. He tries 2 b funny here but its maybe worth a smirk of a chuckle. VD has a kid this time from Ally W., good it showed a pic of them 2. Goldberg was cool, he does his famous move-forgot what its called cause i don't watch wrestling-sucks. VD & Goldberg had some good fights. It was the ending like the 1st but just not that good. VD does his best move in his career, like always-the HELICOPTER KICK. Even though, the final ending should've been longer. Anyway, it is worth seeing but it will never top the original.\": {\"frequency\": 1, \"value\": \"I don't think any ...\"}, \"A noted cinematic phenomenon of the late eighties and early nineties was the number of Oscars which went to actors playing characters who were either physically or mentally handicapped. The first was Marlee Matlin's award for \\\"Children of a Lesser God\\\" in 1986, and the next ten years were to see another \\\"Best Actress\\\" award (Holly Hunter for \\\"The Piano\\\" in 1994) and no fewer than five \\\"Best Actor\\\" awards (Dustin Hoffman in 1988 for \\\"Rain Man\\\", Daniel Day-Lewis in 1989 for \\\"My Left Foot\\\", Al Pacino in 1992 for \\\"Scent of a Woman\\\", Tom Hanks in 1994 for \\\"Forrest Gump\\\" and Geoffrey Rush in 1996 for \\\"Shine\\\") for portrayals of the disabled. Matlin, who played a deaf woman, is herself deaf, but all the others are able-bodied.

This phenomenon aroused some adverse comment at the time, with suggestions being made that these awards were given more for political correctness than for the quality of the acting. When Jodie Foster failed to win \\\"Best Actress\\\" for \\\"Nell\\\" in 1994 some people saw this as evidence of a backlash against this sort of portrayal. My view, however, is that the majority of these awards were well deserved. I thought the 1992 award should have gone to either Clint Eastwood or Robert Downey rather than Pacino, but apart from that the only one with which I disagreed would have been Hanks', and that was because I preferred Nigel Hawthorne's performance in \\\"The Madness of King George\\\". In that film, of course, Hawthorne played a character who was mentally ill.

\\\"My Left Foot\\\" was based upon the autobiography of the Irish writer and painter Christy Brown. Brown was born in 1931, one of the thirteen children of a working-class Dublin family. He was born with cerebral palsy and was at first wrongly thought to be mentally handicapped as well. He was for a long time incapable of deliberate movement or speech, but eventually discovered that he could control the movements of one part of his body, his left foot (hence the title). He learned to write and draw by holding a piece of chalk between his toes, and went on to become a painter and a published novelist and poet.

Life in working-class Dublin in the thirties and forties could be hard, and the city Jim Sheridan (himself a Dubliner) shows us here is in many ways a grim, grey, cheerless place, very different from our normal idea of the \\\"Emerald Isle\\\". (Sheridan and Day-Lewis were later to collaborate on another film with an Irish theme, \\\"In the Name of the Father\\\"). Against this, however, must be set the cheerfulness and spirit of its people, especially the Brown family. Much of Christy's success was due to the support he received from his parents, who refused to allow him to be institutionalised and always believed in the intelligence hidden beneath a crippled exterior, and from his siblings. We see how his brothers used to wheel him round in a specially-made cart and how they helped their bricklayer father to build Christy a room of his own in their back yard.

The film could easily have slid into sentimentality and ended up as just another heart-warming \\\"triumph over adversity\\\" movie. That it does not is due to a number of factors, principally the magnificent acting. In the course of his career, Day-Lewis has given a number of fine performances, but this, together with the recent \\\"There Will Be Blood\\\", is his best. He is never less than 100% convincing as Christie; his tortured, jerky movements and strained attempts at speech persuade us that we really are watching a disabled person, even though, intellectually, we are well aware that Day-Lewis is able-bodied. The other performances which stand out are from Fiona Shaw as his mentor Dr Eileen Cole, from Hugh O'Conor as the young Christy and from Brenda Fricker as Christy's mother (which won her the \\\"Best Supporting Actress\\\" award).

The other reason why the film escapes sentimentality is that it does not try to sentimentalise its main character. Christy Brown had a difficult life, but he could also be difficult to live with, and the film gives us a \\\"warts and all\\\" portrait. He was a heavy drinker, given to foul language and prone to outbursts of rage. He could also be selfish and manipulative of those around him, and the film shows us all these aspects of his character. Of course, it also shows us the positive aspects- his courage, his determination and his wicked sense of humour. Day-Lewis's acting is not just physically convincing, in that it persuades us to believe in his character's disability, but also emotionally and intellectually convincing, in that it brings out all these different facets of Christy's character. His Oscar was won in the teeth of some very strong opposition from the likes of Robin Williams and Kenneth Branagh, but it was well deserved. 8/10\": {\"frequency\": 1, \"value\": \"A noted cinematic ...\"}, \"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.

\": {\"frequency\": 1, \"value\": \"Wow, this film was ...\"}, \"I've seen some crappy movies in my life, but this one must be among the very worst. Definately bottom 100 material (imo, that is).

We follow two couples, the Dodds (Billy Bob Thornton as Lonnie Earl and Natasha Richardson as Darlene) and the Kirkendalls (Patrick Swayze as Roy and Charlize Theron as Candy) in one car on a roadtrip to Reno.

Apparently, Lonnie isn't too happy with his sex-life, so he cheats on his wife with Candy, who's despirately trying to have a baby. Roy, meanwhile, isn't too sure if his sperm is OK so he's getting it checked by a doctor.

Now, I had read the back of the DVD, but my girlfriend didn't, and she blurted out after about 20 minutes: 'oh yeah, she's gonna end up pregnant but her husband can't have any baby's'. Spot on, as this movie is soooo predictable. As well as boring. And annoying. Meaningless. Offensive. Terrible.

An example of how much this movie stinks. The two couples set out in their big car towards Nevada, when they are stopped by 2 police-officers, as they didn't stop at a stop-sign. The guys know each other and finally bribe the two officers with a case of beer. Not only is this scene pointless and not important (or even relevant) for the movie, it takes about 5 minutes! It's just talk and talk and talk, without ever going somewhere.

I still have to puke thinking about the ending though. Apparently, Roy ISN'T having problems down there so he IS the father of the child. How many times does that happen in the movies... try something new! The cheated wife ultimately forgives her husband and best friend for having the affair and they all live happily ever after. Yuck.

Best scene of the movie is right at the end, with a couple of shots of the Grand Canyon. Why couldn't they just keep the camera on that for 90 minutes?

One would expect more from this cast (although Thornton really tries), but you can't really blame them. Writers, shame on you!

1/10.\": {\"frequency\": 1, \"value\": \"I've seen some ...\"}, \"This story was probably one of the most powerful I have ever taken in. John Singleton certainly went above and beyond when putting together this educational masterpiece. Brilliant performances by the whole cast, but Epps and Rapaport turned in the best and most convincing of either young star's career.

However, as a college student myself, many of the issues that Singleton touched on were taken to the extreme. In a sense that, while they are issues faced on many college campuses, they aren't presented as big or out in the open as this movie would make one believe. In some instances, it almost seemed ridiculous to think that something of this nature could actually occur. However, aside from the fact that it was a little over dramatic, the film was brilliant and left me stunned, unable to talk, just think. One of the things from this picture I will remember forever, was a quote from Lawrence Fishburn's character, \\\"Knowledge is power, without knowledge, you cannot see your power.\\\" Brilliant, just brilliant.\": {\"frequency\": 1, \"value\": \"This story was ...\"}, \"I make just one apology for this film: there are far, far, too many wide angle close-ups, and if they irritate you beyond endurance, fair enough. They drove ME barmy for the first ten minutes or so. But after that I made a kind of a truce with the terrible cinematography; and long before the end of the film, I had ceased to care. This is too rich a comedy to be destroyed so easily. It's hilarious, it's witty, the comic delivery of ALL of the cast is flawless, and however much Usher peers at his characters through a cold, fish-eye lens - HE may not care for them much - he manages to present them with warmth. `Mystery Men' is, in fact, not only funnier, not only more clever, but also deeper, than anyone seems to have given it credit for being. The jokes in the Austin Powers movies, for instance, as well as being less funny than the jokes here, are also much more toothless. The satire of `Mystery Men' bites when there's something worth biting and gnaws gently when there isn't. It doesn't mock just any old thing. Which is why, contrary to what some (I must regard them as unobservant) critics have said, it never runs out of ideas.

The `super' heroes are an attractive bunch. Sure, they're second-rate, but they're not merely second rate. The Blue Rajah, for instance, does nothing but throw cutlery at people, and he isn't THAT good at it. On the other hand, neither is he comically bad. He's better in his limited field than most people, and he DOES practise diligently. He's not a buffoon, which makes him a much funnier character than if he was. If Superman is Christ in a cape, the Mystery Men are all the minor demigods from the foothills of Mount Olympus, in capes. Much funnier; also much more endearing.\": {\"frequency\": 1, \"value\": \"I make just one ...\"}, \"This is the Neil Simon piece of work that got a lot of praises! \\\"The Odd Couple\\\" is a one of a kind gem that lingers within. You got Felix Ungar(Jack Lemmon); a hypochondriac, fussy neat-freak, and a big thorn in the side of his roommate, Oscar Madison(Walter Matthau); a total slob. These men have great jobs though. Felix is a news writer, and Oscar is a sports writer. Both of these men are divorced, Felix's wife is nearby, while Oscar's is on the other side of the U.S. (The West Coast). Well, what can you say? Two men living in one roof together without driving each other crazy, is impossible as well as improbable. It's a whole lot of laughs and a whole lot of fun. I liked the part where when those two British neighbors that speak to both gentlemen, and after Oscar kicked out Felix, he gets lucky and lives with them when he refused to have dinner with them the night earlier. It's about time that Felix needed to lighten up. I guess all neat-freaks neat to lighten up. They can be fussy, yet they should be patient as well. A very fun movie, and a nuevo classic. Neil Simon's \\\"The Odd Couple\\\" is a must see classic movie. 5 STARS!\": {\"frequency\": 1, \"value\": \"This is the Neil ...\"}, \"I show this film to university students in speech and media law because its lessons are timeless: Why speaking out against injustice is important and can bring about the changes sought by the oppressed. Why freedom of the press and freedom of speech are essential to democracy. This is a must-see story of how apartheid was brought to the attention of the world through the activism of Steven Biko and the journalism of Donald Woods. It also gives an important lesson of free speech: \\\"You can blow out a candle, but you can't blow out a fire. Once the flame begins to catch, the wind will blow it higher.\\\" (From Biko by Peter Gabriel, on Shaking the Tree).\": {\"frequency\": 1, \"value\": \"I show this film ...\"}, \"The infamous Ed Wood \\\"classic\\\" Plan 9 From Outer Space features an indignant alien calling the human race, \\\"...stupid! Stupid, stupid stupid!\\\" I'd have to say exhibit A in that trial would probably this movie, a ridiculously silly sci-fi film.

Falling action star Jean Claude Van Damme returns to a hit role for him from the original movie, Luke, a former Universal Soldier who now works making really good universal soldiers. While Van Damme was too big to reprise the role in the first two sequels, he was too small to do much of anything else by the time the fourth film in the Universal Soldier series came around. So, probably cursing under his breath the whole way, he kicks and grunts and scowls through ninety minutes of explosions and karate kicks. You'll find plenty of mindless violence, but I'd advise you get a coat check for your brain at the door when you start watching this thing. Otherwise, you are liable to forget where you left it by the time it's over.

Luke is called into action against more Universal Soldiers after a really really REALLY evil computer named Seth (makes HAL look like Ghandi) turns all the other universal soldiers into evil, remorseless killers. Of course this is what these things are programmed to do, but in this case they are killing their creators, not \\\"the enemy\\\" so that's a problem.

I love the dumb logic of this movie. Logic that believes that a supercomputer would create a body for itself that looks as ashamed as Michael Jai White does to be in this movie. Logic that dictates that the creator of Seth be a blue-haired cyber-stereotype geek who spouts cliches more regularly than Old Faithful does steam. Logic that has a climactic karate fight feature two characters kicking each other though ten separate panes of shattering glass in the span of three minutes of screen time.

The film also features a daughter in peril character, wrestler Bill Goldberg as a wrestler disguised as a Universal Soldier, and a romance so tacked on, I have to think the writers thought tacked on romances were actually a GOOD thing. And when this movie ends, it ends. Not a minute after a gigantic towering finale-style explosion are the credits running. No epilogue, no where are they now, no final kiss, just explosion, hug, over. Even the creators want to get out of this thing as soon as possible.

While it's no Plan 9, US:TR is a silly little trifle of an action movie that would be fun at parties full of rowdy Van Damme fans who enjoy seeing their hero really reaching new depths. Not to be seen on a serious stomach.\": {\"frequency\": 1, \"value\": \"The infamous Ed ...\"}, \"I have copy of this on VHS, I think they (The television networks) should play this every year for the next twenty years. So that we don't forget what was and that we remember not to do the same mistakes again. Like putting some people in the director's chair, where they don't belong. This movie Rappin' is like a vaudevillian musical, for those who can't sing, or act. This movie is as much fun as trying to teach the 'blind' to drive a city bus.

John Hood, (Peebles) has just got out of prison and he's headed back to the old neighborhood. In serving time for an all-to-nice crime of necessity, of course. John heads back onto the old street and is greeted by kids dogs old ladies and his peer homeys as they dance and sing all along the way.

I would recommend this if I was sentimental, or if in truth someone was smoking medicinal pot prescribed by a doctor for glaucoma. Either way this is a poorly directed, scripted, acted and even produced (I never thought I'd sat that) satire of ghetto life with the 'Hood'. Although, I think the redeeming part of the story, through the wannabe gang fight sequences and the dance numbers, his friends care about their neighbors and want to save the ghetto from being torn down and cleaned up.

Forget Sonny spoon, Mario could have won an Oscar for that in comparison to this Rap. Oh well if you find yourself wanting to laugh yourself silly and three-quarters embarrassed, be sure to drink first.

And please, watch responsibly. (No stars, better luck next time!)\": {\"frequency\": 1, \"value\": \"I have copy of ...\"}, \"This was one of the worst movies i have ever seen. The plot is awful, and the acting is worse. The jokes that are attempted absolutley suck. Don't bother to waste your time on a dumb movie such as this. And if for some reason that you do want to see this movie, don't watch it with your parents.\": {\"frequency\": 1, \"value\": \"This was one of ...\"}, \"I really liked this film. All three stars(Connery,Fishburne and Underwood) give credible performances;and Harris is enjoyably over the top. The lighting and shot angles in some of Harris' scenes make his face look truly diabolical. The surprising turn of plot at the end makes it interesting. Not a great movie, but an enjoyable one. I gave it 7 of 10.\": {\"frequency\": 1, \"value\": \"I really liked ...\"}, \"Some have compared this film to Deliverance. I believe Of Mice and Men is more appropriate. Our leading man, Heaton, definitely loves Spike. It is irrelevant and immaterial whether that is a sexual love. It is the reason Heaton does not leave Spike. He needs him. They need each other. As brothers, as family, as their only connection to humanity. The setting, scenario, minimal cast all add up to a fine film. Frankly, I did not care what happened to the characters. But, I did care about what the film maker did with them. He did well with them. I spent some time wondering how the ending would resemble Of Mice and Men. The soundtrack and cinematography were compelling and intriguing.\": {\"frequency\": 1, \"value\": \"Some have compared ...\"}, \"Well I gave this movie a 7. It was better than \\\"Thirdspace\\\" but not as good as \\\"In the Beginning\\\" as far as the B5 movies go. I really think the television series did a much better job overall with the special effects and character portrayal. Let's hope the producers and cast get the next series \\\"Crusade\\\" up to the standards of B5.\": {\"frequency\": 1, \"value\": \"Well I gave this ...\"}, \"David Duchovny and Michelle Forbes play a young journalist couple who want to go to California, but can't really afford to, so they 'ride share\\\" with another young couple (Brad Pitt and Juliette Lewis) to save on expenses. The idea is for them to stop at various murder sites along the way, sites where serial killers did their thing, since Brian (Duchovny) is a writer and Carrie (Forbes) is his photographer. What they don't know is that Pitt (Earley) and Lewis are serial killer and girlfriend who just goes along with whatever HE says. I don't care for Pitt as a rule but he does justice to psycho roles. The scary thing is that he does them so well; I've actually KNOWN people like him before, no, not killers, but with pretty much the same mindset. Anyway, as the road trip goes along, Carrie guesses that the others are about out of money, but Earley seems to always come up with the cash somehow....never mind that he leaves someone dead here and there to do it though. Lewis does her role well, one that she excels at, a not-too-bright waif that has a good heart but doesn't understand that she doesn't have to put up with being beaten up by Earley when she does something he doesn't like. As things begin to get more unacceptable Carrie insists that the other couple be put out at a gas station, and unfortunately it's at that point where she's inside that she sees a news bulletin that tells her exactly who they've been ride-sharing with, after which things go downhill for them at a rapid clip. This is not the greatest flick in the world, but it's not bad...I watched what was supposed to be the 'unrated' version but I wonder how much was cut out of the rated version, because this seemed fairly tame to me, really...not that this makes it family fare or anything, unless it's maybe the Manson Family. 7 out of 10.\": {\"frequency\": 2, \"value\": \"David Duchovny and ...\"}, \"An update of the skits and jokes you would have seen on a Burlesque stage in the first half of the 20th Century. It's a string of several jokes acted out. Some of them you could tell your Grandmother, some of them not, but it's a fairly safe bet she's heard them all before. For what it tries to be, it's not too bad. Before you rent it, remember that it's an older style of entertainment and has more value as history than as comedy or titillation. Robin Williams has a couple of bits, but he's interchangeable with the other players.\": {\"frequency\": 1, \"value\": \"An update of the ...\"}, \"Whoa boy.

Ever wanted to watch a documentary about a megalomaniacal jerk ruining his own life and alienating everyone around him? Well they exist, in many forms. But have you ever wanted to watch said documentary about one who didn't ultimately succeed in doing anything despite everyone's praises about how much of an artistic \\\"genius\\\" he is? Well you could probably just grab a camera and find someone like that in any local scene (I know they're everywhere and I don't even follow the local scene), or you could save yourself the trouble by spending money watching this tripe.

The premise is good and, honestly, it's not as if the filmmakers knew precisely where it was going considering that's one of the difficulties of doing a documentary. We are made to follow two bands, The Brian Jamestown Massacre, lead by Anton, and The Dandy Warhols, lead by Courtney. I've heard of The Dandy Warhols before watching this movie... not so the Brian Jamestown Massacre. Why? Well from this documentary's perspective, because The Brian Jamestown Massacre's intergroup dysfunction refused them the ability to really make it in the music industry. However, instead of this becoming an analysis of the two separate bands and how one was able to succeed, the focus becomes much more on Anton and his insanity.

Because, see, Anton is a \\\"genius.\\\" Because he plays rock music. He really \\\"understands the evolution of music\\\"... because he plays rock music with a lot of different instruments. His music is considered \\\"post-modern retro but the future\\\"... because it's rock music. He wants to bring out a \\\"revolution\\\"... through rock music. Okay so let's face it... twenty minutes in and this is one of the stupidest kids I'd care to watch a documentary about.

The documentary itself doesn't really lend itself to showcasing any of Anton's talent, because in the nature of editing down 2000 hours of material into a quarter short of two hours we don't really have the time to focus on that. So instead we watch Anton, \\\"the genius\\\", the socio-maniacal loser, be a jerk for the two hours and are just told to understand that he made really great music. Whether he did or not I won't know, because its not like the documentary had enough time to prove it. What I do know is that then we're left with a story about some self-centered obnoxious twerp running around the country calling himself a God of music and doing nothing to back it up. Why even bother watching that? People like Anton don't deserve the attention they seek, the hope and admiration of all those different people, and especially a post-failure paean to lost potential. This movie plays like a two-hour rough-cut VH1 special for a reason: he goes on and on about the music, but it's all about the image and the attention. Look at the guy, look at how he dresses, look at how he acts, look at how he tries to create controversy because he can't afford marketing.

Honestly the only interesting character in this film is Joel, and that's because of anyone in this documentary, Joel is the only person who seems to have any fun. Maybe it's because he's the tambourine man. The rest of them are all \\\"rock stars\\\"! They deserve our attention, and admiration, and interest, and engagements! They are out there to \\\"save rock and roll.\\\" Do you remember when The White Stripes were supposed to \\\"save rock and roll\\\"? Yeah, that was because of Anton, and it's \\\"selfish of them not to mention me (Anton) as an inspiration.\\\" What a load. People like Anton are best left forgotten. This documentary explains why mainstream music is so dull--because music execs have to deal with people like Anton for a living and ultimately can only really throw their support behind someone safe and passionless. Thanks a lot, Anton. Your antics ruined music for EVERYONE you touched, whatever the opinion to the contrary is. And if people \\\"in the know\\\" about Anton disagree and he really was a genius, it still shows how bad this documentary is that it cuts it down that way.

--PolarisDiB\": {\"frequency\": 1, \"value\": \"Whoa boy.


The show was educational as well showing the viewer things about scuba diving from someone who appeared to be a consummate pro, Mike Nelson. There were excellent shows, and the program always appeared to be well produced. Granted, the drama in the scripts sometimes hit the same notes in more than 1 episode but each show holds it's own with any other show produced during this era, the infancy of American television.\": {\"frequency\": 1, \"value\": \"Lloyd Bridges as ...\"}, \"A young basketball-playing professor of genetics is doing research on the genetic sequence, using human fetuses. He hopes to be able to find a cure for all diseases and aging. He's pressured into concluding his research because he hasn't published, so the university is having trouble justifying funding him (I think).

He does a trial injection on a monkey, which quickly dies. He then tries it on himself. He starts a relationship with the single mother of an extremely annoying little boy; she's the one who had been demanding results from the research.

Initially, he seems to have no effects from the injection, except some new strength. He then realizes that he had some memory loss, and starts recalling what happened. Additionally, he starts to appear very unhealthy.

Since the movie is named metamorphosis, he does eventually change into something else. You won't believe your eyes - either what he turned into, or the absolutely crappy costume the actor is wearing to depict what he's turned into. Incredibly, there's a further change in store - the end of the movie is really, really absurd.

About the only thing this movie has going for it is that Laura Gemser is in it, but she has a very small part.

I'd once seen a the video box for this with a sculpted plastic form glued to the boxcover. Possibly it might even have had some electronics in it at one time, perhaps eyes that light up (the main character's eyes occasionally turn green in the movie). The copy I watched had a box that only showed tear marks where the glue had held on the plastic, which had been removed. The novelty boxcover, if it still had it, would have been the only reason I would have held onto this movie; I'm definitely getting rid of it.\": {\"frequency\": 1, \"value\": \"A young ...\"}, \"Knights was just a beginning of a series, a pilot, one might say. The plot (I really shouldn't call it that, there wasn't any plot) wasn't logical at all and there were many mistakes, like [warning, I'm summarizing the plot]:

In the beginning of the movie someone said that there was only a couple of those cyborgs (the bad guys) but after the climax, Nea found out that there were many many more left of them. And it was told that cyborgs were hard to kill, but after a month's training, Nea could kill them with a single blow.

The movie was just pure kicking. I wasn't surprised at all, when I found out that the leading star was a kick boxer.

There was ONE positive thing in the whole movie: it really gave a great deal of laughter when watching it and talking about it with my friends. I recommend watching it, if you are in need of laughter.\": {\"frequency\": 1, \"value\": \"Knights was just a ...\"}, \"This is probably Karisma at her best, apart from Zubeidaa. Nana Patekar also gives out his best, without even trying. The story is very good at times but by the end seems to drag, especially when Shahrukh comes in the picture. What really made me like it were the performances of the leads, the dialog delivery, as well as the story, for what it was. It could've been directed better, and edited. The supporting case was even great, including Karima's mother in law, even though she just had one shining moment, it was great to watch her.

The sets were also pretty good. I didn't really like their portrayal of a Canadian family, but once they step in India, it's as real as it gets.

Overall, I would give it a thumbs up!\": {\"frequency\": 1, \"value\": \"This is probably ...\"}, \"If this series supposed to be an improvement over Batman - The Animated Series, I, for one, think it failed terribly. The character drawing is lousy... (Catwoman, for instance, looks awful...) But what really annoyed me is that it made Batman look like a sort of wimp who just can't take care of himself in a battle, without the help of two, even three sidekicks. I mean, he's Batman, for God's sake! I know the comic books, I know that Nightwing and Batgirl are supposed to be Batman's allies, besides Robin, but still... making Batman say that he needs help from them... What, he can't handle a few punches? In BTAS, he could face a dozen adversaries without any problem... He's getting old? Come on...

And another thing: I really don't think that Batman would allow a kid like Tim Drake to go into battle that soon, without years of hard training. One, it's irresponsible (and Batman is everything, but irresponsible), and two, it's not what happened in the comics, if we are to remain faithful to them.

Batman - The Animated Series made history, with its animation, its stories and its characters... That really was a legend of Batman. The New Adventures series turned the legend into just another Batman flick.\": {\"frequency\": 1, \"value\": \"If this series ...\"}, \"my friend bought the movie for 5\\ufffd\\ufffd (its is not even 1 cent worth), because they wrote it was like American pie. but we would soon find out that there is a long way from American pie to that piece of crap. it is not even a comedy, its more like a really really really bad documentary. not only the story is bad, the picture and sound also sucks to. they put in some alcohol, chicks, dwarfs and drunken teens. and the result is a disaster. if you see this movie don't buy it, rather spend your money on something else, and better. if you are gonna torture yourself, then don't invite your friend/s, unless you hate really much and you want to get rid of them.\": {\"frequency\": 1, \"value\": \"my friend bought ...\"}, \"Outrageously trashy karate/horror thriller with loads of graphically gory violence and gratuitous nudity, and a thoroughly preposterous and bizarre \\\"plot\\\". This is lowbrow and low-grade entertainment that will appeal only to viewers with particularly kinky tastes, but it's kind of cheerfully bad and I must admit that I wasn't actually bored while watching it.... (*1/2)\": {\"frequency\": 1, \"value\": \"Outrageously ...\"}, \"Yes it was a little low budget, but this movie shows love! The only bad things about it was that you can tell the budget on this film would not compare to \\\"Waterworld\\\" and though the plot was good, the film never really tapped into it's full potential! Strong performances from everyone and the suspense makes it worthwhile to watch on a rainy night.\": {\"frequency\": 1, \"value\": \"Yes it was a ...\"}, \"Filmfour are going to have to do a lot better than this little snot of a film if they're going to get the right sort of reputation for themselves.

This film is set in Glasgow (although only a couple of secondary characters have anything approaching a Scottish accent). The premise, about people who's lives are going nowhere, who all meet up in the same cafe in the early hours of the morning as they have night jobs, COULD have made for a really funny, insightful, quirky, cultish film. Instead we have a group of self-obsessed saddos and a plot which has been so done to bits I'm suprised it hasn't been banned. X and Y are friends. X is sleeping with Z. Y sleeps with Z as well. Oh you figure it out.

A total waste of time. Painful dialogue - it sounded like something that a group of 16 year olds would have written for a GCSE drama project. The female character was completely superfluous - just written in as a token female in the hope that women would be cajoled into seeing it.

If you're the sort of thicko lad who laughs at beer adverts and can usually be found wandering round in packs shouting on Saturday nights in nondescript town centres then you will love this film and find it \\\"a right laff\\\". Everyone else, run, don't walk away from this sorry little misfit.

And one question, when the group left the \\\"boring\\\" seaside town (Saltcoats incidentally although they changed the name on the film), to go back to Glasgow, WHY did they do it via the Forton motorway services at LANCASTER which is in England?\": {\"frequency\": 1, \"value\": \"Filmfour are going ...\"}, \"I really like Star Trek Hidden Frontier it is an excellent fan fiction film series and i cant wait to see more I have only started watching this film series last week and i just cannot get enough of it. I have already recommended it too other people to watch since it is well worth the view. I have already watched each episode many times over and am waiting to see more episodes come out. I rated it a ten but i think it deserves a 12 loll My compliments to the staff of the Star Trek Hidden Frontiers on an excellent job. If u like Star Trek i highly recommend checking out this star trek fan fiction film. The detail associated with this series of films is excellent especially the ships and planets used in it\": {\"frequency\": 1, \"value\": \"I really like Star ...\"}, \"Iberia is nice to see on TV. But why see this in silver screen? Lot of dance and music. If you like classical music or modern dance this could be your date movie. But otherwise one and half hour is just too long time. If you like to see skillful dancing in silver screen it's better to see Bollywood movie. They know how to combine breath taking dancing to long movie. Director Carlos Saura knows how to shoot dancing from old experience. And time to time it's look really good. but when the movie is one and hour it should be at least most of time interesting. There are many kind of art not everything is bigger then life and this film is not too big.\": {\"frequency\": 1, \"value\": \"Iberia is nice to ...\"}, \"...in an otherwise ghastly, misbegotten, would-be Oedipal comedy.

I was the lone victim at a 7:20 screening tonight (3 days after the movie opened) , so there is some satisfaction in knowing that moviegoers heeded warnings.

The bloom is off Jon Heder's rose. The emerging double chin isn't his fault; but rehashing his geeky kid shtick in another bad wig simply isn't working. It would be another crime if this were to be Eli Wallach's last screen appearance. Diane Keaton will probably survive having taken this paycheck - basically because so few will have seen her in this, the very worst vehicle she's chosen in the last few weeks.

Sitting alone in the theater tonight I came alive (laughed, even) whenever Daniels was given the latitude in which to deliver the film's sole three dimensional character. He really is among our very best actors.

In summary, even Jeff Daniels's work can't redeem this picture.\": {\"frequency\": 1, \"value\": \"...in an otherwise ...\"}, \"...On stage, TV or in a book, 'The Woman in Black' is an outstanding ghost story. Other reviewers have already said just about all there is to say about this film, but I thought I would add my belated little review too. The made-for-TV movie has a deliberately slow first act, which chronicles the main character Arthur as he goes about his business as a solicitor in 1920s London. I can understand why this might not appeal to all palates. Nevertheless, for me, I love this British-style of storytelling similar to any of the BBC's \\\"Ghost Story for Christmas\\\" adaptations of the great M.R. James' work. In the second act, the ghost story kicks in as Arthur is sent to the provinces by his boss, to tidy up the affairs of a deceased client. The third act relentlessly builds up to a spine-tingling conclusion... As a Londoner, I have seen the play. I own the book, DVD-R and have the unabridged audio book on my iPod, too. What is sure for me, 'The Women in Black' on any medium is a ghost story with few equals. It is about time that we had a legitimate region 2 DVD release.\": {\"frequency\": 1, \"value\": \"...On stage, TV or ...\"}, \"Saw it as many times as I could before it left the scene. A delightful and entertaining film with some of my very favorite stars. Only wish I could find it again! Would certainly buy/view it if I could. Please, somebody, bring it back. Fred MacMurray was perfect in his role as a patriot during World War II, and his leading ladies, Joan Leslie, and especially June Haver were beautiful and charming. It was a musical, but also romantic, funny, and clever. This was my favorite movie starring June Haver, although I always liked her. Her dazzling smile lit up the screen, and her beauty and talent were an asset to any film. The supporting cast lent credit to their individual roles. A well-balanced and light-hearted film; only wish we had more like it!\": {\"frequency\": 1, \"value\": \"Saw it as many ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"If ever I was ...\"}, \"/The first episode I saw of Lost made me think, i thought what is this some people who crashed and get chased by a giant monster. But it's not like that, it's far more than that,because their is no monster at all and every episode that you see of Lost , well it's getting better every time. a deserted island with an underground bunker and especially the connection between the people who crossed paths with each other before they crashed. That's the real secret.

This series rules and I can't wait to know what's really going on there I hope that they don't air the last 2 episodes in the theaters,this series deserves a 9 out of 10\": {\"frequency\": 2, \"value\": \"/The first episode ...\"}, \"I've seen better production quality on YouTube! I pity the actors, as the writing was terrible and the direction shocking, not sure how they could get the lines out - I really doubt any actor would have been able to salvage this movie no matter how good they were. The characters were not developed at all, and there was no real cohesion in the plot which just seemed to go nowhere much. It's a shame really, as the premise for the movie was good and with better production quality, direction and script it could have been a decent movie. It certainly was not a comedy, unless you laugh out loud at the dubbing - which was amateurish, even the English actors sounded weird.\": {\"frequency\": 1, \"value\": \"I've seen better ...\"}, \"Enjoyable movie although I think it had the potential to be even better if it had more depth to it. It is a mystery halfway through the film as to knowing why Elly is such a recluse. Then, when we are finally given an explanation going back to her childhood there still isn't much detail. Perhaps had they shown flashbacks or something.

Anyway, it is still a good movie that I'd watch again. 7/10

\": {\"frequency\": 1, \"value\": \"Enjoyable movie ...\"}, \"This film has to be the worst I have ever seen. The title of the film deceives the audience into thinking there maybe hope. The story line of the film is laughable at best, with the acting so poor you just have to cringe. The title 'Zombie Nation' implies a hoard of zombies when in fact there are six in total. This cannot be categorised as a horror film due to the introduction of cheesy 80's music when the zombies 'attack'. The zombies actually talk and act like human beings in the film with the only difference being the make up which looks like something out a La Roux video. If you ever get the chance to buy this film then do so, then burn the copy.\": {\"frequency\": 1, \"value\": \"This film has to ...\"}, \"The question, when one sees a movie this bad, is not necessarily, \\\"How did a movie this bad get made?\\\" or even, \\\"Why did I see this awful in the first place?\\\" but, \\\"What have I learned from this experience?\\\" Here's what I learned:

- Just because the \\\"rules\\\" of horror movies have been catalogued and satirized countless times in the last ten years doesn't mean someone won't go ahead and make a movie that uses ALL of them, without a shred of humor or irony.

- If your movie has to be described as **loosely** based on the video game, you have script problems.

- The black character may not always die first, but the Asian character does always know kung-fu.

- While you may be proud that you figured out how to do the \\\"the Matrix effect\\\" on a budget, that doesn't necessarily mean you should use it over and over again ad nausea.

- Being Ron Howard's brother does not guarantee choice roles.

- Whenever a scene doesn't edit together, just use some footage from the video game, no one will notice.

- If your cousin's rap-metal band offers to write your movie's theme for free, politely decline.

- Zombie movies are not about people killing zombies. They're about zombies killing people, preferably in the most gruesome way possible. That's what makes them SCARY.

- White people who can pay $1600 to get to a rave deserve to die.

- If you find an old book, it will tell you everything you need to know. Anything else you will figure out on your own two lines after someone asks, \\\"What was that?\\\" or, \\\"Where are we?\\\"

- Bare breasts are not horror movie panacea.

- A helicopter boom shot and a licensing deal with Sega magically transforms your movie from \\\"student film\\\" to \\\"major studio release\\\". Try it!

- Just because you can name-drop all three \\\"Living Dead\\\" movies, that does not make you George Romero. Or even Paul W. S. Anderson.

I've seen worse movies, but only because I've seen \\\"Mortal Kombat: Annihilation.\\\"\": {\"frequency\": 1, \"value\": \"The question, when ...\"}, \"New York, I Love You, or rather should-be-titled Manhattan, I Love Looking At Your People In Sometimes Love, is a precise example of the difference between telling a story and telling a situation. Case in point, look at two of the segments in the film, one where Ethan Hawke lights a cigarette for a woman on a street and proceeds to chat her up with obnoxious sexy-talk, and another with Orlando Bloom trying to score a movie with an incredulous demand from his director to read two Dostoyevsky books. While the latter isn't a great story by any stretch, it's at least something that has a beginning, middle and end, as the composer tries to score, gets Dostoyevky dumped in his lap, and in the end gets some help (and maybe something more) from a girl he's been talking to as a liaison between him and the director. The Ethan Hawke scene, however, is like nothing, and feels like it, like a fluke added in or directed by a filmmaker phoning it in (or, for that matter, Hawke with a combo of Before Sunrise and Reality Bites).

What's irksome about the film overall is seeing the few stories that do work really well go up against the one or two possible 'stories' and then the rest of the situations that unfold that are made to connect or overlap with one another (i.e. bits involving Bradley Cooper, Drea DeMatteo, Hayden Christensen, Andy Garcia, James Caan, Natalie Portman, etc). It's not even so much that the film- set practically always in *Manhattan* and not the New York of Queens or Staten Island or the Bronx (not even, say, Harlem or Washington Heights)- lacks a good deal of diversity, since there is some. It's the lack of imagination that one found in spades, for better or worse, in Paris J'taime. It's mostly got little to do with New York, except for passing references, and at its worst (the Julie Christie/Shia LaBeouf segment) it's incomprehensible on a level that is appalling.

So, basically, wait for TV, and do your best to dip in and out of the film - in, that is, for three scenes: the aforementioned Bloom/Christina Ricci segment which is charming; the Brett Ratner directed segment (yes, X-Men 3 Brett Ratner) with a very funny story of a teen taking a girl in a wheelchair to the prom only to come upon a great big twist; and Eli Wallach and Cloris Leachman as an adorable quite old couple walking along in Brooklyn on their 67th wedding anniversary. Everything else can be missed, even Natalie Portman's directorial debut, and the return of a Hughes brother (only one, Allan) to the screen. A mixed bag is putting it lightly: it's like having to search through a bag of mixed nuts full of crappy peanuts to find the few almonds left.\": {\"frequency\": 1, \"value\": \"New York, I Love ...\"}, \"and forget this. Completely. If you really need to see Madonna act, rent \\\"Body of Evidence\\\", at least Willem Defoe is in that one.

In this film, while the sets are beautiful, you may want to mute the dialog. You won't miss anything. Bruce Greenwood is wasted, Jeanne Tripplehorn is a prop, and Madonna is so awful, it becomes amusing. Why they had to butcher the original film into this mess, I will never know; guess they thought it was \\\"bankable\\\". Madonna, as an actress, certainly is NOT.

If you rent the original film from 1979, though, you will enjoy it, and the actors in it can actually act. 1/10.\": {\"frequency\": 1, \"value\": \"and forget this. ...\"}, \"This could be a strong candidate for \\\"The Worst Flick Ever\\\". Perhaps without the presence of John Hurt, it could be tolerated as a kid-film. However, the TRAGEDY of this entire endeavor, is that John Hurt, one of the screen's greatest actors, diminishes himself in this....I gave it two points just because Mr. Hurt SHOWED UP...I take AWAY 8 points, because he didn't run from it fast enough. As far as the rest of the cast, they are, simply, terrible. Janine Turner, as pretty as she might be, cannot act to save her soul. And the lead actor is, for all intents and purposes, AWFUL. If you can spare yourself this embarrassment, please do so. It's so bad, it almost HURTS.\": {\"frequency\": 1, \"value\": \"This could be a ...\"}, \"I also saw this amazingly bad piece of \\\"anime\\\" at the London Sci-Fi Festival. If you HAVE to watch this thing, do so with a large audience preferably after a few beers, you may then glean some enjoyment from it.

I found the dialogue hilarious, lodged in my mind is the introduction of Cremator. The animation is awful. It is badly designed and badly executed. It may have been a good idea for the producers to have hired at least one person who was not colour blind.

There's nothing else to say really, this film is a failure on every level.\": {\"frequency\": 1, \"value\": \"I also saw this ...\"}, \"One of the things that interested me most about this film is the way the characters and their associated histories are developed on the fly. I suppose the writers wanted us to gain interest in the characters by not force feeding their characters. The premise of using the art and craft of furniture design and construction was a unique theme and/or analogy for what families/siblings go through in life. The complexity of having a twin serve as a surrogate father and even husband added great tension towards making this film emotionally interesting. Also, although the story was not one that the masses might directly relate to (i.e. Jewish/twins/family business) the themes are fairly universal as every family has a black sheep in it. That made it very engaging.\": {\"frequency\": 1, \"value\": \"One of the things ...\"}, \"Just saw this tonight at a seminar on digital projection (shot on 35mm, and first feature film fully scanned in 6k mastered in 4k, and projected with 2k projector at ETC/USC theater in Hwd)..so much for tech stuff. 18 directors (including Alexander Payne, Wes Cravens, Joel and Ethan Coen, Gus Van Sant, Walter Salles and Gerard Depardieu, among several good French/ international directors) were each given 5 minutes to make a love story. They come in all shapes and forms, with known actors(Elijah Wood, Natalie Portman, Steve Buscemi ..totally hilarious..., Maggie Glyllenhall, Nick Nolte, Geena Rowlands ..soo good..and she actually wrote the piece she was in, Msr Depardieu and many good international actors as well. The stories vary from all out romance to quirky comedy to Alex Payne's touching study of a woman discovering herself to Van Sant and one of those things that happens anywhere..maybe? Nothing really off putting by having French spoken in most sequences (with English subtitles) and a small amount of actual English spoken, though that will probably relegate it to art houses (a la Diva.) Also only one piece that might be considered \\\"experimental\\\" but colorful and funny as well, the rest simple studies of sometimes complex relationships. All easy to follow (unless the \\\"experimental\\\" one irritates your desire for a formulaic story. Several brought up some emotions for me...I admit I am affected by love in cinema...when it is presented in something other than sentimentality. I even laughed at a mime piece, like no other I have seen (thank you for that!) The film hit its peak, for me, somewhere around a little more than half way through, then the last two sequences picked up again. Some beautiful shots of Paris at night, lush romantic kind of music, usually used to good effect, not just schmaltz for \\\"emotions\\\" in sound, generally good cinematography, though some shots seemed soft focus when it couldn't have meant to have been (main character in shot/scene). Pacing of each film was good, and overall structure, though a bit long (they left out two of what was to be 20 films, but said all would be on the DVD) seemed to vary between tones of the films to keep a good balance. Not sure when it comes out, but a good study of how to make a 5 min film work..and sometimes, what doesn't work (if it covers too much time, emotionally, for a short film.) Should be in region one when released, but they didn't know when.\": {\"frequency\": 1, \"value\": \"Just saw this ...\"}, \"I think this movie got a low rating because it got judged by it's worst moments. There is a diarrhea joke and an embarrassing nut-scratching scene, but apart from that there are actually quite a few moments that made me laugh out loud. Jason Lee is performing some wonderfully subtle comedy in this movie and Julia Stiles manages to be pretty damn funny herself. Apart from that this movie behaves like most romantic comedies, after about 40 minutes into it you know how it is going to end. (Which is better than most of them, where you already know after +/- 5 minutes). Anyway, better movies to watch but definitely not the worst pick...Cheers\": {\"frequency\": 1, \"value\": \"I think this movie ...\"}, \"One can deal with historical inaccuracies, but this film was just too much. Practically nothing was even close to truth, and even for the era, it was seen as silly.

In defense of ford, it was revealed on an old talk show, that he was operating on the story as told to him by the real Wyatt Earp, who was obviously old, senile, and replayed the scene his own way. Earp told the director about the stagecoach, and how it was planned to happen during the stagecoach arrival, so despite what other historians claim, Wyat himself asserts that it was premeditated.

This movie portrays Earp as an honest man, and also his brothers. History doesn't exactly say they were or weren't. Most people like to interject a bit of deceit and lawlessness into their characters, but that is nothing new. The truth is probably closer to them being the law abiding sorts of GUNFIGHT AT THE OK CORRAL. Men who saw it as a career, and believe me, in the old West, you didn't have time to think about too much else.

Characters that don't exist, characters depicted dying at the corral who really didn't, all make this a weaker film. It is further weakened by Mature, who really didn't make a convincing Doc. He may be the worst cast choice ever for Doc, but at the same time we must remember that older movies were closer to the era and closer to a feel for the truth. After all, ford did get information first hand from Wyatt Earp.

It is also weakened by the all so predictable events involving the Mexican girl. Hollywood was very pro Nazi in those days, and ready to kill off brunette women in very predictable fashion to show their patronage to Hitler idealism. This occurs in most movies until the eighties. It is no excuse, and does cheapen the art, however.

The actors who play the Earps do well, and Brennan is always a thrill. In fact, Mature may be the only acting downside of this flick. Still, it is the weakest of the old OK Corral movies.\": {\"frequency\": 1, \"value\": \"One can deal with ...\"}, \"This movie is yet another in the long line of no budget, no effort, no talent movies shot on video and given a slick cover to dupe unsuspecting renters at the video store.

If you want to know what watching this movie is like, grab a video camera and some red food dye and film yourself and your friends wandering around the neighborhood at night growling and \\\"attacking\\\" people. Congratulations, you've just made \\\"Hood of the Living Dead\\\"! Now see if a distribution company will buy it from you.

I have seen some low budget, shot on video films that displayed talent from the filmmakers and actors or at the very least effort, but this has neither. Avoid unless you are a true masochist or are amused by poorly made horror movies.\": {\"frequency\": 1, \"value\": \"This movie is yet ...\"}, \"Star Pickford and director Tourneur -- along with his two favorite cameramen and assistant Clarence Brown doing the editing -- bring great beauty and intelligence to this story of poor, isolated Scottish Islanders -- the same territory that Michael Powell would stake twenty years later for his first great success. Visions of wind and wave, sunbacked silhouettes of lovers do not merely complement the story, they are the story of struggle against hardship.

The actors bring the dignity of proud people to their roles and Pickford is brilliant as her character struggles with her duties as head of the clan, wavering between comedy and thoughtfulness, here with her father's bullwhip lashing wayward islanders to church, there seated with her guest's walking stick in her hand like a scepter, discussing her lover, played by Matt Moore.

See if you can pick out future star Leatrice Joy in the ensemble. I tried, but failed.\": {\"frequency\": 1, \"value\": \"Star Pickford and ...\"}, \"I may not be a critic, but here is what I think of this movie. Well just watched the movie on cinemax and first of all I just have to say how much I hate the storyline I mean come on what does a snowman scare besides little kids, secondly it is pretty gory but I bet since the movie is so low budget they probably used ketchup so MY CRITICAL VOTE IS BOMB!!! nice try and the sequel will suck twice as much.\": {\"frequency\": 1, \"value\": \"I may not be a ...\"}, \"Omigosh, this is seriously the scariest movie i have ever, ever seen. To say that i love horror movies would be an understatement, and i have seen heaps (considering the limited availability in New Zealand, that's quite a lot), but never before have i had to sleep with the light on...until i saw The Grudge.

Some may say that it is a rip off of The Ring (both based on Japanese horror movies), both similar (yet different) story lines, but the Grudge holds its own as a terrifying movie - seeing at at the cinema, i even screamed at a certain point in the movie.

The acting is great, particularly from the supporting characters - KaDee Strickland is fantastic and steals the show, she is such an enthusiastic person. Jason Behr is a real hottie, and William Mapother looks like he is having fun. However, while i am normally a fan of Clea DuVall's, she doesn't really seem into this movie. Of the supporting characters, hers probably got the most depth and back story, but she doesn't seem like she is all there. As for Sarah Michelle Gellar, well, she stays about the same through all her films and roles doesn't she? The ghosts were genuinely scary, the music and sound effects were chilling (particularly the noise being made when KaDee Strickland's character answered the phone in her apartment), the ending was cool too.

Super highly recommended. 9/10\": {\"frequency\": 1, \"value\": \"Omigosh, this is ...\"}, \"Fear of a black hat is a hilarious spoof of Hip-Hop culture. It is just as funny as This Is Spinal Tap, if not funnier. The actors are incredible and the documentary style is superb. Mark Christopher Lawrence is a tremendous talent that should be starring in a lot more films. This film is a true cult classic!\": {\"frequency\": 1, \"value\": \"Fear of a black ...\"}, \"When robot hordes start attacking major cities, who will stop the madman behind the attacks? Sky Captain!!! Jude Law plays Joe Sullivan, the ace of the skyways, tackling insurmountable odds along with his pesky reporter ex-girlfriend Polly Perkins (Gwyneth Paltrow) and former flight partner, Captain Franky Cook (Angelina Jolie).

Sky Captain and the World of Tomorrow may look and feel like an exciting movie but it really is quite dull and underwhelming. The film's running time is 106 minutes yet it feels so much longer because there is no substance in this movie. The visuals were great and the film did a nice job on that. However, there is nothing to support these wonderful visuals. The film lacks a story and interesting characters making the while thing quite dull and unnecessary. I blame director and writer Kerry Conran. He focuses too much on the visuals and spent little time on the actual story. The movie is like a girl with no personality, after awhile it kind of gets bland and tiring. Sky Captain represents a beautiful girl with no personality. It's simply just another case of style over substance.

The acting is surprisingly average and that's not really their fault since they had very little to work with. The main reason I watched this movie is because of Angelina Jolie. However, the advertising is quite misleading and she is only in the film for about 30 minutes. Her performance is surprisingly bland as well. Jude Law gives an okay performance though you would expect a lot more from him. Gwyneth Paltrow was just average, nothing special at all. Ling Bai's performance was the only one I really liked. She gives a pretty good performance as the mysterious woman and she was the only interesting character in the entire film.

The movie is not a complete bust though. There were some \\\"wow\\\" and exciting scenes. There just weren't enough of them. The film just doesn't have that hook to really make it memorable. It was actually quite bland and it wasn't very engaging at all. It's too bad the film wasn't very good since it had such a promising premise. In the end, Sky Captain is surprisingly below average and not really worth watching. Rating 4/10\": {\"frequency\": 1, \"value\": \"When robot hordes ...\"}, \"I recently watched the '54 version of this film with Judy, and while i appreciated the story and music, i found that the film failed to hold my attention. I expected the '76 remake to be the same story, except with a Barbra twist. I was pleasantly surprised - it was a much more realistic and modern look at fame, money, love and the price of it all. This version is so much more real than the '54 one, with arguably better music, better acting, a more gripping plot line, and, of course, a deeper love. I do not understand why the previous film is on the American Film Institute's top 100 list, while this gripping remake fails to make a mark on any critic's list.\": {\"frequency\": 1, \"value\": \"I recently watched ...\"}, \"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!\": {\"frequency\": 1, \"value\": \"Is there a ...\"}, \"\\\"Bend It Like Beckham\\\" is a film that got very little exposure here in the United States. It was probably due to the fact that the movie was strongly British in dialogue and terminology and dealt a lot with football, (soccer here), which some may have trouble relating too in the U.S. It's unfortunate because this movie is absolutely fantastic and deserved much more coverage over here. I think the basis of the storyline, (following a dream), is something many people can relate to and in the end, \\\"Bend It Like Beckham\\\" proves to be a good-feeling film with a source of inspiration and really good acting. I was not overly excited about seeing this film initially but now I regret not seeing it sooner. I highly recommend this movie!\": {\"frequency\": 1, \"value\": \"\\\"Bend It Like ...\"}, \"This film concerns a very young girl, Cassie, (Melissa Sagemiller) who leaves her family and heads off to become a college freshman. One night Cassie and her friends decide to go to a wild party with plenty of drinking and dancing and Cassie is riding with her boyfriend who she likes but never told him she loved him. As Cassie was driving, a car was stopped in the middle of the road and she was unable to avoid an accident and as a result there is a bloody loss of lives along with her boyfriend. Cassie becomes very emotionally upset and has nightmares which cause her to have hallucinations about her boyfriend coming back to life and encounters men trying to murder her and she is struggling to find out who her real friends are, who wants her dead and will she survive this entire horror ordeal. Cassie dreams she is being made love to by her boyfriend after he died and finds another guy in her bed and is told she was asking him to make love. This is a way out film, and not very good at all.\": {\"frequency\": 1, \"value\": \"This film concerns ...\"}, \"Though the title may suggest examples of the 10 commandments, it is a definitely incorrect assumption. This is an adaptation of 9 SEEMINGLY unrelated stories from Giovanni Bocaccio's 14th century \\\"Decameron\\\" story collection.

Set within a medieval Italian town's largely peasant population, it is a diatribe on the reality of sex (and its consequences) within that world and time. A realistic view of Life within this world, it sometimes feels like a journey back in time.

Given the depicted human element of its time, one can also see the more adventurous side of morality in its protagonists - as well as the ironies of Life, at times. Or it may also be viewed as a general satire of the Catholic Church's rules.

Nothing terribly special, but definitely interesting if one comes with no expectations or assumptions.\": {\"frequency\": 1, \"value\": \"Though the title ...\"}, \"I, myself am a kid at heart, meaning I love watching cartoons, still do! I remember watching Bugs Bunny when I was a kid, he was my favourite still is. I thought man, this was a great \\\"new\\\" show on TV, and than my dad said, \\\"Bugs Bunny, I remember watching him when I was younger\\\" and I'm like, \\\"Dad, Bugs didn't exist when you were younger\\\". So I guess he's definitely pleased more than one generation, possibly 3. I love the show it's great for kids and adults, OK, everybody. It's very funny, me and my husband, both in our 20s, love watching the shows, and we don't mind the re-runs either. This show brings back a lot of memories, happy ones. I love the Christmas special too with Tweety as Tiny Tim, it's cute. I can't pick my favourite Looney Toons character, because they've changed over the years. When I was little it was Bugs of course, and Porky Pig. Pepe is cool, I always loved him. Actually, I have to say there all my favourite. I'm giving this show a 10 out of 10, because it's a great show for all ages, very funny, voice acting is incredible, the only flaw is that unfortunately it came to an end, 2 decades ago, but the re-runs are great!\": {\"frequency\": 1, \"value\": \"I, myself am a kid ...\"}, \"This has to be creepiest, most twisted holiday film that I've ever clapped eyes on, and that's saying something. I know that the Mexican people have some odd ideas about religion, mixing up ancient Aztec beliefs with traditional Christian theology. But their Day of the Dead isn't half as scary as their take on Santa Claus.

So..Santa isn't some jolly, fat red-suited alcoholic(take a look at those rosy cheeks sometime!). Rather, he's a skinny sociopathic pedophile living in Heaven(or the heavens, whichever), with a bunch of kids who work harder than the one's in Kathy Lee Gifford's sweat shops. They sing oh-so-cute traditional songs of their homelands while wearing clothing so stereotypical that i was surprised there wasn't a little African-American boy in black face singing 'Mammy'. This Santa is a Peeping Tom pervert who watches and listens to everything that everybody does from his 'eye in the sky'. This is so he can tell who's been naughty or nice(with an emphasis on those who are naughty, I'd bet).

There's no Mrs. Claus, no elves(what does he need elves for when he's got child labor?) and the reindeer are mechanical wind-up toys! This floating freak show hovers on a cloud, presumably held up by its silver lining.

Santa's nemesis is...the Devil?! What is this, Santa our Lord and Savior? Weird. Anyhoo, Satan sends one of his minions, a mincing, prancing devil named Pitch, to try to screw up Christmas. Let me get this straight-the forces of purest evil are trying to ruin a completely commercial and greed driven holiday? Seems kind of redundant, doesn't it?

Pitch is totally ineffectual. He tries to talk some children into being bad, but doesn't have much luck. I was strongly struck by the storyline of the saintly little girl Lupe, who's family is very poor. All that she wants is a doll for Christmas, but he parents can't afford to buy her one(they spent all of their money on the cardboard that they built their house out of). So Pitch tries to encourage her to steal a doll. In reality, that's the only way that a girl that poor would ever get a doll, because being saintly and praying to God and holy Santa doesn't really work. But Lupe resists temptation and tells Pitch to get thee behind her, and so is rewarded by being given a doll so creepy looking that you just know that it's Chucky's sister.

Along the way Pitch manages to get Santa stuck in a tree(uh-huh) from whence he's rescued by Merlin! Merlin? You have got to be kidding me! Since when do mythical Druidic figures appear in Christmas tales, or have anything to do with a Christian religion? And doesn't God disapprove of magic? They'd have been burning Merlin at the stake a few hundred years ago, not asking him to come to the rescue of one of God's Aspects(or that's what I assume Santa must be, to be going up against Satan). This movie is one long HUH? from start to finish, and it'll make you wonder if that eggnog you drank wasn't spiked or something. Probably it was, since this movie is like one long giant DT.\": {\"frequency\": 1, \"value\": \"This has to be ...\"}, \"I've probably been spoilt by having firstly seen the 1973 version with Michael Jayston and Sorcha Cusack so the 1983 adaptation is such a disappointment. I just didn't get any chemistry between the 2 main stars. A lot of staring and theatrical acting just doesn't do it for me, and what was all that about putting Tim in the role of Rochester. Had the casting director actually ever read the book. Very strange! He's a fine actor but Mr. Rochester he definitely isn't! And Zelah was just, well, strange, bit of a mix matched couple. In it's favour the supporting cast were pretty good and the Lowood scenes for me were the best of the adaptation, but overall didn't capture any of the magic of the novel. Certainly wouldn't ask anyone to watch it as a true adaptation of the novel. A real let down!\": {\"frequency\": 1, \"value\": \"I've probably been ...\"}, \"I think the movie was pretty good, will add it to my \\\"clasic collection\\\" after all this time. I believe I saw other posters who reminded some of the pickier people that it is still just a movie. Maybe some of the more esoteric points defy \\\"logic\\\", but a great many religious matters accepted \\\"on faith\\\" fail to pass the smell test. If you're going to accept whatever faith you subscribe to you can certainly accept a movie. Is it just me or has anyone else noticed the Aja-Yee Dagger is the same possessed knife Lamonte Cranston had so much trouble gaining control of in \\\"The Shadow\\\". No mention of it in the trivia section for either movie here (IMDB), but I would bet a dollar to a donut it's the same prop.\": {\"frequency\": 2, \"value\": \"I think the movie ...\"}, \"\\\"A Town Called Hell\\\" (aka \\\"A Town Called Bastard\\\"), a British/Spanish co-production, was made on the heels of Clint Eastwood's success in the Italian made \\\"Man With No Name\\\" trilogy. The template used in most of these films was to hire recognizable American actors, whose careers were largely in decline and dub their voices. This film is no exception except for the fact that they used some British actors as well.

It's difficult to summarize the plot, but here goes. The story opens with rebels or whatever, led by Robert Shaw and Marin Landau raiding a church and killing everyone inside, including the priest. Fast forward to the subject town a few years later where the Shaw character is masquerading as a priest. The mayor of the town (Telly Savalas) is a brutal leader who thinks nothing of meting out justice with his gun.

Throw into the mix a grieving widow Alvira (Stella Stevens) who is searching for her husband's killer. Add to this the fact that she rides around in a hearse lying dead like in a coffin for God knows why. After the mayor is murdered by his henchman La Bomba (Al Lettieri) the town is invaded by a federale Colonel (Landau) in search of a rebel leader (I'm sorry but the name escapes me). The Colonel takes over the town and begins summarily executing the townsfolk to force them to reveal the identity of the leader.

Even though they opened the film side by side, its difficult to tell from the dialog that the Landau and Shaw characters know each other. A blind man (Fernando Rey) claims he can identify the rebel leader by touching his face. He does so and..............................................

I'm sure the principals regretted making this film. It's just plain awful and well deserving of my dreaded \\\"1\\\" rating. Shaw spends most of the film fixating his trademark stare at whomever is handy. Even Landau can't salvage this film. The beautiful Ms. Stevens is totally wasted here too. Having just made Peckinpah's \\\"The Ballad of Cable Hogue\\\" the previous year, I found it odd that she would appear in this mess of a movie. Savalas made several of these pictures, (\\\"Pancho Villa\\\" and \\\"Horror Express\\\" come to mind) during he pre-Kojak period.Michael Craig is also in it somewhere as a character called \\\"Paco\\\".

Fernando Rey appeared in many of these \\\"westerns\\\" although he would emerge to play the villain in the two \\\"French Connection\\\" films. Al Lettieri would also emerge with a role in \\\"The Godfather\\\" (1972) and go on to other memorable roles before his untimely death in 1975.

In all fairness, the version I watched ran only 88 minutes rather than the longer running times of 95 or 97 minutes listed on IMDb, however I can't see where an extra 7 or 8 minutes would make much difference.

Avoid this one.\": {\"frequency\": 1, \"value\": \"\\\"A Town Called ...\"}, \"When you see this movie you begin to realise what a drastically under-utilised asset the late Dudley Moore was. There should be a dozen movies like this in our archive.

He was already top-notch talent before he went to Hollywood, both as a comedian and a musician. But mostly he is remembered for his pairing with Peter Cook, on television and in one or two indifferent British movies. Perhaps the best of these was 'Bedazzled'.

He always tended to be eclipsed by Cook, who's jealousy and meanness rifted their partnership and enabled Moore to realise his true potential in America. 'Arthur' is the result.

This is a truly splendid movie. Moore's clownish comedy as a drunkard is undeniable. The script is perfectly suited to his manner with lot's of hilarious, almost surreal conversational digressions. There is something so British about him that I'm actually surprised he found such an appeal to American tastes. Tommy Cooper, an anarchic comedian after the same fashion tended to draw a blank. It is Moore's almost childish vulnerability that is so endearing.

Liza Minelli and John Guilgud tend to play straight roles against him, but still have some excellent one-liners. John Guilgud in particular delivers his with a sarcastic and acerbic authority that is a treasure to watch. He invariably steals any scene in which he features and thoroughly deserved his Oscar. Correct me if I'm wrong, but he has never played any other comic role.

There is a follow-up movie called 'Arthur 2 - On The Rocks'. It never attains the same sublime levels of fun that this one reaches, but it is still rather good even so. Guilgud only gets a cameo appearance at the beginning and as a ghost. It is darker. And there is some interesting soul-searching. It will disappoint if you watch 'Arthur' first.

Hollywood seemed to loose interest in cuddly Dudley after these two outings. He eventually returned to Britain, dejected and apparently dying.

But 'Arthur' is a sample of what might have been. We can only imagine the other great movies he should have made.

Your're sadly missed, Dudley.\": {\"frequency\": 1, \"value\": \"When you see this ...\"}, \"The Good Earth is not a great film by any means, it is way to ordinary. Maybe it was different in the 1930's but who would want to see the life of a farmer. It is not very interesting to me. Yes, Luis Rainer and Paul Muni do an excellent job acting but the film dragged on way too long. I could have told you the ending of this movie by the first act. In short Wang Lung (Muni) a small time farmer who does not want to be like his own father turns out exactly like him. Both falling in love with their wives just as they are on their death beds. The film does a complete 360 going from one generation to the next. Also this film did not have any good character actors or funny moments, it just was depressing stuff about lasting as a farmer during a time of crisis.\": {\"frequency\": 1, \"value\": \"The Good Earth is ...\"}, \"I can understand those who dislike this movie cause of a lack of knowledge.

First of all, those girls are not Geisha, but brothel tenants, and one that don't know the difference will not understand half of the movie, and certainly not the end. This is a complete art work about the women's life and needs in this era. Everything is important, and certainly the way they dress, all over the movie means more than words. To those who thought it was a boring geisha movie, I'll suggest you to read a bit about this society before making a conclusion that is so out of the reality. This is Kurosawa's work of is life, and I'm sure that the director understood the silent meaning of Kurosawa's piece to the right intellectual range.\": {\"frequency\": 1, \"value\": \"I can understand ...\"}, \"What begins as a fairly clever farce about a somewhat shady security monitoring company turns, almost instantaneously, into an uninteresting and completely inane murder mystery. David Arquette and the great Stanley Tucci try mightily to make this train wreck watchable, but some things are just not humanly possible.

What, for instance, causes Gale to turn suddenly from a sweet motherly figure into a drunken shrew at Tommy's parents house? Why would Heinrich, although admittedly a sleezebag, want to destroy the business to which he devotes his life, by robbing and possibly murdering his customers? Why does the seemingly sensible Tommy believe that Heinrich could be a murderer (based almost entirely on a dream), and even if that were believable, why wouldn't he go to the police? And why didn't Gale activate the alarm when she got home, especially after scolding Howie about it being off? Of course, all of these events are necessary for the plot (and I use the term very, very loosely) to unfold. And it might be forgivable if it resulted in even the slightest bit of comedy. But everything, from Howie's description of his date rape, to the coroner's misidentification of Gale, to the final \\\"joke\\\" about Gale and Howie still being dead, is more tasteless and pathetic than anything else.

I checked the box indicating that my comments contained \\\"spoilers\\\", but there's nothing more I or anyone else could do to spoil this thing that already stinks to high heaven.\": {\"frequency\": 1, \"value\": \"What begins as a ...\"}, \"Parsifal (1982) Starring Michael Kutter, Armin Jordan, Robert Lloyd, Martin Sperr, Edith Clever, Aage Haugland and the voices of Reiner Goldberg, Yvonne Minton, Wolfgang Schone, Director Hans-Jurgen Syberberg.

Straight out of the German school of film, the kind that favored tons of symbolism and Ingmar Bergmanesque surrealism, came this 1982 film of Wagner's final masterpiece- Parsifal, written to correspond with Good Friday/Easter and the consecration of the Bayreuth Opera House. This film follows the musical score and plot accurately but the manner in which it was filmed and performed is bold and avant-garde and no other Parsifal takes the crown in its bizarre cinematography. Syberberg is known for controversial films. Prior to this film he had released films about Hitler and Nazism, Richard Wagner and his personal Anti-Semitism and a documentary about Winifred Wagner, one of his grand-daughters. This film is possibly disturbing in many aspects. Parsifal (sung by Reiner Goldberg but acted by Michael Kutter) is a male throughout the first part of the film and then, after the enchantment of Kundry's kiss, is transformed into a female. This gender-bending element displays the feminine/masculine/ying-yang nature of the quest for the Holy Grail, which serves all mankind and redeems it through Christ's blood. In the pagan sorcerer Klingsor's fortress, there are photographs of such notoriously sinister figures as Hitler, Nietzche, Cosima Wagner and Wagner's mistress Matilde Wesendock. The Swaztika flag hangs outside the fortress. Parsifal journeys into the 19th and 20th century throughout the film. The tempting Flower Maidens are in the nude. Kundry is portrayed as a sort of beautiful but corrupt Mary Magdalene or Eve from Genesis (played by Edith Clever but beautifully sung by mezzo-soprano Yvonne Minton). Ultimately, this film is for fans of this type of bizarre Germanic/European symbolic metafiction and for intellectuals who appreciate the symbolism, the history and lovers of Wagner opera. Indeed, the singing is grand and compelling. Reiner Goldberg's Parsifal is a focused and intense voice but it lacks the depth and overall greatness of the greater Parsifals of the stage - James King, Wolfgang Windgassen, Rene Kollo and today's own Placido Domingo. Yvone Minton is a sensual-voiced, dramatic and exciting Kundry, delving into her tormented state perfectly. While the production is certainly unorthodox and as un-Wagnerian as it can possibly get (Wagner's concept was Christian ceremonial pomp with Grails, spears, castles, Knights and wounded kings, a dark sorcerer, darkness turning into light, etc typical Wagnerian themes)..it is still an enjoyable, art-house film.\": {\"frequency\": 1, \"value\": \"Parsifal (1982) ...\"}, \"Steve Carell comes into his own in his first starring role in the 40 Year Old Virgin, having only had supporting roles in such films as Bewitched, Bruce Almighty, Anchorman, and his work on the Daily Show, we had only gotten a small taste of the comedy that Carell truly makes his own. You can tell that Will Ferrell influenced his \\\"comedic air\\\" but Carell takes it to another level, everything he does is innocent, lovable, and hilarious. I would not hesitate to say that Steve Carell is one of the next great comedians of our time.

The 40 Year Old Virgin is two hours of non-stop laughs (or 4 hours if you see it twice like I did), a perfect supporting cast and great leads charm the audience through the entire movie. The script was perfect with so many great lines that you will want to see the movie again just to try to remember them all. The music fit the tone of the movie great, and you can tell the director knew what he was doing.

Filled with sex jokes, some nudity, and a lot of language, this movie isn't for everyone but if you liked the Wedding Crashers, Anchorman, or any movie along those lines, you will absolutely love The 40 Year Old Virgin.\": {\"frequency\": 1, \"value\": \"Steve Carell comes ...\"}, \"Whoever wrote the script for this movie does not deserve to work in Hollywood at all (not even live there), and those actors need to find another job. The most dreadful hour and some minutes of my life... and I only kept watching to see if it would get better which, unfortunately for me it did not.

Even at the end, the credits gave me anxiety. I guess there weren't a lot of people behind the movie so they had to roll the credits slowly... very slowly.

This movie is definitely a great \\\"How Not To Make a Movie\\\" guide. Too bad I can't give a 0.\": {\"frequency\": 2, \"value\": \"Whoever wrote the ...\"}, \"This is a fair little show about the paranormal although it feels as if Art Bell and his ilk figured out how to carve a career out of the attitude that Carl Kolchak exemplified. Of course there probably wouldn't be an X-Files if this show hadn't prepped this audience for it so well. Darren McGavin is not exactly the super-heroic type but he is a plausible(enough) guy to deliver heroic deeds. Check out his work on some of those old Alfred Hitchcock Presents. Here he is the main attraction, there doesn't seem to be a girlfriend or wife who's a distraction. In fact there isn't a whole lot of sex appeal to the show. Something I'm noticing as well is that the pacing isn't really suspenseful in a typical way. There's a lot of throwaway humor to this show. Sometimes its just pokey to get to the climax. There's a thread from this show coming all the way up to the present MAD MEN show in terms of style. Not that David Chase writes Mad Men but the people that worked under him on The Sopranos definitely have emulated and inherited his serio-comic tone.\": {\"frequency\": 1, \"value\": \"This is a fair ...\"}, \"It was such a treat when this show was on because it was such a fresh, innovative, and original show. This makes every show I've ever watched look plain boring. The moment the first episode aired I was entranced and I became attached to all the characters so easy (which usually never happens because I always hate a few characters). It is a pity this show won't have a third season, because it has to be one of the best shows I have ever seen and that isn't exaggerating my feelings for the show at all. Nothing can ever replace Pushing Daisies, because what could ABC possibly find to replace this show? This is easily the best show on television.

I came for Kristin Chenoweth and I stayed because I fell in love with the entire show.\": {\"frequency\": 1, \"value\": \"It was such a ...\"}, \"\\\"Mechenosets\\\" is one of the most beautiful romantic movies I've ever seen. The name of the film can be translated in English as \\\"the sword-bearer\\\". The main hero (Sasha) was born with one exceptional ability: he can protect himself with the extremely sharp sword which emerges from under the skin in his hand. At first side he can seem one more foolish superhero from the senseless movie about unreal events and feelings. But it is not about Mechenosets. He hardly can be even called the anti-hero. I think he is just a person who lost the purport in his life and faith in good, justice and love. In his life he has never met someone who could understand and love him (except his mother). Every his step is stained with blood; he takes revenge on everybody for his gift which became a damnation for him. And suddenly he meets her. She doesn't need the idle talks and explanations. She loves him for what he is. She doesn't care what he did. The fact that he's next to her is more important than anything else. But soon she finds out his secret: he kills two people (her ex-boyfriend and his bodyguard) to protect her before her very eyes. Even after that she couldn't escape her feelings. They try to run but it's hart to hide. Finally they have a serious car accident. He is caged; she is in a mental hospital. They don't know anything about each other, but she believes that he'll save her. He surmounts a lot of obstacles but finally finds her. They run again but they aren't invulnerable. She is wounded, she needs a rest, but police almost catch them. He doesn't know what to do, they drive into a corner, and then his sword begins to cut down trees, helicopter around them, but there is no need for it, because she is already dead in his arms, and he is the lonely person in the whole world again.\": {\"frequency\": 1, \"value\": \"\\\"Mechenosets\\\" is ...\"}, \"First of all, this is a low-budget movie, so my expectations were incredibly low going into it. I assume most people looking at the info for this movie just wanted a bloodfest, and essentially that's all it is.

Plot? There really is none. It's basically Saw but in China and a whole hell of a lot worse. Cast? There is none, period. Special Effects? Absolutely awful in my opinion... There were cutaways and the blood was often completely unbelievable because of amounts, splatter, color, texture, etc.

I believe the purpose of this movie was supposed to be a brutal, shock film. Now it had some great potential on a bigger budget but poor scripting, poor dialogue, awful acting, what seemed like camcorder video shots, and just plain unbelievable \\\"gore,\\\" made this movie truly awful.

There are movies worth taking a chance against some reviews, even \\\"b-rate\\\" movies deserve some opportunities (blood trails for example was the most recent I saw against reviews that was worth it), but this was simply awful. I hope that people considering this movie read my comment and decide against it.

I'm all for brutality and shock, but the overall unrealism and truly awful acting makes for an awful experience. Save your time/money and chance something else, you won't be disappointed.\": {\"frequency\": 1, \"value\": \"First of all, this ...\"}, \"The 1960's were a time of change and awakening for most people. Social upheaval and unrest were commonplace as people spoke-out about their views. Racial tensions, politics, the Vietnam War, sexual promiscuity, and drug use were all part of the daily fabric, and the daily news. This film attempted to encapsulate these historical aspects into an entertaining movie, and largely succeeded.

In this film, two families are followed: one white, one black. During the first half of the film, the story follows each family on a equal basis through social and family struggles. Unfortunately, the second half of the movie is nearly dedicated to the white family. Admittedly, there are more characters in this family, and the story lines are intermingled, but equal consideration is not given to the racial aspects of this century.

On the whole, the acting is well done and historical footage is mixed with color and black and white original footage to give a documentary feel to the movie. The movie is a work of fiction, but clips of well-known historical figures are used to set the time-line.

I enjoyed the movie but the situations were predictable and the storyline was one-sided.\": {\"frequency\": 2, \"value\": \"The 1960's were a ...\"}, \"DEAD HUSBANDS is a somewhat silly comedy about a bunch of wives conspiring to bump off each others husbands`. It`s by no means embarrassingly bad like some comedies I could mention but it never fufils its potential . Imagine how good this could have been if we had the Farrelly brothers directing Ben Stiller in the role of Carter Elson .

Oh is Carter based on Jerry Springer ? Just curious because the catch phrase on Dr Elson`s show is \\\" look after each other and keep talking \\\"\": {\"frequency\": 1, \"value\": \"DEAD HUSBANDS is a ...\"}, \"\\\"A young woman unwittingly becomes part of a kidnapping plot involving the son of a movie producer she is babysitting. The kidnappers happen to be former business partners of the son's father and are looking to exact some revenge on him. Our babysitter must bide her time and wait to see what will become of the son and herself, while the kidnappers begin to argue amongst themselves, placing the kidnap victims in great peril,\\\" according to the DVD sleeve's synopsis.

That acclaimed director Ren\\ufffd\\ufffd Cl\\ufffd\\ufffdment could be responsible for this haphazard crime thriller is the real shocker. Despite beginning with the appearance of having been edited in a washing machine, the film develops a linear storyline. Once you've figured out what is going on, the engaging Maria Schneider (as Michelle) and endearing John Whittington (as Boots) can get you through the film. There are a couple of female nude scenes, which fit into the storyline well.

**** Wanted: Babysitter (10/15/75) Ren\\ufffd\\ufffd Cl\\ufffd\\ufffdment ~ Maria Schneider, John Whittington, Vic Morrow\": {\"frequency\": 1, \"value\": \"\\\"A young woman ...\"}, \"Take \\\"Rambo,\\\" mix in some \\\"Miami Vice,\\\" slice the budget about 80%, and you've got something that a few ten-year-old boys could come up with if they have a big enough backyard & too much access to \\\"Penthouse.\\\" Cop and ex-commando McBain (Busey, and with a name like McBain, you know he's as gritty as they come) is recruited to retrieve an American supertank that has been stolen & hidden in Mexico. Captured with the tank were hardbitten Sgt. Major O'Rourke (Jones) & McBain's former love Devon (Fluegel), the officer in command & now meat for the depraved terrorists/spies/drug peddlers, who have no sense of decency, blah, blah, blah. For an action movie with depraved sex, there's a dearth of action and not much sex. The running joke is that McBain gets shot all the time & survives, keeping the bullets as souvenirs. Apparently the writers didn't see \\\"The Magnificent Seven\\\" (\\\"The man for us is the one who GAVE him that face\\\"), nor thought to give McBain even a pretense of intelligence. Even for a budget actioner, the production values are poor, with distant shots during dialog and very little movement. The main prop, the tank, is silly enough for an Ed Wood production. Fluegel, who might have been a blonde Julia Roberts (she had a far bigger role in \\\"Crime Story\\\" than Julia!) has to go from simpering to frightened to butt-kicking & back again on an instant's notice. Jones, who's been in an amazing array of films, pretty much hits bottom right here. Both he & Busey were probably just out for some easy money & a couple of laughs. Look for talented, future character actor Danny Trejo (\\\"Heat,\\\" \\\"Once Upon a Time in Mexico\\\") in a stereotyped, menacing bit part. Much too dull even for a guilty pleasure, \\\"Bulletproof\\\" is still noisy enough to play when you leave your house but want people to think there's someone home.\": {\"frequency\": 1, \"value\": \"Take \\\"Rambo,\\\" mix ...\"}, \"The Horror Channel plays nothing but erotic soft porn Gothic flicks each night from 10pm till about 4 in the morning, but their 'scare' factor is very limited, if one exists at all. In fact I am sure I will find a multi-million pound lottery win more scary than anything this channel has to offer.

The Bloodsucker Leads the Dance deserves special mention because it is I feel, the undisputed low of a channel full of lows. I cannot even begin to tell you how bad this film is, but for the purpose of completing the minimum 10 lines demanded by this site, I will at least give it a go.

Firstly the title is misleading and bears no resemblance to the action on the screen. In fact the film might as well have been called 'Toothbrush' or 'Wallpaper' for all it has to do with the plot. At least they used toothbrushes...at least they had wallpaper.

There are no bloodsuckers for miles around and whats even worse there are no dances, not one. I'm sure they were making two different films by mistake here.

A more suitable title would have been, 'Horny Italian Count Leads Five People to a Scary Castle and Bores us Silly for Ninety Minutes.' Yes that fits better.

The acting is terrible and and the dubbing appalling, and that guy who plays Seymour was almost as wooden in his walk as he was in his character....abysmal.

The only saving graces of this film are a small but slightly interesting lesbian sex scene, two small and very interesting heterosexual sex scenes, and the added attraction in that every single female character gets her kit off. Bonus.

Otherwise steer a wide birth away from this one. No vampires, no dancing, no scenes of a brutal or gruesome nature and no way on Gods earth I will ever, ever, ever watch this one again.

No word of a lie, this film could put you off motion pictures for life.\": {\"frequency\": 1, \"value\": \"The Horror Channel ...\"}, \"Yaaaaaaaaaaaaaawwwwwwwwwwwwwwwwwnnnnnnnnnnnnn! :=8O

ZZZZZZZZzzzzzzzzzzzzzzzzzzzzzzzzzzzzzzzzz........... <=8.

Oh, um excuse me, sorry, fell asleep there for a mooment. Now where was I? Oh yes, \\\"The Projected Man\\\", yes... ZZZZZZZZzzzzzzzzzzzzzzzzzzzzzzz........... <=8.

Ooops, sorry. Yes, \\\"The Projected Man\\\". Well, it's a British sci-fi yawnfest about nothing. Some orange-headed guy projects himself on a laser, gets the touch of death. At last he vanishes, the end. Actually, the film's not even that interesting. Dull, droning, starchy, stiff, and back-breakingly boring, \\\"The Projected Man\\\" is 77 solid minutes of nothing, starring nobody. Dull as dishwater. Dull as doorknob dust. Dull as Ethan Hawke - we're talking really DULL here, people! But wait, in respect to our dull cousins from across the puddle, the MooCow will now do a proper review for \\\"The Projected Man\\\":

ZZZZZZZZZZzzzzzzzzzzzzzzzzzzzzzzzzzzzzzzzzzz.............. <=8.\": {\"frequency\": 1, \"value\": \"Yaaaaaaaaaaaaaawww ...\"}, \"Human pot roast Joe Don Baker (MITCHELL) stars in this dull, unremarkable `action' movie as Deputy Geronimo, a fat, gassy slob who sits around in a stupid looking cowboy suit, listening to country music and eating too many donuts. Meanwhile, a vaguely criminal guy named Palermo (played by the guy who owned the drill in Fulci's GATES OF HELL) stumbles into Joe Don's territory and shoots the sheriff in a poorly edited scene. Joe Don- slowly- gives chase and offs Palermo's brother after uttering his now legendary catch phrase `It's your move. Think you can take me? Well, go ahead on'. For some reason Joe Don, a Texas lawman, must transport Palermo to Italy (`Mr. Palermo's been a major source of embarrassment to the Italian government,' says Mr. Wilson, another vague character played by Bill McKinney, who was in MASTER NINJA 1, SHE FREAK, and a lot of good Clint Eastwood movies).

Anyhoo, Joe Don's plane must land on the island of Malta, where Palermo escapes with the help of a briefcase and a guy who looks like Jon Lovitz. And that's where the movie grinds to a halt. For the rest of the movie, Joe Don looks for Palermo, looses Palermo, ends up in a jail cell, is yelled at by the Malta chief of police, and then is let go with a warning not to look for Palermo any more. Then Joe Don keeps looking for Palermo, looses Palermo, ends up in a jail cell, is yelled at by the Malta chief of police, and then is let go with a warning not to look for Palermo any more. Then Joe Don looks for Palermo, looses Palermo, ends up in a jail cell, is yelled at by the Malta chief of police, and then is let go with a warning not to look for Palermo any more. This is one aggravating movie.

At one point Joe Don is thought to be dead at sea. All the other characters wonder if he's dead or not, finally concluding that he is. But then he shows up (he was rescued by a poor family) and no one mentions the fact that he was missing at sea for several days. Even his cute, Julia Louise-Dreyfuss-esque sidekick doesn't welcome him back. She does, however, offer to help him find Palermo, so Joe Don looks for Palermo, looses Palermo, ends up in a jail cell, is yelled at by the Malta chief of police, and then let go with a warning not to look for Palermo any more.

Highpoints include, a bizarre carnival with strange colorful floats, some sexy strippers, a shoot out involving a kid dressed like Napoleon AND a cart of tomatoes, a chase scene involving a guy dressed like a monk, and any scene without Joe Don. Lowpoints include Joe Don threatening a stripper with a coat hanger.

It should be noted that this is from Greydon Clark, director of ANGEL'S REVENGE, who appears as the sheriff. Ick!

\": {\"frequency\": 1, \"value\": \"Human pot roast ...\"}, \"Columbo movies have been going downhill for years, this year it may have reached the bottom. Peter Falk gives the same uninspired performance and comes over as creepy in this movie. As is usual in this series, crime scene protocols are unheard of so plausibility is always lacking. Brenda Vaccaro chews the scenery and pulls pantomime faces and Andrew Stephens is a pretty unconvincing lady's man. (His faint, though, was a hoot!)The script was by the numbers and its delivery patronising. They should never have brought Columbo into the nineties, just left us all with one or two happy memories of clever plots, better scripts and sharp characterisations.\": {\"frequency\": 1, \"value\": \"Columbo movies ...\"}, \"A LAUREL & HARDY Comedy Short. The Boys arrive to sweep the chimneys at the home of Professor Noodle, a mad scientist who's just perfected his rejuvenation serum. Stan & Ollie proceed with their DIRTY WORK, spreading destruction inside the house and on the roof. Then the Professor wants to try out his new potion...

A very funny little film. The ending is a bit abrupt, but much of the slapstick leading up to it is terrific. Especially good is Stan & Ollie's contest of wills at opposite ends of the chimney. That's Lucien Littlefield as the Professor.\": {\"frequency\": 1, \"value\": \"A LAUREL & HARDY ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"I just rented this ...\"}, \"I bought this video at Walmart's $1 bin. I think I over-paid!!! In the 1940s, Bela Lugosi made a long string of 3rd-rate movies for small studios (in this case, Monogram--the ones who made most of the Bowry Boys films). While the wretchedness of most of these films does not approach the level of awfulness his last films achieved (Ed Wood \\\"classics\\\" such as Bride of the Monster and Plan 9 From Outer Space), they are nonetheless poor films and should be avoided by all but the most die-hard fans.

I am an old movie junkie, so I gave this a try. Besides, a few of these lesser films were actually pretty good--just not this one.

Lugosi is, what else, a mad scientist who wants to keep his rather bizarre and violent wife alive through a serum he concocts from young brides. They never really explained WHY it had to be brides or why it must be women or even what disease his wife had--so you can see that the plot was never really hashed out at all.

Anyways, a really annoying female reporter (a Lois Lane type without Jimmy Olsen or Superman) wants to get to the bottom of all these apparent murders in which the bodies were STOLEN! So, she follows some clues all the way to the doorstep of Lugosi. Lugosi's home is complete with his crazed wife, a female assistant and two strange people who are apparently the assistant's sons (an ugly hunchbacked sex fiend and a dwarf). Naturally this plucky reporter faints repeatedly throughout the film--apparently narcolepsy and good investigative journalism go hand in hand! Eventually, the maniacs ALL die--mostly due to their own hands and all is well. At the conclusion, the reporter and a doctor she just met decide to marry. And, naturally, the reporter's dumb cameraman faints when this occurs. If you haven't noticed, there's a lot of fainting in this film. Or, maybe because it was such a slow and ponderous film they just fell asleep!\": {\"frequency\": 1, \"value\": \"I bought this ...\"}, \"First of all I am a butch, straight white male. But even with that handicap I love this movie. It's about real people. A real time and place. And of course New York City in the 80's. I had many gay friends growing up in New York in the eighties and the one thing about them i always admired was their courage to live their lives the way they wanted to live them. No matter what the consequences. That's courageous. You have to admire that. This is a great film, watch it and take in what it was like to be a flamboyant African American or Hispanic Gay man in the New York of the eighties. It's real life. Bottom line it's real life.\": {\"frequency\": 1, \"value\": \"First of all I am ...\"}, \"I have to admit right off the top, I'm not a big fan of \\\"family\\\" films these days. Most of them, IMHO, are sentimental crap. But this one, like TOY STORY, the previous film from Pixar, is a lot of fun. The two lead characters were perhaps a bit too bland(especially compared to the two leads in ANTZ, but otherwise this film is better), but the rest of the film more than made up for it. The animation looked great, the humor, though broad, was consistently good(I especially liked Hopper's line \\\"If I hadn't promised Mother on her deathbed that I wouldn't kill you, I would kill you!\\\"), and the actors doing the voices, except the two leads, were all terrific(Denis Leary doing an animated movie; what a concept). And like everyone else, I loved the outtakes! I hope the video has the new ones.\": {\"frequency\": 1, \"value\": \"I have to admit ...\"}, \"I have to say, Seventeen & Missing is much better than I expected. The perception I took from the previews was that it would be just humdrum but I was pleasantly surprised with this impressive mystery.

Dedee Pfeiffer is Emilie, a mom who insists her daughter, Lori (Tegan Moss), not attend a so-called graduation party one weeknight, but Lori ignores her mother's wishes and takes off for the party anyway. When Lori does not come home, Emilie knows something is wrong and she begins to have visions of her daughter and the events that led to her disappearance.

Seventeen & Missing is better than so many other TV movies of this type, as it is not so predictable. Pfeiffer is the reason to see this movie, and most of it comes off as believable. This LMN Original Movie premiered last night. 10/10\": {\"frequency\": 1, \"value\": \"I have to say, ...\"}, \"The arrival of vast waves of white settlers in the 1800s and their conflict with the Native American residents of the prairies spelled the end for the buffalo...

The commercial killers, however, weren't the only ones shooting bison... Train companies offered tourist the chance to shoot buffalo from the windows of their coaches... There were even buffalo killing contests... \\\"Buffalo\\\" Bill Cody killed thousands of buffalo... Some U. S. government officers even promoted the destruction of the bison herds... The buffalo nation was destroyed by greed and uncontrolled hunting... Few visionaries are working today to rebuild the once-great bison herds...

\\\"The Last Hunt\\\" holds one of Robert Taylor's most interesting and complex performances and for once succeeded in disregarding the theory that no audience would accept Taylor as a heavy guy...

His characterization of a sadistic buffalo hunter, who kills only for pleasure, had its potential: The will to do harm to another...

When he is joined by his fellow buffalo stalker (Stewart Granger) it is evident that these two contrasted characters, with opposite ideas, will clash violently very soon...

Taylor's shooting spree was not limited to wild beasts... He also enjoy killing Indians who steal his horses... He even tries to romance a beautiful squaw (Debra Paget) who shows less than generous to his needs and comfort...

Among others buffalo hunters are Lloyd Nolan, outstanding as a drunken buffalo skinner; Russ Tamblyn as a half-breed; and Constance Ford as the dance-hall girl... But Taylor steals the show... Richard Brooks captures (in CinemaScope and Technicolor) distant view of Buffalos grazing upon the prairie as the slaughter of these noble animals...

The film is a terse, brutish outdoor Western with something to say about old Western myths and a famous climax in which the bad guy freezes to death while waiting all night to gun down the hero...\": {\"frequency\": 1, \"value\": \"The arrival of ...\"}, \"This film has a clear storyline, which is quite unusual to the musical genre. \\\"Cats\\\", \\\"Phantom of the Opera\\\", and other Andrew Lloyd Webber's musicals can be considered metaphorical, as they use literary works as their framework. \\\"Biarkan Bintang Menari\\\" (BBM)'s storyline touches the very core of human relationships, especially that of Indonesian people. Despite the fact the film was based on a \\\"supposedly\\\" fairytale, it's actually a fantasy of the 'child' in Indonesian adults. The dance sequences are not perfect, yet the songs represent how Indonesians express themselves. I reckon the choreographer should explore Indonesian way of dancing, by not dismaying the fact that Indonesia's dance development tends to be more westernized. The dance sequences seem awkward in some ways and not synchronized with the songs and/or music. Yet, I still love this movie and regard it as a new wave of Indonesian film genre which I hope to improve in the future.\": {\"frequency\": 1, \"value\": \"This film has a ...\"}, \"I came across this film by accident when listing all the films I wanted my sister to record for me whilst I was on holiday and I am so glad that I included this one. It deals with issues that most directors shy away from, my only problem with this film is that it was made for TV so I couldn't buy a copy for my friend!

It's a touching story about how people with eating disorders don't necessarily shy away from everyone and how many actually have dieting buddies. It brought to my attention that although bulimics can maintain a fairly stable weight, it has more serious consequences on their health that many people are ignorant of.\": {\"frequency\": 1, \"value\": \"I came across this ...\"}, \"Eric Rohmer's 'The Lady and the Duke' is based on the journals of an English aristocrat who lived through the French revolution. But it's a stilted affair, with its strange, painted backdrops and mannered conversational tone. Most notably, this portrait of age of terror takes place almost entirely at one remove from the real action; one sees very little of ordinary people in this movie, and little of the chaos, poverty and terror that unfolded away from the drawing rooms of the persecuted, but spoilt, aristocratic classes. The result is frequently dull, and ultimately unenlightening about the forces that sometimes drive societies to the brink of destruction; it's a disappointing film from an acclaimed director.\": {\"frequency\": 1, \"value\": \"Eric Rohmer's 'The ...\"}, \"Either or, I love the suspension of any formulaic plot in this movie. I have re-visited it many times and it always holds up. A little too stylized for some but I fancy that any opera lover will love it. Norman Jewison, a fellow Canadian, takes enormous chances with his movies and his casting and it nearly always pays off in movies that are off centre and somehow delicious, as this one is. I have often wondered at the paucity of Cher's acting roles, whether she has chosen to minimize this part of her life or she does not get enough good roles to chew on. I have found her to be a superb actress who can retreat into a role, as in this particular one or be loud and daring and fierce as in \\\"Mask\\\". I found the comedic strokes broad at times ( a hair salon called \\\"Cinderella\\\")but this was the whole intent of both the writer and director. Nicolas Page plays the angst ridden tenor of opera, all extravagant gestures, at one point demanding a knife so as to slit his own throat. The Brooklyn scenes are magical, this is a Brooklyn under moonlight, romanticized and dramatic, just like opera. All in all a very satisfying film not to everyone's taste by a long shot, I loved the ending, everyone brought together like a Greek Chorus, every part subtly nuanced and blending with the others, the camera pulling away down the hall, leaving the players talking. 8 out of 10.\": {\"frequency\": 1, \"value\": \"Either or, I love ...\"}, \"Although I am generally a proponent of the well-made film, I do not limit myself to films which escape those boundaries, and more often than not I do enjoy and admire films that successfully \\\"break the rules.\\\" And it is quite true that director Pasolini breaks the rules of established cinema. But it is also my opinion that he does not break them successfully or to any actual point.

Pasolini's work is visually jarring, but this is less a matter of what is actually on the screen than how it is filmed, and the jumpiness of his films seem less a matter of artistic choice than the result of amateur cinematography. This is true of DECAMERON. Pasolini often preferred to use non-actors, and while many directors have done so with remarkable result, under Pasolini's direction his non-actors tend to remain non-actors. This is also true of DECAMERON. Pasolini quite often includes images designed to shock, offend, or otherwise disconcert the audience. Such elements can often be used with startling effect, but in Pasolini's hands such elements seldom seem to actually contribute anything to the film. This is also true of DECAMERON.

I have been given to understand there are many people who like, even admire Pasolini's films. Even so, I have never actually met any of them, and I have never been able to read anything about Pasolini or his works that made the reason for such liking or admiration comprehensible to me. Judging him from his works alone, I am of the opinion that he was essentially an amateurish director who did not \\\"break the rules\\\" so much by choice as by lack of skill--and who was initially applauded by the intelligentsia of his day for \\\" existential boldness,\\\" thereby simply confirming him in bad habits as a film maker. I find his work tedious, unimpressive, and pretentious. And this, too, is true of DECAMERON. It is also, sadly, true of virtually every Pasolini film it has been my misfortune to endure.\": {\"frequency\": 1, \"value\": \"Although I am ...\"}, \"This tear-teaser, written by Steve Martin himself, is so unbelievably bad, it makes you sick to your stomach!

The plot is pathetic, the acting awful, and the dialogue is even more predictable than the ending.

Avoid at all costs!\": {\"frequency\": 1, \"value\": \"This tear-teaser, ...\"}, \"As much as I like big epic pictures - I'll spare you the namedropping - it's great to kick back with a few beers and a simple action flick sometimes. Films where the plot takes a backseat to the set-pieces. Films where the dialogue isn't so cleverly written that it ties itself in endless knots of purple prose. There are HUNDREDS of films that fit the bill... but in my opinion Gone In Sixty Seconds is one of the better ones.

It's an update of the movie that shares its name. It also shares that picture's ethos, but not quite it's execution. Whatever was great about the original has been streamlined. Whatever was streamlined was also amped up thanks to a bigger budget. Often these kinds of endeavours are recipes for complete disaster - see the pug-ugly remake of The Italian Job for one that blew it - but here, thanks to a cast of mostly excellent actors, Sixty succeeds.

The plot and much of the dialogue isn't much to write IMDb about. Often you'll have scenes where the same line of dialogue goes back and forth between the actors, each of whom will voice it with different inflections. A lot of people found this annoying; I find it raises a smile. Each actor gets a chance to show off his or her definition of style here, with Cage, Jolie and Duvall leading the pack of course (and it should be noted that it's also amusing to see Mrs Pitt not given first billing here). The chemistry between good ol' Saint Nick the stalwart (see date of review) and Angelina leads to a couple of nice moments.

The villain is not even a little scary - I've seen Chris Eccleston play tough-guy roles before so I know he can handle them, but I think he was deliberately directed to make his role inconsequential as not to distract from the action. We know the heroes are going to succeed, somehow; we're just sitting in the car with them, enjoying the ride. I think a lot of these scenes were played with tongue so far in-cheek that it went over the heads of a lot of people giving this a poor rating. In fact, I wouldn't have minded some fourth-wall breaking winks at the camera: it's just that kind of movie.

All this style and not so much substance - something that often exhausts my patience if not executed *just* so - would be worthless if the action wasn't there. And for the most part, it is. Wonderfully so. I've noticed that it seems to be a common trend to be using fast-cut extreme close-up shots to direct action these days. I personally find this kind of thing exhausting. I prefer movies like this where the stunts are impressive enough to not need artificial tension ramping by raping tight shots all the time. I've been told that Cage actually did as many of the car stunts as he could get away with without losing his insurance (in real life I mean - his character clearly doesn't care) and it shows. The man can really move a vehicle and this is put to good use in the slow-burning climatic finale where he drives a Mustang into the ground in the most outlandish - and FUN - way possible.

So yes, this movie isn't an \\\"epic, life-affirming post-9/11 picture with obligatory social commentary\\\" effort. The pacing is uneven, some of the scenes could have been cut and not all the actors tow the line. But car movies rarely come better than this. So if you hate cars... why are you even reading these comments?!

I'd take it over the numerous iterations of \\\"The Flaccid And The Tedious\\\" (guess the franchise) any day. 7/10\": {\"frequency\": 1, \"value\": \"As much as I like ...\"}, \"Vijay Krishna Acharya's 'Tashan' is a over-hyped, stylized, product. Sure its a one of the most stylish films, but when it comes to content, even the masses will reject this one. Why? The films script is as amateur as a 2 year old baby. Script is king, without a good script even the greatest director of all-time cannot do anything. Tashan is produced by the most successful production banner 'Yash Raj Films' and Mega Stars appearing in it. But nothing on earth can save you if you script is bland. Thumbs down!

Performances: Anil Kapoor, is a veteran actor. But how could he okay a role like this? Akshay Kumar is great actor, in fact he's the sole saving grace. Kareena Kapoor has never looked so hot. She looks stunning and leaves you, all stand up. Saif Ali Khan doesn't get his due in here. Sanjay Mishra, Manoj Phawa and Yashpal Sharma are wasted.

'Tashan' is a boring film. The films failure at the box office, should you keep away.\": {\"frequency\": 1, \"value\": \"Vijay Krishna ...\"}, \"I saw this on cable recently and kinda enjoyed it. I've been reading the comments here and it seems that everyone likes the second half more than the first half. Personally, I enjoyed the first story (too bad that wasn't extended.) The second story, I thought, was cliched. And that \\\"California Dreaming,\\\" if I hear that one more time... Chungking Express is alright, but it's not something that mainstream audiences will catch on to see, like \\\"Crouching Tiger.\\\"\": {\"frequency\": 1, \"value\": \"I saw this on ...\"}, \"\\\"The Brain Machine\\\" will at least put your own brain into overdrive trying to figure out what it's all about. Four subjects of varying backgrounds and intelligence level have been selected for an experiment described by one of the researchers as a scientific study of man and environment. Since the only common denominator among them is the fact that they each have no known family should have been a tip off - none of them will be missed.

The whole affair is supervised by a mysterious creep known only as The General, but it seems he's taking his direction from a Senator who wishes to remain anonymous. Good call there on the Senator's part. There's also a shadowy guard that the camera constantly zooms in on, who later claims he doesn't take his direction from the General or 'The Project'. Too bad he wasn't more effective, he was overpowered rather easily before the whole thing went kablooey.

If nothing else, the film is a veritable treasure trove of 1970's technology featuring repeated shots of dial phones, room size computers and a teletype machine that won't quit. Perhaps that was the basis of the film's alternate title - \\\"Time Warp\\\"; nothing else would make any sense. As for myself, I'd like to consider a title suggested by the murdered Dr. Krisner's experiment titled 'Group Stress Project'. It applies to the film's actors and viewers alike.

Keep an eye out just above The General's head at poolside when he asks an agent for his weapon, a boom mic is visible above his head for a number of seconds.

You may want to catch this flick if you're a die hard Gerald McRaney fan, could he have ever been that young? James Best also appears in a somewhat uncharacteristic role as a cryptic reverend, but don't call him Father. For something a little more up his alley, try to get your hands on 1959's \\\"The Killer Shrews\\\". That one at least doesn't pretend to take itself so seriously.\": {\"frequency\": 1, \"value\": \"\\\"The Brain ...\"}, \"Four macho rough'n'tumble guys and three sexy gals venture into a remote woodland area to hunt for a bear. The motley coed group runs afoul of crazed Vietnam veteran Jesse (an effectively creepy portrayal by Alberto Mejia Baron), who not surprisingly doesn't take kindly to any strangers trespassing on his terrain. Director/co-writer Pedro Galindo III relates the gripping story at a steady pace, creates a good deal of nerve-rattling tension, and delivers a fair amount of graphic gore with the brutal murder set pieces (a nasty throat slicing and a hand being blown off with a shotgun rate as the definite gruesome splatter highlights). The capable cast all give solid performances, with especially praiseworthy work by Pedro Fernandez as the nice, humane Nacho, Edith Gonzalez as the feisty Alejandra, Charly Valentino as the amiable Charly, and Tono Mauri as antagonistic jerk Mauricio. Better still, both yummy blonde Marisol Santacruz and lovely brunette Adriana Vega supply some tasty eye candy by wearing skimpy bathing suits. Antonio de Anda's slick, agile cinematography, the breathtaking sylvan scenery, Pedro Plascencia's robust, shuddery, stirring score, the well-developed characters, and the pleasingly tight'n'trim 76 minute running time further enhance the overall sound quality of this bang-up horror/action hybrid winner.\": {\"frequency\": 1, \"value\": \"Four macho ...\"}, \"This movie is really special. It's a very beautiful movie. Which starts with three orphans, Sho, his brother Shinji and their friend Toshi, They're poor children's, living on the street, but one day they succeeded to steal a bag full of money, and then their able to live on, to buy a house, and their life seems to become much better. They're making new friend, life-friends. But something went wrong and they're becoming enemies and it all ends up with them killing each other.

I was negative about this movie in the beginning, because when singers (Gackt - Solo, ex-singer in Malice Mizer, Hyde - Solo, singer in L'Arc~en~Ciel, both very famous in Japan and Wang Lee-Hom - Taiwanese singer) trying to become actors, but this isn't like the other singers-going-actors-movies. They're doing a great job, and with no earlier experience in movies (except for Lee-Hom, who had been in two movies before).

This is absolutely one of my favorite movies. Maybe that's a little because I'm a very big fan of Hyde, but - it was this movie who made me discover him.

Well, Gackt (playing the main character - the orphan Sho) was a part of the group who wrote the script, and it was he who insisted that Hyde should play Sho's friend, the vampire Kei. At that time they didn't know each other, at least not like friends. But after the movie they became really good friend, and that shows us too that they really worked hard on this movie and that they had good cooperation.

The movie have many different feelings running trough the story, Love, Hate, Sadness, Pain, Loneliness, Happiness and so on. I think the first hour are the best, it's so beautiful. After that people are dying, Kei's leaving and it all changes so much. But still it's a great movie, it's the only movie who has ever made me cry, it ends up so sad, but still beautiful.

So if you haven't seen this movie, you really should. Because it's wonderful, but sad. You won't regret it. ^^\": {\"frequency\": 1, \"value\": \"This movie is ...\"}, \"The Maxx is a deep psychological introspective lightly camouflaged as a weird-out superhero story. Julie Winters is a \\\"freelance social worker\\\" in an unnamed filthy city, ridden with crime, and she and everyone she knows has a lot of issues to work through. The Maxx is her friend and client, a street bum who thinks he's a costumed superhero - or is it the other way around?

The Maxx is not to be missed for the artwork, the story itself, or the excellent voice work - particularly the late Barry Stigler's deliciously urbane, drippingly evil voicing of the main villain, Mr. Gone.

If you get the chance to see this, don't miss it.\": {\"frequency\": 1, \"value\": \"The Maxx is a deep ...\"}, \"In Mexico this movie was aired only in PayTV. Dietrich Bonhoeffer's life, is a true example about a good German and specially, about a good man. The conversations between Tukur's character and the Nazi prosecutor are specially interesting. A true ideas' war: two different Germans, both with faith in there believes. Bonhoeffer was a very complex person: man, freedom fighter, boyfriend, churchman and a great intellectual; Ulrich Tukur is outstanding as Bonhoeffer. I recommended this film a lot, specially in this difficult times for the planet. In Mexico we don't know a lot about Pastor Bonhoeffer life and legacy, this is a great work for rescue a forgotten hero.\": {\"frequency\": 1, \"value\": \"In Mexico this ...\"}, \"The comedic might of Pryor and Gleason couldn't save this dog from the tissue-thin plot, weak script, dismal acting, and laughable continuity in editing this mess together. It has a very few memorable moments, but the well dries up quickly. As a kid I remember this as a Luke-warm vehicle for the two actor-comedians, but there was always something strange about the flow and feeling of what was being conveyed in each scene and how this ties to the plot overall. Watching it again after many years, it screams schlock-a-mania. I'm not so concerned with the racial controversy, as I wouldn't mind seeing a movie take that issue on with a little levity. The most obvious fault to me is that the scenes are laid out like a jumbled, non-related series of 2 minute situation comedy bits (any not very good ones at that), that were stapled together by the editor after an all-nighter at the local watering hole. Characters change feelings and motivations on a dime, without rhyme nor reason, between scenes and within scenes, making this feel as though no one had any idea of what to get out of the screenplay. Not that it was any gem to start with. I feel bad for the two actors whose legacy is marred by this disaster that should never have been made. Maybe my sense of humor has become too refined...\": {\"frequency\": 1, \"value\": \"The comedic might ...\"}, \"SPOILERS All too often, Hollywood's Shakespeare adaptations entertaining pieces of cinema. Beautifully shot they are well performed and faithful to the text. Films including Branagh's \\\"Henry V\\\" and 1993's \\\"Much Ado About Nothing\\\" are powerful pieces of work. Watching \\\"Love's Labour's Lost\\\" therefore, it's such a huge disappointment for expectation to be so hideously thrown to waste. Sadly \\\"Love's Labour's Lost\\\" is awful! The King of Navarre (Alessandro Nivola) and his friends have forsaken drink and women for three years to focus on their studies. Plans begin to fall apart however when the enigmatic Princess of France (Alicia Silverstone) and her entourage arrive. Soon love is in the air and philosophy is off the Prince's mind.

From the start, you realise that this film is not quite Shakespeare. Cleverly relocated into a 1930s musical by Ken Branagh, the plot is still there and the script remains, but now it has been sacrificed in favour of dire musical taste. Classics like \\\"The Way You Look Tonight\\\", \\\"Let's Face The Music and Dance\\\", \\\"I'm in Heaven\\\" are all destroyed by weak singing and a strong feel that they just don't belong here.

Aside from weak singing, we are also treated to an increasingly large number of awkward performances by regular stars. Ken Branagh and friends might enjoy making this film, but they provide us with a stomach turning collection of roles.

The main eight actors (four men & four women) are all equally dire, and the only positive on their behalf is a vast improvement on the truly dreadful Timothy Spall.

In fact, only one individual leaves the film worthy of any praise and that's the consistently magnificent Nathan Lane. Lane has proved over the years that he is a comedy genius and in this feature he once again adds an air of humour to the jester Costard.

There's little else to be said really. \\\"Love's Labour's Lost\\\" deserves mild praise for Branagh's original take on an old tale. Unfortunately though, that's where the positives end. Weakly acted, performed, sang and constructed, \\\"Love's Labour's Lost\\\" is perhaps the weakest Shakespeare adaptation of the last forty years. It should be avoided like the plague and should never have been made. A poor, disappointing choice by Branagh and here's hoping his next effort is better.\": {\"frequency\": 1, \"value\": \"SPOILERS All too ...\"}, \"The ending of this movie made absolutely NO SENSE. What a waste of 2 perfectly good hours. If you can explain it to me...PLEASE DO. I don't usually consider myself unable to \\\"get\\\" a movie, but this was a classic example for me, so either I'm slower than I think, or this was a REALLY bad movie.\": {\"frequency\": 1, \"value\": \"The ending of this ...\"}, \"This is the official sequel to the '92 sci-fi action thriller. In the original, Van Damme was among several dead Vietnam War vets revived to be the perfect soldiers (Unisols). In this one, it's, I guess, about a dozen years later, since Van Damme has a daughter about that age. Now he's working with the government in a classified installation to train the latest Unisols - codenamed Unisol 2500, for some reason. As usual, something goes wrong: the on-site super-computer (named Seth - like the snake in \\\"King Cobra\\\" the same year) goes power-crazy, takes command of the Unisols, and even downloads its computer brain into a new super-Unisol body (Jai White). We're lookin' at the next step in evolution, folks! Most of Van Damme's fights are with one particularly mean Unisol (pro wrestler Goldberg) who just keeps on comin': drop him off a building - no good; run him down with a truck - no go! Shoot him, burn him - forgetaboutit! Much of the humor is traced to how Van Damme is now outmoded and out-classed(he's even going grey around the edges). But, though he takes a lickin', he keeps on kickin'! Most sequels of this sort are pretty lame - pale imitations of the originals, and while this one is certainly no stroke of genius, it manages to be consistently entertaining, especially if you're a pro-wrestling fan.\": {\"frequency\": 1, \"value\": \"This is the ...\"}, \"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\": {\"frequency\": 1, \"value\": \"Ronald Reagan and ...\"}, \"This is one of those landmark films which needs to be situated in the context of time.Darkness in Tallinn was made in 1993.It was a period of chaos,confusion and gross disorder not only for ordinary denizens of Estonia but also for countless citizens of other former nations which were a part of mighty Soviet empire.It was in such a tense climate that a young country named Estonia was born.As newly established governments are known to encounter teething problems,Estonia too faced numerous troubles as some corrupt officials manipulated state machinery for filling their dirty pockets by making use of their selfish means.This is one of this film's core themes.Darkness in Tallinn appears as an Estonian film but it was made by a Finnish director Ilka J\\ufffd\\ufffdrvilaturi. He has tried his best to infuse as many possible doses of Estonian humor.This is why one can call it a comedy film of political undertones.As ordinary people are involved in this film, we can say that this film signifies good versus evil.This is not a new concept as it is readily available in most of the religious books of different faiths.Darkness in Talinn shows us as to how ordinary governments can also be toppled by corrupt people.A nice film to watch on a sunny day.\": {\"frequency\": 1, \"value\": \"This is one of ...\"}, \"When I refer to Malice as a film noir I am not likening it to such masterpieces as Sunset Boulevard, Double Indemnity or The Maltese Falcon, nor am I comparing director Becker to Alfred Hitchcock, Stanley Kubrick, Stanley Kramer or Luis Bunuel. I am merely registering a protest against the darkness that pervades this movie from start to finish, to the extent that most of the time you simply cannot make out what is going on. I can understand darkness in night scenes but this movie was dark even in broad daylight, for what reason I am at loss to understand. As it is, however, it wouldn't have made much difference if director Becker had filmed it in total darkness.\": {\"frequency\": 1, \"value\": \"When I refer to ...\"}, \"I love this show! Mr. Blick, Gordon, and Waffle are cats so different from each other, yet they refer to themselves collectively as 'brothers.' I often find myself trying to imitate the tired, sighing accent of their butler, Hovis, or even the Scottish borough of Gordon. There should be more episodes made about Human Kimberly. The episode about the cats disguising themselves as pre-teen girls to gain admittance to Human Kimberly's slumber party in order to get their thirsty paws on their favorite drink, Rootbeer, is a hilarious classic. We can't drink rootbeer in our house now without either doing the Catscratch voices or the Hanson Brothers from the movie 'Slap Shot.' Future classic. Where can I get the first two seasons on DVD??\": {\"frequency\": 1, \"value\": \"I love this show! ...\"}, \"The movie 'Gung Ho!': The Story of Carlson's Makin Island Raiders was made in 1943 with a view to go up the moral of American people at the duration of second world war. It shows with the better way that the cinema can constitute body of propaganda. The value of this film is only collection and no artistic. In a film of propaganda it is useless to judge direction and actors. Watch that movie if you are interested to learn how propaganda functions in the movies or if you are a big fun of Robert Mitchum who has a small role in the film. If you want to see a film for the second world war, they exist much better and objective. I rated it 4/10.\": {\"frequency\": 1, \"value\": \"The movie 'Gung ...\"}, \"The film is poorly casted, except for some familiar old Hollywood names. Other performances by unknown names (i.e., Jennifer Gabrielle) are uninspiring. I have seen other films by this director, unfortunately this is one of his worst. Perhaps this is a reflection of the screenplay?

In a positive note, Kim Bassinger's and Pat Morita's performance saved the movie from oblivion. I enjoyed Pat more in Karate Kid, though. There are many good movies to see, and in short, this one is not one of them. Save your money and the celluloid.

Jason Vanness\": {\"frequency\": 2, \"value\": \"The film is poorly ...\"}, \"If you are studying Welles and want to see just how far he fell after Citizen Kane, this film will prove it. The cheap excuse of making the protagonist a self-admitted dummy to explain how he might fall into such a half-baked scheme fails to explain the absurd courtroom theatrics and ridiculous plot twists that eventually ensue. Don't be taken in by the high rating of this film in the db as I was; all I can guess is that there are a lot of die hard old Welles and Hayworth fans out there.\": {\"frequency\": 1, \"value\": \"If you are ...\"}, \"Director Raoul Walsh was like the Michael Bay of the '40's and years before that. And I mean that in a positive way, since I'm definitely ain't no Bay-hater. His movies are just simple high quality entertainment, just like the Raoul Walsh movies were in his days.

\\\"Gentleman Jim\\\" is fine quality entertainment. Besides a first class director, it also features a first grade cast, with Raoul Walsh's regular leading man Errol Flynn in the main part.

What surprised me was how well the boxing matches were brought to the screen. They used some very dynamic camera-work, which also really made the boxing matches uplifting and exciting to watch, with the end championship fight against John L. Sullivan as the ultimate highlight.

Biopics of the '40's and earlier on were obviously still very much different from biographies being made this present day. Modern biographies often glorify its main subject and show his/her life from basically birth till death and everything, mostly emotional aspects, in between. 'Old' biopics were just made the same as movies that weren't based on actual real life persons, which also means that the film-makers would often use a use amount of creative liberty with the main character's personality and events that happened in his/her life. This movie is also not just a biography about a boxing legend but also forms a nice portrayal from the period when illegal bare knuckle fighting entered the modern era of boxing.

Errol Flynn does a great job portraying the real life famous boxer James J. Corbett aka Gentleman Jim. Not too many people known it but Flynn did some real good acting jobs in the '40's, of which this movie is one. Fysicaly he also looks in top-shape. He also looks quite different by the way without his trademark small mustache in this movie. The movie also features some fine supporting actors and some fine acting throughout.

A great and entertaining movie that also still truly holds up real well today.

8/10\": {\"frequency\": 1, \"value\": \"Director Raoul ...\"}, \"An ultra-nervous old man, \\\"Mr. Goodrich,\\\" terrorized by the news that a gang is stalking the city and prominent citizens are disappearing, really panics when someone throws a rock through his window with a message tied to it, saying \\\"You will be next!\\\"

He calls the detective agency wondering where are the guys he asked for earlier. Of course, it's the Stooges, who couldn't respond because had come into the office, robbed them and tied them up. Some detectives! The moment poor Mr. Goodrich hangs up the phone and says, \\\"I feel safer already,\\\" a monster-type goon named \\\"Nico\\\" appears out of a secret panel in the room and chokes him unconscious. We next find out that his trusted employees are anything but that. Now these crooks have to deal with the \\\"detectives\\\" that are coming by the house for Mr. Goodrich.

Some of the gags, like Moe and Larry's wrinkles, are getting a bit old, but some of them will provoke laughs if I see them 100 times. I always laugh at Shemp trying to be a flirt, as he does here with Mr. Goodrich's niece, in a classic routine with a long, accordion-like camera lens. The act he puts on when he's poisoned is always funny, too. Shemp was so good that I didn't mind he was taking the great Curly's place.

Larry, Moe, Curly/Shemp were always great in the chase scenes, in which monsters or crooks or both are chasing them around a house. That's the last six minutes in here. At times, such as this film,\": {\"frequency\": 1, \"value\": \"An ultra-nervous ...\"}, \"Cypher is a clever, effective and eerie film that delivers. Its good premise is presented well and it has its content delivered in an effective manner but also in a way the genre demands. Although one could immediately label the film a science fiction, there is a little more to it. It has it's obvious science fiction traits but the film resembles more of a noir/detective feel than anything else which really adds to the story.

The film, overall, plays out like it's some kind of nightmare; thus building and retaining a good atmosphere. We're never sure of what exactly is going on, we're never certain why certain things that are happening actually are and we're not entirely sure of certain people, similar to having a dream \\ufffd\\ufffd the ambiguity reigns over us all \\ufffd\\ufffd hero included and I haven't seen this pulled off in such a manner in a film before, bar Terry Gilliam's Brazil. Going with the eeriness stated earlier, Cypher presents itself with elements of horror as well as detective, noir and science fiction giving the feeling that there's something in there for everyone and it integrates its elements well.

There is also an espionage feeling to the film that aids the detective side of the story. The mystery surrounding just about everyone is disturbing to say the least and I find the fact that the character of Rita Foster (Liu), who is supposed to resemble a femme fatale, can be seen as less of a threat to that of everything else happening around the hero: People whom appear as friends actually aren't, people who say they're helping are actually using and those that appear harmless enough are actually deadlier than they look. Despite a lot of switching things around, twisting the plot several times and following orders that are put across in a way to make them seem that the world will end if they're not carried out; the one thing that seems the most dangerous is any romantic link or connection with Lucy Liu's character \\ufffd\\ufffd and she's trying to help out(!) The film maintains that feeling of two sides battling a war of espionage, spying and keeping one up on its employees and opponents. The whole thing plays out like some sort of mini-Cold war; something that resembles the U.S.A. and the U.S.S.R. in their war of word's heyday and it really pulls through given the black, bleak, often CGI littered screen that I was glued to.

What was also rather interesting and was a nice added touch was the travel insert shot of certain American states made to resemble computer microchips as our hero flies to and from his stated destinations \\ufffd\\ufffd significant then how the more he acts on his and Foster's own motivation this sequence disappears because he's breaking away from the computerised, repetitive, controlled life that he's being told to live and is branching out.

Cyhper is very consistent in its content and has all the elements of a good film. To say it resembles the first Jason Bourne film, only set in the sci-fi genre, isn't cutting it enough slack but you can see the similarities; despite them both being released in the same year. Like I mentioned earlier, there feels like there is something in this film for everyone and if you can look past the rather disappointing ending that a few people may successfully predict, you will find yourself enjoying this film.\": {\"frequency\": 1, \"value\": \"Cypher is a ...\"}, \"This is no doubt one of the worst movies I have ever seen. This makes your run of the mill TV movie look like Reservoir Dogs. Based on a book by the one and only Britney Spears and her mother this is trash with nothing bar a reasonable performance from Virginia Madsen (I hope you got paid well) to save it. The story of a red neck country gill who wins a scholarship in a prestigious music school is little but a vehicle to pedal Ms Spears pants music to the consumer and to generally agree that low brow must be the way. There is nothing good going on here with all the beats as predictable as night following day. Never ever again.\": {\"frequency\": 1, \"value\": \"This is no doubt ...\"}, \"A charming boy and his mother move to a middle of nowhere town, cats and death soon follow them. That about sums it up.

I'll admit that I am a little freaked out by cats after seeing this movie. But in all seriousness in spite of the numerous things that are wrong with this film, and believe me there is plenty of that to go around, it is overall a very enjoyable viewing experience.

The characters are more like caricatures here with only their basis instincts to rely on. Fear, greed, pride lust or anger seems to be all that motivate these people. Although it can be argued that that seeming failing, in actuality, serves the telling of the story. The supernatural premise and the fact that it is a Stephen King screenplay(not that I have anything specific against Mr. King) are quite nicely supported by some interesting FX work, makeup and quite suitable music. The absolute gem of this film is without a doubt Alice Krige who plays Mary Brady, the otherworldly mother.

King manages to take a simple story of outsider, or people who are a little different(okay - a lot in this case), trying to fit in and twists it into a campy over the top little horror gem that has to be in the collection of any horror fan.\": {\"frequency\": 1, \"value\": \"A charming boy and ...\"}, \"I'm watching the series again now that it's out on DVD (yay!) It's striking me as fresh, as relevant and as intriguing as when it first aired.

The central performances are gripping, the scripts are layered.

I'll stick my neck out and put it up there with The Prisoner as a show that'll be winning new fans and still be watched come 2035.

I've been asked to write some more line (it seems IMDb is as user unfriendly and anally retentively coded as ever! Pithy and to the point is clearly not the IMDb way.)

Well, unlike IMDb's submissions editors, American Gothic understands that simplicity is everything.

In 22 episodes, the show covers more character development than many shows do in seven seasons. On top of which it questions personal ethics and strength of character in a way which challenges the viewer at every turn to ask themselves what they would choose and what they would think in a given situation.

When the show first aired, I was still grieving for Twin Peaks and thought it would be a cheap knock off. Personally I'm starting to rate it more highly and suspect it will stand up better over the years. Reckon it don't get more controversial than that!\": {\"frequency\": 1, \"value\": \"I'm watching the ...\"}, \"This move was on TV last night. I guess as a time filler, because it sucked bad! The movie is just an excuse to show some tits and ass at the start and somewhere about half way. (Not bad tits and ass though). But the story is too ridiculous for words. The \\\"wolf\\\", if that is what you can call it, is hardly shown fully save his teeth. When it is fully in view, you can clearly see they had some interns working on the CGI, because the wolf runs like he's running in a treadmill, and the CGI fur looks like it's been waxed, all shiny :)

The movie is full of gore and blood, and you can easily spot who is going to get killed/slashed/eaten next. Even if you like these kind of splatter movies you will be disappointed, they didn't do a good job at it.

Don't even get me started on the actors... Very corny lines and the girls scream at everything about every 5 seconds. But then again, if someone asked me to do bad acting just to give me a few bucks, then hey, where do I sign up?

Overall boring and laughable horror.\": {\"frequency\": 1, \"value\": \"This move was on ...\"}, \"Ashley Judd, in an early role and I think her first starring role, shows her real-life rebellious nature in this slow-moving feminist soap opera. Wow, is this a vehicle for political correctness and extreme Liberalism or what?

Being a staunch feminist in real life, she must have cherished this script. No wonder Left Wing critic Roger Ebert loved this movie; it's right up his political alley, too.

Unlike the reviewers here, I am glad Judd elevated herself from this moronic fluff to better roles in movies that entertained, not preached the heavy-handed Liberal agenda.\": {\"frequency\": 1, \"value\": \"Ashley Judd, in an ...\"}, \"This show proved to be a waste of 30 minutes of precious DVR hard drive space. I didn't expect much and I actually received less. Not only do I expect this show to be canceled by the second episode, I cannot believe that Geico will ever attempt to use the cavemen ad campaign EVER again. I would have preferred spending a night checking my daughter's hair for head lice than watching this piece of refuse. I wonder what ABC passed on to make this show fit into the '07 fall schedual, perhaps a hospital/crime/mocumentary reality show featuring the AFLAC duck? In the event that I failed to express my opinion about this show let me be clear and say that it is not too good.\": {\"frequency\": 1, \"value\": \"This show proved ...\"}, \"My kid makes better videos than this! I feel ripped off of the $4.00 spent renting this thing! There is no date on the video case, apparently designed by Wellspring; and, what's even worse, there's no production date for the original film listed anywhere in the movie! The only date given is 2002, leading an unsuspecting renter to believe he's getting a recent film.

This movie was so bad from a standpoint of being outdated and irrelevant for any time period but precisely when it was made, that I'm amazed that anyone would take the time and expense to market it as a video. It might be of interest to students studying the counter-culture of the 1960's, the anti-war, anti-establishment, tune-in, turn-on and drop out culture; but when you read the back of the video case, there's no hint that that is what you're getting. If you do make the mistake of renting it though, it is probably best viewed while on drugs, so that your mind will more closely match the wavelength of the minds of the directors, Fassbinder and Fengler. Regardless of your state of mind while watching it, I can tell you that it doesn't get any better after the first scene; so, knowing that, I'm sure you'll be fast asleep long before the end.\": {\"frequency\": 1, \"value\": \"My kid makes ...\"}, \".... And after seeing this pile of crap you won't be surprised that it wasn't published

!!!! SPOILERS !!!!

This is a terrible movie by any standards but when I point out that it's one of the worst movies that has the name Stephen King in the credits you can start to imagine how bad it is . The movie starts of with two characters staring open mouthed at a scene of horror :

\\\" My god . What happened here ? \\\"

\\\" I don't know but they sure hate cats \\\" *

The camera pans to the outside of a house where hundreds of cats are strung up dead and mutilated . Boy this guy is right , someone does hate cats and with a deduction like that he should be a policeman . Oh wait a minute , he is a policeman and when a movie starts with a cop making an oh so obvious observation you just know you're going to be watching a bad movie

The reason SLEEPWALKERS is bad is that it's very illogical and confused . We eventually find out the monsters of the title need the blood of virgins to survive . Would they not be better looking for a virgin in the mid west bible belt rather than an American coastal town ? Having said that at least we know of the monsters motives - That's the only thing we learn . We never learn how they're able to change shape or are able to make cars become invisible and this jars with the ending that seems to have been stolen from THE TERMINATOR . Monster mother walks around killing several cops with her bare hands or blowing them up via a police issue hand gun ( ! ) but if her monster breed is immune from police fire power then why do the creatures need the ability to change shape or become invisible ? The demise of the creatures is equally ill thought out as there killed by a mass attack of household cats . If they can be killed by cats then why did the monsters not kill all the cats that were lying around the garden ? There was a whole horde of moggies sitting around but the monsters never thought about killing them . I guess that's so the production team can come up with an ending . It was that they started the movie my complaint lies

We're treated to several scenes where famous horror movie directors like John Landis , Clive Barker and even Stephen King make cameos . I think the reason for this is because whenever a struggling unknown actor read the script they instantly decided that no matter what , they weren't going to appear in a movie this bad so Stephen King had to phone up his horror buddies in order to fill out the cast . That's how bad SLEEPWALKERS is

* Unbelievable as it seems that wasn't the worst line in the movie . The worst line is - \\\" That cat saved my life \\\"\": {\"frequency\": 1, \"value\": \".... And after ...\"}, \"Grey Gardens was enthralling and crazy and you just couldn't really look away. It was so strange, and funny and sad and sick and \\ufffd\\ufffd\\ufffd\\ufffd\\ufffd\\ufffd.. really no words can describe. The move Grey Gardens is beyond bizarre. I found out about this film reading my Uncle John's Great Big Bathroom Reader, by the Bathroom Reader's Institute and it was well worth the rental and bump to the top of my movie watching queue. This movie is about the nuttiest most eccentric people that may have ever been filmed. One should watch it for their favorite Edie outfits, which I am sure include curtains. When I get old I almost wish to be just like Big Edie, thumbing my nose at normalcy and society.\": {\"frequency\": 1, \"value\": \"Grey Gardens was ...\"}, \"OK, so obviously ppl thought this was a good movie in 1955.

I pity the fools who still think so... Its absolute rubbish.

The story is just ... ridiculous. The characters are absurd caricatures - but this film is not meant to satirise, im sure its meant to be a serious drama isn't it?

Dean and others, are too old for their parts. People say Dean is great in this film, and well, maybe he did play his part as well as he possibly could've. His character is meant to be 16 or 17 or so. But Dean was a 24 year old man when he made this film. Seeing him agonise and throw little tantrums like a 4 year old boy... its pathetic.

Natalie Wood is gorgeous, but the early scenes at the police station where she is crying and whining are very unconvincing. It sets a bad precedent for the film... and for the rest of it, you feel like cringing every time one of these badly acted emotional scenes comes along.

It may've been good for its time, but, really, its drivel.

It must've just been hype about Dean's death that has over-inflated the reputation of this film.\": {\"frequency\": 1, \"value\": \"OK, so obviously ...\"}, \"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\": {\"frequency\": 1, \"value\": \"The head of a ...\"}, \"When I heard Patrick Swayze was finally returning to his acting career with KING SOLOMON'S MINES I was very excited. I was expecting a great Indiana Jones type action adventure. What I got was a 4 hour long (with commercials) epic that was very slow. The second and third hour could have been dropped altogether and the story would not have suffered for it. The ending was good (no spoilers here)but I was still left wanting more. Well all a guy can do is prey that Swayze does \\\"RoadHouse 2\\\" so he can get back into the action genre that made him famous. Until than if your a fan of King Solomon's Mines than read the book or watch the 1985 version with Richard Chamberlain and Sharon Stone which is also not very good but its only and hour and forty minutes of your life gone instead of 4 hours.\": {\"frequency\": 1, \"value\": \"When I heard ...\"}, \"The film starts in the Long Island Kennel Club where is murdered a dog,later is appeared dead as a case of committing suicide a collector millionaire called Arched,but sleuth debonair Philo Vance(William Powell)to be aware of actually killing.There are many suspects : the secretary(Ralph Morgan),the butler,the Chinese cooker,the contender(Paul Cavanagh) in kennel championship for revenge killing dog ,the nephew(Mary Astor) facing off her tyrant uncle,the Italian man(Jack La Rue),the brother,the attractive neighbour..Stylish Vance tries to find out who murdered tycoon,appearing many clues ,as a book titled:Unsolved murders. The police Inspector(Eugene Palette)and a coroner are helped by Vance to investigate the mysterious death.The sympathetic forensic medic examines boring the continuous body-count .Who's the killer?.The public enjoys immensely about guess the murder.

The picture is an interesting and deliberate whodunit,it's a laborious and intriguing suspense tale.The personages are similar to Agatha Christie stories, all they are various suspects.They are developed on a whole gallery of familiar actors well characterized from the period represented by a glittering casting to choose from their acting range from great to worst. Powell is in his habitual elegant and smart form as Philo.He's protagonist of two famed detectives cinema,this one, and elegant Nick Charles along with Nora(Mirna Loy)make the greatest marriage detectives. Special mention to Mary Astor as the niece enamored of suspect Sir Thomas,she was a noted actress of noir cinema(Maltese falcon). The movie is magnificently directed by Hollywood classic director Michael Curtiz.He directs utilizing modern techniques as the image of dead through a lock-door,a split image while are speaking for phone and curtain-image.The tale is remade as \\ufffd\\ufffdCalling Philo Vance\\ufffd\\ufffd(1940).The film is a good production Warner Bros, by Vitagraph Corp.\": {\"frequency\": 1, \"value\": \"The film starts in ...\"}, \"This movie documents a transformative experience for a group of young men, and the experience of watching it is in itself transformative for the viewer. Few movies even aspire to this level of transcendence, and I can think of no other movie -- documentary or drama -- that achieves it. There is no other movie in which I have both laughed so much and cried so much. Yes, it is about DMD and accessible travel; on those issues alone, it is a worthwhile venture, but it is more. It is about friendship. It is about life itself, about living every day that you're alive. And it's a great, fun, adventurous narrative. This is why God created the cinema! See this movie!!!\": {\"frequency\": 1, \"value\": \"This movie ...\"}, \"This is a very unusual film in that the star with the top billing doesn't appear literally until half way in. Nevertheless I was engaged by the hook of the Phantom Lady. Curtis, though competent as the falsely accused Scott Henderson, looks a little tough to be be sympathetic towards (perhaps he should have shaved his moustache) and his behavior when he first comes home should have convinced the cops at least to some degree of his innocence. While another commentator had a problem with Franchot Tone as Jack Marlowe I found his portrayal of the character to be impressively complex. He is no stock villain. Superb character actor Elisha Cook Jr. is again in top form as the 'little man with big ambitions.' His drumming in the musical numbers added a welcome touch of eroticism. This movie however is carried by the very capable and comely Ella Raines as the devoted would be lover of Henderson, Carol Richmond. She definitely has talent and her screen presence is in the tradition of Lauren Bacall. This is the first of her work I have seen and I am definitely inclined to see her other roles. The rest of the supporting cast is also more than competent. All in all a very satisfying film noir mystery which when viewed today fully conveys the dark and complex urban world it is intended to. Recommended, 8/10.\": {\"frequency\": 1, \"value\": \"This is a very ...\"}, \"they have sex with melons in Asia.

okay. first, i doubted that, but after seeing the wayward cloud, i changed my mind and was finally convinced that they have sex with watermelons, with people dead or alive. no safe sex of course. the (terrifyingly ugly) leading man shoots it all into the lady's mouth after he did the dead lady. never heard of HIV? guess not.

the rest of this movie is mainly boring, but also incredibly revolting. as a matter of fact, in parts it got so disgusting i couldn't take my virgin eyes off. sex with dead people! how gross is that? and what's the message behind it all? we need water, we need melons, we need to be dead to have sex? sorry, but this stinks!\": {\"frequency\": 1, \"value\": \"they have sex with ...\"}, \"How sheep-like the movie going public so often proves to be. As soon as a few critics say something new is good (ie - \\\"Shake-Cam\\\"), everyone jumps on the bandwagon, as if they are devoid of independent thought. This was not a good movie, it was a dreadful movie. 1) Plot? - What plot? Bourne was chased from here to there, from beginning to end. That's the plot. Don't look for anything deeper than this. 2) Cinematography? - Do me a favor! Any 7 year old armed with an old and battered 8mm movie camera would do a far better job (I am not exaggerating here). This film is a tour-de-force of astonishingly amateurish camera-work. The ridiculous shaking of EVERY (I really do mean every) scene will cause dizziness and nausea. 3) Believable? - Oh yes definitely. This is a masterpiece of credibility. I loved scenes about Bourne being chased by (local) police through the winding market streets of Tangier. - I've BEEN to Tangier. Even the guides can't navigate their way through those streets but Bourne shook off 100 police with speed and finesse. Greengrass must be laughing his head off at the gullibility of his film disciples. 4) Editing? - I don't know what the editor was on when he did this film but I want some! - Every scene is between 0.5 and 2 seconds. I felt nauseous at the end of the film from the strobe effect of the \\\"scenes\\\" flashing by. 5) Directing? - Hmmm. This is an interesting aspect. The film appears to have actually NOT had any directing. More a case of Greengrass throwing a copy of the script (all two pages) at the cameramen and told to \\\"shoot a few scenes whilst drunk\\\". - \\\"Don't worry boys, we'll tie the scenes together in the editing room\\\". The editor should be tarred, feathered and put in the stocks for allowing this monstrosity to hit the silver screen 6) Not one but TWO senior CIA operatives giving the tender feminine treatment to the mistreated and misunderstood Jason Bourne. - Putting their lives on the line for someone they couldn't even be sure wasn't a traitor. Talk about stupid nincompoops. (Whilst the evil male CIA members plot to terminate any operative who so much as drops a paper-clip on the floor). (well, all men are evil, aren't they? - Except for SNAGS of course). Yes, this really is a modern and politically correct film that shows the females to be the heroes of the day and the oppressive males as the real threat to humanity. 7) When the you-know-what finally hits the fan, good triumphs over evil (just like it always does, eh?) and the would-be assassin gets the drop on Jason Bourne - he suddenly undergoes a guilt trip and refrains from pulling the trigger (Yeah - right...) - at that very moment, the evil deputy director just happens to turn up - gun in hand and he does pull the trigger. - How did this 60 year old man run so fast and not even be out of breath? Wonders will never cease 8) Don't worry, there's a senate hearing and the baddies get pulled up before the courts. Well, we can't have nasty, politically incorrect, CIA operatives going round shooting people, can we? How lovely to see a true to life P.C. film of the Noughties. -------------The Bourne Ultimatum is utter rubbish.\": {\"frequency\": 1, \"value\": \"How sheep-like the ...\"}, \"I went to a prescreening of this film and was shocked how cheesy it was. It was a combination of every horror/thriller clich\\ufffd\\ufffd, trying to comment on many things including pedophilia, Satan worship, undercover cops, affairs, religion... and it was a mess. the acting was pretty washboard; the kid and the Jesus dude were alright, but apart from them.... Anyways. I admire the effort (though slightly failed) on the attempt at showing the Christian people in a different way...even though they did that, the way it presented the gospel was a bit stock and kiddish. But then again, it may have to be since he was talking to a little kid... no. actually, I've decided it's just all around bad. music... oh my gosh... horrible... toooo over-dramatic. Okay. I felt bad for the people who made this movie at the premier; It seemed like a poor student project. I'm going to stop ranting about this now and say bottom line, go see this movie if you want to waste an hour and fifty minutes of your life on crap. there you go.\": {\"frequency\": 1, \"value\": \"I went to a ...\"}, \"Lin McAdam (James Stewart) wins a rifle, a Winchester in a shooting contest.Dutch Henry Brown (Stephen McNally) is a bad loser and steals the gun.Lin takes his horse and goes after Dutch and his men and the rifle with his buddy High Spade (Millard Mitchell).The rifle gets in different hands on the way.Will it get back to the right owner? Anthony Mann and James Stewart worked together for the first time and came up with this masterpiece, Winchester '73 (1950).Stewart is the right man to play the lead.He was always the right man to do anything.The terrific Shelley Winters plays the part of Lola Manners and she's great as always.Dan Duryea is terrific at the part of Waco Johnnie Dean.Charles Drake is brilliant as Lola's cowardly boyfriend Steve Miller.Also Wyatt Earp and Bat Masterson are seen in the movie, and they're played by Will Geer and Steve Darrell.The young Rock Hudson plays Young Bull and the young Anthony (Tony) Curtis plays Doan.There are many classic moments in this movie.In one point the group is surrounded by Indians, since this is a western.It's great to watch this survival game where the fastest drawer and the sharpest shooter is the winner.All the true western fans will love this movie.\": {\"frequency\": 1, \"value\": \"Lin McAdam (James ...\"}, \"\\\"Hollywood Hotel\\\" is a fast-moving, exuberant, wonderfully entertaining musical comedy from Warners which is sadly overlooked. It should be remembered if only for providing the official theme song of Tinseltown -- \\\"Hooray for Hollywood.\\\" The score by Richard Whiting and Johnny Mercer has a number of other gems, however, including the charming \\\"I'm Like a Fish Out of Water,\\\" and \\\"Silhouetted in the Moonlight.\\\" The best musical number is \\\"Let That Be a Lesson to You,\\\" in which Dick Powell and company detail the misadventures of people who found themselves \\\"behind the eight-ball,\\\" a fate which literally befalls slow-burning Edgar Kennedy at the number's end. The picture celebrates Hollywood glamour and punctures it all at once, as it gets a lot of comic mileage out of pompous and ego-maniacal actors and duplicitous studio executives. The cast includes a gaggle of great character comedians--Allyn Joslyn as a crafty press agent, Ted Healy as Dick Powell's would-be manager, Fritz Feld as an excitable restaurant patron, Glenda Farrell as Mona Marshall's sarcastic Gal Friday, Edgar Kennedy as a put-upon drive-in manager, Mabel Todd as Mona's goofy sister, and Hugh Herbert as her even goofier dad. The \\\"racist\\\" element mentioned in another review here is a ten-second bit where Herbert appears in black-face during a pseudo-\\\"Gone With the Wind\\\" sequence. It's in questionable taste, but it shouldn't prevent you from seeing the other delights in this film, notably the Benny Goodman Quartet (including Teddy Wilson and Lionel Hampton!) in what I believe is the only footage available on this incredible jazz combo. The \\\"Dark Eyes\\\" sequence goes on a bit too long and comes in too late, but otherwise \\\"Hollywood Hotel\\\" is a gem, well worth your time and certainly a film which should be considered for DVD release.\": {\"frequency\": 1, \"value\": \"\\\"Hollywood Hotel\\\" ...\"}, \"Despite reading the \\\"initial comments\\\" from someone who curiously disliked the film -- (WHY IS THE ONLY NEGATIVE COMMENT VERY FIRST ON THE LIST?)it was very nice to note that virtually everyone else loved it! Obviously the Church wanted to stress certain points and portray the prophet Joseph Smith in a positive manner ~ thats the whole idea. And in fact, those points were extremely effective. We already know Joseph Smith was human... but despite that, AND all of the horrific negative attempts stirred on by the adversary, it showed just how he was able to complete a remarkable, God-given work. I'd recommend it to anyone!\": {\"frequency\": 1, \"value\": \"Despite reading ...\"}, \"Add to the list of caricatures: a Southern preacher and \\\"congregation,\\\" a torch singer (Sophie Tucker?), a dancing chorus, and The Mills Brothers -- it only makes it worse.

Contemptible burlesques of \\\"Negro\\\" performers, who themselves often appear in films to be parodying themselves and their race. Though the \\\"Negro comedy\\\" may have been accepted in its day, it's extremely offensive today, and I doubt that it was ever funny. Though I wouldn't have been offended, I don't think that I'd have laughed at the feeble attempts at humor. As an 11-year-old white boy, however, I might not have understood some of it.\": {\"frequency\": 1, \"value\": \"Add to the list of ...\"}, \"This movie was awesome!! (Not quite as good as the Leif Garrett masterpiece Longshot) but still awesome!! I thought Ashley looked freakin' huge compared to Mary-Kate in this film. I wonder why. Who woulda thought they could swith places like that and almost get away with it. Dad was kinda a jerk though and Mom was a little too chummy with Helmit Head. I give it 4. Any one who likes this movie shoudl check out Longshot.\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"The Impossible Planet and The Satan Pit together comprise the two best episodes of the 'new' Doctor Who's second season. Having said that, it should be obvious that much of the story basically transposes the plot of Quatermass and the Pit (1967) to an outer space setting, with the history of the universe intertwined with that of the Beast 666. These episodes cement the emotional ties between Rose and the Doctor, whilst also highlighting Rose's increasing self-confidence, establishing her as a not-quite-equal-yet-but-getting-there partner with our beloved Time Lord. Also of note is Matt Jones elegant screenplay, which decreases the occasional over-reliance on one-liners for the Doctor, and the performances of the entire cast, most notably the excellent Shaun Parkes as acting Captain Zachary Cross Flane.\": {\"frequency\": 1, \"value\": \"The Impossible ...\"}, \"The Perfect Son is a story about two 30-something brothers, one who is seemingly \\\"perfect\\\" and the other who is basically a screw-up, frequently landing himself in drug rehab centers. After the death of their father, the two are brought together after a long absence and the usual sibling rivalry resurfaces. It isn't until the \\\"perfect\\\" brother makes the startling revelation that he has AIDS that the irresponsible younger brother finally makes a move to get his life in order, and take some responsibility.

The movie does a nice job of chronicling the younger brother's \\\"comeback\\\", though it may seem a bit far-fetched at times (beating drug addiction is never so easy). What makes the film more tender is the treatment of AIDS, a topic that has become somewhat passe in cinema over the last 5-10 years. And also the development of an almost sweet relationship between the two formerly feuding brothers is very believable and well-done. The two main actors were both very competent, if not terribly charismatic.

A solid first feature effort from director and writer Leonard Farlinger whose own brother died of AIDS. The ending is nicely done as well.

\": {\"frequency\": 1, \"value\": \"The Perfect Son is ...\"}, \"I rented this movie yesterday and can hardly express my disappointment in little Laura Ingalls for getting involved in something so poorly produced. I am not sure if it was horrible writing or bad directing or both but it leaves a viewer very disappointed in having wasted the time to watch this swill. It consisted of a weak naive story line, very poor lines, and relied solely on pretty scenery, and pretty people to sell it. Unfortunately this was not enough. You would be better off to rent a tape full of static than to waste your time on this crap. Lindsey Wagner also played a pretty pathetic part as a ranch owner who apparently works very hard doing nothing, anybody who has ever been near a ranch knows that this was obviously written by a young person from los Angeles and not someone with much knowledge of the world.\": {\"frequency\": 1, \"value\": \"I rented this ...\"}, \"Superbly trashy and wondrously unpretentious 80's exploitation, hooray! The pre-credits opening sequences somewhat give the false impression that we're dealing with a serious and harrowing drama, but you need not fear because barely ten minutes later we're up until our necks in nonsensical chainsaw battles, rough fist-fights, lurid dialogs and gratuitous nudity! Bo and Ingrid are two orphaned siblings with an unusually close and even slightly perverted relationship. Can you imagine playfully ripping off the towel that covers your sister's naked body and then stare at her unshaven genitals for several whole minutes? Well, Bo does that to his sister and, judging by her dubbed laughter, she doesn't mind at all. Sick, dude! Anyway, as kids they fled from Russia with their parents, but nasty soldiers brutally slaughtered mommy and daddy. A friendly smuggler took custody over them, however, and even raised and trained Bo and Ingrid into expert smugglers. When the actual plot lifts off, 20 years later, they're facing their ultimate quest as the mythical and incredibly valuable White Fire diamond is coincidentally found in a mine. Very few things in life ever made as little sense as the plot and narrative structure of \\\"White Fire\\\", but it sure is a lot of fun to watch. Most of the time you have no clue who's beating up who or for what cause (and I bet the actors understood even less) but whatever! The violence is magnificently grotesque and every single plot twist is pleasingly retarded. The script goes totally bonkers beyond repair when suddenly \\ufffd\\ufffd and I won't reveal for what reason \\ufffd\\ufffd Bo needs a replacement for Ingrid and Fred Williamson enters the scene with a big cigar in his mouth and his sleazy black fingers all over the local prostitutes. Bo's principal opponent is an Italian chick with big breasts but a hideous accent, the preposterous but catchy theme song plays at least a dozen times throughout the film, there's the obligatory \\\"we're-falling-in-love\\\" montage and loads of other attractions! My God, what a brilliant experience. The original French title translates itself as \\\"Life to Survive\\\", which is uniquely appropriate because it makes just as much sense as the rest of the movie: None!\": {\"frequency\": 1, \"value\": \"Superbly trashy ...\"}, \"This movie is about as underrated as Police Acadmey Mission to Moscow. This movie is never funny. It's maybe the worst comedy spoof ever made. Very boring,and dumb beyond belief. For those people that think this movie is underrated god help you. I give this movie * out of ****

\": {\"frequency\": 1, \"value\": \"This movie is ...\"}, \"Butch the peacemaker? Evidently. After the violent beginning with Spike, Tom and Jerry all swinging away at each other, Butch calls a halt and wants to know why. It's a good question.

\\\"Cats can get along with dogs, can't they?\\\" he asks Tom, who nods his head in agreement. \\\"Mice can get along with cats, right?\\\" Jerry nods \\\"no,\\\" and then sees that isn't the right answer.

They go inside and Butch draws up a \\\"Peace Treaty\\\" (complete with professional artwork!). Most of the rest, and the bulk of the cartoon, is the three of them being extremely nice to one another What a refreshing change-of-pace. I found it fun to watch. I can a million of these cartoons in which every beats each other over the head.

Anyway, you knew the peace wasn't going to last. A big piece of steak spells the death of the \\\"peace treaty\\\" but en route it was nice change and still had some of usual Tom & Jerry clever humor.\": {\"frequency\": 1, \"value\": \"Butch the ...\"}, \"I picked up TRAN SCAN from the library and brought it home. We have considered taking a trip out east and thought it would give us a feel of what it was like. The film was a total waste of time, if I went out to buy it I would call it TRAN SCAM when I saw that it costs $49.

The DVD ran for 8 minutes and showed a roller coaster ride across Canada with my stomach feeling ill as they went up and down and around curve with the film at high speed.

There was a lot of footage they probably shot on this and you would think that they could have made a better product. If I would of done this project I would of provided more footage, paused on road signs to let people know where they were and linger in places to view the scenery. To make a film like this it should of been 60 to 90min. Oh yes the case said it was in stereo, the whole film was a hissing sound from sped up car sound, thet could of at least put some music to it.

If you want a good cross Canada film watch The railrodder / National Film Board of Canada starring Buster keaton (the one of the last film he made) in this comical film Buster Keaton gets on to a railway trackspeeder in Nova Scotia and travels to British Columbia\": {\"frequency\": 1, \"value\": \"I picked up TRAN ...\"}, \"Police, investigations, murder, suspicion: we are all so acquainted with them in movies galore. Most of the films nowadays deal with crime which is believed to involve viewers, to provide them with a thrilling atmosphere. However, most of thrill lovers will rather concentrate on latest movies of that sort forgetting about older ones. Yet, it occurs that these people may easily be misled. A film entirely based on suspicion may be very interesting now despite being more than 20 years old...it is GARDE A VUE, a unique movie by Claude Miller.

Is there much of the action? Not really since the events presented in the movie take place in a considerably short time. But the way they are executed is the movie's great plus. Jerome Charles Martinaud (Michel Serrault) is being investigated by Inspector Gallien (Lino Ventura) and Insector Belmont (Guy Marchand). It's a New Year's Eve, a rainy evening and not very accurate for such a meeting. Yet, after the rape and murder of two children, at the dawn of the old year, the door of suspicion must be open at last. In other words, (more quoted from the movie), it must be revealed who an evil wolf really is. To achieve this, one needs lots of effort and also lots of emotions from both parties...

Some people criticize the script for being too wordy. Yet, I would ask them: what should an investigation be like if not many questions and, practically, much talk. This wordiness touches the very roots of the genre. In no way is this boring but throughout the entire film, it makes you, as a viewer, as an observer, involved. Moreover, the film contains well made flashbacks as the stories are being told. Not too much and not too little of them - just enough to make the whole story clearer and more interesting. The most memorable flashbacks, for me, are when Chantal (Romy Schneider), Martinaud's wife, talks about one lovely Christmas... But these flashbacks also contain the views of the places, including the infamous beach. It all wonderfully helped me keep the right pace. And since I saw GARDE A VUE, I always mention this film as one of the \\\"defenders\\\" of French cinema against accusations of mess and chaos.

But those already mentioned aspects may not necessarily appeal to many viewers since they might not like such movies and still won't find the content and its execution satisfactory. Yet, GARDE A VUE is worth seeing also for such people. Why? For the sake of performances. But here don't expect me to praise foremost Romy Schneider. GARDE A VUE is not Romy Schneider vehicle. She does a terrific job as a mother who is deeply in despair for a lost child. She credibly portrays a person who is calm, concrete, who does not refuse an offered cup of tea but who does not want to play with words. Her part which includes a profound talk of life and duty is brilliant, more credible than the overly melancholic role of Elsa in LA PASSANTE DE SANS SOUCI. It is still acted. However, Romy Schneider does not have much time on screen. Practically, she appears for the first time after 45 minutes from the credits; she, as a wife and a different viewpoint, comes symbolically with the New Year, at midnight. Her role is a purely supporting one. Who really rocks is Lino Ventura. He IS the middle aged Inspector Antoine Gallien who wants to find out the truth, who is aware that his questions are \\\"missiles\\\" towards the other interlocutor but does not hesitate. He is an inspector who, having been married three times, is perfectly acknowledged of women's psyche. He is the one who does not regard his job as a game to play but a real service. Finally, he is a person who does not find it abnormal to sit there on New Year's Eve. Michel Serrault also does a fine job expressing fear, particularly in the final scenes of the movie. But thumbs up for Mr Ventura. Brilliant!

As far as memorable moments are concerned, this is not the sort of film in which this aspect is easily analyzed. The entire film is memorable, has to be seen more than once and has to be felt with its atmosphere and, which I have not mentioned before, gorgeous music. For me, the talk of Chantal and Inspector Gallien is the most brilliant flawless moment. You are there with the two characters, you experience their states of mind if you go deeper into what you see.

GARDE A VUE is a very interesting film, a must see for thrill lovers and connoisseurs of artistic performances. New Year has turned and...is it now easier to open the door? You'll find out when you decide to see the memorably directed movie by Claude Miller. 8/10\": {\"frequency\": 1, \"value\": \"Police, ...\"}, \"This was the worst acted movie I've ever seen in my life. No, really. I'm not kidding. All the \\\"based on a true story/historical references\\\" aside, there's no excuse for such bad acting. It's a shame, because, as others have posted, the sets & costumes were great.

The sound track was typical \\\"asian-style\\\" music, although I couldn't figure out where the \\\"modern\\\" love song came in when Fernando was lying in his bed thinking of Maria. I don't know who wrote & sang that beautiful song, but it was as if suddenly Norah Jones was transported to the 1500s.

The Hershey syrup blood in Phycho was more realistic than the ketchup spurted during the Kwik-n-EZ battle scenes.

But the acting. Oh, so painfully sad. Lines delivered like a bad junior high play. If Gary Stretch had donned a potato costume for the County 4H Fair he may have been more believable. Towards the end he sounded more like a Little Italy street thug. At times I half expected him to yell out \\\"Adrian!\\\" or even \\\"You wanna piece of me?!\\\".

Favourite line: When the queen says to her lover (after barfing on the floor) \\\"I'm going to have a baby.\\\" He responds \\\"A child?\\\" I expected her to retort \\\"No, jackass, a chair leg! Duh.\\\"\": {\"frequency\": 1, \"value\": \"This was the worst ...\"}, \"What a shame that a really competent director like Andre de Toth who specialized in slippery, shifting alliances didn't get hold of this concept first. He could have helped bring out the real potential, especially with the interesting character played by William Bishop. As the movie stands, it's pretty much of a mess (as asserted by reviewer Chipe). The main problems are with the direction, cheap budget, and poor script. The strength lies in an excellent cast and an interesting general concept-- characters pulled in different directions by conflicting forces. What was needed was someone with vision enough to pull together the positive elements by reworking the script into some kind of coherent whole, instead of the sprawling, awkward mess that it is, (try to figure out the motivations and interplay if you can). Also, a bigger budget could have matched up contrasting location and studio shots, and gotten the locations out of the all-too-obvious LA outskirts. The real shame lies in a waste of an excellent cast-- Hayden, Taylor (before his teeth were capped), Dehner, Reeves, along with James Millican and William Bishop shortly before their untimely deaths. Few films illustrate the importance of an auteur-with-vision more than this lowly obscure Western, which, in the right hands, could have been so much more.\": {\"frequency\": 1, \"value\": \"What a shame that ...\"}, \"\\\"My child, my sister, dream

How sweet all things would seem

Were we in that kind land to live together,

And there love slow and long,

There love and die among

Those scenes that image you, that sumptuous weather.\\\"

Charles Baudelaire

Based on the novel by Elizabeth Von Arnim, \\\"Enachanted April\\\" can be described in one sentence \\ufffd\\ufffd it takes place in the early 1920s when four London women, four strangers decide to rent a castle in Italy for the month of April. It is the correct description but it will not prepare you for the fact that \\\"Enchanted April\\\" - an ultimate \\\"feel good\\\" movie is perfection of its genre. Lovely and sunny, tender and peaceful, kind and magical, it is like a ray of sun on your face during springtime when you want to close your eyes and smile and stop this moment of serene happiness and cherish it forever. This is the movie that actually affected my life. I watched it during the difficult times when I was lost, unhappy and very lonely, when I had to deal with the sad and tragic events and to come to terms with some unflattering truth about myself. It helped me to regain my optimism and hope that anything could be changed and anything is possible. I had promised to myself then that no matter what, I would pull myself out of misery and self-pity and I would appreciate every minute of life - with its joy and its sadness...I promised myself that I would go to Italy and later that year I did and I was not alone.

Charming, enchanting, and heartwarming, \\\"Enchanted April\\\" is one of the best movies ever made and my eternal love. This little film is a diamond of highest quality.\": {\"frequency\": 1, \"value\": \"\\\"My child, my ...\"}, \"how can this movie have a 5.5 this movie was a piece of skunk s**t. first the actors were really bad i mean chainsaw Charlie was so retarded. because in the very beginning when he pokes his head into the wooden hut (that happened to be about oh 1 quarter of an inch thick (that really cheap as* flimsy piece of wood) and he did not even think he could cut threw it)second the person who did the set sucks as* at supplying things for them to build with. the only good thing about this movie is the idea of this t.v. show. bottom line DO NOT waste your hard earned cash on this hunk of s**t they call a movie.

rating:0.3\": {\"frequency\": 1, \"value\": \"how can this movie ...\"}, \"Star Trek Hidden Frontier will surprise you in many ways. First, it's a fan made series, available only on the web, and it features mainly friends & neighbors who have the computer programs and home video cameras and sewing machines to, as Mickey & Judy once put it, put on a show. It's definitely friends & neighbors to, you can tell. A lot of these people aren't the most beautiful looking folks you've ever seen, or the youngest, or the thinnest\\ufffd\\ufffd some of them stumble through their lines like they're walking on marbles\\ufffd\\ufffd some of them have thick accents, or simply don't seem to speak well in the first place, whick makes it virtually impossible to understand a single solitary word that they're saying. Still, you have to admit, for everything these friends & neighbors have put together, it's actually fun to watch. Yes, some of the dialogue is hokey. Yes, it's a little odd (though admittedly a little cool too) watching two Starfleet males kiss (although some of the kissing scenes seem to go on and on.) Yes, you cringe a bit when they clearly quote from ST:TOS, TNG, other shows and the movies, or when you hear the theme from Galaxy Quest played at the beginning and end of every show. Okay. We can get by that. Why? The graphics are first rate. Better than almost anything you've seen. And sometimes, a show or two really stands out story-wise\\ufffd\\ufffd some of them are actually real tear-jerkers.

Hidden Frontier is a total guilty pleasure in every sense of the word\\ufffd\\ufffd but you have to give the people involved credit where credit is due. It takes a lot of effort to put on a production of this magnitude. People, sets, costumes, graphics\\ufffd\\ufffd it's a huge effort on a lot of people's parts. We watch, we return, and we thank them.\": {\"frequency\": 1, \"value\": \"Star Trek Hidden ...\"}, \"OK first of all the video looks like it was filmed in the 80s I was shocked to find out it was released in 2001. Secondly the plot was all over the place, right off the bat the story is confusing. Had there been some brief prologue or introduction the story would've been better. Also I appreciate fantasy but this film was too much. It was bizarre and badly filmed. The scenes did not flow smoothly and the characters were odd. It was hard to follow and maybe it was the translation but it was even hard to understand. I love Chinese epic films but if you're looking for a Chinese epic fantasy film i would recommend the Promise (visually stunning, the plot is interesting and good character development) not this film. Beware you will be disappointed.\": {\"frequency\": 1, \"value\": \"OK first of all ...\"}, \"Do not bother to waste your money on this movie. Do not even go into your car and think that you might see this movie if any others do not appeal to you. If you must see a movie this weekend, go see Batman again.

The script was horrible. Perfectly written from the random horror movie format. Given: a place in confined spaces, a madman with various weapons, a curious man who manages to uncover all of the clues that honest police officers cannot put together, and an innocent and overly curious, yet beautiful and strong woman with whom many in the audience would love to be able to call their girlfriend. Mix together, add much poorly executed gore, and what the hell, let's put some freaks in there for a little \\\"spin\\\" to the plot.

The acting was horrible, and the characters unbelievable - Borat was more believable than this.

***Spoiler***and can someone please tell me how a butcher's vest can make a bullet ricochet from the person after being shot without even making the person who was shot flinch??? I'm in the army. We need that kind of stuff for ourselves.

1 out of 10, and I would place it in the decimals of that rounded up to give it the lowest possible score I can.\": {\"frequency\": 1, \"value\": \"Do not bother to ...\"}, \"Cary Grant, Douglas Fairbanks Jr. and Victor McLaglen are three soldiers in 19th Century India who, with the help of a water boy (Sam Jaffe) rid the area of the murderous thuggee cult. The chemistry between the actors helps make this one of the most entertaining movies of all time. Sam Jaffe is exceptional as the outcast water boy who is mistreated by all and still wants to be accepted as a soldier in the company. Loosely based on Rudyard Kipling's poem. A must see by anyone who enjoys this type of movie.\": {\"frequency\": 1, \"value\": \"Cary Grant, ...\"}, \"I first saw this movie on television some years ago and frankly loved it. Charles Dance makes one of the most terrifying villains anyone can imagine. His sophistication is such a perfect contrast to the crudely good hero. I have never been much of an Eddie Murphy fan but find his irritating portrayal here a winner: a bit of \\\"Axel Foley Through the Looking Glass\\\". Charlotte Lewis is, to utilize a hackneyed phrase but the only one applicable, luminously gorgeous. Some scenes are wonderfully created: the dream sequence, the bird, the silly fight scenes, and the climactic confrontation. Through it all Murphy is the modern man suddenly dropped into an oriental myth, a stunned and quieter version of Kurt Russell in his oriental fantasy romp. Like that movie we have James Hong, the incomparable actor whose scenes, however short, raise the quality even of Derek. Since 1955 Hong has defined the fine supporting actor, the \\\"class act\\\" of his profession. \\\"The Golden Child\\\" is silly; it is not perfect; but it has so many redeeming features that it is an enjoyable and amusing fantasy, well worth watching. After four years I have seen \\\"The Golden Child\\\" again; I enjoyed it even more! It truly is great fun.\": {\"frequency\": 1, \"value\": \"I first saw this ...\"}, \"This movie is a good example of how to ruin a book in 109 minutes. Except for the names of the characters the movie bears very little resemblance to the book. A book full of strong Latino characters and they are represent, for the most part, by non-Latinos. There is no character development in the movie and we have no reason to love or hate the characters. And to delete a complete generation is inexcusable. Isabel Allende has written a powerful book and the book is what should be read!\": {\"frequency\": 1, \"value\": \"This movie is a ...\"}, \"If it were possible to distill the heart and soul of the sport--no, the pure lifestyle--of surfing to its perfect form, this documentary has done it. This documentary shows the life isn't just about the waves, but it's more about the people, the pioneers, and the modern day vanguard that are pushing the envelope of big wave further than it's ever been.

Stacy Peralta--a virtual legend from my early '80s skateboarding days as a SoCal teen--has edited reams of amazing stock and interview footage down to their essence and created what is not just a documentary, but a masterpiece of the genre. When his heart and soul is in the subject matter--and clearly it is here--his genius is fraught with a pure vision that doesn't glamorize, hype, or sentimentalize his subject. He reveres surfers and the surfing/beach lifestyle, but doesn't whitewash it either. There is a gritty reality to the sport as well.

There is so much that could be said about this documentary, about the surfers, the early history of the sport, and the wild big wave surfers it profiles. Greg Noll, the first big wave personality who arguably pioneered the sport; Jeff Carter, an amazing guy who rode virtually alone for 15 years on Northern California's extremely dangerous Maverick's big surf; and, the centerpiece of the documentary, Laird Hamliton, big wave surfing's present day messiah.

There is tremendous heart and warmth among all these guys--and a few girls who show up on camera--and a deep and powerful love for surfing and the ocean that comes through in every word. I found the story of how Hamilton's adopted father met him and how Hamilton as a small 4- or 5-year old boy practically forced him to be his dad especially heartwarming (and, again, stripped of syrupy sentimentality).

If you like surfing--or even if you don't--this is a wonderful documentary that must be watched, if only because you're a student of the form or someone who simply appreciates incredibly well-done works of art.\": {\"frequency\": 1, \"value\": \"If it were ...\"}, \"This is probably one of the worst French movies I have seen so far, among more than 100 french movies I have ever seen. Terrible screenplay and very medioacre/unprofessional acting causes the directing powerless. with all that it doesn't matter how nice western french scene and fancy music can add to the story.

One of the key weakness of this movie is that these two characters do NOT attract people, as an audience I don't care what happens to them.

It amazed me how this movie won jury prize in cannes, man, I love almost all the awarded movies in cannes, but not this one. A major disappointment for me.\": {\"frequency\": 1, \"value\": \"This is probably ...\"}, \"Perhaps the biggest waste of production time, money and the space on the video store shelf. If someone suggests you see this movie, run screaming in the other direction. Unless, of course, you're into self-abuse.\": {\"frequency\": 1, \"value\": \"Perhaps the ...\"}, \"It surprises me that I actually got the courage to watch the bio flick or flicks \\\"Che: Parts 1 & 2\\\". Why? Because if my Cuban exile parents would ever found out I saw this movie about this despicable mass murderer of the Cuban revolution, I would be grounded for life. Hey wait? I am an adult, they can't ground me no mas. Director Steven Soderbergh, and newbie commie (sorry Steven, but I had to take Soder shots here) divides the movie in two partes on Commander Ernesto \\\"Che\\\" Guevara's revolutionary life. \\\"Che: Part 1\\\" presents how Che in the mid 1950's joined Fidel Castro's guerilla crew in their revolutionary quest to overthrow Cuban President Fulgencio Batista's regime; which as we all know was a revolutionary success for them, but a gargantuan guerilla disaster to many Cubans as it revolted into Communism. \\\"Che: Part 2\\\" presents Che trying to revolutionize the T-Shirt industry by pitching T-Shirts with his appalling bearbado face to T-Shirt manufacturers. OK, I am che-chatting a lot of crap towards your way! I meant to say the 'Che: Part 2\\\" focuses on Che in the late 60's trying to bring back the revolution, this time to a poverty-stricken Bolivia, but with far different results. In fact, Che ended up being dead meat enchelada when he was captured and killed by the Bolivian militia in 1967. Soderbergh does not include the in-between time of those two instances in Che's life when he commanded the despicable La Cabana Fortress Prison in Cuba, where he mass murdered many Cubans who opposed Communism. That is where I think Soderbergh executed a cinematic injustice by not showing the viewers how atrocious Guevara really was. I did decide to see \\\"Che\\\" in hopes that Soderbergh would not glamorize him, but instead present how disturbed he really was. Unfortunately, Soderbergh did not do the latter and sadly decided to present Guevara as a Revolutionary hero, which he was not. He was a sick man who thank God is now probably at the bottom of the devil barrel. Now, I do have to be an objectivistic reviewer and must admit that Benicio Del Toro's performance as Che was extremely commanding, and worthy of merit. And that Demian Bichir was a haunting dead-ringer as Fidel Castro in his meticulous performance. But the rest of the cast of \\\"Che\\\" was primarily comprised of mediocre performances of actors portraying Guerilla soldiers. And as much as I do admire Matt Damon, why did Sodebergh throw him in the revolutionary mix in a Spanish-speaking cameo performance portraying a Bolivian delegate? Soderbergh did not have to present this biopic which is mostly \\\"too much talk and not enough action\\\" in 4 hours and 30 minutes. We have had too much of Che already, even posthumously with those ridiculous t-shirts, so why give us too much more of him? But I guess when you have the Del Toro by the horns (as you did here Steven), I guess it is your saving grace for not totally executing \\\"Che: Parts 1 &2\\\". *** Average\": {\"frequency\": 1, \"value\": \"It surprises me ...\"}, \"The first thing I thought after watching \\\"Mystery Men\\\" was how could this movie be so unpopular? I found this movie so adorable and funny that it's status as a bomb defies logic. Well, I hope that in the future it becomes a cult hit, and you can count me amoung it's fans.

Simply put, and without giving too much away, this movie does for comic books what \\\"the Princess Bride\\\" did for fairy tales and \\\"Who Framed Roger Rabbit?\\\" did for classic cartoons. That should give you a more accurate idea of the tone of the movie then the marketing commitee it was unfortunately signed to (this is one of those cases like \\\"the Iron Giant\\\" where the studio had no clue what it had on it's hands). Rent it the next time you're in the mood for something a little offbeat. You won't listen to the BeeGees in the same light ever again.\": {\"frequency\": 1, \"value\": \"The first thing I ...\"}, \"SPOILERS AHEAD

This is one of the worst movies ever made - it's that simple. There is not one redeeming quality about this movie. The first 10 minutes are quite tricky - they actually lead you to believe that this film will be shocking and will have you on the edge of your seat. Instead, you will spend 83 minutes punching yourself while watching stolen and poorly made scenes run without any organization. The lake was ridiculous, looked like an aquarium, and had the same plant in different parts of the lake bed. Characters show their advanced teleportation powers, for example Alex Thomas who falls into the lake (drunk), and then ends up on his boat in an impossible position. Angie Harmon put up a pitiful performance as Kate, made worse by the space-time continuum rupturing dialog that appears to have been written at the last minute by a fifth grader. An example of this would be when she said, \\\"Flashlight!\\\" in such a stupid manner that it shows the threshold of how much a human body can cringe before it snaps in half. Finally, the editing of this movie was by far the most bizarre and horrific that I have ever seen. It was like the cameramen were a bunch of chimps who had been given camcorders by scientists. An example of this would be when we suddenly get a closeup of the headlight on Alex's car. I would bet that there was little to no time spent editing this movie. The ending was absolutely pathetic. The writers were obviously trying to create some sort of mysterious plot line that made the viewer say, \\\"oh yeah!\\\" Instead, we're left to view some dumb painting of a spider that somehow fits into the story line. Unfortunately, there is not one perspective in the millions out there that could save this movie from being a festering piece of crap.

I give this a .5 out of 10, the .5 being from the fact that this movie was recorded on film instead of becoming a picture book.\": {\"frequency\": 1, \"value\": \"SPOILERS AHEAD

While we can predict that his titular morose, up tight teacher will have some sort of break down or catharsis based on some deep down secret from his past, how his emotions are unveiled is surprising. Spall's range of feelings conveyed is quite moving and more than he usually gets to portray as part of the Mike Leigh repertory.

While an expected boring school bus trip has only been used for comic purposes, such as on \\\"The Simpsons,\\\" this central situation of a visit to Salisbury Cathedral in Rhidian Brook's script is well-contained and structured for dramatic purposes, and is almost formally divided into acts.

We're introduced to the urban British range of racially and religiously diverse kids (with their uniforms I couldn't tell if this is a \\\"private\\\" or \\\"public\\\" school), as they gather \\ufffd\\ufffd the rapping black kids, the serious South Asians and Muslims, the white bullies and mean girls \\ufffd\\ufffd but conveyed quite naturally and individually. The young actors, some of whom I recognized from British TV such as \\\"Shameless,\\\" were exuberant in representing the usual range of junior high social pressures. Celia Imrie puts more warmth into the supervisor's role than the martinets she usually has to play.

A break in the trip leads to a transformative crisis for some while others remain amusingly oblivious. We think, like the teacher portrayed by Ben Miles of \\\"Coupling,\\\" that we will be spoon fed a didactic lesson about religious tolerance, but it's much more about faith in people as well as God, which is why the BBC showed it in England at Easter time and BBC America showed it in the U.S. over Christmas.

Nathalie Press, who was also so good in \\\"Summer of Love,\\\" has a key role in Mr. Harvey's redemption that could have been played for movie-of-the-week preaching, but is touching as they reach out to each other in an unexpected way (unfortunately I saw their intense scene interrupted by commercials).

While it is a bit heavy-handed in several times pointedly calling this road trip \\\"a pilgrimage,\\\" this quiet film was the best evocation of \\\"good will towards men\\\" than I've seen in most holiday-themed TV movies.\": {\"frequency\": 1, \"value\": \"\\\"Mr. Harvey Lights ...\"}, \"This movie sounded like it might be entertaining and interesting from its description. But to me it was a bit of a let down. Very slow and hard to follow and see what was happening. It was as if the filmmaker took individual pieces of film and threw them in the air and had them spliced together whichever way they landed (definitely not in sequential order). Also, nothing of any consequence was being filmed. I have viewed quite a few different Korean films and have noticed that a good portion are well made and require some thinking on the viewer's part, which is different from the typical Hollywood film. But this one befuddled me to no end. I viewed the film a second and third time and it still didn't do anything for me. I still don't really understand what the filmmaker was trying to convey. If it was to just show a typical mundane portion of a person's life, I guess he succeeded. But I was looking for more. Needless to say, I can't recommend this movie to anyone.\": {\"frequency\": 1, \"value\": \"This movie sounded ...\"}, \"It is a rare occasion when I want to see a movie again. \\\"The Amati Girls\\\" is such a movie. In old time movie theaters I would have stayed put for more showings. Was this story autobiographical for the writer/director? It has the aura of reality.

The all star cast present their characters believably and with tenderness. Who would not want Mercedes Ruehl as an older sister? I have loved her work since \\\"For Roseanna\\\".

With most movies, one suspends belief because we know that it is the work of actors, producers, directors, sound technicians, etc. It was hard to suspend such belief in \\\"The Amati Girls\\\". One feels such a part of this family! How I wanted to come to the defense of Dolores when her family is stifling her emotional life. And wanted to cheer Lee Grant as she levels criticism at Cloris Leachman's hair color. The humor throughout is not belly laugh humor, but instead has a feel-good quality that satisfies far more than pratfalls and such.

The love that is portrayed in this cinema family is to be emulated and cherished.

It is no coincidence that the family name, Amati, translated from the Italian means 'the loved ones'.\": {\"frequency\": 1, \"value\": \"It is a rare ...\"}, \"I think if they made ANY MONEY make a complete turd bomb like this one. The I need to get into the movie industry. I wiped my ass on a piece of toilet paper and made a better script once. Watch when the guy is running through the tunnel, they used the same 30 feet of tunnel OVER and OVER and OVER again and never even changed the location of the stupid HANGING light.

I think if i get the THRILL of meeting the director of this GEM of a MOVIE, I think i will pick a fight with him and start it by deficating on his LOAFERS

I think I need to puke now\": {\"frequency\": 1, \"value\": \"I think if they ...\"}, \"This movie is truly brilliant. It ducks through banality to crap at such speed you don't even see good sense and common decency to mankind go whizzing past. But it doesn't stop there! This movie hits the bottom of the barrel so hard it bounces back to the point of ludicrous comedy: behold as Kor the Beergutted Conan wannabe with the over-abundance of neck hair struts his stuff swinging his sword like there's no tomorrow (and the way he swung it, I really am amazed there *was* a tomorrow for him, or at least, for his beer gut). Don't miss this movie, it's a fantastic romp through idiocy, and sheer bloody mindedness! And once you have finished watching this one, dry the tears of joy (or tears of frustration at such an inept attempt at storytelling) from your eyes because some stupid f00l gave these people another $5 to make a sequel!\": {\"frequency\": 1, \"value\": \"This movie is ...\"}, \"Final Score: 1.8 (out of 10)

After seeing 'Jay and Silent Bob Strike Back' I must have been on a big Eliza Dushku kick when I rented this movie. 'Soul Survivors' is a junk \\\"psychological thriller\\\" dressed up like a trashy teen slasher flick - even to the point of having a masked killer stalk a cast of young up-and-comers like Dushku, Wes Bentley (American Beauty), Casey Affleck (Drowning Mona) and likable star Melissa Sagemiller. Luke Wilson is also in there, ridiculously miscast as a priest. The movie, the brainchild of writer/director Stephen Carpenter, seems like a mutant offspring of 'Open Your Eyes' or 'Vanilla Sky' and movies where a character (and the audience) is caught in a world of dillusion caused by an accident/death. The movie keeps churning out perplexing images and leaves us in a state of confusion the entire running time until this alternate reality is finally resolved. I don't think these movies are that entertaining- by their very nature- to begin with, but 'SS' is rock-bottom cheap trash cinema any way you slice it. The visuals, the script, the acting and the attempt at any originality all are throwaway afterthoughts to movies like this. Plus, it's PG-13 so it doesn't even deliver the gore or T&A to sustain it as a guilty pleasure (even the unrated version is tame). I had heard that the movie contained some \\\"hot\\\" shower scene between Dushku & Sagemiller. As the movie fell apart in front of me and all other entertainment seemed to be lost I found myself waiting patiently for the shower scene - at least I would get something out of this. Then it comes: the two girls get paint on their shirts, they jump in the shower fully clothed and scrub it off. That's it. People thought this was hot? 'Soul Survivors' is one of those drop-dead boring movies that is so weak and inept that it is hard to have ANY feelings at all toward it. It puts out nothing and is hardly worth writing about. In the end it leaves us empty. Carpenter's finale is a mess of flashing light and pounding sound and that's probably the most lively part. It will no doubt be making the rounds as a late night staple on USA or the Sci-Fi Channel, due to it's low cost and PG-13 rating - and that's probably best for it.\": {\"frequency\": 1, \"value\": \"Final Score: 1.8 ...\"}, \"Laurence Olivier, Merle Oberon, Ralph Richardson, and Binnie Barnes star in \\\"The Divorce of Lady X,\\\" a 1938 comedy based on a play. Olivier plays a young barrister, Everard Logan who allows Oberon to spend the night in his hotel room, when the London fog is too dense for guests at a costume ball to go home. The next day, a friend of his, Lord Mere (Richardson), announces that his wife (Barnes) spent the night with another man at the same hotel, and he wants to divorce her. Believing the woman to be Oberon, Olivier panics. Oberon, who is single and the granddaughter of a judge, pretends that she's the lady in question, Lady Mere, when she's really Leslie Steele.

We've seen this plot or variations thereof dozens of time. With this cast, it's delightful. I mean, Richardson and Olivier? Olivier and Oberon, that great team in Wuthering Heights? Pretty special. Olivier is devastatingly handsome and does a great job with the comedy as he portrays the uptight, nervous barrister. Oberon gives her role the right light touch. She looks extremely young here, fuller in the face, with Jean Harlow eyebrows and a very different hairdo for her. She wears some beautiful street clothes, though her first gown looks like a birthday cake, and in one gown she tries on, with that hair-do, she's ready to play Snow White. Binnie Barnes is delightful as the real Lady Mere.

The color in this is a mess, and as others have mentioned, it could really use a restoration. Definitely worth seeing.\": {\"frequency\": 1, \"value\": \"Laurence Olivier, ...\"}, \"Maslin Beach is a real nudist/naturist beach south of Adelaide, on the Fleurieu Peninsula, in South Australia. It is also the name of an Australian film that used the beach as a location.

Maslin Beach is labelled a romantic comedy. This could be slightly misleading, as it is not a 'hilarious' film, nor is it really romantic in the traditional sense, but it does have light-hearted moments. Much as life itself, there are also moments of sadness too. It is also entirely shot at the nudist beach mentioned above, and nudity runs throughout the length of film. The viewer quickly learns to accept this as normal, and concentrate on the plot, not the copious amount of flesh.

Simon and Marcie (Michael Allen and Eliza Lovell) arrive by car at a beach-side car park. They take their belongings to the beach, and while they are walking, a voice-over from Simon talks about his confusion about what real love is. The rest of the film is an exploration of this, framed by one complete day at the beach. The basic story is of what happens to Simon's love life, but there are also many other characters highlighted in several separate vignettes.

When they arrive at the beach, both Simon and Marcie appear bored with each other. Marcie sees them as a 'Romeo and Juliet' romantic couple. Simon is just bored with it all. Next, we are introduced to Gail (Bonnie-Jaye Lawrence), Paula (Zara Collins) and Jenny (Jennifer Ross). They are walking down the beach together discussing Gail's chances of finding the 'perfect' man, aided by the 'powers' of a necklace that brought good luck to her Grandmother. However, there are many more interesting people on the beach, not all of them 'attractive' and young (part of the realism of this film).

To service the beach's patrons there is a flatulent, short-sighted ice-cream salesperson with a van. This is Ben (Gary Waddell), who is a friend of Simon, and is also his unofficial counsellor. I would think that this character is the main comic element. It is hard to say though, as there is nothing about Ben that would make you laugh aloud, unless you were intoxicated, male and very young! Maslin Beach does have a major redeeming feature though, and that is that it does not dwell too long on any one subject. As the quality of acting is variable, the script is suspect and everything about Maslin Beach is cheap, the lack of continuity is a positive boon. In fact, there is something about this film (not the nudity) that I find appealing. It is hard to define what it is, but it could be something to do with its bluntness, and downright 'Aussie' attitude to carnal matters.

The camera work in Maslin Beach deserves a mention. Sometimes it is very good, with some stunning static shots and 'pans' of the beach, cliffs and a sunset. As nudity is a major factor in this film, framing is an important aspect of the camera work. There is no sense of gratuity in the framing, meaning that the framing is done so that the camera does not dwell on 'private' body parts. This helps to ease any sense of viewer discomfort from being within the subject's 'personal space', and makes the film more tasteful. Not an easy task, given the location for filming.

Maslin Beach is neither a 'skin flick' for post-pubescent, testosterone charged males, nor a 'Mills and Boon' romance for under-appreciated women. Maslin Beach does not seem to fit anywhere in genre. The actors are not 'attractive' in the Baywatch sense, and are just 'normal' people that you would see on the beach anywhere. It does not have a message to put across and it would not even act as a tourism advertisement, other than perhaps to Naturists. Apart from the Australian accent, the filming could have been in any sunny country. What makes this film distinctly Australian is the fact that it is pointless (cinema verite?), and only Australian Cinema, and other medium sized National Cinemas, could consider such a rash option. At the same time, these medium sized cinemas have room for experimentation in the quest for identity, and a 'flop' is not going to damage their reputation too much. It is always possible, given that Maslin Beach is now a collector's item, that the film might become internationally popular, but it is very unlikely.

During this critique, I have been sounding highly negative, at times, about Maslin Beach. This is not the real position, as I found the film very easy to watch. I enjoyed it as a reflection of near reality and real people (and problems). The problems confronted in the film are those of the everyday, and a little low on spectacle. This does it no harm in my view, and I wish that more films dealt with the everyday like this. There is a connection here with the cinemas of Europe, and with French film in particular. They rarely deal with major disasters or catastrophes, but with the everyday. Hollywood is in direct opposition to this, and rides the crest of the hyper-real action/drama/angst wave. The pace too, is much faster in Hollywood, but it is not reality. Maslin Beach is not exactly 'Jacques Tati' either, but it is on the right track, even if it does ignore issues of multi culturalism, equality, gender orientation and so on, that are of such importance in current cinema. I am sure that you will either love or hate this film, with little room for a middle ground.

\": {\"frequency\": 1, \"value\": \"Maslin Beach is a ...\"}, \"This movie is very entertaining, and any critique is based on personal preferences - not the films quality. Other than the common excessive profanity in some scenes by Murphy, the film is a great vehicle for his type of humor. It has some pretty good special effects, and exciting action scenes.

As a finder of lost children, Murphy's character starts off looking for a missing girl, which leads him on the path for which others believe he was \\\"chosen\\\" - - to protect the Golden Child. The young boy is born as an enlightened one, destined to save the world from evil forces, but whose very life is in danger, if not for the help of Murphy, and his beautiful, mysterious and mystical helper/guide/protector.

Also, there are moments of philosophical lessons to challenge the audience members who are interested in pondering deep thoughts. One such scene is where the Golden Child, that Murphy's character is solicited to protect, is tested by the monks of the mountain temple. An elderly monk presents a tray of ornamental necklaces for the child to choose from, and the child is tested on his choice.

This is a fantasy/comedy that is based on the notion that there are both good and evil forces in our world of which most people are completely unaware. As we accept this premise of the plot, we must let go of our touch with a perceived daily reality, and prepare for the earth and walls to crumble away, and reveal a realm of evil just waiting to destroy us.

This is an excellent movie, with a good plot, fine acting, and for the most part, pretty decent dialogue combining a serious topic with a healthy balance of Martial Art fighting, and Eddie Murphy humor.\": {\"frequency\": 1, \"value\": \"This movie is very ...\"}, \"A chemical spill is turning people into zombies. It's up to two doctor's to survive the epidemic. It's an Andreas Schnaas film so you know what the par for the course will be. Bad acting, horribly awful special effects, and no budget to speak of. The dubbing is ridiculous with a capital R and the saddest thing is that I feel compelled to write one word about this piece of excrement, much less the ten lines mandatory because of the guidelines placed on me by IMDb. My original review of merely one word: Crap wouldn't fly so I have to revise it and go more in to how bad it is. But I don't know if I can, so.. wait I think I may have enough words, or lines rather to make this review pass. Which is cool, I guess. So in summation: This movie sucks balls, don't watch it.

My Grade: F\": {\"frequency\": 1, \"value\": \"A chemical spill ...\"}, \"Ok, even if you can't stand Liza- this movie is truly hilarious! The scenes with John Gielgud make up for Liza. One of the true romantic comedy classics from the 20th century. Dudley Moore makes being drunk and irresponsible look cute and amusing and it is damn fun to watch! The one-liners are the best.\": {\"frequency\": 1, \"value\": \"Ok, even if you ...\"}, \"St. Elmo's Fire has no bearing on life after university at all (for the majority of us common folk anyway). Why was this garbage even made? Who can really relate to this? Who lives like these characters? I truly feel sorry for the actors having to deal with such a terrible script. There are some talented young actors in this \\\"film\\\" that have done a good job elsewhere. It must have just been one whole joke to them on set.

I actually found this \\\"film\\\" insulting to my intelligence. The only joy I got from this is hoping that Sir John Hughes had a good ol' laugh when he saw a screening of this the same year his masterpiece of The Breakfast Club was released.

Don't make the same mistake I did of watching this because you enjoy 80's films. It really is that offensive to the genre.\": {\"frequency\": 1, \"value\": \"St. Elmo's Fire ...\"}, \"52-Pick Up never got the respect it should have. It works on many levels, and has a complicated but followable plot. The actors involved give some of their finest performances. Ann-Margret, Roy Scheider, and John Glover are perfectly cast and provide deep character portrayals. Notable too are Vanity, who should have parlayed this into a serious acting career given the unexpected ability she shows, and Kelly Preston, who's character will haunt you for a few days. Anyone who likes action combined with a gritty complicated story will enjoy this.\": {\"frequency\": 1, \"value\": \"52-Pick Up never ...\"}, \"There seems to be an overwhelming response to this movie yet no one with the insight to critique its methodology, which is extremely flawed. It simply continues to propogate journalistic style analysis, which is that it plays off of the audiences lack of knowledge and prejudice in order to evoke an emotional decry and outburst of negative diatribe.

Journalism 101: tell the viewer some fact only in order to predispose them into drawing conclusions which are predictable. for instance, the idea of civil war, chaos, looting, etc were all supposedly unexpected responses to the collapse of governmental infrastructure following Hussein's demise: were these not all symptomatic of an already destitute culture? doctrinal infighting as symptomatic of these veins of Islam itself, rather than a failure in police force to restrain and secure? would they rather the US have declared marshall law? i'm sure the papers here would've exploded with accusations of a police state and fascist force.

aside from the analytical idiocy of the film, it takes a few sideliners and leaves the rest out claiming \\\"so-and-so refused to be interviewed...\\\" yet the questions they would've asked are no doubt already answered by the hundred inquisitions those individuals have already received. would you, as vice president, deign to be interviewed by a first time writer/producer which was most certainly already amped to twist your words. they couldn't roll tape of Condi to actually show her opinion and answer some of the logistics of the questions, perhaps they never watched her hearing.

this is far from a neutral glimpse of the situation on the ground there. this is another biased, asinine approach by journalists - which are, by and large, unthinking herds.

anyone wanting to comment on war ought at least have based their ideas on things a little more reliable than NBC coverage and CNN commentary. these interpretations smack of the same vitriol which simply creates a further bipartisanism of those who want to think and those who want to be told by the media what to think.\": {\"frequency\": 1, \"value\": \"There seems to be ...\"}, \"somewhere i'd read that this film is supposed to be a comedy. after seeing it, i'd call it anything but. the point of this movie eludes me. the dialogue is all extremely superficial and absurd, many of the sets seemed to be afterthoughts, and despite all the nudity and implied sexual content, there's nothing erotic about this film...all leaving me to wonder just what the heck this thing is about! the title premise could have been the basis for a fun (if politically incorrect) comedy. instead, we're treated to cheap, amateurish, unfinished sketches and depravity and weirdness for its own sake. if i want that, i'll go buy a grace jones cd.\": {\"frequency\": 1, \"value\": \"somewhere i'd read ...\"}, \"Because 'cruel' would be the only word in existence to describe the intentions of these film makers. Where do you even begin? In a spout of b*tchiness, I'm going to start with the awful acting of nearly everybody in this movie. Scratch that. Nearly does not belong in that sentence. I can't think of even one character who was portrayed well. Although, in all fairness, it would be nearly impossible to portray these zero dimensional characters in a successful way. Still, the girl who played Katherine (whose name I purposefully don't include - I'm pretending she doesn't exist) remains one of the worst actors I've ever seen, only eclipsed by the guy who played Sebastian. The story was God awful. It attempted to mirror the brilliance that was the first one but failed in so many ways. Pretty much every part of it was pointless - though I will admit (grudgingly) that the plot twist was quite good it its surprise. And the ending was at least slightly humorous. But this film is up there with the worst I've seen. Don't watch it. Just don't. There is absolutely no value in watching it. None. It only takes away the enjoyment of the first.\": {\"frequency\": 1, \"value\": \"Because 'cruel' ...\"}, \"Camp Blood III is a vast improvement on Camp Blood II as it has sound mostly in the right places and a rudimentary plot. This time they've ventured slightly further away from the car park the other two movies were filmed in which is a good move as you can no longer hear cars driving past what is supposed to be a remote wilderness.

This time around there's a reality TV show and a fake clown to scare off the contestants. This is hardly a new idea, I've seen at least three other horror movies with exactly the same premise where the real killer turns up but at least this one has a plot instead of people just randomly being stabbed with a knife.

Unlike the other two in the series this one is at least good for a few laughs. I liked how there's a gunshot sound effect when someone gets stabbed early on and the way the boom mike hovers behind people like a phantom.

I don't know why anyone would want to make a third Camp Blood film, I would have thought it would be better to start from scratch but they have at least tried with this one. The half naked deformed woman was a bit much for me, it looks like they tried to keep continuity by hiring some freak who would get her clothes off for $5 just like they did in the second movie. They still haven't worked out that a machete is used for cutting not stabbing but oh well, it's a Camp Blood movie what do you expect? If you like crap films you'll get some fun out of this one.\": {\"frequency\": 1, \"value\": \"Camp Blood III is ...\"}, \"I loved this episode. It is so great that all 5 of them team up and stop LutherCorp and save the world. I also love this episode because Kyle Gallner (Bart Allen/Impulse) and Justin Hartley (Oliver Queen/Green Arrow) are guest starring in it!!! I just hope that Clark will join the Justice League and we'll get to follow this group of heroes across the globe!! =)It was really exciting and keeps viewers interested because of what will happen next. I think Chloe should also join the team as Watchtower, that would be such a coool thing for her to do besides the Daily Planet because she doesn't have super powers. Also, I want to find out what types of subjects Lex is going to use for 33.1, I wonder what other types of powers other people in the world have!!!\": {\"frequency\": 1, \"value\": \"I loved this ...\"}, \"I realize it's not supposed to be BSG and I can handle slow-paced shows if they're interesting but I find myself completely uninterested and bored with this series.

The formula for BSG seemed to be: Action + Adventure + SciFi + Suspense + Mystery + Drama

the formula for Caprica seems to be: Bland Drama + Moderate Scifi

Maybe it will get more interesting but as of episode 3 I can barely watch it. In fact, it's at the bottom of my to-watch list for the week. This is a sad state of affairs. The Syfi channel really destroyed their Friday night lineup. Whatever happened to the glory days of SG1, Stargate Atlantis, and BSG on Friday nights? They had a good thing there.\": {\"frequency\": 1, \"value\": \"I realize it's not ...\"}, \"The only thing serious about this movie is the humor. Well worth the rental price. I'll bet you watch it twice. It's obvious that Sutherland enjoyed his role.\": {\"frequency\": 1, \"value\": \"The only thing ...\"}, \"I LOVE this show, it's sure to be a winner. Jessica Alba does a great job, it's about time we have a kick-ass girl who's not the cutesy type. The entire cast is wonderful and all the episopes have good plots. Everything is layed out well, and thought over. To put it together must have taken a while, because it wasn't someone in a hurry that just slapped something together. It's a GREAT show altogether.\": {\"frequency\": 1, \"value\": \"I LOVE this show, ...\"}, \"We're talking about a low budget film, and it's understandable that there are some weaknesses (no spoilers: one sudden explosives expert and one meaningless alcoholic); but in general the story keeps you interested, most of the characters are likable and there are some original situations.

I really like films that surprise you with some people that are not who they want you to believe and then twist and turn the plot ... I applaud this one on that.

If you know what I mean, try to see also \\\"Nueve Reinas\\\" (Nine Queens) a film from Argentina.\": {\"frequency\": 1, \"value\": \"We're talking ...\"}, \"I felt this movie was as much about human sexuality as anything else, whether intentionally or not. We are also shown how absurd and paradoxical it is for women not to be allowed to such a nationally important event, meanwhile forgetting the pasts of our respective \\\"advanced\\\" nations. I write from Japan, where women merely got the right to vote 60 years ago, and female technical engineers are a recent phenomenon. Pubs in England were once all-male, the business world was totally off-limits for women in America until rather recently, and women in China had their feet bound so they couldn't develop feet strong enough to escape their husbands. Iran is conveniently going through this stage in our time, and we get a good look at how ridiculous we have all looked at one time or another. Back to the issue of sexuality, we are made to wonder what it may be intrinsically about women that make them unfit for a soccer game (the official reason is that the men are bad). Especially such boyish girls, a couple so much so that you even get the feeling that lesbianism is on the agenda as well. I think one point is that not all women are the same, and the women the police are trying to \\\"protect\\\" are not the ones who would try to get in in the first place. The opening scenes of the approach to the stadium makes you appreciate the valor of the young women trying to get in -- and each one separately -- at all. It is a brutish man's world. Any woman brave enough to try to go should be allowed! The world of sexuality is not one-size-fits-all.

Meanwhile, the apprehended criminal girls bond inside the makeshift pen awaiting their deportation to who-knows-where, and in a much more subtle way, begin to bond with the guards keeping watch over them. These had definite ideas about women and femininity, which were being challenged head-on. The change in attitude is glacial, but visible.

Since the movie is pure Iran from the first moment, it takes a little easing-into for the foreigner, but the characters have a special way of endearing themselves to you, and you end up getting the whole picture, and even understanding the men's misunderstandings and give them slack. The supposed villain is the unseen patriarchy of the Ayatollahs, which remain unseen and unnamed, and likely unremembered.

Knowing that this movie was filmed during the actual event of the Iran-Bahrain match gives me a feeling of awe for all involved.\": {\"frequency\": 1, \"value\": \"I felt this movie ...\"}, \"Well then, thank you SO MUCH Disney for DESTROYING the fond memories I USED to have of my FORMER favorite movie. I was about 5 when the original movie came out, and it was one of the first movies I remember seeing. So, now that I'm 16, and feeling masochistic enough, I decided to rent this movie. Thus, I managed to poison all my memories of the original movie with this sorry excuse for a movie. This movie takes everything that made the original endearing and wrecks it, right down to the last detail.

In this movie, Ariel and Eric celebrate the birth of their daughter, Melody, and go to show her to everyone in the ocean...BROADWAY STYLE! After the musical number ends, within minutes, the sea witch Morgana shows up and threatens to kill Melody if Triton doesn't give up the trident. Thus, he gives it up without even a fight. Eric stands there gaping, though Ariel figures out how to use a sword and save Melody. Morgana escapes, so Ariel and Eric decide that Melody should never go near the sea until Morgana is caught.

Well...uh, nothing of note really happens. Eric is a total wuss. He never really manages to do anything. Ariel sort of does something. Melody manages to screw things up. Plus, the animation is a new low-point for Disney. The computer graphics wind up clashing with the backgrounds. Ever single opportunity for character development is wasted. The songs bite.

Look, don't waste your time. I'm pretty sure even the little kids are going to be bored out of their skulls with this, since nothing even remotely exciting ever happens. They won't want to sing the songs. If you manage to grab a copy of this, throw it out into the ocean and hope that nobody ever finds it. Ever.\": {\"frequency\": 2, \"value\": \"Well then, thank ...\"}, \"Finally a thriller which omits the car chases, explosions and other eye catching effects. The movie combines a simple plot (assasination of a french president) with an excellent background. It takes a look behind mans behavior with authorities, and explains why we would obey almost every order (even murder) which would be given to us.

Furthermore it shows us how secret services can manipulate the run of history and how hardly they can be controlled. The best thing on this movie is, that there is no classic \\\"Hollywood end\\\" which can easily be predicted.\": {\"frequency\": 1, \"value\": \"Finally a thriller ...\"}, \"Well, magic works in mysterious ways. This movie about 4 prisoners, trying to escape with the help of spells, written by another prisoner centuries ago was a superb occult thriller with a surprising end and lots of suspense. Even if it had something of a theater-play (almost everything happens in the cell) it never got boring and it was acted very well. In the tradition of \\\"Cube\\\" you felt trapped with the Characters and even if they were criminal, you developed some sympathy with some of them, only to change your mind by the twists the story takes. Some happenings catched you off guard and there was always a touch of insanity in the air. Altogether intense and entertaining and as I didn't expect anything (a friend rented it), it was a positive surprise!\": {\"frequency\": 1, \"value\": \"Well, magic works ...\"}, \"Humphrey Bogart clearly did not want to be in this film, and be forced to play a part-Mexican or he would have been suspended. Believe me , he made the wrong choice! Presumably, after the success of \\\"Dodge City\\\", Warners tried a follow-up with Errol Flynn and his usual list of buddies, like Alan Hale, Guinn (Big Boy) Williams, Frank Mc Hugh and the ever-present John Litel, but they made the huge mistake of trying to present Miriam Hopkins as a love interest for Flynn v. Randolph Scott, and as a singer to really make things bad, because she proved one thing, and that is she cannot sing. The story was not too bad, but with Bogie clearly miscast also, it turned out to be a poor Western that was overlong, and on a low budget, but in fairness, color would not have helped.\": {\"frequency\": 1, \"value\": \"Humphrey Bogart ...\"}, \"This sad little film bears little similarity to the 1971 Broadway revival that was such a 'nostalgic' hit. Keep in mind that when Burt Shevelove directed that revival, he rewrote the book extensively. I have a feeling that this screenwriter wrought as much of a change from the original 1925 version as well. I played the 'innocent philanderer' Jimmy Smith on-stage in 1974, and thought this $1 DVD would bring back memories. Not a chance. Even the anticipated delight of seeing \\\"Topper\\\" Roland Young play 'my' part was a major disappointment. Three songs from the play remain, and are done very poorly. Even the classic duet, \\\"Tea For Two\\\", is done as a virtual solo. The many familiar faces in this 1940 fiasco do not do themselves proud at all, and the star, Anna Neagle, just embarrasses herself. When I feel gypped by spending a dollar, I know the film must be bad. Another commentator mentioned the Doris Day version, which is actually called \\\"Tea For Two\\\" and is about doing the stage play (the original, of course), so those who are seeking the true \\\"No No Nanette\\\" might find a more recognizable version there.\": {\"frequency\": 1, \"value\": \"This sad little ...\"}, \"An hilariously accurate caricature of trying to sell a script. Documentary hits all the beats, plot points, character arcs, seductions, moments of elation and disappointments and the allure but insane prospect of selling a script or getting an agent in Hollywood;and all the fleeting, fantasy-realizing but ultimately empty rites of passage attendant to being socialized into \\\"the system.\\\" Hotz and Rice capture the moment of thinking you're finally a player, only to find that what goes up comes down fast and in a blind-siding fashion;that for inexplicable reasons, Hollywood has moved on and left you checking your heart, your dreams, and your pockets. Pitch is a must-see for students in film school to taste the mind and ego-bashing gantlet that is, for most, the road that must be traveled to sell oneself and one's projects in Hollywood. If your teacher or guru has never been there, they can't tell you what you need to prepare for this gantlet. To enter the\\\"biz,\\\" talent is necessary but far from sufficient\": {\"frequency\": 1, \"value\": \"An hilariously ...\"}, \"Elvis Presley plays a \\\"half-breed\\\" Native American (\\\"Indian\\\") who has to defend his reservation from nasty business tycoons. Everyone likes to get drunk, fight, and make children. Fighting, wrestling, and \\\"punching out\\\" each other replace the stereotypical hand-raised expression \\\"How\\\"?

Although he does have make-up on, it's obvious Elvis is healthier than he appeared in prior films; possibly, he was getting ready for his famous \\\"comeback\\\". It couldn't have been because this movie's script was anything to get excited about. Joan Blondell trying to seduce Elvis, and Burgess Meredith in \\\"war paint\\\", should be ashamed.

The best song is \\\"Stay Away\\\" (actually, \\\"Green Sleeves\\\" with different lyrics). The most embarrassing song is Elvis' love song to the bull \\\"Dominic\\\". There are some surreal scenes, but it never becomes trippy enough to succeed in that genre; though, \\\"Stay Away, Joe\\\" might provide some laughs if you're in the right \\\"mood\\\".

Otherwise, stay away.

** Stay Away, Joe (1968) Peter Tewksbury ~ Elvis Presley, Burgess Meredith, Joan Blondell\": {\"frequency\": 1, \"value\": \"Elvis Presley ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"On one level, this ...\"}, \"When I really began to be interested in movies, at the age of eleven, I had a big list of 'must see' films and I would go to Blockbuster and rent two or three per weekend; some of them were not for all audiences and my mother would go nuts. I remember one of the films on that list was \\\"A Chorus Line\\\" and could never get it; so now to see it is a dream come true.

Of course, I lost the list and I would do anything to get it back because I think there were some really interesting things to watch there. I mean, take \\\"A Chorus Line\\\", a stage play turned into film. I know it's something we see a lot nowadays, but back then it was a little different, apparently; and this film has something special.

Most of the musicals made movies today, take the chance the camera gives them for free, to create different sceneries and take the characters to different places; \\\"A Chorus Line\\\" was born on a theater stage as a play and it dies in the same place as a movie. Following a big audition held by recognized choreographer Zach (Michael Douglas), Richard Atenborough directs a big number of dancers as they try to get the job.

Everything happens on the same day: the tension of not knowing, the stress of having to learn the numbers, the silent competition between the dancers\\ufffd\\ufffdAnd it all occurs on the stage, where Douglas puts each dancer on the spotlight and makes them talk about their personal life and their most horrible experiences. There are hundreds of dancers and they are all fantastic, but they list shortens as the hours go by.

Like a movie I saw recently, \\\"A Prairie Home Companion\\\", the broadcast of a radio show, Atenborough here deals with the problem of continuity. On or behind the stage, things are going on, and time doesn't seem to stop. Again, I don't if Atenborough cut a lot to shoot this, but it sure doesn't look like it; and anyway it's a great directing and editing (John Bloom) work. But in that little stage, what you wonder is what to do with the camera\\ufffd\\ufffdWith only one setting, Ronnie Taylor's cinematography finds the way, making close-ups to certain characters, zooming in and out, showing the stage from different perspective and also giving us a beautiful view of New York.

In one crucial moment, Douglas tells the ones that are left: \\\"Before we start eliminating: you're all terrific and I'd like to hire you all; but I can't\\\". This made me think about reality shows today, where the only thing that counts is the singing or dancing talent and where the jury always says that exact words to the contestants before some of them are leaving (even when they are not good). It's hard, you must imagine; at least here, where all of them really are terrific.

To tell some of the stories, the characters use songs and, in one second, the stage takes a new life and it literally is 'a dream come true'. The music by Marvin Hamlisch and the lyrics by Edward Kleban make the theater to film transition without flaws, showing these dancers' feelings and letting them do those wonderful choreographies by Michael Bennett. The book in the theater also becomes a flawless and very short screenplay by Arnold Schulman; which is very touching at times. So if it's not with a song it will be with a word; but in \\\"A Chorus Line\\\", it's impossible not to be moved.

During one of the rehearsal breaks in the audition, Cassie, a special dancer played by Alyson Reed, takes the stage to convince Douglas character that she can do it. The words \\\"let me dance for you\\\" never sounded more honest and more beautifully put in music and lyrics.\": {\"frequency\": 1, \"value\": \"When I really ...\"}, \"OK I'm not an American, but in my humble Scottish opinion Steve Martin is not, never has been, and never will be a funny man as long as our posteriors point in a southerly direction. Phil Silvers as Sergeant Bilko was a funny man, no doubt due to the skilled writers and directors and all the other talented team working characters in the series who contributed perfectly to one of the funniest and dateless situation comedies America has ever produced. How anyone could have the audacity to even attempt to replicate the Phil Silvers character is beyond me. To compound things the exercise was repeated in Martin's unfunny attempt to be Peter Seller's Inspector Clouseau, another abortive attempt, in my opinion, to rekindle a demonstrably unfunny career. Some of your contributers say 'Steve Martin puts his own stamp on the character', to that I would say 'balderdash' , his portrayals will be long forgotten when those of Silvers and Sellars will be treasured for generations to come\": {\"frequency\": 1, \"value\": \"OK I'm not an ...\"}, \"I have grown up pouring over the intertwined stories of the Wrinkle in Time Chronicles. My dream was that one day a screenwriter would come across their child sitting in a large sofa reading A Winkle in Time, and would think, what an amazing movie this would make. Sadly enough that screenwriter failed, changing characters, throwing in lame humor, and all out destroying the plot. I know that it is a hard task to change a well loved novel into a movie. But why can't you stay true to the book? Why must you change the way characters think and act? For those of you who have not read the book, pick it up, find a soft couch, and let your imagination run wild.\": {\"frequency\": 1, \"value\": \"I have grown up ...\"}, \"An interesting animation about the fate of a giant tiger, a sloth, and a mammoth, who saved a baby, who was close to be killed by a group of tigers during the ice age. The morale of the film shows that good behavior with the others may bring benefits at the end. One of the tigers in the group got an order to finally capture the baby, who was hardly saved by his mother when the tigers attacked her community. The baby was then rescued by the sloth and the mammoth, but the tiger joined them with the objective of finally taken away the baby. They went through very troublesome paths with plenty of danger, and at once the tiger was to fall down and saved by the mammoth. At the end the group of tigers tried to capture the baby but the mammoth helped incredibly by his tiger colleague was able to overcome this attack and to give the baby back to his father and the community to which he belongs.\": {\"frequency\": 1, \"value\": \"An interesting ...\"}, \"Before he became defined as Nick Charles in the Thin Man Series, William Powell played another urbane detective named Philo Vance. The supporting cast is strong in this early talkie, and Powell's star quality is evident. Mary Astor, who eight years later would be defined by her portrayal of Brigid O'Shaughnessy, does a good job here as the featured woman who finds herself in the middle of it all.\": {\"frequency\": 1, \"value\": \"Before he became ...\"}, \"Of all the reviews I've read, most people have been exceedingly hard on Alexandre. Neither Marie or Veronika ever seemed that they would particularly desperate to keep Alexandre, he being only slightly intelligent though not at all intellectual, as most of us are, however hard it may be for anyone to admit. Alexandre is getting away with life perfectly, being totally taken care of, getting and giving what he wants. the girls are allowing this, veronika loves sex, marie is his patron. is there anything wrong with any of this? is anyone in love? really? i don't think so. Though French New Wave cinema is prone to pretension and so on, it is marvelous simply because of its lack of a need for a plot in order to create emotion. Ease is perfectly lovely and all anyone in Alexandre's position, in an urban area can ask for. I'm looking for a patron, anyone interested?\": {\"frequency\": 1, \"value\": \"Of all the reviews ...\"}, \"Based on Ray Russell's dark bestseller, this John (WATCHER IN THE WOODS) Hough-directed bust has little going for it.

Though it does not lack gory violence, it lack narrative sensibility and \\\"characters\\\".

The \\\"Incubus\\\" of the title is a demon endowed with a mammoth penis that shoots red sperm into vaginas during intercourse -- or, to be more precise, rape.

John Cassavetes, moonlighting from his successful directing career, is convincing as a doctor who questions the circumstances of the bizarre attacks on young women.

Horrific possibilities of the victims spawning demonic offspring are not considered -- and neither is the audience's tolerance for slow moving garbage.

The script's reluctance to explore the dramatic repercussions of a fertile premise exemplifies the major problems with this vapid Big-Schlong-On-The-Loose exercise.\": {\"frequency\": 1, \"value\": \"Based on Ray ...\"}, \"Beaudray Demerille(a weak Peter Fonda, who also directed), an aging gambler, wins young teen Wanda \\\"Nevada\\\"(pretty, but not talented Brooke Shields) in a poker game. Together the unlikely pair(of course)embark on a search for Indian gold in the Grand Canyon.

That's the story and there really is no need to search for a deeper meaning in it. It just isn't there. The acting is very weak too, which was quite a surprise given the fact that Peter Fonda was in the lead.

If you're looking for something interesting in this film, take a look at the nice scenery and some good looks of a young Brooke Shields. Her character however is so irritating(especially at the beginning)and dumb, that she never quite comes off as sexy or appealing. Too bad, but, given the story, I doubt anything more could be made of this. I wonder why Peter Fonda directed and starred in this film. He must have even talked his father(Henry Fonda)into a (useless) cameo in this ridiculous mess. Unfortunately, this was their only film together. Couldn't Henry be in EASY RIDER for example? 3/10\": {\"frequency\": 1, \"value\": \"Beaudray ...\"}, \"Cheezy action movie starring Dolph Lungren. Lungren is a one time military man who has retreated into a teaching job. But the changes in the neighborhood and the student body have left him frustrated and he decides that he?s going to hang it up. Things get dicey when while watching over a bunch of students in detention some robbers take over the school as a base of operation for an armored car robbery. Its Dolph versus the baddies in a fight to the death. Jaw dropping throw back to the exploitation films of the late grindhouse era where bad guys dressed as punks and some of the bad women had day glow hair. What a stupid movie. Watchable in a I can?t believe people made this sort of way, this is an action film that was probably doomed from the get go before the low budget, fake breakaway sets and poor action direction were even a twinkle in a producers eye. Watch how late in the film as cars drive through the school (don?t ask) they crash into the security turret (don?t ask since it looks more like a prison then a high school) and smash its barely constructed form apart(it doesn't look like it did in earlier shots). What hath the gods of bad movies wrought? Actually I?m perplexed since this was directed (?) by Sydney J Furie, a really good director who made films like The Boys in Company C. Has his ability failed him, or was this hopeless from the get go and he didn't even bother? It?s a turkey. A watchable one but a turkey none the less.\": {\"frequency\": 1, \"value\": \"Cheezy action ...\"}, \"I saw Jack Frost for \\ufffd\\ufffd4:00 at my local store and I thought it looks pretty good for a low budget movie so I bought it and I was right it was good. For starters this film is about a killer snowman so that's something to laugh about and the way it looks was funny compared to the Snowman on the cover.

The acting was okay and the lines Jack Frost said had me laughing \\\"I only axed you for a smoke\\\" and \\\"Worlds most pi**ed off snow cone\\\" how funny and camp is that? The tale at the start was pretty funny and silly too \\\"Jack be nimble, Jack be quick, Jack gouged eyes with candle sticks\\\". If you're looking for a for a B-Movie Comedy horror that's full of puns then check Jack Frost out. 10/10\": {\"frequency\": 1, \"value\": \"I saw Jack Frost ...\"}, \"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!\": {\"frequency\": 1, \"value\": \"My father, Dr. ...\"}, \"New York has never looked so good! And neither has anyone in this movie. While the script is a bit lightweight you can't help but like this movie or any of the characters in it. You almost wish people like this really existed. The appeal of the actors are what really put it over(John Ritter, Colleen Camp and the late Dorothy Stratten are particularly good.) Go ahead and rent or buy this movie you'll be glad you did.\": {\"frequency\": 1, \"value\": \"New York has never ...\"}, \"Bruce Almighty, one of Carrey's best pictures since... well... a long time. It contains one of the funniest scenes I have seen for a long time too... Morgan Freeman plays God well and even chips in a few jokes that are surprisingly funny. It contains one or two romantic moments that are a bit boring but over all a great movie with some funny scenes. The best scene in, it is where Jim is messing up the anchor man's voice.

My rating: 8/10\": {\"frequency\": 1, \"value\": \"Bruce Almighty, ...\"}, \"This is a collection of documentaries that last 11 minutes 9 seconds and 1 frame from artists all over the world. The documentaries are varied and deal with all sorts of concepts, the only thing being shared is 9/11 as a theme (very minor in some cases). Some of the segements are weak while others are very strong; some are political, some are not; some are solely about 9/11, some simply use 9/11 as a theme to touch on human feelings, emotions and tragedies that are universal; some are mainstream while others are abstract and artistic). This film has not been censored in any fashion by anyone so the thoughts that you see are very raw and powerful.

This is a very controversial film, especially for conservative Americans. I think two segments might really tick off the right wingers (one from Egypt where a dead American soldier and a dead Palestinian bomber come back as spirits; another from UK which recounts the US-backed overthrow of Chile on Sept 11, 1973, which resulted in 50,000 deaths and horrible atrocities). The segment from Mexico was the most powerful, recounting the fall of the towers and the resulting death in vivid fashion (you have to see it to believe it).

Even though the final product is uneven, with some segments being almost \\\"pointless\\\", I still recommend this. It's very difficult to rank this film because the segments vary all over the place (some weak, some very powerful; ). I'm giving this a rating of 9 out of 10 simply because some segments were excellent and covered issues that usually get censored (Mexico segment, UK segment, Japan segment, Egypt segment).\": {\"frequency\": 1, \"value\": \"This is a ...\"}, \"I picked this movie up to replace the dismal choice of daytime television and to go with my thirst for femme fatales. Well, for the previous, it is better than daytime television....though I'm not sure how much.

It does have its points but after about the first 20-30 minutes, the good points pan out and one comes to the conclusion that they are watching a made for TV movie that was put together with not much time to make something that will hold together. In short, a terrible Sci Fi channel type movie.

It has its points such as the future is dirty, like \\\"Blade Runner\\\" showed ..... of course, this is no \\\"Blade Runner\\\". The Captain looks, sort of feels like actor Robert Forster, the kind of person one might want to be around.

But unfortunately, it rather ends up feeling like a bad \\\"Andromeda\\\" rehash where the muscle of the crew consists of poor copies of the smart gunners of \\\"Aliens\\\", the mystic is vampire Willow sexually intensified, and the new Captain might as well be like Jan-Michael Vincent running around on \\\"Danger Island\\\" in the \\\"Banana Splits\\\"; he only put on the uniform with the epaulets; he's got very little right to it. All of them running around with their version of force lances inside a ship that looks very much like the 'Eureka Maru' as they are fighting a class of 'people' who occupy the universe and are broken up into several different tribes or sects of different evolutionary qualities.......just like the Nietzcheans in \\\"Andromeda\\\".

It might have a redeeming feature with Michael Ironside, but after a while, one gets the feeling that he took the part as a hoot! He probably had fun doing it, but it doesn't help the movie much.

It's ..... \\\"okay\\\". Okay in the way that one might watch the DVD once without turning it off; if they watch it with commercials, they will probably change the channel. One might watch it once .......... but a few hours later, be wondering what it was that made them watch it all.

For me, that was the femme fatale ............. when she was fighting.\": {\"frequency\": 1, \"value\": \"I picked this ...\"}, \"A truly, truly dire Canadian-German co-production, the ever-wonderful Rosanna Arquette plays an actress whose teenage daughter redefines the term \\\"problem child\\\" - a few uears prior to the \\\"action\\\" the child murdered her father, and mum took the fall for the offspring. Now she's moved up to the Northwest US to start over, but her child still has a problem in that she's devoted to her mother. So devoted in fact that she kills anyone who might be seen as a threat to their bond.

Unfortunately Mandy Schaeffer (as the daughter) murders more than people - she delivers such a terrible performance that she also wipes out the movie, though the incoherent script, useless direction and appalling music (check out the saxophone the first time she displays her bikini-clad bod) don't help any; we're supposed to find her sexy and scary, but she fails on both counts. Almost completely unalluring and not even bad enough to be amusing (not to mention the fact that Arquette and Schaeffer don't really convince as mother and daughter), all condolences to Miss Arquette and Jurgen Prochnow, both of whom are worthy of far more than this, and both of whom (particularly Rosanna) are the only sane reasons for anyone to sit through this farrago.

One of the production companies is called Quality International Films - not since the three-hour \\\"Love, Lies And Murder\\\" (from Two Short Productions) has there been such a \\\"You must be joking\\\" credit.\": {\"frequency\": 1, \"value\": \"A truly, truly ...\"}, \"One of my favorite Twilight Zone episodes. And the next day we were in the supermarket at Hollywood Blvd. and La Brea, my father and I, and guess who was coming toward us in the aisle! Barney Phillips, but no hat on -- at least, I don't think he had a hat on.

We asked him about his third eye, and he said something like he left it at home, and everybody he met that day had asked him about it.

A friendly guy. We used to see all kinds of character actors in LA in those days.

BTW, I was a teenager and it took a long time for me to get over the \\\"three hands\\\" on the other alien!

Robyn Frisch O'Neill

Hollywood native and resident 1947 to 1963.\": {\"frequency\": 1, \"value\": \"One of my favorite ...\"}, \"This is kind of a weird movie, given that Santa Claus lives on a cloud in outer space and fights against Satan and his minions...but it's still kinda fun.

It has some genuine laughs...whether all of them were intentional is certainly debatable, though. This movie is not good, but I can say I really enjoyed watching it.

I would recommend this movie over \\\"Santa Claus Conquers the Martians\\\", \\\"Santa Claus\\\" with Dudley Moore and John Lithgow, or \\\"The Santa Clause\\\" with Tim Allen.\": {\"frequency\": 1, \"value\": \"This is kind of a ...\"}, \"I've had a lot of experience with women in Russia, and this movie portrays what a lot of them are like, unfortunately. They are very cunning, ruthless, and greedy, as well as highly unfair. From the robotic sex, the hustling for gifts, to the lies and betrayal, I've experienced it all in Russia.

I know what I'm talking about. And here are my qualifications: Here are the photojournals of my three trips to Russia in search of a bride. It includes thousands of pics of many hot Russian girls I met, black comedy, scams I was privy to, and the story of my mugging and appearance on Russian national TV.

http://www.happierabroad.com/Photojournals.htm

It's like Reality TV. You will love it. I spent a ton of time putting it together. So check it out. The Russian woman that Nicole Kidman plays is a lot like the Julia and Katya in my photojournals.

My 3 bride seeking trips in Russia happen to be very exciting and would sell, so why don't they make a movie out of my bride seeking adventures in Russia? However, there is one factual impossibility in this film, and that is the way which the guy orders his bride from a catalog and having her arrive at an airport. It doesn't work that way at all, so I don't understand why the media likes to perpetuate this. There isn't a single Russian bride introduction website that works this way, and I challenge anyone to find one that does. The fact is, you can only order the Russian lady's CONTACT INFO (email, address, phone number, etc.) from the website. From there, you correspond and then visit her, and if you want to bring her to your country, you start the immigration process at your INS office, and wait months after that. That's how it works in real life. You can't just order her to arrive at your airport. US Immigration would NEVER allow such a thing to happen.

WuMaster

- I got everything I wanted by going abroad! You can too! http://www.happierabroad.com\": {\"frequency\": 1, \"value\": \"I've had a lot of ...\"}, \"Oh, I heard so much good about this movie. Went to see it with my best friend (she's female, I'm male). Now please allow me a divergent opinion from the mainstream. After the first couple of dozen \\\"take off your clothes,\\\" we both felt a very strange combination of silliness and boredom. We laughed (at it, not with it), we dozed (and would have been better off staying in bed), we were convinced we had spent money in vain. And we had. The plot was incoherent, and the characters were a group of people about whom it was impossible to care. A waste of money, a waste of celluloid. This movie doesn't even deserve one out of ten votes, but that's the lowest available. I'm not sure why this movie has the reputation that it does of being excellent; I don't recommend it to anyone who has even a modicum of taste or intelligence.\": {\"frequency\": 1, \"value\": \"Oh, I heard so ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"I ran across this ...\"}, \"I really, really wanted to like Julian Po. I think that Slater is underrated as an actor, and that many of the supporting players here are better than they are given a chance to demonstrate in this film. I realize this is based on a short story which I have not read. So, I do not know if what I see as the film's faults originated with the story, or were imposed on it by the director/screenwriter. The premise is wonderful, and I loved the voiceover, confessional tone the opening narration strikes. But then...? Nothing! Several of the cliched local characters ask Julian pointblank to explain his intention to commit suicide. One could argue that he doesn't answer, because it's none of their business. But Julian is the one who, under only token pressure, blurted out his intentions in public. Then neither Julian nor the director/writer, despite the fact that the Julian character is keeping a tape recorded journal for God's sake, seem inclined to provide anything beyond the scant initial information on Julian's life. He says he was a bookkeeper. He says his family moved around when he was a child, due to his father's job. So what? There are several interactions with the locals which seem designed to illuminate Julian's purpose. But none of them go anywhere, because Julian seems to regard all these dopey locals as if they were aliens from another planet, as if he were the ultimate (and only) sane one among them. This might work as an allegory, if Julian Po had any defining characteristics or anything approaching wisdom to impart. The closest he comes to revealing anything about himself is in the scene in which he purposely humiliates the naive, religious wife of the mechanic. And what this scene reveals is not anything that would inspire empathy for Julian. I can only see the Julian character --as rendered--as selfish, petty, and totally condescending. Sort of matches the attitude of the director of this half-baked, contrived film. And poor Michael Parks, an actor who once had so much promise, is given nothing to work with here.\": {\"frequency\": 1, \"value\": \"I really, really ...\"}, \"how many minutes does it take to paint a poem? in this film much too long.

it tells the story about the impact of a first love between two schoolboys.

the boys can't withhold touching each other and making love. after a while one gets distracted by a brief encounter with a sensual guy in the disco and that raises doubt: exploration, fantasy, longing, lust and feelings of loosing grip on your love are themes that are all extensively painted with music, close-ups and silent scenes like telling a poem. but it really takes too long, annoying long, shame, the effort was promising\": {\"frequency\": 1, \"value\": \"how many minutes ...\"}, \"Jeremy Northam struggles against a \\\"Total Recall\\\" clone script and disposable romantic by-play to bring life to a confused character. Lucy Liu graduates her acting from a wooden start to a workman-like finish. You can't fail to laugh when viewing her interviews on the DVD when she uses the term \\\"Femme fatal\\\" and \\\"Romance\\\". French film-noir actress she is not and they lack chemistry together.

This movie fails, not in the plot or the action sequences but in the lack of attention to detail in the films photography and ham-fisted portrayal of the world of technology surrounding the main protagonists. Little attempt is made to dress the scenery to represent any contiguous filmic landscape or period. Automobiles are very 1990's and the architecture barely modern with open plans that hint at a restricted budget rather than conscious set dressing techniques.

The technology is positively hilarious. Massive \\\"2001: A Space Odyssey\\\" mainframes fed by man-portable CD-ROM's with data collected for some unexplained reason, in spite of the proliferating communications network that even the most un-savvy technologist today would obviously be aware. There is an obvious lack of research done here and given the open-source nature of the cyber-community, research would have cost little more than a bulletin board and personal time.

DVD interviews also reveal the original movie name was \\\"Company Man\\\" but this likely ditched in order to cash in on Matrix hype. The \\\"Cypher\\\" title has only the slightest link with the movie. Terry Gilliam would have done wonders with this concept; and completely re-written the Decalogue.

This is Tele-movie quality and extremely disappointing for a movie length production. It might have made a good sub-plot for \\\"Alias\\\".\": {\"frequency\": 1, \"value\": \"Jeremy Northam ...\"}, \"I wasn't alive in the 60's, so I can't guarantee that this movie was a completely accurate representation of the period, but it is certainly a moving and fulfilling experience. There are some excellent performances, most notably by Josh Hamilton (of With Honors), Jerry O'Connell (Sliders), who play brothers divided by the war. Bill Smitrovich, a character actor who has been long ignored by many, gives a heart-filled performance as their strict father, who is forced to question his own beliefs and values as one of his sons makes him proud by going to Vietnam but returns empty inside, while the other is exactly the opposite. All in all, this is a powerful and heartwarming film that I hope everyone gets a chance to experience.\": {\"frequency\": 1, \"value\": \"I wasn't alive in ...\"}, \"This movie is great, mind you - but only in the way it tells a very BAD story. Stella is so terribly crude, and never learns better. Her husband is incredibly snobby and small-minded. Neither ever learns better. Is this realistic? Somehow, Stella understands that her daughter is ashamed of her gaudy manners & dress, yet cannot understand that she just needs to tone it all down? I don't think so. Stella is a GOOD woman, and a VERY GOOD mother. Giving up herself, so her daughter can be associated with a bunch of bigoted snobs is disgusting.

Much of what we see might have been normal for the times - people having a beer or two, enjoying a player piano, dancing - but it is made out to be some sort of moral inferiority. \\\"I can't have our child living this way!\\\" Spare me.

This story tells me one thing: that the Unwashed Working Class cannot ever hope to aspire to the heights of the Upper Classes. And that is simply a load of hogwash.\": {\"frequency\": 1, \"value\": \"This movie is ...\"}, \"My wife and I both agree that this is one of the worst movies ever made. Certainly in the top ten of those I've watched all the way through. At least \\\"Plan 9\\\" was enjoyable.

I DID really enjoy \\\"Christine\\\", \\\"The Dead Zone\\\", \\\"Firestarter\\\", \\\"Carrie\\\", and some of his other films. I didn't care much for \\\"Cujo\\\" (only because the sound was so bad on versions I've seen and I often couldn't tell what people were saying), or \\\"Pet Sematary (Pet Cemetery)\\\".

But this mess was a total mistake in every way possible. The \\\"creatures\\\" themselves seemed designed by a 9-year-old. (No offense to 9-year-olds.)

Even the \\\"one-liners\\\" made us groan and weren't remotely amusing.\": {\"frequency\": 1, \"value\": \"My wife and I both ...\"}, \"Joan Crawford had just begun her \\\"working girl makes good\\\" phase with the dynamic \\\"Paid\\\" (1930). She had never attempted a role like that before and critics were impressed. So while other actresses were wondering why their careers were foundering (because they were clinging to characters that had been the \\\"in\\\" thing a few years before but were now becoming passe) Joan was listening to the public and securing her longevity as an actress. The depression was here and jazz age babies who survived on an endless round of parties were frowned upon. Of course, if you became rich through immoral means but suffered for it - that was alright.

This film starts out with a spectacular house boat party. Bonnie Jordan (Joan Crawford) is the most popular girl there - especially when she suggests that everyone go swimming in their underwear!!! However, when Bonnie's father has a heart attack, because of loses on the stock market, both Bonnie and her brother, Rodney (William Bakewell) realise who their real friends are. After Bob Townsend (Lester Vail - a poor man's Johnny Mack Brown) offers to do the \\\"right thing\\\" and marry her - they had just spent a night together when Bonnie declared (with abandon) that she wants love on approval - she starts to show some character by deciding to get a job.

She finds a job at a newspaper and quickly impresses by her will to do well. Her working buddy is Bert Scranton (Cliff Edwards) and together they are given an assignment to write about the inside activities of the mob. Rodney also surprises her with the news that he also has a job. She is thrilled for him but soon realises it is bootlegging and he is mixed up with cold blooded killer, Jake Luva (Clark Gable). Rodney witnesses a mass shooting and goes to pieces, \\\"spilling the beans\\\" to the first person he sees drinking at the bar - which happens to be Bert. He is then forced to kill Bert and after- wards he goes into hiding. The paper pulls out all stops in an effort to find Bert's killer and sends Bonnie undercover as a dancer in one of Jake's clubs. (Joan does a very lively dance to \\\"Accordian Joe\\\" - much to Sylvie's disgust). The film ends with a gun battle and as Rodney lies dying, Bonnie tearfully phones in her story.

This is a super film with Crawford and Gable giving it their all. Natalie Moorehead, who as Sylvie shared a famous \\\"cigarette scene\\\" with Gable early in the film, was a stylish \\\"other woman\\\" who had her vogue in the early thirties. William Bakewell had a huge career (he had started as a teenager in a Douglas Fairbanks film in the mid 20s). A lot of his roles though were weak, spineless characters. In this film he played the weak brother and was completely over-shadowed by Joan Crawford and the dynamic newcomer Clark Gable - maybe that was why he never became a star.

Highly Recommended.\": {\"frequency\": 1, \"value\": \"Joan Crawford had ...\"}, \"This film lacked something I couldn't put my finger on at first: charisma on the part of the leading actress. This inevitably translated to lack of chemistry when she shared the screen with her leading man. Even the romantic scenes came across as being merely the actors at play. It could very well have been the director who miscalculated what he needed from the actors. I just don't know.

But could it have been the screenplay? Just exactly who was the chef in love with? He seemed more enamored of his culinary skills and restaurant, and ultimately of himself and his youthful exploits, than of anybody or anything else. He never convinced me he was in love with the princess.

I was disappointed in this movie. But, don't forget it was nominated for an Oscar, so judge for yourself.\": {\"frequency\": 1, \"value\": \"This film lacked ...\"}, \"Drones, ethnic drumming, bad synthesizer piping, children singing. The most patronizing \\\"world music\\\" imaginable. This is a tourist film, and a lousy one. What really kills it is the incoherent sequences. India, Egypt, South America, Africa, etc, etc. No transitions, no visual explanation of why we're suddenly ten thousand miles away, no ideas expressed in images. Just a bunch of footage of third-worlders with \\\"baskets on their heads\\\" as another reviewer said. Walking along endlessly as if that had some deep meaning. If these guys wanted to make a 3rd World music video, all they had to do was head a few hundred miles south of where the best parts of Koya were shot, and film in Mexico. That would have been a much better setting for \\\"life in transformation.\\\"

But no. What they decided on was a scrambled tourist itinerary covering half the globe and mind-deadeningly overcranked filter shots. The only thing to recommend this film is that it doesn't suck quite as much as Naqoyqatsi.

RstJ\": {\"frequency\": 1, \"value\": \"Drones, ethnic ...\"}, \"I am a big fan of Stephen King's work, and this film has made me an even greater fan of King. Pet Sematary is about the Creed family. They have just moved into a new house, and they seem happy. But there is a pet cemetery behind their house. The Creed's new neighbor Jud (played by Fred Gwyne) explains the burial ground behind the pet cemetery. That burial ground is pure evil. Jud tells Louis Creed that when you bury a human being (or any kind of pet) up in the burial ground, they would come back to life. The only problem, is that when they come back, they are NOT the same person, they're evil. Soon after Jud explains everything about the Pet Sematary, everything starts to go to hell. I wont explain anymore because I don't want to give away some of the main parts in the film. The acting that Pet Sematary had was pretty good, but needed a little bit of work. The story was one of the main parts of this movie, mainly because it was so original and gripping. This film features lots of make-up effects that make the movie way more eerie, and frightening. One of the most basic reasons why this movie sent chills up my back, was in fact the make-up effects. There is one character in this film that is truly freaky. That character is \\\"Zelda.\\\" This particular character pops up in the film about three times to be precise. Zelda is Rachel Creed's sister who passed away years before, but Rachel is still haunted by her. The first time Zelda appears in the movie isn't generally scary because she isn't talking or anything, but the second time is the worst, and to be honest, the second time scares the living **** out of me. There is absolutely nothing wrong with this movie, it is almost perfect. Pet Sematary delivers great scares, some pretty good acting, first rate plot, and mesmerizing make-up. This is truly one of most favorite horror films of all time. 10 out of 10.\": {\"frequency\": 1, \"value\": \"I am a big fan of ...\"}, \"Unfortunately for myself - I stumbled onto this show late in it's lifetime. I only caught a few episodes (about three) before it was cancelled by ABC. I loved the characters, and storyline - but most of all the GREAT actors! I was a fan of Sex and the City, so I saw two characters I recognized (Bridget Moynahan was & The Character \\\"Todd\\\" was \\\"Smith Jared\\\"), as well as Jay Hernandez (From Carlito's Way: Rise To Power) and Erika Christensen (Swimfan). I enjoy watching young actors get their due, and felt like this show would propel their career further along. I hope this at least gets put back out on DVD, and maybe WB will pick it up for a second season sometime? In the meantime, I'm viewing it on ABC's website from the beginning.\": {\"frequency\": 1, \"value\": \"Unfortunately for ...\"}, \"This is one of the worst movies I have seen this year. You should not see this movie but if you insist on wasting your time you should stop here, there are SPOILERS. Gray Matters centers on Gray and Sam Baldwin (Heather Graham and Tom Cavanagh). Only Gray and Sam are Brother and Sister; living together in everyone else's eyes as man and wife. No sex but just about everything else. Early on, the movie starts with its theme: 'the most absurd thing at the most absurd moment with you guessed it the most absurd reactions'. Gray and Sam decided to check out the dog park with a borrowed pooch. Rather then push her brother to get the skinny on first woman they see for him, she does it and gets to the nitty-gritty questions too. When she signals her brother to come over they start a 3-way date. Charlie (Bridget Moynahan) is the girl of THEIR dreams, like all the right things etc\\ufffd\\ufffd Sam final hits Gray over the head and the couple finishes the date with a marriage proposal! That Charlie accepts! In one week Charlie, Gray and Sam are to be in Vegas. In the next week Charlie and Gray are off shopping for wedding gowns (apparently Charlie has an off-the-rack figure). Gray is slurping an iced latte when Charlie suggests Gray tries on some gowns as well and picks out a $10,000 frock for her. While Charlie is zipping her in this 'down-payment-on-a-house' gown Gray continues to slurp on the latte (I swear it was like a feed bag). What should happen but 'woops!' latte all over the gown. It is never explained how they got out of Bloomingdale's bridal salon with out a $10,000 mocha colored gown. Back to 'reality' \\ufffd\\ufffd Caesar's palace Las Vegas. They have the 'high roller room' (Sam is a resident surgeon and Charlie is an intern zoologist \\ufffd\\ufffd were do they get all this money?) Gray kicks Sam out to the single room down the hall so she and Charlie can have a bachelorette drink-a-thon were, you guessed it - they kiss. Gray remembers everything; Charlie remembers nada. They make it to wedding chapel and right when the Reverend gets to his line \\\"If there is anybody is here who has any objection whatsoever to the union of these two lovebirds\\\" Gray gets the hiccups. Gray excuses herself, for some reason the Reverend must repeat his last line and right on queue again 'hiccups'. Gray gets back to NY and starts dating any man she meets, literally. And of course one is you guessed it again! Gay. The other is a jerk and the third is a taxi cab driver (Alan Cummings) named Gordy. He is smittened with Gray but the feelings are not returned. They become great friends. This is good because when she comes clean with Sam about the kiss. He blows up and kicks her out of their apartment. When Sam comes to his senses he goes to her office. Gray works at an ad agency. This office is smack in the middle of the twilight zone. It has cameras and microphones in all the conference rooms that broadcast to all computer monitors at the agency. Sam gets Gray in one of the conference rooms for a not-so-private conversation and ends up outing her to the entire office. This is where I doubt that there was a gay man or lesbian on the crew: Gordy comes to her rescue and convinces her to go to a lesbian bar. 'Sorry no men' says the bouncer. So Gray and Gordy return with Gordy in drag. Bad drag. He was in a sleeveless black satin-like blouse, a string of pearls, and a grandma's church hat. No lesbian would ever confuse this 'man in a dress' as a drag queen much less a woman. The bar was also the straight man's fantasy of what a lesbian bar is: full of Victoria's Secret models. Everything turns out peachy \\ufffd\\ufffd she goes home with her firm's client. Gray happens to be on the woman's account and finally does more then kiss. For some reason no one tells Charlie anything and she is oblivious through the whole movie of this kiss with Gray, but that is for the sequel.\": {\"frequency\": 1, \"value\": \"This is one of the ...\"}, \"Curiously, Season 6 of the Columbo series contained only three episodes and there is very little evidence of quality in at least two of the scripts, based on this outing for the \\\"man-in-the-mac\\\" and also \\\"Fade into Murder\\\".

Furthermore, it is not a coincidence that Peter S. Feibleman penned both the aforementioned scripts (incidentally he plays the part of the murdered security guard here).

This adventure is very rarely compelling and many of the performers just look disinterested with the material. The story is rather weakly developed with some protracted periods of boring conversation.

Columbo is also shadowed by a colleague here(similar to \\\"Last Salute to the Commodore\\\") but the entertainment value is minimal. To add to this, Celeste's Holm characterisation, which is intended to provide comedy, induces embarrassment rather than laughs.

The script wavers off to deal with the family history and the murderess does enough to gift Columbo the case, though there is never a credible discussion relating to the motives of her crime.

Ironically, what turns out to be, arguably, Columbo's worst adventure produces the funniest moment in the series. He quizzes a male hairdresser and has a haircut/manicure at the same time. The next 5 minutes are hilarious - it's just that Columbo's hair is so perfectly groomed, then he can't afford to pay the bill and then, when he makes enquiries at a jewellers he keeps glancing in the mirror to admire his hairstyle!

Sadly, this is the only decent moment from a script that looks like it has been cobbled together in ten minutes.

For Columbo completionists only.\": {\"frequency\": 1, \"value\": \"Curiously, Season ...\"}, \"So that\\ufffd\\ufffds what I called a bad, bad film... Poor acting, poor directing, terrible writing!!!! I just can\\ufffd\\ufffdt stop laughing at some scenes, because the story is meaningless!!! Don\\ufffd\\ufffdt waste your time watching this film... Well, I must recognize it has one or two good ideas but it\\ufffd\\ufffds sooooo badly writen...\": {\"frequency\": 1, \"value\": \"So that\\u00b4s what I ...\"}, \"Okay, we've got extreme Verhoeven violence (Although not as extreme as other Verhoeven flicks), we've got plenty of sex and nudity, but something is missing...Oh, yes, it's missing the intelligence that Paul Verhoeven is known for in his sci-fi movies. I admire the way Verhoeven introduces the characters and how they have a sense of humor, but unlike most Verhoeven films, the movie itself doesn't have enough humor for it to fall into the comedy genre. The acting overall was above average compared to most slasher films.

What makes Hollow Man a good movie is not the story, not the cast or characters, but the amazing special effects work that would otherwise make a film like this impossible. The crew has truly made an invisible man, without the use of things like a floating hat suspended on piano wires and other practical effects (effects done on set). The most stunning effects scenes are not seen while Kevin Bacon is invisible, they are when Kevin Bacon is becoming invisible and visible.

The problem is that this invisible man story deserves to be more imaginitive. Here, it takes place at a lab for the most part. I would have enjoyed seeing the invisible Kevin Bacon robbing a bank and getting away with it, or let's say steal something from people's purses, or something like that. But what is shown is decent enough to make Hollow Man an entertaining movie. Grade: B\": {\"frequency\": 1, \"value\": \"Okay, we've got ...\"}, \"FORBIDDEN PLANET is one of the best examples of Hollywood SF films. Its influence was felt for more than a decade. However, certain elements relating to how this wide-screen entertainment was aimed at a mid-fifties audience that is now gone have dated it quite a bit, and the film's sometimes sluggish pacing doesn't help. But, the story's compelling central idea involving the ancient,extinct Krell civilization and \\\"monsters from the Id\\\" hasn't lost its appeal and continue to make this film a relevant \\\"must see\\\" movie. What I'm mostly interested in saying here is that the current DVD for this movie is terrible. The movie has never really looked that good on home video and it's elements are in dire need of restoration. I hope that will happen soon and we get a special edition of this SF classic.\": {\"frequency\": 1, \"value\": \"FORBIDDEN PLANET ...\"}, \"Overall I found this movie quite amusing and fun to watch, with plenty of laugh out loud moments.

But, this movie is not for everyone. That is why I created this quick question-ere, if you answer yes to any of the following questions than I recommend watching this flick

(1)Do you enjoy crude sexual humor? (2)Do you enjoy alcohol related humor? (2)Do you enjoy amazingly hot girls? (3)Do you enjoy viewing boobs? (4)Do you enjoy viewing multiple boobs? (5)Did I mention all the nice boobies in this film?

If you noticed the spoiler alert, that is referring the mass amount of nudity you can expect in the movie, I myself have no idea what the plot was about. Not that it matters.\": {\"frequency\": 1, \"value\": \"Overall I found ...\"}, \"First of all, I'd like to say that I love the \\\"Ladies' Man\\\" sketch on SNL. I always laugh out loud at Tim Meadows' portrayal of Leon Phelps. However, there is a difference between an 8-minute sketch and a feature-length movie. Watching Leon doing his show and making obscene comments to his listeners and coming up with all sorts of segments for his show, like \\\"The Ladies Man Presents...\\\" which is reminiscent of \\\"Alfred Hitchcock Presents...\\\" is absolutely hilarious. There's a great episode where Cameron Diaz role-plays Monica Lewinski, and Leon plays Bill and they call it \\\"The Oral Office.\\\" See, that's funny!!!

In the movie, we don't see Leon on the show too often. In fact, he gets kicked out of almost every radio station in the country. And the plot revolves around his quest for true love, involving a mystery letter that got dropped off at his houseboat, signed by \\\"Sweet Thing.\\\" Karyn Parsons, who is famous for playing Hillary on \\\"Fresh Prince of Bel Air,\\\" works with him on the show and has a secret crush on Leon. The movie just piles on one boring subplot after another. And the gags are boring as well. The first time we see Leon mention the word \\\"wang\\\" it's pretty funny. When he uses it over and over again, supposedly trying to get a laugh, the joke has run dry. Most of the jokes he uses in the film are jokes we heard before, and done better, on the SNL sketch and played out tediously for a whole hour and twenty-five minutes. They even try to insert a musical number by Will Ferrell and his gang of Ladies' Man haters, who all want to destroy him because their wives had an affair with him, to bring some life into this witless comedy. Ferrell has some funny moments, and tries to make the best out of an otherwise unfunny role. Ferrell just has that unique comic talent, and he's funny at almost anything he does. Even Julianne Moore gets a cameo. Watching her, you can't but wonder \\\"What the hell is an Oscar-winning actress doing in this movie??!!!!\\\" Her name wasn't mentioned in the opening credits--probably by her consent. And of course a movie of this theme has to include the Master of Love himself, Billy Dee Williams. Billy Dee is charismatic as always, but even he can't breathe enough life into this film. I also have to add that the soundtrack is full of soft R & B hits, which impairs the film even more, giving it a horribly downbeat tone--as if the script isn't boring enough. I mean, this is \\\"supposed\\\" to be a comedy. The soundtrack would've been appropriate for something like \\\"Love Jones.\\\"

\\\"The Ladies Man\\\" only has sporadic laughs. There are exceptions in which SNL can produce a great movie out of a short sketch. Watch both of the \\\"Wayne's World\\\" movies, and you'll see how it's done. But this movie, just like adapting Mary Catherine Gallagher's character to screen in \\\"Superstar,\\\" shows the flip side. Some sketches are meant to be remembered on SNL, and not on the silver screen.

My score: 3 (out of 10)\": {\"frequency\": 1, \"value\": \"First of all, I'd ...\"}, \"Ten minutes worth of story stretched out into the better part of two hours. When nothing of any significance had happened at the halfway point I should have left. But, ever hopeful, I stayed. And left with a feeling of guilt for having wasted the time. Acting was OK, but the story line is so transparent and weak. The script is about as lame as it could get, but again, stretching out the ten minute plot doesn't leave a whole lot of room for good dialogue.\": {\"frequency\": 1, \"value\": \"Ten minutes worth ...\"}, \"OK - as far as the 2 versions of this movie. There were 2 people involved in the making - John Korty and Bill Couterie (George was just the producer - he really didn't have any kind of say so in the film - just helped with money) - the 'Adult' version was made possible by Bill Couterie. John Korty didn't like or approve this version (as it was done behind his back). Thanks to Ladd films going under, they didn't advertise this movie and threw all their advertising cash for \\\"The Right Stuff\\\", hoping it would pull them through;... and it didn't. SO, this movie never really had a chance. When \\\"Twice\\\" made it to cable (HBO) - they showed the reels with Bill's version and John threatened to sue if it was shown anymore (did you notice how the 'adult' version wasn't on for very long?). Showtime got the 'clean' version. The version on the videotape and laser-disc is the version approved by John (who holds more power than Bill). It's a pity, really, as the 'adult' version is actually better and DOES make more sense. But it's VERY doubtful that it will ever be released in that version onto DVD (or any other format short of bootleg). Sorry to disappoint everyone. I know all this info as I used to be the president of the Twice Upon A Time Fan Club (still have numerous items from the movie - used to own a letter-boxed version of the 'adult' version, but it was stolen - only have a partial HBO copy of it now). 8 stars to the 'adult' version - 5 to the 'clean' version. Any other questions, just ask.\": {\"frequency\": 1, \"value\": \"OK - as far as the ...\"}, \"Although the director tried(the filming was made in Tynisia and Morocco),this attempt to transport the New Testament in the screen failed.The script has serious inaccuracies and fantasies,while the duration is very long.But the most tragic is the protagonist Chris Sarandon,who doesn't seem to understand the demands of his role.\": {\"frequency\": 1, \"value\": \"Although the ...\"}, \"I have seen this movie plenty of times and I gotta tell ya, I've enjoyed it every single time. This is Belushi's pinnacle movie in my opinion. Belushi and Lovitz are so likable and identifiable with the common man that you can't help but get involved once you start watching. The movie has a wonderful cast of stars, some already were big, and others were just getting started. It's billed as a feel good movie, and that's exactly what it is. This movie teaches you that life isn't always so bad after all. Sometimes you've just gotta look at stuff in a different perspective to fully appreciate what you already have. When you're done watching, you'll appreciate the things you have a lot more and you'll also be smiling. You can't ask for much more from a movie in my opinion, not to mention it's a hilarious movie and you'll never lose interest. Very Very underrated movie here folks.

Rating from me: 10 I am out!!!\": {\"frequency\": 1, \"value\": \"I have seen this ...\"}, \"This movie is an amusing and utterly sarcastic view of pop culture and the producers thereof. I was impressed with the photography that consisted of vivid colors and spin doctored settings, especially when you think that this is Zukovic's first large scale attempt.

One warning, do not take the movie's message that seriously. It is not for mass consumption ( and that is not a compliment). The message is a somewhat stylized post-college, neophyte view of society.

I did enjoy the basic plot line of a fictitious 'zine editor verbally whipping the mobocracy of the 90's.\": {\"frequency\": 1, \"value\": \"This movie is an ...\"}, \"Really...and incredible film that though isn't very popular...extremely touching and almost life altering...was for me at least.

Definitely worth seeing and buying .....Added to my favorite movie list....it's number one now....

This is a very touching movie that all people should see..

The Man in the Moon.....we'll it's just incredible. It's now my favorite movie and I only saw it today and I'd recommend it to anyone above 15 as long as you're somewhat mature......If you don't really try to feel the characters emotions then you'll never get the true meaning and value of this movie....But it really is incredible....just watch it because it'll alter the way some people look at life....worth seeing 5/5\": {\"frequency\": 1, \"value\": \"Really...and ...\"}, \"LE GRAND VOYAGE is a gentle miracle of a film, a work made more profound because of its understated script by writer/director Isma\\ufffd\\ufffdl Ferroukhi who allows the natural scenery of this 'road trip' story and the sophisticated acting of the stars Nicolas Cazal\\ufffd\\ufffd and Mohamed Majd to carry the emotional impact of the film. Ferroukhi's vision is very capably enhanced by the cinematography of Katell Djian (a sensitive mixture of travelogue vistas of horizons and tightly photographed duets between characters) and the musical score by Fowzi Guerdjou who manages to maintain some beautiful themes throughout the film while paying homage to the many local musical variations from the numerous countries the film surveys.

Reda (Nicolas Cazal\\ufffd\\ufffd) lives with his Muslim family in Southern France, a young student with a Western girlfriend who does not seem to be following the religious direction of his heritage. His elderly father (Mohamed Majd) has decided his time has come to make his Hadj to Mecca, and being unable to drive, requests the reluctant Reda to forsake his personal needs to drive him to his ultimate religious obligation. The two set out in a fragile automobile to travel through France, into Italy, and on through Bulgaria, Croatia, Slovenia, and Turkey to Saudi Arabia. Along the trip Reda pleads with his father to visit some of the interesting sights, but his father remains focused on the purpose of the journey and Reda is irritably left to struggle with his father's demands. On their pilgrimage they encounter an old woman (Ghina Ognianova) who attaches herself to the two men and must eventually be deserted by Reda, a Turkish man Mustapha (Jacky Nercessian) who promises to guide the father/son duo but instead brings about a schism by getting Reda drunk in a bar and disappearing, and countless border patrol guards and custom agents who delay their progress for various reasons. Tensions between father and son mount: Reda cannot understand the importance of this pilgrimage so fraught with trials and mishaps, and the father cannot comprehend Reda's insensitivity to the father's religious beliefs and needs. At last they reach Mecca where they are surrounded by hoards of pilgrims from all around the world and the sensation of trip's significance is overwhelming to Reda. The manner in which the story comes to a close is touching and rich with meaning. It has taken a religious pilgrimage to restore the gap between youth and old age, between son and father, and between defiance and acceptance of religious values.

The visual impact of this film is extraordinary - all the more so because it feels as though the camera just 'happens' to catch the beauty of the many stopping points along the way without the need to enhance them with special effects. Nicolas Cazal\\ufffd\\ufffd is a superb actor (be sure to see his most recent and currently showing film 'The Grocer's Son') and it is his carefully nuanced role that brings the magic to this film. Another fine film from The Film Movement, this is a tender story brilliantly told. Highly recommended.

Grady Harp\": {\"frequency\": 1, \"value\": \"LE GRAND VOYAGE is ...\"}, \"First of all, what is good in the movie ? Some pretty actress ? the exotic background ? the fact that the actors don't laugh while acting (I would have if I had been in their situation) ? I don't know. The storyline is simple : a catholic priest who does abstract painting tries to find out who (another abstract painter) killed his little brother, a male prostitute (raped by another priest when he was young...). I'm afraid there is nothing here to learn or to let think a little about serial killers, art or religion. Dennis Hopper is not very good here. This is the worst episode of the worst season of \\\"profiler\\\" (the serie) with replacement actors and unbelievable coincidences (the uncle is the policeman who, the girl who lives at another victim's house could have a baby with the priest, etc., etc).\": {\"frequency\": 1, \"value\": \"First of all, what ...\"}, \"Meryl Streep is such a genius. Well, at least as an actress. I know she's been made fun of for doing a lot of roles with accents, but she nails the accent every time. Her performance as Lindy Chamberlain was inspiring. Mrs. Chamberlain, as portrayed here, was not particularly likable, nor all that smart. But that just makes Streep's work all the more remarkable. I think she is worth all 10 or so of her Oscar nominations. About the film, well, there were a couple of interesting things. I don't know much about Australia, but the theme of religious bigotry among the general public played a big part in the story. I had largely missed this when I first saw the film some years ago, but it came through loud and clear yesterday. And it seems the Australian press is just as accomplished at misery-inducing pursuit and overkill as their American colleagues. A pretty good film. A bit different. Grade: B\": {\"frequency\": 1, \"value\": \"Meryl Streep is ...\"}, \"British comedies tend to fall into one of two main types: the quiet, introspective, usually romantic study and the farcical social satire. Settings, characters, and concepts vary but certain characteristics place the vast majority of shows into one of the two categories. Butterflies is perhaps the epitom\\ufffd\\ufffd of the first type.

The scripts are very verbal, including long interior monologues by the main character Ria, a basically happy but unsettled housewife curious about what she might have missed out on when she embarked on a thoroughly conventional life. When she meets a successful but clumsy and emotionally accessible businessman (who makes his interest in her quite clear), she toys with the idea of finding out what the other path might have offered.

The acting and scripts are always on the money, which makes one's reaction to the show almost entirely a personal one: I was neither blown away by it nor turned off. My mother, on the other hand, adored this show. I think the degree to which one identifies with Ria's dilemma is the most important factor in determining one's reaction to Butterflies.\": {\"frequency\": 1, \"value\": \"British comedies ...\"}, \"A sentimental school drama set in Denmark, 1969, \\\"We Shall Overcome\\\" offers a pathetic Danish take on US culture. Frits (Janus Dissing Rathke), a flower-power obsessed, naive 13-year-old, exits with half his ear hanging off from brutal master Lindum-Svendsen's (Bent Mejding) office. Lindum-Svendsen, a school director, portrayed as a fascistoid tyrant, has the local community in control. Lindum-Svendsen's gone too far this time, and with his father, recovering from a mental breakdown (sure, there wasn't enough drama already..), and overly stereotyped hippie music teacher Mr Svale ('Hi, call me Freddie'), Frits stands up for justice.

Tell you what. It's so unconvincing, over-(method-)acted, and so full of misery, that as a 'family' picture this grotesque -filled with clich\\ufffd\\ufffd's- excuse for a movie fails miserably to convince non-Scandinavian audiences. Sorry, kind danish readers, to crash like this into your sentimental journeys.. But it's definitely NOT a tale about a 'boy becoming a man by fighting the system'. The boy never becomes a man, but rather remains a naive, big eyed cry-face. If you call a church of small minded small town folk, led by a dictator like cartoonish character \\\"the system\\\", I'm sorry if I'm missing something.

If you're into family pictures, go see Happy Feet instead..\": {\"frequency\": 1, \"value\": \"A sentimental ...\"}, \"Charles McDougall's resume includes directing episodes on 'Sex and the City', 'Desperate Housewives', Queer as Folk', 'Big Love', 'The Office', etc. so he comes with all the credentials to make the TV film version of Meg Wolitzer's novel SURRENDER, DOROTHY a success. And for the most part he manages to keep this potentially sappy story about sudden death of a loved one and than manner in which the people in her life react afloat.

Sara (Alexa Davalos) a beautiful unmarried young woman is accompanying her best friends - gay playwright Adam (Tom Everett Scott), Adam's current squeeze Shawn (Chris Pine), and married couple Maddy (Lauren German) and Peter (Josh Hopkins) with their infant son - to a house in the Hamptons for a summer vacation. The group seems jolly until a trip to the local ice creamery by Adam and Sara) results in an auto accident which kills Sara. Meanwhile Sara's mother Natalie Swedlow (Diane Keaton) who has an active social life but intrusively calls here daughter constantly with the mutual greeting 'Surrender, Dorothy', is playing it up elsewhere: when she receives the phone call that Sara is dead she immediately comes to the Hamptons where her overbearing personality and grief create friction among Sara's friends. Slowly but surely Natalie uncovers secrets about each of them, thriving on talking about Sara as though doing so would bring her to life. Natalie's thirst for truth at any cost results in major changes among the group and it is only through the binding love of the departed Sara that they all eventually come together.

Diane Keaton is at her best in these roles that walk the thread between drama and comedy and her presence holds the story together. The screenplay has its moments for good lines, but it also has a lot of filler that becomes a bit heavy and morose making the actors obviously uncomfortable with the lines they are given. Yes, this story has been told many times - the impact of sudden death on the lives of those whose privacy is altered by disclosures - but the film moves along with a cast pace and has enough genuine entertainment to make it worth watching. Grady Harp\": {\"frequency\": 1, \"value\": \"Charles ...\"}, \"this is without a doubt the worst most idiotic horrible piece o' crap i have ever watched.

this movies plot is that some guy goes crazy and dresses up as santa claus and kills people BECAUSE he saw his mother give his father oral sex while he was dressed as santa clause. THAT IS WHY HE WENT INSANE? is it just me or is that the worst damn reason for someone to go insane like EVER? and that's not the only thing. i'm being serious when I say NOTHING HAPPENS IN THIS DAMN MOVIE. nothing until like 1 hour and 15 minutes of it have gone by.

there's an entire friggin scene where he glues a friggin santa beard on to him. IT'S A FRIGGIN MINUTE LONG. WHO THE HELL WANTS TO SEE THAT? however i must say the ending of this movie made me crap myself laughing at it. so if you see this movie on TV or something come back in like 1 hour and 20 minutes just to watch without a doubt the worst ending in all of cinematic history. and i'm serious about that.

it's not even so good its bad, it's tedious, it's idiotic, it made me want to break the vcr. it's just not worth your time also i'm sure every other review mentioned this but The actress who played the mother on Home Improvement was in this movie for a split second. YOU WANT TO KNOW HOW BAD THIS MOVIE IS? I'D RATHER WATCH HOME IMPROVEMENT FOR SIXTY SIX HOURS THEN EVEN LOOK AT THIS MOVIES COVER EVER AGAIN.\": {\"frequency\": 1, \"value\": \"this is without a ...\"}, \"Must confess to having seen a few howlers in my time, but this one is up there with the worst of them. Plot troubling to follow. Sex and violence thrown in to disorient and distract from the really poorly put together film.

I can only imagine that the cast will look back on the end product and wish it to gather dust on a shelf not to be disturbed for a generation or two. Sadly, in my case, I have the DVD. It will sit on the shelf and look at me from time to time.\": {\"frequency\": 1, \"value\": \"Must confess to ...\"}, \"This movie must be in line for the most boring movie in years. Not even woody Harrison can save this movie from sinking to the bottom.

The murder in this movie are supposed to be the point of interest in this movie but is not, nothing is of any interest. The cast are not to bad but the script are just plain awful , I just sat in utter amazement during this movie, thinking how on earth can anyone find this movie entertaining

The producers of this movie were very clever. They made a boring movie but hid it well with the names of good actors and actresses on their cast. People will go to the blockbuster and probably see this movie and think, Woody Harrison ,Kristin Scott Thomas and Willem Dafoe this must be good and rent this movie.(boy are they in for a horrible time)

If you like getting ripped off go and rent this movie, some people actually did enjoyed this movie but I like to watch a movie with meaning\": {\"frequency\": 1, \"value\": \"This movie must be ...\"}, \"This is a really stupid movie in that typical 80s genre: action comedy. Conceptwise it resembles Rush Hour but completely lacks the action, the laughs and the chemistry between the main characters of that movie. Let it be known that I enjoy Jay Leno as a stand-up and as a talk show host, but he just cannot act. He is awful when he tries to act tough - he barely manages to keep that trademark smirk off his face while saying his one-liners which, by the way, aren't very funny. And seeing him run (even back then) is not a pleasant sight. In addition, I have a feeling that Pat Morita - at least by today's standards - doesn't give a very politically correct impression of the Japanese. Don't even get me started about the story. I give it a 2 out of 10.\": {\"frequency\": 1, \"value\": \"This is a really ...\"}, \"This familiar story of an older man/younger woman is surprisingly hard-edged. Bikers, hippies, free love and jail bait mix surprisingly well in this forgotten black-and-white indie effort. Lead actress Patricia Wymer, as the titular \\\"Candy,\\\" gives the finest performance of her career (spanning all of 3 drive-in epics). Wymer was precocious and fetching in THE YOUNG GRADUATES (1971), but gives a more serious performance in THE BABYSITTER. The occasional violence and periodic nudity are somewhat surprising, but well-handled by the director. Leads Wymer and George E. Carey sell the May/December romance believably. There are enough similarities between THE BABYSITTER and THE YOUNG GRADUATES to make one wonder if the same director helmed the latter film as well. Patricia Wymer, where are you?

Hailing from Seattle, WA, Miss Wymer had appeared as a dancer on the TV rock and roll show MALIBU U, before gracing the cover (as well as appearing in an eight-page spread) of the August, 1968 issue of \\\"Best For Men,\\\" a tasteful adults-only magazine. She also appeared as a coven witch in the popular 1969 cult drive-in shocker THE WITCHMAKER.

THE BABYSITTER has finally made its home video debut, as part of the eight-film BCI box set DRIVE-IN CULT CLASSICS vol. 3, which is available from Amazon.com and some retail stores such as Best Buy.\": {\"frequency\": 1, \"value\": \"This familiar ...\"}, \"I second the motion to make this into a movie, it would be great!! I was also amazed at the storyline and character build in this game. I have played it again and again (over 20 times) just to try something different and it gets more interesting every time. Final Fantasy eat your heart out!! THIS SHOULD BE MADE INTO A MOVIE!!!!! If anyone out there wants some help to start a petition to have this made into a movie, please contact me. I would love to help with that project any day. The graphics are great for PS1 and even make you forget it is PS1 most of the time. The multitude of side quests makes it different every time you play.\": {\"frequency\": 1, \"value\": \"I second the ...\"}, \"Eddie Murphy Delirious is by far the funniest thing you will ever see in your life. You can compare it to any movie, and I garuntee you will decide that Delirious is the funniest movie ever! This movie is about 1hr. 45 mins., and throughout that time, there was barely a moment where I wasn't laughing. You will laugh for hours after it is over, replaying the punch lines over and over and over in your head. Eddie Murphy has given so many funny performances over his career (48 Hrs.,Trading Places,Beverly Hills Cop,Raw,Coming To America, The Nutty professor,Shrek,etc.),but this is by far his MOST HILARIOUS moment. I have seen this movie so many times, and it is funnier every time. It never loses its edge. From this day forward, every great stand up performance will be emulated from Delirious. ***** and two thumbs up!\": {\"frequency\": 1, \"value\": \"Eddie Murphy ...\"}, \"Bad script, bad direction, over the top performances, overwrought dialogue. What more could you ask for? For laughs, it just doesn't get any better than this. Zadora's over-acting combined with the cliched scenarios she finds herself in make for an hilarious parody of the \\\"Hollywood\\\" machine. Almost as funny as \\\"Spinal Tap\\\" even though it was clearly not intended as such. Don't miss Ray Liotta's debut film line, \\\"Looks like a penis.\\\"\": {\"frequency\": 1, \"value\": \"Bad script, bad ...\"}, \"Mad Magazine may have a lot of crazy people working for it...but obviously someone there had some common sense when the powers-that-be disowned this waste of celluloid...the editing is el crapo, the plot is incredibly thin and stupid...and the only reason it gets a two out of ten is that Stacy Nelkin takes off some of her clothes and we get a nice chest shot...I never thought I would feel sorry for Ralph Macchio making the decision to be in this thing, but I do...and I REALLY feel bad for Ron Leibman and Tom Poston, gifted actors who never should have shown up in this piece of...film...at least Mr. Leibman had the cajones to refuse to have his name put anywhere on the movie...and he comes out ahead...there are actually copies of this thing with Mad's beginning sequence still on it...if you can locate one, grab it cuz it is probably worth something...it's the only thing about this movie that's worth anything...and a note to the folks at IMDb.com...there is no way to spoil this movie for anyone...the makers spoiled it by themselves...\": {\"frequency\": 1, \"value\": \"Mad Magazine may ...\"}, \"For movie fans who have never heard of the book (Shirley Jackson's \\\"The Haunting of Hill House\\\") and have never seen the 1963 Robert Wise production with Julie Harris, this remake will seem pretty darn bad.

For those of us who have, it is just plain awful.

Bad acting (what was Neeson thinking?), goofy computer enhancements, and a further move away from Jackson's story doom this remake.

Do yourself a favor and rent the original movie. It still effectively scares without hokey special effects. The acting is professional and believable.

For readers of the book, the from 1963 follows the it much closer.\": {\"frequency\": 1, \"value\": \"For movie fans who ...\"}, \"The first of two films by Johnny To, this film won many awards, but none so prestigious as a Cannes Golden Palm nomination.

The Triad elects their leader, but it is far from democratic with the behind the scenes machinations.

Tony Leung Ka Fai (Zhou Yu's Train, Ashes of Time Redux) is Big D, who plans to take the baton no matter what it takes, even if it means a war. Well, war is not going to happen as that is bad for business. Big D will change his tune or...

Good performances by Simon Yam, Louis Koo and Ka Tung Lam (Infernal Affairs I & III), along with Tony Leung Ka Fai.

Whether Masons, made men in the Mafia, or members of the Wo Sing Society, the ceremonies are the same; fascinating to watch.

To be continued...\": {\"frequency\": 1, \"value\": \"The first of two ...\"}, \"This is quite possibly the worst Christmas film ever. The plot is virtually non-existent, the acting (Affleck in particular) is poor at best. Ben Affleck fans will probably defend this film but deep down they must agree. As far as I could gather the plot consisted of Ben Affleck, a millionaire salesman, is told by a shrink to go to a place that reminds him of his childhood and burn a list of things he wanted to forget from his childhood. On doing this he ends up paying the family currently living in the house to be his family for Christmas... and that is it. The film goes on and eventually he gets together with the daughter of the family.... blah blah blah.\": {\"frequency\": 1, \"value\": \"This is quite ...\"}, \"Wow, I love and respect pretty much anything that David Lynch has done. However, this movie is akin to a first filmmaker's attempt at making a pseudo art video.

To give you a couple of examples:

1. David Lynch is typically a visual filmmaker, however, this had little visual artistic content (blank walls, \\\"up shots\\\" with ceiling in the background)

2. David Lynch typically takes great pride in audio, however, in this you could even hear the video camera's hum.

In fact, it is very hard to swallow the idea that he had anything to do with this movie. unless...

...this is a joke, on David's part, to force fans search his website (for hours) only to find this drivel. I hope so, because at least that idea is funny.\": {\"frequency\": 1, \"value\": \"Wow, I love and ...\"}, \"Pushing Daisies truly is a landmark in Television as an art form. Everything seems to pay homage to Amelie and Tim Burton, but so what, in a world where fresh ideas are distinctly rare, this show will guarantee that you do not care about whether its fresh or not. It is just Brilliant.

I have been captivated from the start, the intelligent writing, the Directing to the backdrops and dialogue make this show the most incredible masterpiece since The Shield and The Wire (ok not exactly good comparisons but the beauty of Pushing Daisies is that it has no comparisons on television).

Truly addictive and an absolute pleasure. Perhaps like one of the Piemakers pies that get mentioned in such tantalising ways.\": {\"frequency\": 1, \"value\": \"Pushing Daisies ...\"}, \"as an inspiring director myself, this movie was exciting to watch with criticism in mind. Shot with low end digital camera probably with 35mm adapter for DOF. The editing is good acting decent, sound effects aren't too over the top. I would have give it a 7 for an indie film, but the story aren't that interesting. It's more on the drama side, character developments than a horror flick.

It's not for those who wants to get spooked startled frightened grossed out, or sit down with popcorn to just enjoy.

honestly this movie would be good if we were still in the 50's

This movie is about a family who has a dry field, and that is just that.\": {\"frequency\": 1, \"value\": \"as an inspiring ...\"}, \"\\\"Slaughter High\\\" is a totally ridiculous slasher flick about a high school nerd Marty,who gets pick on all the time by some pranksters.The prank goes wrong and he ends up getting savagely burned.Five years later his tormentors all attend a reunion-just the ten of them of course,and low and behold Marty murders them one after another.British actress Caroline Munro(\\\"Maniac\\\")leads the cast as the heroine(who dies anyway!).The acting is completely awful,there's also no suspense at all.Plenty of grotesque death scenes to satisfy the gore-freaks:a guy's stomach explodes,another female victim literally gets an acid bath,a couple having sex in bed get electrocuted,a guy is crushed by a tractor,one girl is drowned,and a doctor gets a hyperdermic needle in the eye.The killer wears a decent and rather creepy jester's mask and the setting(a beautiful old English castle)is really nice.However the dream finale is utterly pathetic.All in all it's true that \\\"Slaughter High\\\" is a piece of garbage,but I enjoyed it.Only for fans of truly bad slasher flicks.\": {\"frequency\": 1, \"value\": \"\\\"Slaughter High\\\" ...\"}, \"This show is so full of action, and everything needed to make an awsome show.. but best of all... it actually has a plot (unlike some of those new reality shows...). It is about a transgenic girl who escapes from her military holding base.. I totally suggest bying the DVDs, i've already preordered them... i suggest you do to...\": {\"frequency\": 1, \"value\": \"This show is so ...\"}, \"Although i had heard this film was a little dry, I watch whatever Scott Bakula is in. At the start of this film I had high hopes for the classic cheesy but enjoyable Scott-gets-girl ending and until 20 minutes before the end it was going great. The plot twist was crazy and unexpected and very clever. I kept my fingers crossed that it would work out and it would all be some horrible misunderstanding, right up until when the credits rolled and I realised that there was not going to be a happy and contented ending. Unfortunately i was left regretting that i'd watched it and hurriedly putting on some quantum leap to restore my faith in the goodness of the Great Scott!\": {\"frequency\": 1, \"value\": \"Although i had ...\"}, \"ZP is deeply related to that youth dream represented by the hippie movement.The college debate in the beginning of the movie states the cultural situation that gives birth to that movement. The explosion that Daria imagines, represents the fall of all social structures and therefore the development of all that huge transformation that society is suffering through and finally Mark's death anticipates the end that A sees for the movement itself. The film will be more easily understood if we go back to that time in life. During the 60 ' and 70' , young people were the driving force for the profound explorations for change. One of the more significant changes intended was to bring sexuality out of the closet , and i think the scenes in the desert do not represent an orgy but the sexual relationship that men and women in absolute freedom would perform in the hipotetic situation where there would be nobody to hide from. I watched the scene where the couples would throw sand to each other and appreciated the magnificent way in which A depicted the impossibility to continue hiding this basic human instinct. Repression was the way to 'control' social outbursts at that time and that is the method , police applies to stop the students. This society suffers from hipocresy, and that comes clear when the students gain access to weapons skipping all fake controls. The dialogue between the policeman with the college professor, who's detained for no reason shows part of society interested for this youth feeling and part completely uninterested. Presenting flying as the more accurate symbol for freedom, the stealing of the plane represents Mark 's inner wish for it but , his (going back or coming back or returning (segun)) shows the difficulties to come free from these bonds and as i ' ve said, A depicts the death of the dream by these difficulties winning the game. In my point of view a film to remember.\": {\"frequency\": 1, \"value\": \"ZP is deeply ...\"}, \"You know what you are getting when you purchase a Hallmark card. A sappy, trite verse and that will be $3.99, thank you very much. You get the same with a Hallmark movie. Here we get a ninety year old Ernie Borgnine coming out of retirement to let us know that as a matter of fact, he is not dead like we thought. Poor Ernie, he is the poor soul that married Ethel Merman several years ago and the marriage lasted a few weeks. In this flick, Ernie jumps in feet first and portrays the Grandpa that bonds with his long lost grandkid. We have seen it before. You might enjoy this movie but please don't say that you were not warned.\": {\"frequency\": 1, \"value\": \"You know what you ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"Jane Porter's ...\"}, \"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.\": {\"frequency\": 2, \"value\": \"Very silly movie, ...\"}, \"Red Eye is a good little thriller to watch on a Saturday night. Intense acting, great villain and unexpected action.

Some might not want to see this movie because it goes for a very short 85 Min's and 88% of the movie is on a plane and just talking. Don't worry they pull it off very well with the smart and witty dialog.

A PG-13 movie seems to be new grounds for director Wes Craven. But surely enough he has fit as much violence as he possibly can into this thriller.

This movies strongest point is its cast. This film needed good actors to deliver the dialog and thrills. If they didn't have those actors the film would have been lost and boring. We had Rachel McAdams from Mean Girls and Wedding Crashers. Cillian Murphy from Batman Begins and 28 days Later. Rounding off this cast is Brian Cox from X-men 2.

The pacing in this film was great. Just when your thinking its going to get boring they throw a twist at you. Luckily this isn't a long movie and doesn't feel like it either. Much better then the other flight movie Flight Plan.

Here is my Flight Plan comment: http://www.imdb.com/title/tt0408790/usercomments-578

I recommend. Not too long and not too shabby.

8/10\": {\"frequency\": 1, \"value\": \"Red Eye is a good ...\"}, \"Wow! So much fun! Probably a bit much for normal American kids, and really it's a stretch to call this a kid's film, this movie reminded me a quite a bit of Time Bandits - very Terry Gilliam all the way through. While the overall narrative is pretty much straight forward, Miike still throws in A LOT of surreal and Bunuel-esquire moments. The whole first act violently juxtaposes from scene to scene the normal family life of the main kid/hero, with the spirit world and the evil than is ensuing therein. And while the ending does have a bit of an ambiguous aspect that are common of Miike's work, the layers of meaning and metaphor, particularly the anti-war / anti-revenge message of human folly, is pretty damn poignant. As manic and imaginatively fun as other great Miike films, only instead of over the top torture and gore, he gives us an endless amount of monsters and yokai from Japanese folk-lore creatively conceived via CG and puppetry wrapped into an imaginative multi-faceted adventure. F'n rad, and one of Miike's best!\": {\"frequency\": 1, \"value\": \"Wow! So much fun! ...\"}, \"A call-girl witnesses a murder and becomes the killer's next target. Director Brian De Palma is really on a pretentious roll here: his camera swoops around corners in a museum (after lingering a long time over a painting of an ape), divvies up into split screen for arty purposes, practically gives away his plot with a sequence (again in split screen) where two characters are both watching a TV program about transsexuals, and stages his (first) finale during a thunderous rainstorm. \\\"Dressed To Kill\\\" is exhausting, primarily because it asks us to swallow so much and gives back nothing substantial. Much of the acting (with the exception of young Keith Gordon) is mediocre and the (second) finale is a rip-off of De Palma's own \\\"Carrie\\\"--not to mention \\\"Psycho\\\". The explanation of the dirty deeds plays like a spoof of Hitchcock, not an homage. Stylish in a steely cold way, the end results are distinctly half-baked. ** from ****\": {\"frequency\": 1, \"value\": \"A call-girl ...\"}, \"Pretty awful but watchable and entertaining. It's the same old story (if you've lived through the 80s). Vietnam vets fight together as buddies against injustice back in the States. A-Team meets Death Wish, my favorite!

Time goes on, the soldiers go home, and years later a friend is in trouble. No, wait -- in fact, the friend is dead and it is his dad that's in trouble. Our first hero, Joey, is killed by an exceedingly horrifying (super pointy) meat tenderizer as he tries to defend his father's small store from the local \\\"protection\\\" gang despite being wheelchair bound from the war. Desperate for help, the father talks to Sarge, the leader of Joey's old unit from Vietnam, when Sarge shows up for the funeral.

Well, the squeaky wheel gets the grease, and the old gang saddles up for the city. You can pretty much imagine most of the rest of the movie.

The one thing that drove me crazy is that Sarge keeps haranguing his men about planning, and about how they're really good at what they do when they plan ahead. But Joey wouldn't have been put in a wheelchair by a gunshot in Vietnam in the first place if the unit hadn't been messing around! Then when things are going really well in the city as they battle the gangs, they do it again. For no reason at all, they completely bypass their plan and try to nail the gang without everyone being present. Phh!!!! I raise my hands in disgust. Foolishness!

There is also a suspicious moment when all present members of the unit make sure to try out the heroin they snatch from the gang to make sure it's real. EVERY single one of them. Hmm....

What are you going to do? Keep watching, I guess. The movie isn't too horrible to watch, but it IS a tease. There are all these climactic moments when nothing actually winds up happening. The most dramatic things that happen are those at the beginning of the movie -- the explosives in Vietnam, Joey's death battle, and the gang brutally kicking an innocent teddy bear aside (poor Teddy!).

I guess my main beef with this movie is that I feel let down by it. Even the confusing subplots with \\\"mystery helpers\\\" and their bizarrely cross-purpose motives wasn't enough to save it at the end. But someday maybe it'll all come right and they'll make a sequel. Ha ha ha ha!!!\": {\"frequency\": 1, \"value\": \"Pretty awful but ...\"}, \"The Fluffer may have strong elements of porn industry truth to it - but that doesn't make up for the fact that it's pretty shabbily directed and acted - and with a very mediocre script.

B grade from start to the exceedingly drawn out finish.

It would be embarassing to think of the general public being offered this piece as an example of state of the art gay film making.

Hopefully it has a limited life in the gay film festival circuit and is allowed to die a natural death on video.

This film will open the Queer Film Weekend in Brisbane on April 10, 2002. I think its success there will be strongly influenced by the amount of alcohol consumed in the preceding cocktail party - they're gonna need it.\": {\"frequency\": 1, \"value\": \"The Fluffer may ...\"}, \"

I saw The Glacier Fox in the theatre when I was nine years old - I bugged my parents to take me back three times. I began looking for it on video about five years ago, finally uncovering a copy on an online auction site, but I would love to see it either picked up by a new distributor and rereleased (I understand the original video run was small), or have the rights purchased by The Family Channel, Disney, etc. and shown regularly. It is a fascinating film that draws you into the story of the life struggle of a family of foxes in northern Japan, narrated by a wise old tree. The excellent soundtrack compliments the film well. It would be a good seller today, better than many of the weak offerings to children's movies today.\": {\"frequency\": 1, \"value\": \"

I saw ...\"}, \"Hollywood Hotel was the last movie musical that Busby Berkeley directed for Warner Bros. His directing style had changed or evolved to the point that this film does not contain his signature overhead shots or huge production numbers with thousands of extras. By the last few years of the Thirties, swing-style big bands were recording the year's biggest popular hits. The Swing Era, also called the Big Band Era, has been dated variously from 1935 to 1944 or 1939 to 1949. Although it is impossible to exactly pinpoint the moment that the Swing Era began, Benny Goodman's engagement at the Palomar Ballroom in Los Angeles in the late summer of 1935 was certainly one of the early indications that swing was entering the consciousness of mainstream America's youth. When Goodman featured his swing repertoire rather than the society-style dance music that his band had been playing, the youth in the audience went wild. That was the beginning, but, since radio, live concerts and word of mouth were the primary methods available to spread the phenomena, it took some time before swing made enough inroads to produce big hits that showed up on the pop charts. In Hollywood Hotel, the appearance of Benny Goodman and His Orchestra and Raymond Paige and His Orchestra in the film indicates that the film industry was ready to capitalize on the shift in musical taste (the film was in production only a year and a half or so after Goodman's Palomar Ballroom engagement). There are a few interesting musical moments here and there in Hollywood Hotel, but except for Benny Goodman and His Orchestra's \\\"Sing, Sing, Sing,\\\" there isn't a lot to commend. Otherwise, the most interesting musical sequences are the opening \\\"Hooray for Hollywood\\\" parade and \\\"Let That Be a Lesson to You\\\" production number at the drive-in restaurant. The film is most interesting to see and hear Benny Goodman and His Orchestra play and Dick Powell and Frances Langford sing.\": {\"frequency\": 1, \"value\": \"Hollywood Hotel ...\"}, \"Finally, an indie film that actually delivers some great scares! I see most horror films that come out... Theatrical, Straight-To-DVD, cable, etc... and most of them suck... a few are watchable... even fewer are actually good... Dark Remains is one of the good ones. I caught a screening of this film at the South Padre Island Film Festival... the audience loved it... and my wife and I loved it! Having no name actors, I assume the budget on this film was pretty low, but you wouldn't know it... the film looks fantastic... the acting totally works for the film... the story is good... and the scares are great! While most filmmakers focus solely on the scares, they often forget about story and character development, two things that help to deliver the scares more efficiently. Brian Avenet-Bradley must know that character and story are important. He develops both to the point where you care about the characters, you know the characters, and are therefore more scared when they are in danger.

Watching horror films that cost anywhere from $80 million to $5000 to make, I find \\\"Dark Remains\\\" to be one of the gems out there. Check this film out!\": {\"frequency\": 1, \"value\": \"Finally, an indie ...\"}, \"An idiotic dentist finds out that his wife has been unfaithful. So, no new story lines here. However, the authors managed to create a stupid, disgusting film. If you enjoy watching kids vomiting, or seeing a dentist imagining that he is pulling all his wife's teeth out in a bloody horror-type, go see (or rent) the film. If not, move on to something else (MY FAIR LADY, anyone?)\": {\"frequency\": 1, \"value\": \"An idiotic dentist ...\"}, \"I was gifted with this movie as it had such a great premise, the friendship of three women bespoiled by one falling in love with a younger man.

Intriguing.

NOT! I hasten to add. These women are all drawn in extreme caricature, not very supportive of one another and conspiring and contriving to bring each other down.

Anna Chancellor and Imelda Staunton could do no wrong in my book prior to seeing this, but here they are handed a dismal script and told to balance the action between slapstick and screwball, which doesn't work too well when the women are all well known professionals in a very small town.

And for intelligent women they spend a whole pile of time bemoaning the lack of men/sex/lust in their lives. I felt much more could have been made of it given a decent script and more tension, the lesbian sub-plot went nowhere and those smoking/drinking women (all 3 in their forties???) were very unrealistic - even in the baby scene - screw the baby, gimme a cigarette! Right.

Like I said, a shame of a waste. 4 out of 10.\": {\"frequency\": 1, \"value\": \"I was gifted with ...\"}, \"This is like \\\"Crouching Tiger, Hidden Dragon\\\" in a more surreal, fantasy setting with incredible special effects and computer generated imagery that would put Industrial Light and Magic to shame. The plot may be hard to follow, but that is the nature of translating Chinese folklore to the screen; certainly the overall story would probably be more familiar to its native audience. However, an intelligent person should be able to keep up; moreover, the martial arts scenes potency are amplified by eye popping CGI.\": {\"frequency\": 1, \"value\": \"This is like ...\"}, \"The Invisible Maniac starts as a young Kevin Dornwinkle (Kris Russell) is caught by his strict mother (Marilyn Adams) watching a girl (Tracy Walker) strip through his telescope... Cut to 'Twenty Years Later' & Kevin Dornwinkle (Noel Peters) is now a physics professor who claims to have discovered a way to turn things invisible using a 'mollecular reconstruction' serum. However during a demonstration in front of his fellow scientists it fails & they all laugh at him, Dornwinkle goes mad kills a few of them & is locked away in a mental institute from which he escapes. Jump forward 'Two Weeks Later' & a group of summer college students discuss the tragic death of their physics teacher when the headmistress Mrs. Cello (Stephanie Blake as Stella Blalack) says that she has hired a replacement, yes you've guessed it it's Dornwinkle. The student don't take to him & treat him like dirt, however Dornwinkle has perfected his invisibility serum & uses it to satisfy his perverted sexual urges & his desire for revenge...

Co-written & directed by Adam Rifkin wisely hiding under the pseudonym Rif Coogan (I wouldn't want my name to be associated with this turd of a film either) The Invisible Maniac is real bottom of the barrel stuff. The script by Rifkin, sorry Coogan & Tony Markes is awful. It tries to be a teenage sex/comedy/horror hybrid that just fails in every department. For a start the sex is nothing more than a few female shower scenes & a few boob shots, not much else I'm afraid & the birds in The Invisible Maniac aren't even that good looking. The comedy is lame & every joke misses by the proverbial mile, this is the kind of film that thinks someone fighting an invisible man or having Henry (Jason Logan) a mute man trying to make a phone call is funny. The Invisible Maniac makes the Police Academy (1984 - 1994) series of films look like the pinnacle of sophistication! As for the horror aspect that too is lame. It's also an incredibly slow (it takes over half an hour before Dornwinkles even becomes invisible), dull, predictable, boring & has highly annoying & unlikable teenage character's.

Director Rifkin or Coogan or whatever does absolutely nothing to try & make The Invisible Maniac an even slightly enjoyable experience. There's no scares, tension or atmosphere & as a whole the film is a real chore to sit through. He does nothing with the invisibility angle, just a few doors opening on their own is as adventurous as it gets. There is very little gore or violence, a bit of splashing blood, a few strangulations & the only decent bit in the whole film when someone has their head blown off with a shotgun, unfortunately he was invisible at the time & we only get to see the headless torso afterwards.

The budget must have been low, & I mean really low because this is one seriously cheap looking film. Dornwinkles laboratory is basically two jars on his bedside cabinet! When he escapes from the mental institution he has all of one dog sent after him & the entire school has about a dozen pupils & two teachers. The Invisible Maniac is a poorly made film throughout it's 85 minute duration, I spotted the boom mike on at least one occasion... Lets just say the acting is of a low standard & leave it at that.

The Invisible Maniac is crap, plain & simple. I found no redeeming features in it at all, there are so many more better films out there you can watch so there is no reason whatsoever to waste your time on this rubbish. Definitely one to avoid.\": {\"frequency\": 1, \"value\": \"The Invisible ...\"}, \"Go immediately and rent this movie. It will be be on a bottom shelf in your local video store and will be covered in dust. No one will have touched it in years. It may even be a $.50 special! It's worth ten bucks, I swear! Buy it! There aren't very many films than can compare with this - the celluloid version of that goo that forms at the bottom of a trash can after a few years. Yes, I gave it a '1,' but it really deserves much lower. 1-10 scales were not designed with stuff like this in mind.\": {\"frequency\": 1, \"value\": \"Go immediately and ...\"}, \"I've bought certain films on disc even though the second rate presentation wasn't an option. A certain company I won't identify here has put out several pan and scan dvds (\\\"Clean and Sober\\\", \\\"Star 80\\\", and this one, to name just three!) of films I don't think anyone wants to see in this compromised format. Some discs give the viewer a choice of 16x9 or full screen and others are just in their theatrical release 1.66:1 ratio.

That off my chest, I'll say \\\"Deathtrap\\\" was a spooky and oddly enough, amusing picture. My only complaints are the tinny score (what IS that f____g instrument that is usually dragged out for films set in 18th century France?) and Dyan Cannon screaming at regular intervals. Couldn't her character have been an asthmatic who grabbed for an inhaler when she was stressed? Minor complaints, both. The benefits of discs include being able to fast forward to get beyond those things which you don't like.

I never saw a staged version of \\\"Deathtrap\\\", so having these folks in the roles sets a great impression of their careers at the time. Before Broadway tickets cost an arm and a leg, the theatre was more affordable to average people. Now, anyone paying less than a king's ransom to get live entertainment probably isn't going to a hit show on the great hyped way.

Michael Caine and Christopher Reeve were both large, virile specimens in the early 80s and that's integral to how we'll react to their profession and overall image here. They're definitely not bookish men who can't fight or will back down from an obstacle. The two are equally great as their criminal stubbornness becomes their ultimate \\\"deathtrap\\\".\": {\"frequency\": 1, \"value\": \"I've bought ...\"}, \"I was lucky enough to get a free pass to an advance screening of 'Scoop' last night. Full house at the theatre and when the movie ended there was spontaneous applause. I didn't speak to anyone who disliked 'Scoop' although two teenagers sitting next to me sighed and fidgeted uncomfortably for most of the film. They were the exception though because everyone else including myself really enjoyed themselves.

'Scoop' is a quickly paced murder mystery. A young female journalism student is unwittingly maneuvered by forces beyond her control into trying to catch a serial killer on the loose. Plenty of hijinks ensue as she partners up with a traveling illusionist and falls in love with a frisky and charming young nobleman.

'Scoop' isn't a bad addition to the Woody Allen filmography. It isn't his best work but it is a very enjoyable and light hearted romp. I'd say it fits quite comfortably into being an average Woody Allen film, right in the middle of the pack. If you're a Woody Allen fan you'll probably enjoy yourself. If you're indifferent to his work then 'Scoop' might be enough to get you interested in seeing more. I don't think that anyone who dislikes his style of film-making and acting are going to change their mind. Woody plays the same kind of neurotic character we've grown so accustomed to although it borders dangerously close to forced and over the top in this film. While potentially aggravating for some who might find themselves wishing he'd hurry up and just spit out the words, Woody Allen fans know what to expect.

Very good performances all around in my opinion although I found myself missing Ian McShane who is excellent and not on camera nearly enough. Hugh Jackman is great as the charming nobleman and I think Woody Allen has found a new regular star to work with in Scarlett Johansson. I think that with 'Match Point' this is their second pairing and she's just magic with the material that Woody gives her. Could be the beginning of a beautiful relationship! I'm glad I saw the movie and definitely recommend it. More sophisticated comedy than movies like 'Scary Movie 4' so if your brand of comedy is the latter rather than the former, 'Scoop' probably isn't for you. If, on the other hand, you like a touch of class, sophistication and fun, 'Scoop' is for you. Probably not the Woody Allen film I'd introduce to a newcomer but all others should give it a try.\": {\"frequency\": 1, \"value\": \"I was lucky enough ...\"}, \"God, I was bored out of my head as I watched this pilot. I had been expecting a lot from it, as I'm a huge fan of James Cameron (and not just since \\\"Titanic\\\", I might add), and his name in the credits I thought would be a guarantee of quality (Then again, he also wrote the leaden Strange Days..). But the thing failed miserably at grabbing my attention at any point of its almost two hours of duration. In all that time, it barely went beyond its two line synopsis, and I would be very hard pressed to try to figure out any kind of coherent plot out of all the mess of strands that went nowhere. On top of that, I don't think the acrobatics outdid even those of any regular \\\"A-Team\\\" episode. As for Alba, yes, she is gorgeous, of course, but the fact that she only displays one single facial expression the entire movie (pouty and surly), makes me also get bored of her \\\"gal wit an attitude\\\" schtick pretty soon. You can count me out of this one, Mr. Cameron!\": {\"frequency\": 2, \"value\": \"God, I was bored ...\"}, \"This films makes no pretentious efforts to hide its true genre -- a campy B movie. It will flat out tell you in the beginning the definition of campy. It should have also given the adjective meaning of cheese. But the two come together in this film in ways that make you go, \\\"Hmmmmm... that's so stupid!\\\" and then have you laughing. For example, there is a scene back in \\\"16th Century Japan\\\", which shows a couple of samurai walking in the foreground of a temple. In the background of the temple, there are several tourists looking off in the distance in slippers and shorts. Hmmmm... hahahah! I could not stop laughing. And the acting goes from decent, to bearable, to oh my Lord, but that's what makes it funny. You'll see some decent actors and then find others really terrible. I have to digress somewhat though because I have seen Stephanie Sanchez in several plays and she is awesome. Her air time in the film was pretty short though. I have also seen Bryan Yamasaki in several plays in the islands during my visits and he's also better in theatre than in this movie. Anyhow, it's an entertaining film, if you've got nothing to do on a weekday evening.\": {\"frequency\": 1, \"value\": \"This films makes ...\"}, \"Modern viewers know this little film primarily as the model for the remake, \\\"The Money Pit.\\\" Older viewers today watch it with wisps of nostalgia: Cary Grant, Myrna Loy, and Melvyn Douglas were all \\\"superstars\\\" in an easier, less complicated era. Or was it? Time, of course, has a way of modifying perspectives, and with so many films today verily ulcerating with social and political commentary, there is a natural curiosity to wonder about controversy in older, seemingly less provocative films. In \\\"Mr. Blandings Builds His Dream House,\\\" there may, therefore, be more than what audiences were looking for in 1948. There is political commentary, however subtle. Finding a house in the late 40s was a truly exasperating experience, only lightly softened by the coming of Levittowns and the like. Politics in the movie? The Blandings children always seem to be talking about progressive ideas being taught to them in school (which in real life would get teachers accused of communism). In real life, too, Myrna Loy was a housing activist, a Democrat, and a feminist. Melvyn Douglas was no less a Democratic firebrand: he was married to congresswoman Helen Gahagan Douglas, whom young Richard Nixon accused of being soft on communism (and which ruined her). Jason Robards, sr., has a small role in the film, but his political activism was no less noticeable. More importantly, his son, Jason Robards, jr., would be for many years a very active liberal Democrat. Almost the odd fellow out was Cary Grant, whose strident conservatism reflected a majority political sentiment in Hollywood that was already slipping. But this was 1948: Communism was a real perceived threat and the blacklist was just around the corner. It would be another decade before political activism would reappear in mainstream films, and then not so subtly.\": {\"frequency\": 1, \"value\": \"Modern viewers ...\"}, \"As a Dane I'm proud of the handful of good Danish movies that have been produced in recent years. It's a terrible shame, however, that this surge in quality has led the majority of Danish movie critics to lose their sense of criticism. In fact, it has become so bad that I no longer trust any reviews of Danish movies, and as a result I have stopped watching them in theaters.

I know it's wrong to hold this unfortunate development against any one movie, so let me stress that \\\"Villa Paranoia\\\" would be a terrible film under any circumstances. The fact that it was hyped by the critics just added fuel to my bonfire of disillusionment with Danish film. Furthermore, waiting until it came out on DVD was very little help against the unshakable feeling of having wasted time and money.

Erik Clausen is an accomplished director with a knack for social realism in Copenhagen settings. I particularly enjoyed \\\"De Frigjorte\\\" (1993). As an actor he is usually funny, though he generally plays the same role in all of his movies, namely that of a working-class slob who's down on his luck, partly because he's a slob but mostly because of society, and who redeems himself by doing something good for his community.

This is problem number one in \\\"Villa Paranoia\\\"; Clausen casts himself as a chicken farmer, which is such a break from the norm that he never succeeds in making it credible.

It is much worse, however, that the film has to make twists and turns and break all rules of how to tell a story to make the audience understand what is going on. For instance, the movie opens with a very sad attempt at visualizing the near-death experience of the main character with the use of low-budget effects and bad camera work. After that, the character tells her best friend that she suddenly felt the urge to throw herself off a bridge. This is symptomatic of the whole movie; there is little or no motivation for the actions of the characters, and Clausen resorts to the lowest form of communicating whatever motivation there is: Telling instead of showing. Thus, at one point, you have a character talking out loud to a purportedly catatonic person about the way he feels, because the script wouldn't allow him to act out his feelings; and later on, voice-over is abruptly introduced, quite possibly as an afterthought, to convey feelings that would otherwise remain unknown to the audience due to the director's ineptitude. Fortunately, at this point you're roughly an hour past caring about any of the characters, let alone the so-called story.

The acting, which has frequently been a problem in Clausen's movies, can be summed up in one sad statement: S\\ufffd\\ufffdren Westerberg Bentsen, whose only other claim to stardom was as a contestant on Big Brother, is no worse than several of the heralded actors in the cast.

I give this a 2-out-of-10 rating.\": {\"frequency\": 1, \"value\": \"As a Dane I'm ...\"}, \"This series could very well be the best Britcom ever, and that is saying a great deal, considering the competitors (Fawlty Towers, Good Neighbours, to name just two).

What made Butterflies so superior, even to the best of the best, is that it did not just exemplify great, classic, classy and intelligent comedy, but it also expanded horizons, reflecting - flawlessly, gently, and at every detail - the great social change that was occurring in Britain at the time.

I remember watching this show as a teenager and being in awe of everything about it. The lifestyle depicted was remarkable in itself. This was the first time I saw real people using cordless phones. And the wardrobe of all the characters was far removed from the goofy seventies attire still seen in North America at the time. Then there were the decors, shop fronts, cars. These people - even the layabout sons, with their philosophical approach to life and epigrammatic humor - were sophisticated. They were examples of the \\\"New Europeans\\\" that would come to have an impact on life and style throughout the world in the coming decade (1980s).

Of course, the premise was strange and fantastic. The idea that someone who was living the suburban dream could be so discontent and restless was revolutionary, particularly to North Americans for whom happiness was always defined as money and things (sure the situation was depicted in American movies and TV, but not with the intensity of Butterflies or the movie Montenegro). And, if the premise was not surprising enough, the means by which it was expressed took it to the extreme. A potential affair that was not really about sex, or even romance? Butterflies dazzled many, but it must have left some people smacking their foreheads in disbelief... at the time anyway.

Butterflies turned out to be - in so many ways - prophetic. It documented, ahead of its time - post-modern ennui, all-pervasive lifestyle, the notion of emotional infidelity, and generational disconnect and male discontent (portrayed perfectly by the strained father-son relationships). It is too bad this series has not been rediscovered in a big way, and all those involved given credit for creating a meaningful snapshot of a certain time and place, and foreseeing all the slickness and angst that was to come.\": {\"frequency\": 1, \"value\": \"This series could ...\"}, \"I went to school with Jeremy Earl, that is how I heard of this movie, I don't really know if it was in the theater's at all. I don't recall the name. I have seen it, it is like one of those after school specials. The acting is OK, not great. The plot was kind of weak and the lines were pretty corny. So the only comment I can give this movie is \\\"Eh\\\" I borrowed the movie from Jeremy, if I was in a movie rental place, this is one that I would walk past and after watching it I wouldn't recommend it to anyone past middle school age. I've also noticed that many times when urban kids are portrayed, the slang is overused or just outdated. Many times I think thats what makes their characters unbelievable.\": {\"frequency\": 1, \"value\": \"I went to school ...\"}, \"I have made it my personal mission to go after those responsible for this film. I even got the rental company to give me my money back because I argued that they perpetrated false advertising.

It's not enough that the movie itself is a p.o.s., but the cover art is what sold me. I've done better make-up effects on my children at Halloween than what the movie actually depicts versus the cover art. Can you say \\\"raccoon eyes?\\\"

I'm not going to waste more of my time by going into the full details, but come on, the movie's main character is an L.A. cop who was born and raised in Alabama - but has a German accent!?! It's beyond insulting.\": {\"frequency\": 1, \"value\": \"I have made it my ...\"}, \"This a rip roaring western and i have watched it many times and it entertains on every level.However if your after the true facts about such legends as Hickcock,Cody and Calamity Jane then look elsewhere, as John Ford suggested this is the west when the truth becomes legend print the legend.The story moves with a cracking pace, and there is some great dialogue between Gary Cooper and Jean Arthur two very watchable stars who help to make this movie.The sharp eyed amongst you might just spot Gabby Hayes as an Indian scout, also there is a very young Anthony Quinn making his debut as Cayenne warrior, he actually married one of Demilles daughters in real life.Indeed its Quinns character who informs Cooper of the massacre of Custer told in flash back, the finale is well done and when the credits roll it fuses the American west with American history.So please take time out to watch this classic western.\": {\"frequency\": 1, \"value\": \"This a rip roaring ...\"}, \"This movie displays the kind of ensemble work one wishes for in every film. Barbara Bain and Donald Sutherland (who play husband and wife)are positive chilling, discussing the \\\"family business\\\" as if it were a grocery store or a dry cleaners. Macy, Campbell, Ullman, and Ritter are also terrific. They play off each other like members of a top-notch theatrical troupe, who realize that a quality product requires each actor to support the others unselfishly. And finally, there's Sammy (David Dorfman). What an amazing performance from a child...and what an uncanny resemblance he has to Ullman, whose son he plays!

We're treated to a unique story in \\\"Panic,\\\" and that's a rarity in these days of tired formulaic crap. The dialogue is sharp and smart, and this relatively short film nevertheless has the power to elicit a full range of emotions from the viewer. There are places to laugh, to be shocked, to be horrified, to be saddened, to be aroused, to be angry, and to love. It's not a movie that leaves you jumping for joy, but when it's over you're more than satisfied knowing you've spent the last ninety minutes experiencing a darn good piece of work.

More of us would go to theatres if we were treated to quality fare like this. When are the powers that be in Hollywood going to wake up? It's a real shame when something this good fails to get exposure beyond festivals and households fortunate enough to have cable.\": {\"frequency\": 1, \"value\": \"This movie ...\"}, \"This two-part TV mini-series isn't as good as the original from 1966 but it's solid. The original benefited from a huge number of things---it was all in black and white, it had a great jazz score and it was filmed at the real locations, including the home of the doomed Clutter family. That was important because in the book and in the original movie the home is very much a character itself.

This remake was filmed in Canada which I guess doubles okay for Kansas. The story tries to be as sympathetic to Perry as it dares to and Eric Roberts plays him as a somewhat fey person, his homosexuality barely hidden. The gentler take by Roberts doesn't quite work in the end though because it's hard to believe that his version of Perry Smith would just finally explode in a spasm of murder. Whereas Robert Blake's take on Smith left you no doubt that his Perry Smith was an extremely dangerous character.

Anthony Edwards was excellent as the bombastic, big-mouthed and ultimately cowardly Dick Hickcock, the brains of the outfit. His performance compares very well to Scott Wilson's role in the original movie.

Since this is a longer movie it allows more time to develop the Clutter family and in this regard I think the 1996 movie has an advantage. The Clutters are just an outstanding, decent family. They've never harmed another soul and it is just inexplicable that such a decent family is ultimately massacred in such a horrifying way. It still boggles my mind that, after the Clutters were locked in the bathroom, that Herb Clutter didn't force out the window so at least his children would have a chance to escape. This movie has the thought occur to him, but too late. From what I read about the real home, which is still standing, the way the bathroom is configured they could've opened the counter drawers and effectively barricaded the door which would've forced the killers to blast their way in. But it might've bought time for some of the Clutters to escape. Why the Clutters didn't try this, I have no idea.

Fans of the book will recognize that this movie takes a lot of liberties with how the crime is committed but not too serious. Still, it's distracting to viewers like me who have read tons about the case. The actors playing the cops, led by Sam Neill and Leo Rossi, are uniformly excellent, much better, I think, as a group, than the actors in the original movie. They know that to secure the noose around the necks of both of them they have to get them to confess. And the officers come to the interview impeccably prepared. They had already discovered the likely alibi the phony story of going to Fort Scott, and had debunked every jot of it. The officers then let Smith & Hickcock just walk into their trap. Hickcock is a b.s. artist who figures he can convince anyone of anything and the officers respectfully let him tell his cover story. But when they lower the boom on him, he shatters very quickly. It's very well filmed and acted and very gratifying to watch because the viewer naturally should loath Hickcock in particular by this point, a cowardly con-man who needs the easily manipulated Smith to do his killing for him. Supposedly Hickcock later stated that the real reason for the crime wasn't to steal money from the Clutters but to rape Nancy Clutter. At least she was spared that degradation.

The actors playing the Clutters are very good, Kevin Tighe as Herb Clutter in particular. The story sensitively deals with Mrs. Clutter's emotional problems, most likely clinical depression, and Mrs. Clutter displays remarkable inner strength when she firmly and strongly demands that the killers leave her daughter alone. From what I've read the Clutters' surviving family was particularly bothered by how Bonnie Clutter was portrayed in the book, claiming it was entirely untrue. But as an aside, both of the killers related to the police how Mr. Clutter asked them to not bother his wife because of her long illness. Capote might make up that fiction to make the character of Bonnie more interesting but certainly the killers had no reason to falsely portray Mrs. Clutter and no doubt much of the conversation in the book (duplicated in the movies) is right off the taped confessions of the killers. So it would've been nonsensical for Herb to have said that and not have it be true.\": {\"frequency\": 1, \"value\": \"This two-part TV ...\"}, \"The dancing was probably the ONLY watchable thing about this film -- and even that was disappointing compared to some other films. My gawd!

To me, this is the worst kind of film -- one that assumes it's a work of art because it has all the trappings of film-as-art. Yes, it's beautifully photographed, but ultimately lacks the depth and tension of the dance around which the film supposedly surrounds itself. Tango is a tease, it's hot, it has drama, it's audacious -- precisely what this film is not.\": {\"frequency\": 1, \"value\": \"The dancing was ...\"}, \"Unfortunately, this movie does no credit whatsoever to the original. Nicholas Cage, fairly wooden as far as actors go, imbues the screen with a range of skill from, non-plussed to over the top. The supporting cast is no better.

The plot stays much the same as the original in terms of scene progression but is far worse. Not enough detail is given to allow the audience to by into what is being sold. It turns out it's just a bill of poor goods. Disbelief cannot be suspended, nor can a befit of a doubt be given. The only saving aspect of this film is that it is highly visual, as the medium requires, and whomever scouted the location should be commended.

There was much laughter in the audience and multiple boos, literally, at the end.

Disappointed! Wait for the original to come on television, pour a whiskey and enjoy.\": {\"frequency\": 1, \"value\": \"Unfortunately, ...\"}, \"It is finally coming out. The first season will be available March 2007. It is currently airing on ABC Family from 4-5 pm eastern time Monday through Friday. The last episode will air on December 19th at 4:30. I missed it the first 100 times around. I wish I could buy the whole series right now. Who does she pick? I have to write 10 lines in order to reply to the first comment. What am I going to say. La da da de de. La da da de de nope only up to 8 how do I get to 9 almost almost awww 9 now I need 10 - 1, 2, 3, 4, 5, 6, 7, I missed counted this is only number 8. Punky Brewster is pretty awesome too. Almost to 10 almost awwwwww.\": {\"frequency\": 1, \"value\": \"It is finally ...\"}, \"This was the Modesty that we didn't know! It was hinted at and summarized in the comic strip for the syndicates to sell to newspapers! Lee and Janet Batchler were true Modesty Blaise fans who were given The Dream Job - tell a prequel story of Modesty that the fans never saw before. In their audio-commentary, they admitted that that they made changes in her origin to make the story run smoother. The \\\"purists\\\" should also note that we really don't know if everything she told Miklos was true because she was \\\"stalling for time.\\\" I didn't rent or borrow the DVD like other \\\"reviewers\\\" did, I bought it! And I don't want a refund! I watched it three times and I didn't sleep through it! Great dialog and well-drawn characters that I cared about (even bad guy Miklos) just like in the novels and comic strips! I too can't wait for the next Modesty (and Willie) film,especially if this \\\"prequel\\\" is a sign of what's to come!\": {\"frequency\": 2, \"value\": \"This was the ...\"}, \"Much underrated camp movie on the level of Cobra Woman, etc. Photographic stills resemble Rembrandt prints. Sometimes subtle dialog and hidden literate touches found throughout.\": {\"frequency\": 1, \"value\": \"Much underrated ...\"}, \"This movie was kind of interesting...I had to watch it for a college class about India, however the synopsis tells you this movie is about one thing when it doesn't really contain much cold, hard information on those details. It is not really true to the synopsis until the very end where they sloppily try to tie all the elements together. The gore factor is superb, however. Even right at the very beginning, you want to look away because the gore is pretty intense. Only watch this movie if you want to see some cool gore, because the plot is thin and will make you sad that you wasted time listening to it. I've seen rumors on other websites about this movie being based on true events, however you can not find any information about it online...so basically this movie was a waste of time to watch.\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"Bette Midler showcases her talents and beauty in \\\"Diva Las Vegas\\\". I am thrilled that I taped it and I am able to view whenever I want to. She possesses what it takes to keep an audience in captivity. Her voice is as beautiful as ever and will truly impress you. The highlight of the show was her singing \\\"Stay With Me\\\" from her 1979 movie \\\"The Rose\\\". You can feel the emotion in the song and will end up having goose bumps. The show will leave you with the urge to go out and either rent a Bette Midler movie or go to the nearest music store and purchase one of Bette Midler's albums.\": {\"frequency\": 2, \"value\": \"Bette Midler ...\"}, \"Even though the book wasn't strictly accurate to the real situation it described it still carried a sense of Japan. I find it hard to believe that anyone who was involved in making this film had ever been to japan as it didn't feel Japanese in the slightest. Almost everything about it was terrible. I will admit the actors were generally quite good but couldn't stand a chance of saving it. Before the film started I was surprised that there were only ten people in the cinema on a Friday night shortly after the movie had opened in Japan. 30 minutes in I was amazed they stayed. I stayed so I would have the right to criticize it. The whole movie was punctuated my groans and suppressed laughs of disbelief from my Japanese girlfriend. Everyone I saw walking out of that cinema had looks of confusion and disappointment on their faces.

To the makers of this movie, you owe me two hours.\": {\"frequency\": 1, \"value\": \"Even though the ...\"}, \"I thought it was an original story, very nicely told. I think all you people are expecting too much. I mean...it's just a made for television movie! What are you expecting? Some Great wonderful dramtic piece? I thought it was a really great story for a made for television movie....and that's my opinion.\": {\"frequency\": 1, \"value\": \"I thought it was ...\"}, \"Men of Honor stars Cuba Gooding Jr., as real life Navy Diver Carl Brashear who defied a man's Navy to become the first African American Navy Diver. Sometimes by his side and sometimes his adversary there was one man who Carl Brashear really admired. His name was Master Chief Billy Sunday (Robert DeNiro). Sunday in a lot of ways pushed, aggravated and helped Carl become the man he wanted to be.

I loved Cuba in this film. His portrayal here is as liberating and as powerful as Denzel Washington was in The Hurricane. Through every scene we can see his passion, motivation and stubbornness to achieve his dream. We can see the struggle within in him as he embarks to make his father proud. I also loved how the director created and brought forth a lot of tension in some of the key diving scenes. Brashear's encounter with a submarine during a salvage mission is heart-stopping and brilliant.

The only fault I could see would have to lie in the supporting cast. Cuba and DeNiro's characters are very intricate and exciting to watch. Which does make you a little sad when they have to butt heads with such two-dimensional supporting characters. The evil Lt. Cmdr. Hanks, Sunday's wife (Charlize Theron), the eccentric diving school colonel (Hal Holbrook) and Cuba's love interest are the characters I found to not have very much depth. What could have made these characters more substantial and more effective was a little more time to develop them. Why was that colonel always in his tower? How come Sunday's wife was so bitter and always drunk?

Another curious question has to be this. What happened to Carl Brashear's wedding? I mean if this film is chronicling this man's life wouldn't his wedding be an important event? Maybe it's just me. Men of Honor, however, is a perfect example of the triumph and faith that the human spirit envelops. This film will inspire and make you feel for this man's struggle. Which I do believe was the reason this powerful story was told. My hat goes off to you Carl Brashear. I really admire your strength.

\": {\"frequency\": 1, \"value\": \"Men of Honor stars ...\"}, \"After reading the comments to this movie and seeing the mixed reviews, I decided that I would add my ten cents worth to say I thought the film was excellent, not only in the visual beauty, the writing, music score, acting, and directing, but in putting across the story of Joseph Smith and the road he traveled through life of hardship and persecution for believing in God the way he felt and knew to be his path. I am very pleased, indeed, to have had a small part in telling the story of this remarkable man. I recommend everyone to see this when the opportunity presents itself, no matter what religious path he or she may be walking, this only instills one with more determination to live the life that we should with true values of love and forgiveness as the Savior taught us to do.\": {\"frequency\": 1, \"value\": \"After reading the ...\"}, \"I saw this when it premiered and just re-watched it on IFC again. This is a great telling of the many possible stories about the immigrant farmworker population that came to Hawai'i to work the sugar plantations in the early 1900's. My grandparents were part of that migration; my parents were born on a Kohala plantation (Big Island) at the time setting of the movie. I moved to the Big Island over a year ago after living in California for over 30 years. I was surprised to see that many of the former cane growing lands are still undeveloped, with wild cane still growing, years after the plantations closed. I've heard many stories from my aunts and uncles who were kids growing up on the plantation. This movie helps to image those kinds of stories and memories. This story is more of an historical document than a romantic plot-driven movie. It leaves me shaking my head to read a review like ccthemovieman's. Some people just don't get it.

I didn't recall that Youki Kudoh had the starring role, with which she did an incredible job. I recall her great performances in Jim Jarmusch's \\\"Mystery Train\\\" and in an Australian film, co- starring with Russell Crowe, \\\"Heaven's Burning\\\". Tamlyn Tomita did a great job with her pidgin English, especially for someone who didn't grow up in the Islands. I had forgotten that Toshiro Mifune had a cameo role as the moving picture show narrator. And I missed the fact that Jason Scott Lee had an uncredited, non-speaking part as one of the plantation workers during the payday scene.

I was saddened to find out that the director and co-writer, Kayo Hatta, died in an accidental drowning in 2005.

There are two other excellent foreign films that mirror this cane plantation experience: \\\"Gaijin\\\" about the immigrant cane workers in Brazil (many of them Japanese) in the same time period; and \\\"Sugar Cane Alley\\\" about the cane plantation experience in Africa. The latter is still available, but \\\"Gaijin\\\", sadly, doesn't appear to have been shown in quite a while. Another great film about the early Asian in America experience when immigrants were more like slaves is \\\"A Thousand Pieces of Gold\\\". This was set over the Chinese workers' involvement in the building of the railroad, starred Rosalind Chao, Chris Cooper, Michael Paul Chan, and Dennis Dun.\": {\"frequency\": 1, \"value\": \"I saw this when it ...\"}, \"The sexploitation movie era of the late sixties and early seventies began with the allowance of gratuitous nudity in mainstream films and ended with the legalization of hardcore porn. It's peak years were between 1968 and 1972. One of the most loved and talented actresses of the era was Monica Gayle, who had a small but fanatic cult of followers. She was actually able to act, unlike many who filled the lead roles of these flicks, and her subsequent credits proved it. And her seemingly deliberate fade into obscurity right when her career was taking off only heightens her mystique.

Gary Graver, the director, was also a talent; probably too talented for the sexploitation genre, and his skill, combined with Monica Gayle's screen presence, makes Sandra, the Making of a Woman, a pleasantly enjoyable experience. The film never drags and you won't have your finger pressed on the fast-forward button.\": {\"frequency\": 1, \"value\": \"The sexploitation ...\"}, \"Well it looked good on paper,Nick Cage and Jerry Buckheimer collaborate again, this time on a mix of heist movie, Da Vinci Code,American History 101 and Indiana Jones. But oh dear, this is to Indiana Jones what Speed 2 is to Speed. A reasonable cast(including John Voight and Harvey Keitel) battles against a puerile script and loses badly. The film is little more than an extended advert for the Freemasons.However these Freemasons are not your usual shopkeepers who use funny handshakes and play golf, these Freemasons are the natural descendants of the Knights Templar (and nobody mention 'From Hell' or Jack the Ripper.)I don't think I've revealed any plot spoilers because there are none. There is virtually no suspense, no surprises and no climax- it just stops. National Treasure aims for Dan Brown but hits the same intellectual level as an episode of Scooby Doo sans the humour.\": {\"frequency\": 1, \"value\": \"Well it looked ...\"}, \"L'Hypoth\\ufffd\\ufffdse du tableau vol\\ufffd\\ufffd/The Hypothesis of the Stolen Painting (1979) begins in the courtyard of an old, three-story Parisian apartment building. Inside, we meet The Collector, an elderly man who has apparently devoted his life to the study of the six known existing paints of an obscure Impressionist-era painter, Tonnerre. A narrator recites various epigrams about art and painting, and then engages in a dialogue with The Collector, who describes the paintings to us, shows them to us, tells us a little bit about the painter and the scandal that brought him down, and then tells us he's going to show us something....

As he walks through a doorway, we enter another world, or worlds, or perhaps to stretch to the limits, other possible worlds. The Collector shows us through his apparently limitless house, including a large yard full of trees with a hill; within these confines are the 6 paintings come to life, or half-way to life as he walks us through various tableaux and describes to us the possible meanings of each painting, of the work as a whole, of a whole secret history behind the paintings, the scandal, the people in the paintings, the novel that may have inspired the paintings. And so on, and so on. Every room, every description, leads us deeper into a labyrinth, and all the while The Collector and The Narrator engage in their separate monologues, very occasionally verging into dialogue, but mostly staying separate and different.

I watched this a second time, so bizarre and powerful and indescribable it was, and so challenging to think or write about. If I have a guess as to what it all adds up to, it would be a sly satire of the whole nature of artistic interpretation. An indicator might be found in two of the most amusing and inexplicable scenes are those in which The Collector poses some sexless plastic figurines -- in the second of them, he also looks at photos taken of the figurines that mirror the poses in the paintings -- then he strides through his collection, which is now partially composed of life-size versions of the figures. If we think too much about it and don't just enjoy it, it all becomes just faceless plastic....

Whether I've come to any definite conclusions about \\\"L'Hypoth\\ufffd\\ufffdse du tableau vol\\ufffd\\ufffd\\\", or not, I can say definitely that outside of the early (and contemporaneous) works of Peter Greenaway like \\\"A Walk Through H\\\", I've rarely been so enthralled by something so deep, so serious, so dense....and at heart, so mischievous and fun.\": {\"frequency\": 1, \"value\": \"L'Hypoth\\u00e8se du ...\"}, \"What fun! Bucketfuls of good humor, terrific cast chemistry (Skelton/Powell/Lahr/O'Brien), dynamite Dorsey-driven soundtrack! Miss Powell's dance numbers have exceptional individual character and pizzazz. Her most winning film appearance.\": {\"frequency\": 1, \"value\": \"What fun! ...\"}, \"Frequently voted China's greatest film ever by Chinese critics, as well as Chinese film enthusiasts from the outside, and, frankly, I don't get it at all. What I saw was one of the most generic melodramas imaginable, blandly directed and acted, with a complete shrew for a protagonist. Wei Wei (don't laugh) is that shrew, a young married woman who has suffered alongside her tubercular husband (Yu Shi) for the past several years. It is post WWII, and they live with the husband's teenage sister (Hongmei Zhang) in a dilapidated home with not much money (the man had been wealthy when they married). Along comes the husband's old best friend (Wei Li), who also used to be the wife's boyfriend when they were teens. She considers running away from her husband with this man, while the husband pretty much remains oblivious, thinking he may engage his little sister to his friend. That's the set-up, and it doesn't go anywhere you wouldn't expect it to. I've actually seen the remake, directed by Blue Kite director Zhuangzhuang Tian. It runs a half hour longer, and is actually kind of dull, too, but at least it was pretty. This supposed classic is pretty intolerable.\": {\"frequency\": 1, \"value\": \"Frequently voted ...\"}, \"Routine suspense yarn about a sociopath (Dillon) who gives his sperm to a clinic of human reproduction and starts to harrass the lives of the woman (Antony) and his husband (Mancuso). Extremely predictable, far-fetched and with undecided tone all the way. Don't lose your time with this one...make a baby instead!\": {\"frequency\": 1, \"value\": \"Routine suspense ...\"}, \"All the kids aged from 14-16 want to see this movie (although you are only allowed at 18). They have heard it is a very scary movie and they feel so cool when they watched it. I feel very sad kids can't see what a good movie is, and what a bad movie is. This was one of the worst movies i saw in months. Every scene you see in this movie is a copy from another movie. And the end? It's an open ending... why? Because it is impossible to come up with a decent en for such a stupid story. This movie is just made to make you scared, and if you are a bit smart and know some about music, you exactly know when you'll be scared.

When the movie was finished and i turned to my friend and told (a bit to loud) him that this was a total waste of money, some stupid kid looked strange at me. These day i could make an Oscar with a home-video of my goldfish, if only i use the right marketing.\": {\"frequency\": 1, \"value\": \"All the kids aged ...\"}, \"If you loved \\\"Pulp Fiction\\\" and like hand held cameras you should love this film. I liked the quirky story (even though I feel that \\\"Pulp Fiction\\\" was the most over-rated movie since \\\"The English Patient\\\") and found the characters unrealistic but interesting. It's not \\\"On the Waterfront\\\" or \\\"Citizen Kane\\\" and is burdened by European pretentiousness. But the worst part by far is the hand held camera. It is so distracting and annoying I found myself waiting desperately for the movie to end. I don't know why new directors think this method of filming is so great. If you are prone to motion sickness, stay away, the hand held camera will have you nauseous in about 10 minutes.\": {\"frequency\": 1, \"value\": \"If you loved \\\"Pulp ...\"}, \"Holes is a fable about the past and the way it affects the present lives of at least three people. One of them I will name, the other two are mysteries and will remain so. Holes is a story about Stanley Yelnats IV. He is unlucky in life. Unlucky in fact characterizes the fates of most of the Yelnats men and has been since exploits of Stanley IV's `no good-dirty-rotten-pig-stealing-great-great-grandfather.' Those particular exploits cursed the family's men to many an ill-fated turn. It is during just such a turn that we meet Stanley IV. He has been accused, falsely, of stealing a pair of baseball shoes, freshly donated to a homeless shelter auction, by a famous baseball player. He is given the option of jail, or he can go to a character building camp. `I've never been to camp before,' says Stanley. With that the Judge enthusiastically sends him off to Camp Green Lake.

Camp Green Lake is an odd place, with an odd philosophy, `If you take a bad boy, make him dig a hole every day in the hot sun, it will turn him into a good boy.' We learn this little pearl of wisdom from Mr. Sir (John Voight) one of the camp's `counselors.' We get the impression right away that he is a dangerous man. He at least wears his attitude honestly; he doesn't think he is nice. The camp's guidance councilor, Mr. Pendanski (Tim Blake Nelson) is a different matter entirely. He acts the part of the caring sensitive counselor, but he quick, quicker than anyone else in authority to unleash the most cruel verbal barbs at his charges. The Warden has a decided capacity for meanness, but other than that she is a mystery. These three rule Camp Green Lake, a place that has no lake. It is just a dry dusty desert filled with holes, five feet deep and five feet wide. Its local fauna, seem only to be the vultures, and dangerous poisonous yellow-spotted lizards. Green Lake seems is, in many ways, a haunted place.

Holes works in spite of the strange setting, and the strange story, because it understands people. Specifically because it is honest in the way it deals with the inmates of Camp Green Lake. The movie captures the way boys interact with one another perfectly. It captures the way boys can bully each other, they way they can win admiration, the way they fight with one another, and the way boys ally themselves along the age line. It is this well nuanced core that makes everything else in the film believable. What is also refreshing about this film the good nature of its main character. He does not believe in a family curse, he is not bitter about the infamous exploits of his `no good-dirty-rotten-pig-stealing-great-great-grandfather.' In fact he loves hearing the story. Stanley IV is not bitter about the past, and determined not let it affect him in the way it has affected his father and grandfather. There is at times a lot of sadness in the film, but not a lot wallowing angsty silliness. And that is refreshing.

Holes is an intelligent, insightful and witty family movie. It entertains, and not in any cheap way. It is not a comedy, though it has its laughs. It dares to be compelling, where many family movies tend to play it safe and conventional. As such it transcends the family movie genera and simply becomes a good film that everyone can enjoy. I give it a 10.\": {\"frequency\": 1, \"value\": \"Holes is a fable ...\"}, \"I should have known when I looked at the box in the video store and saw Lisa Raye - to me, she's the female Ernie Hudson A.K.A. \\\"Le Kiss of Death\\\" for *ANY* movie. Its almost *guaranteed* the movie will be bad (e.g. Congo)if Hudson is in it (with the exception of the Ghostbusters films, which were intentionally campy and bad). Despite my instincts, and the fact that I just saw Civil Brand, yet another cinematic \\\"tour de force\\\" starring Lisa Raye, I rented it anyway. After all, I ignored my \\\"Hudson instinct\\\" on OZ and ended up watching a very quality series so I figured I'd give this movie a chance.

If you are a lover of bad movies, this is a definite must see! This has got to be the most unintentionally funny movie I've seen in a loooong time. The plot is fairly straightforward: Racheal's (Monica Calhoun) sister is killed by a band of brigands (Led by Bobby Brown!) and, like many an action movie before this, she straps on her guns ONE LAST TIME and vows to avenge her sisters death. To do this, she reassembles the titular Gang of Roses (supposedly based on a true story of a female gang) and they go out and exact revenge and, along the way, there's some subplot or something or other about some gold that might be buried in the town. One nice thing I will say about this movie is that from what I could tell, the stars did their own riding and they looked GREAT galloping.

The funniest (albiet unintentionally funny) scenes? Look for when they introduce Stacy Dash's character or when Calhoun's character rescinds her vow not to strap on her guns (replete with a clenched fisted cry to the heavens) or Lil' Kim's character joking with Lisa Raye's character or Stacy Dash's character being killed or Lil' Kim's character convincing Lisa Raye's character to rejoin the gang or the Asian Chick or Macy Grey's character talking bout \\\"The debt is paid\\\", etc. With the exception of Calhoun's Racheal and Bobby Brown's Left-Eye, I can't even remember the names of the other characters cuz I was laughing so hard when they were introduced.

If the director had gone for parody and broad comedy this would have been a great movie. Unfortunately, he tries to take it seriously seemingly without first taking exposition, sound design (in his defense, Hip-Hop is notoriously difficult to work into a period piece), set design, script writing nor period historical research (was it me,or were these the cleanest people with the whitest teeth in the old west?) seriously. Usually when I see a movie that's not so good, I ask myself \\\"Could you have done any better?\\\" This is the first time in a long time where the answer is an unequivocal \\\"YES!\\\"\": {\"frequency\": 1, \"value\": \"I should have ...\"}, \"Like Ishtar and King of Comedy, other great, misunderstood comedies, Envy has great performances by two actors playing essentially, losers (may be too harsh a word, I will call them suburban under-achievers).

This film was a dark comedy gem, and I'm not sure what people expect. I relish seeing a major studio comedy that isn't filled with obvious humor, and I believe that the small moments in this movie make it worthwhile. The look on Stiller's face when he sees the dog doo disappear for the first time captures a moment, a moment that most people should be able to recognize in themselves. Yes, it was a fairly simple story, but it examined the root of envy in a really interesting way. There were a lot of great scenes (the J-Man's decrepit \\\"cabin by the lake\\\", Corky's unceremonious burial, Weitz's wife role, and Walken's J-Man -- all great stuff.

I can't stand people that get on IMDb and mercilessly trash films when they have absolutely no idea what it takes to make one. I will take Envy over almost any of the top ten grossing comedies of the year (save Napoleon Dynamite.) It's wittier, wackier, and an offbeat, enjoyable gem.

Remember this people; Most times, Popular doesn't equal Good.\": {\"frequency\": 1, \"value\": \"Like Ishtar and ...\"}, \"Mirror. Mirror (1990) is a flat out lame movie. Why did I watch movies like this when I was younger? Who knows? Maybe I was one for punishing myself by watching one terrible movie after another. I don't know, I guess I needed a hobby during my teen years. A teenage outcast (Rainbow Harvest) seeks solace in an old mirror. Soon she learns about the horrific power this antique mirror has and uses it to strike out against those who have wronged her. Movies like these, the power giver has a nasty side effect. This one changes her inside and out if she likes it or not.

A mess of a movie that for some reason was restored on d.v.d. a few years back. I don't know why. They should have left it on the shelf and collect dust. People love this movie foe some reason. If you do I would like to know why. Until then I dislike this movie and I have no reason to ever watch it again.

Not recommended at all.\": {\"frequency\": 1, \"value\": \"Mirror. Mirror ...\"}, \"In the opening scene, the eye patch wearing desperado named Hawkeye has a smooth forehead, but when he follows Johnny into the pueblo, he's shown with a scar over his patched eye. That's just one of the many continuity lapses in this edgy 'spaghetti' Western, but rather than detract from the picture, it adds a special flavor to the proceedings.

Another occurs when Sanchez turns in his three dead bodies, they have to be examined for their identities - \\\"You just can't imagine how many false cadavers we have in our town\\\". Immediately after, Carradine (Lawrence Dobkin) shows up to collect his bounty with no more than a wanted poster in hand.

As for the film's principal Johnny Yuma (Mark Damon), he's shown with his holster alternately on his right and left hip throughout the movie after exchanging gun belts with Carradine following the barroom brawl. Johnny's bound for San Margo at his uncle's request, but will have to avenge his death at the hands of deceitful wife Samantha (Rosalba Neri) and her conniving brother Pedro (Louis Vanner). It takes some time getting there, but it's a fun ride with one of the best music scores on record. As for that saloon fight, I got a kick out of the kung fu sound effects every time a punch connected.

Care for some more story exaggerations? Following the duel with Pedro the first time, Johnny wipes a small amount of blood from his lip which he manages to smear Pedro's entire face with. Similarly, when Pedro smacks around little Pepe later in the film he doesn't cut him, but by the time Johnny arrives, Pepe's face is covered with blood.

\\\"Johnny Yuma\\\" is probably one of the best of the genre that doesn't have Clint Eastwood in it. As Johnny, Mark Damon is a reasonably suitable stand in but without the seething exterior. Carradine seemed to be a replacement for the obligatory Lee Van Cleef character, without being a total bad guy. At first the identity exchange between Carradine and Johnny didn't seem to make sense, but it all tied together by the time the film ended. You knew each henchman would wind up getting his due; marking time for each was part of the anticipation.

In case you're wondering, the title hero has nothing to do with the Nick Adams character from the classic TV Western \\\"The Rebel\\\". In this film, Johnny got his name from a gunfight he had in Yuma once.

Perhaps the most unique element of the story had to do with the way it tied things up with the evil Samantha who pulled the strings behind the scenes throughout. After shooting Carradine she beats a hasty retreat before Johnny can get his revenge. Still alive, it looks like Carradine tries to shoot her and misses, but it doesn't take long for Johnny and Sanchez to track her into the dessert where she perished without water - Carradine aimed for her canteen.\": {\"frequency\": 1, \"value\": \"In the opening ...\"}, \"Yes, this production is long (good news for Bronte fans!) and it has a somewhat dated feel, but both the casting and acting are so brilliant that you won't want to watch any other versions!

Timothy Dalton IS Edward Rochester... it's that simple. I don't care that other reviewers claim he's too handsome. Dalton is attractive, certainly, but no pretty-boy. In fact he possesses a craggy, angular dark charm that, in my mind, is quite in keeping with the mysterious, very masculine Mr R. And he takes on Rochester's sad, tortured persona so poignantly. He portrays ferocity when the scene calls for it, but also displays Rochester's tender, passionate, emotional side as well. (IMO the newer A&E production suffers in that Ciaran Hinds - whom I normally adore - seems to bluster and bully his way throughout. I've read the book many times and I never felt that Rochester was meant to be perceived as a nonstop snarling beast.)

When I reread the novel, I always see Zelah Clarke as Jane. Ms. Clarke, to me, resembles Jane as she describes herself (and is described by others). Small, childlike, fairy... though it's true the actress doesn't look 18, she portrays Jane's attributes so well. While other reviews have claimed that her acting is wooden or unemotional, one must remember that the character spent 8 years at Lowood being trained to hold her emotions and \\\"passionate nature\\\" in check. Her main inspiration was her childhood friend Helen, who was the picture of demure submission. Although her true nature was dissimilar, Jane learned to master her temper and appear docile, in keeping with the school's aims for its charity students who would go into 'service'. Jane becomes a governess in the household of the rich Mr. Rochester. She would certainly *not* speak to him as an equal. Even later on when she gave as well as she got, she would always be sure to remember that her station was well below that of her employer. Nevertheless, if you read the book - to which this production stays amazingly close - you can clearly see the small struggles Zelah-as-Jane endures as she subdues her emotions in order to remain mild and even-tempered.

The chemistry between Dalton and Clarke is just right, I think. No, it does not in the least resemble Hollywood (thank God! It's not a Hollywood sort of book) but theirs is a romance which is true, devoted and loyal. And for a woman like Jane, who never presumed to have *any* love come her way, it is a minor miracle.

The rest of the casting is terrific, and I love the fact that nearly every character from the book is present here. So, too, is much of the rich, poetic original dialogue. This version is the only one that I know of to include the lovely, infamous 'gypsy scene' and in general, features more humor than other versions I've seen. In particular, the mutual teasing between the lead characters comes straight from the book and is so delightful!

Jane Eyre was, in many ways, one of the first novelized feminists. She finally accepted love on her own terms and independently, and, at last, as Rochester's true equal. Just beautiful!\": {\"frequency\": 1, \"value\": \"Yes, this ...\"}, \"In this 'sequel' Bruce is still called Billy Lo (get it? Bruce= Billy, Lo= Lee. No?) But apart from that, that's all it has in common with the other movie. Billy doesn't seem to be an actor anymore. He seems to be in another country. He's more like a spy. He's the only cast member to return and sadly, they kill him off to make way for a new character, his brother, Bobby. Sadly, when Bruce dies, the movie pretty much dies with him. This was extremely poorly made. It seemed like they were writing the script as they were filming. The footage works for a while (it's not too obvious at first) but soon Bruce is always shown in the dark all the time (he kicks out a light at one stage for no other apparent reason to hide the fact that it's not Bruce playing the part). Sadly when he dies the movie changes. I can't help but wonder if they were filming as they were writing and may well have planned to keep Bruce alive, but later decided to kill him off because it would not have been plausible as Bobby does not appear until Billy is dead. It's hard to change the lead character halfway in the movie and Bruce is a hard act to follow so it's hard to now accept Bobby as the star. Bruce is never seen again in this movie. I think they should have made this sequel without Bruce he has a lame role in this movie. People hoping to see a new Bruce Lee movie will be disappointed to see that although he's given the top billing, he only has a featuring role. Even the worst movies have at least one memorable bit. If there was one bit about this movie people seem to talk about, it's the scene where Billy fights in a plant nursery. Ironically it doesn't even use Bruce Lee footage. Mind you, they did it more convincingly in No Retreat No Surrender. Not one of the other actors here ever made anything else memorable. Bruce's girlfriend (Colleen Camp) is never mentioned. My advice is to turn it off as soon as Bruce is finished writing his letter to his brother. Nothing else in the movie is worth watching. I found it really sad to see Bruce die. I don't see how a small budgeted movie like this could get enough money to use footage from Enter The Dragon. This was a cheap way of trying to cash in on Bruce's name. Oddly this and the original are credited in Bruce's filmography. Thankfully so far, no one has tried anything like this again. 1981 was the year of Bruce's last movie appearance. It was a sad way to end it, but thankfully this is proof that Bruce's movie career should be left alone.\": {\"frequency\": 1, \"value\": \"In this 'sequel' ...\"}, \"After watching two of his silent shorts, 'Elena and her Men (1956)' is my first feature-length film from French director Jean Renoir, and I quite enjoyed it. However, I didn't watch the film for Renoir, but for star Ingrid Bergman, who \\ufffd\\ufffd at age 41 \\ufffd\\ufffd still radiated unsurpassed beauty, elegance and charm. Throughout the early 1950s, following her scandalous marriage to Italian Roberto Rossellini, Bergman temporarily fell out of public favour. Her next five films, directed by her husband, were unsuccessful in the United States, and I suspect that Renoir's latest release did little to enhance Bergman's popularity with English-speaking audiences {however, she did regain her former success with an Oscar in the same year's 'Anastasia (1956)'}. She stars as Elena Sokorowska, a Polish princess who sees herself as a guardian angel of sorts, bringing success and recognition to promising men everywhere, before promptly abandoning them. While working her lucky charms to aid the political aspirations of the distinguished General Francois Rollan (Jean Marais), she finds herself falling into a love that she won't be able to walk away from. This vaguely-political film works well as either a satire or a romantic comedy, as long as you don't take it too seriously; it's purely lighthearted romantic fluff.

Filmed in vibrant Technicolor, 'Elena and her Men' looks terrific as well, a flurry of bright colours, characters and costumes. Bergman's Polish princess is dreamy and somewhat self-absorbed, not in an unlikable way, but hardly a woman of high principles and convictions. She is persuaded by a team of bumbling government conspirators to convince General Rollan to stage a coup d'\\ufffd\\ufffdtat, knowingly exploiting his love for her in order to satisfy her own delusions as a \\\"guardian angel.\\\" Perhaps the film's only legitimately virtuous character is Henri de Chevincourt (Mel Ferrer, then Audrey Hepburn's husband), who ignores everybody else's selfish secondary motives and pursues Elena for love, and love alone. This, Renoir proudly suggests, is what the true French do best. 'Elena and her Men' also attempts, with moderate success, to expose the superficiality of upper-class French liaisons, through the clumsy philandering of Eug\\ufffd\\ufffdne (Jacques Jouanneau), who can't make love to his servant mistress without his fianc\\ufffd\\ufffd walking in on them. For these sequences, Renoir was obviously trying for the madcap sort of humour that you might find in a Marx Brothers film, but the film itself is so relaxed and laid-back that the energy just isn't there.\": {\"frequency\": 1, \"value\": \"After watching two ...\"}, \"I saw this movie thinking that it would be one of those old B movies that are fun to watch. I was so wrong! This movie was boring and obviously aimed at males who like looking at corpulent women. The story was so ridiculous and implausible that it lost my interest altogether. It seemed to be in the same genre as the Ed Wood films - bottom of the barrel.\": {\"frequency\": 1, \"value\": \"I saw this movie ...\"}, \"May the saints preserve us, because this movie is not going to help.

Someone with access needs to e-mail Mel Gibson and tell him we need a faithful production of Beowulf. Something that actually has something in common with the epic poem that is the foundation for all modern western literature.

The recent (since 2000) versions of Beowulf make we wonder two things. First, why is there so much interest in the story. Second, why are all these filmmakers squandering mountains of cash on this crap.

The only reason this got a two is that the version with Lambert in it (Beowulf 2000) was worse and needed the 1.

What is even worse, some people will watch this and get the wrong idea about the poem. How can an industry where Peter Jackson gets a literary conversion to film so right can get it so wrong. I mean really, the Roman Forum as a model for Heorot is too much.

And PLEASE, horns on helmets? Spare me. This is insulting.

/hjm\": {\"frequency\": 1, \"value\": \"May the saints ...\"}, \"The film is based on a genuine 1950s novel.

Journalist Colin McInnes wrote a set of three \\\"London novels\\\": \\\"Absolute Beginners\\\", \\\"City of Spades\\\" and \\\"Mr Love and Justice\\\". I have read all three. The first two are excellent. The last, perhaps an experiment that did not come off. But McInnes's work is highly acclaimed; and rightly so. This musical is the novelist's ultimate nightmare - to see the fruits of one's mind being turned into a glitzy, badly-acted, soporific one-dimensional apology of a film that says it captures the spirit of 1950s London, and does nothing of the sort.

Thank goodness Colin McInnes wasn't alive to witness it.\": {\"frequency\": 1, \"value\": \"The film is based ...\"}, \"This has to be one of the best comedies on the television at the moment. It takes the sugary-sweet idea of a show revolving around a close family and turns it into a quite realistic yet funny depiction of a typical family complete with sibling and parent spats, brat brothers, over-protective fathers and bimbo sisters. I'm almost surprised it's Disney!

To its credit, '8 Simple Rules' knows it's a comedy and doesn't try to be more. Too many shows (eg, 'Sister, Sister' and 'Lizzie McGuire') think just because its lead characters are now teenagers then they should tackle social issues and end up losing their humour by being too hard-hitting. This is a trap '8 Simple Rules' has avoided; it does tackle some issues (such as being the school outcast) but it has fun while doing so. In fact the only time it has really been serious was understandably when it sensitively handled the tragic death of John Ritter and his character.

And I think, although John Ritter will be sadly missed since he was the reason the show made its mark, '8 Simple Rules' can still do well if it remembers its humour and doesn't make Cate's father a second version of Paul Hennessy.\": {\"frequency\": 1, \"value\": \"This has to be one ...\"}, \"The filming crew did not have good access to the occupied territories, so filming of the Israeli side dominated. I was struck by the nearly completely opposite points of view of the mothers. The Israeli mother lost a child who had the possibility of a life of tremendous happiness. The Palestinian mother lost a child who had only the possibility of a life of privation and despair. With such completely different viewpoints, any meeting had no real chance of any meeting of the minds. The word \\\"peace\\\" did not have the same meaning to each of them. Peace to the Palestinian was freedom. Peace to the Israeli was security. With such an abyss, is this sort of film really worth much? I finished with the feeling that I had watched pointless propaganda -- both sides were unconvincing.\": {\"frequency\": 1, \"value\": \"The filming crew ...\"}, \"This is real character and story driven drama at a level that shames most of what we see on TV at the mo.

I was impressed right from the start. Don't be put off if your not a sci fi nut (like me...) This could be happening on earth, the fact that its in another galaxy just makes the show more interesting. there are no space ships or laser guns (None yet anyway) So far I've seen up to s01 e04 and I'm gripped and wondering whats going to happen next as there are so many possibilities.

The cast play there roles with pasion. Eric stoltz is especially strong.

This show really stands alone well, it doesn't matter if you watched BSG or not, in fact they are quite different. I've read some negative reviews from sci fi geeks who expected less drama and more aliens and ray guns etc but I would say ignore them.

This is a really positive start to a show. Lets hope they don't cann it after 1 or 2 seasons like they normally do with good shows these days.\": {\"frequency\": 1, \"value\": \"This is real ...\"}, \"I know slashers are always supposed to be bad,but come on,what the hell is this?It's like a bunch of 10-year-olds saved their lunch money and started filming this by the end of their week.

Anyway,six young people all go to the same house to get killed off screen.We have the brainy one,the slut,the other slut,the black guy,the killer,stereotypes like that.After one gets eaten by a shaking boat,the others all get stalked by some guy who wears a mask the people at the poor box rejected.There's one pretty decent murder somewhere in the middle,but then it's back to even more boredom,and especially more false scares.Seriously,we actually know it can't be the killer when a person gets attacked because the guy sure loves to take his sweet time for everything.

After every character you expected to die dies,the standard ugly blonde chick and her soon-to-be-boyfriend eventually get captured by the killer(they get like,pushed down and then faint)and the killer reveals himself.I think the writers of this movie just took a blindfold and a pen and put it somewhere on the list of characters.The motive is just lame and don't even get me started on the damn secret.The killer then of course takes way too much time to explain everything(and then about ten minutes extra in which he slices up his own arm for some reason)and eventually gets overpowered by a guy with a gun.Hey,no fair!

Really one of the most awful movies I've ever seen.I could enjoy myself more by watching a Lindsay Lohan-movie,I swear.I mean sure,most 80's slashers sucked as well but at least they threw in some T&A.This movie just has nothing going for it.\": {\"frequency\": 1, \"value\": \"I know slashers ...\"}, \"This is one irresistible great cheerful- and technically greatly made movie!

The movie features some of the greatest looking sets you'll ever see in a '30's movie, even though it's all too obvious that they are sets, rather than real place locations. Often if a character would fall or shake a doorpost too aggressive, the entire set would obviously move.

The best moments of the movie were the silent, more old fashioned, slapstick kind of moments. It shows that Ren\\ufffd\\ufffd Clair's true heart was at silent movie-making. The overall humor is really great in this movie. Also of course the musical moments were more than great. This is a really enjoyable light and simple pleasant early French musical. Though the best moments are the silent moments, that does not mean that the movie is not filled with some great humorous dialog, that gets very well delivered by the main actors, who all seemed like stage actors to me, which in this case worked extremely well for the movie its overall style and pleasant no-worries atmosphere. No wonder this worked out so well, since this movie is actually based on stage play by Georges Berr.

It's a technical really great movie, with also some great innovation camera-work in it and some really great editing, that create some fast going and pleasant to watch enjoyable sequences. There is never a dull moment in this movie!

Ren\\ufffd\\ufffd Clair was such a clever director, who knew how to build up and plan comical moments within in movies. It's a very creative made movie, that despite its simplicity still at all times feel as a totally original and cleverly constructed movie, that never seizes to entertain.

The last half hour is especially unforgettably fun, without spoiling too much, and is really among the greatest, as well as most creative moments in early comedy film-making.

The movie is filled with some really enjoyable characters, who are of course all very stereotypical and silly and were obviously cast because of their looks. It all adds to the pleasant light comical atmosphere and cuteness of the movie.

One of the most pleasant movies you'll ever see!

8/10\": {\"frequency\": 1, \"value\": \"This is one ...\"}, \"I am usually disappointed by network movies. Even flix that attract big name actors are usually ruined by the TV people. However, this one is the worst of the worst. The screenplay is weak and the acting, especially that of Tracey Pollan is abominable. I've trudged off to see my kids'high school plays and been treated to better acting. Pollan acts as if she is reading the script as she speaks. When she tries to express fear, anger or grief, it's extremely hollow. Because of the overall quality of the production I found it difficult to take it seriously. If you decide to brave this one just be prepared for a big disappointment. Scary things won't scare you, sad things won't make you sad, romance won't make you feel warm and fuzzy and you will likely be as anxious as I was to see the end arrive. \\\"First to die\\\" says a lot about this movie.\": {\"frequency\": 1, \"value\": \"I am usually ...\"}, \"How, in the name of all that's holy, did this film ever get distribution? It looks as if it has been shot on someone's mobile phone and takes the screaming girl victim scenario to whole new depths. They literally scream for the full 90 minutes of the movie. And that's all they do. There is no plot, no tension, no characters, and not a lot of acting. Just screaming and more screaming.

I gave up after fifteen minutes and fast-wound through it to see if anything happened. It doesn't - except for screaming, of course. Odlly enough, the act of going through it on fast forward highlights another problem - there is no camera-work to speak of. Every shot looks like every other shot - middle distance, one angle, dull, dull, DULL.

It's not so bad it's good. It's just plain bad.\": {\"frequency\": 1, \"value\": \"How, in the name ...\"}, \"Diego Armando Maradona had been sixteen years of age in 1978 when Argentina won the World Cup at home. He was already the biggest star, and the greatest player in a country obsessed with football. Everybody had begged Cesar Luis Menotti to play the boy genius, but the manager thought that he was not yet ready.

History records that Argentina won the 1978 World Cup fairly convincingly - they hadn't really needed Maradona. The same was not true in 1982. Spain was a catalogue of disaster for Argentina. Menotti - still chain smoking - played Diego this time, but the occasion was too much for such a temperamental boy. Maradona had signed for Barcelona on June 4 1982 for around $7 million - nine days later he played his first game at the Camp Nou and Belgium beat Argentina one-nil. It was not an auspicious debut, and even though he scored twice against Hungary in the next match, Maradona will remember the mundial as the site of his nadir - a crude, petulant foul on Brazil's Batista in the Second Round that abruptly ended his tournament and Argentina's reign as world champions.

But now that was all behind him. Maradona had muddled his way through some crazy times at Barca, and left in 1984 to join Napoli. It was as if he was finally home. The Neapolitan tifosi had done everything to entice Maradona to poor, underachieving Napoli. Gifts from old women and pocket money from young boys nestled uncomfortably with the Camorra's millions as part of the transfer fee, and the city was determined to make him feel at home. So, for the time being at least, Maradona was El Rey - he brought his Argentine side to Mexico as one of the favourites, and with a new manager - Carlos Bilardo replacing Menotti.

Maradona is the hero of this story, a one-man World Cup winning machine. In 1982, hundreds of young men had died in a pointless battle for the Falkland Isles; now the British press yearned for a rematch (with the same result) in Mexico City. Maradona was still regarded with distinction in England, remembered more for a superb performance in Britain during a 1980 tour than for Spain. But he was still an Argie: the enemy.

England actually started well, and Lineker could have scored after only twelve minutes. A key event happened on 8 minutes. Fenwick, the big and limited English defender, was booked - he was now terrified of making any challenges around the penalty area.

After a tense first 45 minutes, the second half started with a bang. Maradona danced forward after 50 minutes, but could find no way through. Similarly Valdano's attempt hit only white shirts. Then the moment of infamy that serves as Diego's epitaph. Hodge bizarrely hooked the ball back into his own penalty area, Shilton hurriedly jumped to claim - but there was Maradona, somehow rising above the English goalkeeper to thrust the ball into the net. How had he done it? Simple: handball.

The most famous foul in football history passed in near slow motion. Every spectator waited for Mr Al-Sharif of Syria to blow for the foul (he didn't). Shilton looked and appealed to the linesman - he ran back to the centre circle. Unless he assassinates the Pope, or becomes the first man to step foot on Mars, when the great man dies this moment will be shown first - in long, lingering, slow motion, followed by the look of glee on his face. The next image will be his next gift to the world - the World Cup's finest goal.

Burruchaga stroked the ball to Maradona who was ambling around on the right hand side of his own half. He span, and accelerated away from Beardsley and Reid. This was the real Diego - he burst through Butcher and attacked Fenwick. Fenwick now had the opportunity to stop the attack. Normally, he would have aimed his boot somewhere near Maradona's thigh - sure he would have picked up a red card, but who cares? Then Fenwick had a brainwave - he hesitated, and decided to run at Maradona waving his arms - perhaps he was trying to put him off? Diego shot into the box as Fenwick fell over. Butcher had been running alongside the genius as if he was offering encouragement. Shilton charged out in panic, and Maradona twisted around him and prepared to score. Now Butcher remembered his role and tried to cripple the Argentinean - instead he gave extra impetus to the shot, which smashed into the goal. England were coming home.

During this magical Mexican summer, the world had found a successor for Pele. In fact the greatest ever footballer had been surpassed - Pele had been superb in 1958 and 1970, but had had great players all around him. Maradona did not. 1986 was his World Cup.\": {\"frequency\": 1, \"value\": \"Diego Armando ...\"}, \"A typical Goth chick (Rainbow Harvest looking like a cross between Winona Ryder in Beetlejuice and Boy George) gets even with people she feels have wronged her with the help of an old haunted mirror that she finds in the new house she and her mom (horror mainstay, Karen Black, the only remotely good thing about this travesty) buy. The acting's pretty laughably bad (especially when Rainbow interacts with the aforementioned mirror) and there are no scares or suspense to be had. This film inexplicably spawned thus for 3 sequels each slightly more atrocious than the last. People looking for a similarly themed, but far superior cinematic endeavor would be well advised to just search out the episode of \\\"Friday the 13th: the Series\\\" where a geeky girl finds an old cursed compact mirror. That packs more chills in it's scant 40 minutes than this whole franchise has provided across it's 4 films.

My Grade: D

Eye Candy: Charlie Spradling provides the obligatory T&A\": {\"frequency\": 1, \"value\": \"A typical Goth ...\"}, \"I'd never seen an independent movie and I was really impressed by the writing, acting and cinematography of Jake's Closet.

The emotions were very real and intense showing, through a child's eyes, the harsh impact of divorce.

A definite see!

I'd never seen an independent movie and I was really impressed by the writing, acting and cinematography of Jake's Closet.

The emotions were very real and intense showing, through a child's eyes, the harsh impact of divorce.

A definite see!\": {\"frequency\": 1, \"value\": \"I'd never seen an ...\"}, \"As seems to be the general gist of these comments, the film has some stunning animation (I watched it on blu-ray) but it really falls short of any real depth.

Firstly the characters are all pretty dull. I got a hint of a kind of Laputa situation between Agito, Toola and the main antagonist Shunack. However maybe my mind wanderd and this was wishful thinking (Laputa being my favourite anim\\ufffd\\ufffd, original Engilsh dub). The characters are not really lovable either and as mentioned in another post they fall in love exceptionally quickly, leaving poor old Minka jealous and rejected (she loves Agito, who seems oblivious of this). However she promptly seems to forgive Toola at the end with no explanation for the change of heart other than it makes the ending a little bit more \\\"happy\\\".

There is also a serious lack of explanation. Like who are the druids really? Are they people? and who are the weird women/girls who seem to hang out with them and run the forest? There is nothing explaining why they are there and how they can give regular humans superpowers. The plants coming from the moon still does not fill in the blanks about this. It is almost like a weird version of The Day of the Triffids.

And who does call Toola? why bother with this if it wont be explained?

I really wanted to like this film but I found the plot no where near as deep as a film like Ghost in the Shell or having any real character like those of Miyazaki. I do not resent watching it but I do sort of wish I hadn't bought it. My advice? Give it a go if you have a couple of hours to spare, but borrow it, or buy it cheap! Perhaps if your new to anim\\ufffd\\ufffd films and don't have much to go by you will enjoy it. It certainly is visually pleasing.\": {\"frequency\": 1, \"value\": \"As seems to be the ...\"}, \"This movie is still an all time favorite. Only a pretentious, humorless moron would not enjoy this wonderful film. This movie feels like a slice of warm apple pie topped with french vanilla ice cream! I think this is Cher's best work ever and her most believable performance. Cher has always been blessed with charisma, good looks, and an enviably thin figure. Whether you like her singing or not - who else sounds like Cher? Cher has definitely made her mark in the entertainment industry and will be remembered long after others have come and gone. She is one of the most unique artists out there. It's funny, because who would have thought of Cher as such a naturally gifted actress? She is heads above the so-called movie \\\"stars\\\" of today. Cher is a real actor on the same level as Debra Winger, Alfre Woodard, Holly Hunter, Angela Bassett and a few others, in that she never seems to be \\\"acting,\\\" she really becomes the character convincingly. She has more than earned the respect of her peers and of the movie-going public.

Everything about Moonstruck is wonderful - the characters, the scenery, the dialog, the food. I never get tired of watching this movie.

Every time single time I watch the scene where they are all sitting around the dinner table at Rose's house, I pause the remote to see exactly what delicious food Rose is serving. I saw the spaghetti, mushrooms (I think), but I can't make out whether they are eating ravioli, ziti? What is that main course? It looks wonderful and its driving me nuts!

Everybody in that family was a hardworking individual and they respected and cared about one another. The grandfather wasn't pushed aside and tolerated, he was a vital part of the family and he was listened to and respected for his age and wisdom. He seemed to be a pretty healthy, independent old codger too.

Loretta's mom wasn't \\\"just a housewife,\\\" she was the glue that held the family together and was a model example of what a wife, mother, and home manager should aspire to be. She was proud of the lifestyle she had chosen but she didn't let it define who she was. High powered businessmen aren't as comfortable in their skin as Rose Casterini was. Notice the saucy way she said \\\"I didn't have kids until after I was 37. It ain't over 'til its over.\\\" You got the sense that she had been the type of young woman who did exactly as she pleased and got her way without the other person realizing what had happened. She was charming, quick witted, and very smart. What a great mom!

I didn't actually like Loretta right away because she seemed like a bit of a know--it-all who wasn't really as adventurous and as in control of herself as she wanted others to think. She could tell others about themselves and where they had gone wrong, but she really didn't apply common sense to her own life. She was going to marry a middle-aged mama's boy simply because she wanted a husband and a sense of identity and purpose to her life. She was more conventional than her own mom. She dressed and wore her hair like a matron at a house of detention and seemed humorless and bored, but underneath you sensed that she was vulnerable and lonely and had a lot of love to give the right man. She would probably end up making an awesome mom too.

I could see in the future, a house full of Loretta and Ronnie's loud, screaming happy kids and Rose and Cosmo enjoying every minute of it.\": {\"frequency\": 1, \"value\": \"This movie is ...\"}, \"I very nearly walked out, but I'd paid my money, and my nearly-as-disgusted friend wanted to hold out. After the endearing, wide-eyed innocence of \\\"A New Hope\\\" and the thrilling sophistication of \\\"The Empire Strikes Back,\\\" I remember awaiting \\\"Return of the Jedi\\\" with almost aching anticipation. But from the opening scene of this insultingly commercial sewage, I was bitterly disappointed, and enraged at Lucas. He should have been ashamed of himself, but this abomination undeniably proves that he doesn't have subatomic particle of shame in his cold, greedy heart. Episode I would go on to reinforce this fact -- your honor, I call Jarjar Binks (but please issue barf bags to the members of the jury first).

From the initial raising of the gate at Jabba's lair, this \\\"film\\\" was nothing more than a two-plus-hour commercial for as many licensable, profit-making action figures as Lucas could cram into it -- the pig-like guards, the hokey flesh-pigtailed flunky, that vile muppet-pet of Jabba's, the new and recycled cabaret figures, the monsters, etc., etc., ad vomitum. Then there were the detestably cute and marketable Ewoks. Pile on top of that all of the rebel alliance aliens. Fifteen seconds each on-screen (or less) and the kiddies just GOTTA have one for their collection. The blatant, exploitative financial baiting of children is nauseating.

Lucas didn't even bother to come up with a new plot -- he just exhumed the Death Star from \\\"A New Hope\\\" and heaved in a boatload of cheap sentiment. What an appalling slap in the face to his fans. I can't shake the notion that Lucas took a perverse pleasure in inflicting this dreck on his fans: \\\"I've got these lemmings hooked so bad that I can crank out the worst piece of stinking, putrid garbage that I could dream up, and they'll flock to the theaters to scarf it up. Plus, all the kiddies will whine and torture their parents until they buy the brats a complete collection of action figures of every single incidental undeveloped, cartoonish caricature that I stuffed in, and I get a cut from every single one. It'll make me even more obscenely rich.\\\"

There may have been a paltry, partial handful of redeeming moments in this miserable rip-off. I seem to recall that Harrison Ford managed to just barely keep his nose above the surface of this cesspool. But whatever tiny few bright spots there may be are massively obliterated by the offensive commercialism that Lucas so avariciously embraced in this total, absolute sell-out to profit.\": {\"frequency\": 1, \"value\": \"I very nearly ...\"}, \"My boyfriend and I rented this because we thought it might be a good 'Halloween' take-off. A killer terrorizing young people, a white mask...you get my drift. We were dead wrong! No pun intended. We not only discovered one of the worst movies out there, but also that it is a cult classic! It is filled w/plot holes and makes no sense. The actress who plays Maddy is pretty, but that's about it. I do give credit for it being shot on a VERY low budget--I always support movies like that. Just not this particular one.

This movie may be good to see if you're drunk or high; otherwise don't bother. Unless you want to lose your movie privileges like I did!\": {\"frequency\": 1, \"value\": \"My boyfriend and I ...\"}, \"Ah yes, the VS series, MVC2 being the pinnacle. It's been said before, this is what you get when half of the crew fell asleep on the job, unfortunately the gameplay half did. Don't get me wrong, this is fun, but you get tired of mashing buttons. As for the plot summary, AHAHAHAHAHAAAAA... There is no plot. Beat that guy at the end and win! Eh, who plays this by their self anyway?\": {\"frequency\": 1, \"value\": \"Ah yes, the VS ...\"}, \"Julia Roberts obviously makes a concerted effort to shake off her cotton wool Pretty Woman persona with this spurious spousal abuse thriller, but it's hard to imagine she'd end up putting in a performance as powerful and convincing (and oscar winning) as she did in Erin Brokovich based on the back of this rubbish. And make no bones about it, it's nothing more than a Julia Roberts vehicle, but unfortunately, her performance is not the most lacklustre thing about it.

The plot has all the markings of a late night made-for-cable, and don't be under the impression that it will offer any insight into the dark world of domestic abuse because non of the characters are sketched out enough for you to really care.

Ultimately disappointing and unsatisfying, without Roberts' name above the title, I'm sure it would have totally flopped, deservedly.\": {\"frequency\": 1, \"value\": \"Julia Roberts ...\"}, \"This movie strikes me as one of the most successful attempts ever at coming up with plausible answers for some of the nagging questions that have cropped up in recent scholarship concerning the \\\"Passion\\\" (suffering and death of Christ) accounts in the New Testament. (What motivated Judas if money was not the issue? What could bring the Sanhedrin to meet on a high holy day? Why did Pilate waffle?) It is a movie for the serious, thinking Christian: fans of \\\"The Passion of the Christ\\\" will no doubt be disappointed by the lack of gory spectacle and arch characterization. As for myself, I find the portrait painted here--of the willingness of ordinary people to so blithely sacrifice common decency when their own self-interest is at stake--far more realistic and deeply unsettling. (The disinterested, \\\"just doing my job\\\" look on the face of the man who drives the first nail in Christ's wrist is as chilling as any moment in film.) The film makes no claim to \\\"authenticity\\\", but the settings and costuming invariably feel more \\\"right\\\" than many more highly acclaimed efforts. It is a slow film but, if you accept its self-imposed limits (it is, after all, \\\"The Death\\\"--not the Life--\\\"of Christ\\\"), ultimately a very rewarding one.\": {\"frequency\": 1, \"value\": \"This movie strikes ...\"}, \"The Contaminated Man is a good film that has a good cast which includes William Hurt, Natascha McElhone, Peter Weller, Katja Woywood, Michael Brandon, Nikolett Barabas, Hendrick Haese, D\\ufffd\\ufffdsir\\ufffd\\ufffde Nosbusch, Arthur Brauss, and Christopher Cazenove.The acting by all of these actors is very good. Hurt and Weller are really excellent in this film. I thought that they performed good. The thrills is really good and some of it is surprising. The movie is filmed very good. The music is good. The film is quite interesting and the movie really keeps you going until the end. This is a very good and thrilling film. If you like William Hurt, Natascha McElhone, Peter Weller, Katja Woywood, Michael Brandon, Nikolett Barabas, Hendrick Haese, D\\ufffd\\ufffdsir\\ufffd\\ufffde Nosbusch, Arthur Brauss, Christopher Cazenove, the rest of the cast in the film, Actio, Thrillers, Dramas, and interesting films then I strongly recommend you to see this film today!\": {\"frequency\": 1, \"value\": \"The Contaminated ...\"}, \"this movie is a very relaxed, romantic-comedy, which is thoroughly enjoyable. Meg Ryan does a very good job as the genius niece of Albert Einstein, though she does believe in her own skills. Tim Robbins does an equally good job as the mechanic who falls in love with her when she comes into his shop with her fianc\\ufffd\\ufffd after her car stuffs up. I loved Walter Matthau as the one and only Albert Einstein. This movie just has a very relaxing feel to it, while still keeping some sort of seriousness to it (if that is actually possible, it happens here).

I personally found this movie extremely entertaining, especially the old scientists - i thought they were fab and hilarious! This movie seems to have been underestimated beyond comprehension. If you have a cheeky sense of humour, this is the movie for you!\": {\"frequency\": 1, \"value\": \"this movie is a ...\"}, \"I usually steer clear of TV movies because of the many ways you know that it's TV movies five seconds into the picture. This one got my attention because of the unusual title and its gloomy, well-crafted mood that is established from the very start. While the ever present rain confirmed my suspicions of a misplaced story (even if claiming to be set in California the movie was largely shot around a stormy Vancouver, B.C.), the dark and oppressive outdoors beautifully complement Olmos' excellent acting.\": {\"frequency\": 1, \"value\": \"I usually steer ...\"}, \"I bought this on DVD for my brother who is a big Michelle Pfeiffer fan. I decided to watch it myself earlier this week.

It is a reasonably entertaining piece containing two completely separate story lines. The section with Michelle Pfeiffer was by far the more interesting of the two. She plays a rising Hollywood actress who has had many short unfulfilling relationships. She literally bumps into Brian Kerwin (A regular married guy with Kids)after driving her car into the back of his. After being initially hostile to one another he offers to drive her home as she no longer feels comfortable to drive. Romance develops eventually leading to tragedy when his wife finds out. What happens at the end I was not prepared for but the slow pacing and routine TV direction takes any drama out of the plot.

The other section involves an old Studio boss played by Darren McGavin. This section actually has the better cast with Kenneth McMillan, Lois Chiles, Steven Bauer & Stella Stevens. They all want something from the studio boss but in the end when he is asked to resign, they all realize their careers will now be going nowhere.

It passes the time but is not all that interesting and I am glad this was not bought for me. I am not a Michelle Pffeifer fan but she was admittedly the only actor worth watching in this film and even in 1983 she was a decent actress. Overall though unless you are a fan of hers avoid this as it is very routine.\": {\"frequency\": 1, \"value\": \"I bought this on ...\"}, \"... And being let down bigger than ever before. I won't make any direct references or anything here, but to say the least, this film is pathetic. If you're military trained, don't bother watching. I put it on the DVD with 2 friends wanting to watch a somewhat interesting action / war flick. Why couldn't I just have read the reviews first.

Already at the first \\\"bomb\\\" scene the film has huge glitches, and they continue to show and become bigger and bigger. My 2 friends, not connected to the military in any way spotted a couple of the filmmaker's mistakes almost as fast as I myself did and asked me if some of the things going on we're realistic. Well, as you might have guessed, they're not - at all.

Avoid this movie unless you're able to overlook these completely idiotic and re-occurring mistakes being made. 2/10 for catching my interest at first.\": {\"frequency\": 1, \"value\": \"... And being let ...\"}, \"I tried. I really did. I thought that maybe, if I gave Joao Pedro Rodrigues another chance, I could enjoy his movie. I know that after seeing O FANTASMA I felt ill and nearly disgusted to the core, but some of the reviews were quite good and in favor, so I was like, \\\"What the hell. At least you didn't pay 10 dollars at the Quad. Give it a shot.\\\"

Sometimes it's better to go to your dentist and ask for a root canal without any previous anesthetic to alleviate the horror of so much pain. I often wonder if it wouldn't be better to go back to my childhood and demand my former bullies to really let me have it. On other occasions, I often think that the world is really flat and that if I sail away far enough, I will not only get away from it all, but fall clear over, and that some evil, Lovecraftian thing will snatch me with its 9000 tentacles and squeeze the life -- and some french fries from 1995, still lingering inside my esophagus -- out of me.

Is there a reason for Odete? I'd say not at all... just that maybe her Creator thought that writing a story centered on her madness (one that makes Alex Forrest look like Strawberry Shortcake) look not only creepy, but flat-out sick to the bone. She first of all decides to leave her present boyfriend (in shrieking hysterics) because she wants a child and he believes they're too young. She later crashes a funeral of a gay man, and -- get this -- in order to get closer to him, she feigns being pregnant while insinuating herself into the lives of the dead man's mother and lover in the sickest of ways. Oh, of course, she shrieks like a banshee and throws herself not one, but a good three times on his grave. And there's this ridiculous business that she progressively becomes \\\"Pedro\\\" which sums up some weak-as-bad-tea explanation that love knows no gender. Or something.

I'd say she's as nuts as a can of cashews, unsalted. But then again, so's the director. And me, for taking a chance on this. At least the men look good. Other than that... not much else to see here.\": {\"frequency\": 1, \"value\": \"I tried. I really ...\"}, \"Being a transplanted New Yorker, I might be more critical than most in watching City Hall. But I have to say that before even getting to the story itself I was captivated by the location shooting and the political atmosphere of New York City that Director Harold Becker created.

For example there's a reference to Woerner's Restaurant in Brooklyn where political boss Frank Anselmo likes to eat. There is or was a Woerner's Restaurant on Remsen Street in downtown Brooklyn when I lived in New York back in 1996. It was in fact particularly favored by political people in the Borough though they did have a couple of other hangouts.

No surprise because the script was co-authored by Nicholas Pileggi who still writes both political and organized crime stories. He knows the atmosphere quite well and he sure knows how those two worlds cross as they do in this film.

A detective played by Nestor Serrano goes for an unofficial meeting with a relative of mob boss Anthony Franciosa and things erupt and three people wind up dead, including an innocent 6 year old boy whose father was walking him to school. The story mushrooms and at the end it's reached inside City Hall itself.

Al Pacino plays Mayor John Pappas and John Cusack is his Deputy Mayor a transplanted Louisianan, a state which has a tradition of genteel corruption itself. He's the outsider here and in trying to do damage control, Cusack finds more than he bargained for,

Danny Aiello plays Brooklyn political boss Frank Anselmo and for those of you not from New York, his character is based on the late Borough President of Queens Donald Manes who was also brought down by scandal. He's very much the kind of Brooklyn politician I knew back in the day whose friendship with organized crime and favors done for them, do Aiello in.

City Hall was the farewell performance on film for Anthony Franciosa, one of the most underrated and under-appreciated talents ever on the screen. No one watches anyone else whenever he's on.

Al Pacino's best moment is when at the funeral of the young child killed, he takes over the proceedings and turns it into a political triumph for himself. His is a complex part, he's a decent enough man, but one caught up in the corruption it takes to rise in a place like New York.

For those who want to know about political life in the Big Apple, City Hall is highly recommended.\": {\"frequency\": 1, \"value\": \"Being a ...\"}, \"Boy-girl love affair/sequel with songs, only this time she's the punkette and he's the straight arrow. Movie-buffs out there actually like this movie? It has fans? I must say, the mind reels... \\\"Grease 2\\\" is a truly lame enterprise that doesn't even have the courage, moxy or sheer gall to take the memory of its predecessor down in flames (like \\\"Jaws 2\\\" or \\\"Exorcist II\\\"). No, it whimpers along in slow-motion and often just plays dead. It looks and feels cheap, with a large cast lost amidst messy direction and unfocused handling. This was the first time a substantial audience got a glimpse of Michelle Pfeiffer and, although she doesn't embarrass herself, it's a role worth forgetting. A misfire on the lowest of levels. NO STARS from ****\": {\"frequency\": 1, \"value\": \"Boy-girl love ...\"}, \"This utterly dull, senseless, pointless, spiritless, and dumb movie isn't the final proof that the world can forget about Danny Boyle and his post-\\\"Trainspotting\\\" movies: \\\"The Beach\\\" already took care of that. What this low-budget oddity does is merely to secure his place among those who started very well but got completely lost in drugs, booze, ego, self-delusion, bad management or whatever it was that lead to this once-promising director's quick demise.

The premise is absurd: two losers (Ecclestone and some bimbo Jenna G - a rapper, likely) meet by chance and spontaneously start singing with fervour more akin to lunatic asylum inhabitants than a potential hit-making duo - which they become. A friend of theirs - an even bigger illiterate loser - becomes their manager by smashing a store window and stealing a video-camera by which he films them in \\\"action\\\", and then shows the tape to some music people who actually show interest in this garbage. Now, I know that the UK in recent years has put out incredible junk, but this is ridiculous; the music makes Oasis seem like The Beatles. During the studio recordings, the duo - Strumpet - change lyrics in every take and Ecclestone quite arrogantly tells the music biz guys to take it or leave it, and quite absurdly they do take it. Not only is the music total and utter trash, but its \\\"performers\\\" are anti-social; these NEWCOMERS are supposed to be calling the shots. It's just too dumb. It's plain awful.

The dialog is unfunny and goes nowhere, and this rags-to-bitches story has no point and makes no sense. It often feels improvised - under the influence of drugs. Danny Boyle is a complete idiot. This little piece of trash is so bad it's embarrassing to watch. Ecclestone's I.Q. also has to be questioned for agreeing to be part of this nonsense. Whoever financed this \\ufffd\\ufffd1000 joke should leave the movie business before they end up selling their own underwear on street corners.\": {\"frequency\": 1, \"value\": \"This utterly dull, ...\"}, \"Although the actors were good, specially Fritzi Haberland as the blind Lilly, the film script is obsessively pretentious and completely arbitrary. A famous theatre director (Hilmir Sn\\ufffd\\ufffdr Gu\\ufffd\\ufffdnason), becoming blind after a car accident, is on the run for himself and his destiny. Lilly, being sightless since her birth, is teacher for blind persons, and wants to make him \\\"seeing\\\" again. (Blind persons are seeing with their fingers, nose and ears.) Here this movie is becoming a roadmovie; and the longer the road becomes, the closer their relation develops, which was predictable since the beginning of the film. The theatre director is on the road to his mother (Jenny Gr\\ufffd\\ufffdllmann). His mother is living somewhere in Russia on the sea and making artistic installations - of course, what should she do other! - and she is still living, because she is waiting his son, to die. My God! This are destinies!

Finally the son arrived! Mum is celebrating a big party! At the beach. Wind is blowing and a pianist is playing on a real piano in the middle of a dune. Yes, they are celebrating her farewell. The son arrives just in time. Mother can finally swallow the pills administered by a pretty nurse. Now a great artist can die in the arms of her great artist son, speaking sad contemplations about live in perfect German, while the son is answering with a rough accent. Because the son is unable to see, he is not falling in love to the nurse, - the film script would have become also too complicate! - but is looking for Lilly on the way back to home.

Parallel to this roadmovie the sister of Lilly, staying at home is asking a gawky schoolmate to deflower her, who has first to booze himself to courage. The occasion is favourable. Because Mum (Tina Engel) is on journey together with the lover of Lilly, Paul (Harald Schrott). They are after Lilly, to bring her back. Paul and the mother of Lilly are not falling in love, because the film script would have become too complicate. The film script missed to make out of Paul something exceptional too. I would suggest an architect or a Pianist, or course a famous one! When they finally find Lilly, they want to convince her, to come back to Paul, because he has two eyes to see and is able to care for her. But Lilly felt in love to his pupil, the theatre director; did I mention, that he was even a famous theatre director?

This is German film art! As you may see in this pretentious production, that the German film subsidy fund is not always producing good films, because they subsidy just such kind of pseudo intellectual films. This film is really embarrassing. I have the impression, that the film script has been cobbled together from some highbrows in coffee shops and restaurants. Everybody is entitled to contribute with an idea. Probably also Til Schweiger has contributed with some intellectual flash of wit, being a co-producer. I was reminded by this film script to an other German film of absolute painfulness: \\\"Barfuss\\\" - already the spelling of the title is not right! \\\"Barfuss\\\" DVD cover writes proudly: \\\"A Til Schweiger Film\\\". This film got also subsidies of Filmstiftung NRW, Filmf\\ufffd\\ufffdrderung Hamburg and the FFA.

Please don't spoil your time with this film! There are really good films in Germany. Watch out for film directors like Marcus H. Rosenm\\ufffd\\ufffdller, Joseph Vilsmaier, Hans Steinbichler, Hans-Christian Schmid, Faith Akin ...\": {\"frequency\": 1, \"value\": \"Although the ...\"}, \"A woman, Mujar (Marta Belengur) enters a restaurant one morning at &:35 unaware that a terrorist has kidnapped the people in said restaurant & is making them act out a musical number in this strange yet fascinating short film, which I only saw by finding it on the DVD of the director/writer's equally fascinating \\\"Timecrimes\\\". It had a fairly catchy song & it somehow brought a smile to my face despite the somber overall plot to the short. I'm glad that I stumbled across it (wasn't aware it would be an extra when I rented the DVD) and wouldn't hesitate at all to recommend it to all of my friends.

My Grade: A-\": {\"frequency\": 1, \"value\": \"A woman, Mujar ...\"}, \"You probably heard this phrase when it come to this movie \\ufffd\\ufffd \\\"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)\": {\"frequency\": 1, \"value\": \"You probably heard ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"Before watching ...\"}, \"The Hamiltons tells the story of the four Hamilton siblings, teenager Francis (Cory Knauf), twins Wendell (Joseph McKelheer) & Darlene (Mackenzie Firgens) & the eldest David (Samuel) who is now the surrogate parent in charge. The Hamilton's move house a lot, Franics is unsure why& is unhappy with the way things are. The fact that his brother's & sister kidnap, imprison & murder people in the basement doesn't help relax or calm Francis' nerves either. Francis know's something just isn't right & when he eventually finds out the truth things will never be the same again...

Co-written, co-produced & directed by Mitchell Altieri & Phil Flores as The Butcher Brothers (who's only other film director's credit so far is the April Fool's Day (2008) remake, enough said) this was one of the 'Films to Die For' at the 2006 After Dark Horrorfest (or whatever it's called) & in keeping with pretty much all the other's I've seen I thought The Hamiltons was complete total & utter crap. I found the character's really poor, very unlikable & the slow moving story failed to capture my imagination or sustain my interest over it's 85 & a half minute too long 86 minute duration. The there's the awful twist at the end which had me laughing out loud, there's this really big sustained build up to what's inside a cupboard thing in the Hamiltons basement & it's eventually revealed to be a little boy with a teddy. Is that really supposed to scare us? Is that really supposed to shock us? Is that really something that is supposed to have us talking about it as the end credits roll? Is a harmless looking young boy the best 'twist' ending that the makers could come up with? The boring plot plods along, it's never made clear where the Hamiltons get all their money from to buy new houses since none of them seem to work (except David in a slaughterhouse & I doubt that pays much) or why they haven't been caught before now. The script tries to mix in every day drama with potent horror & it just does a terrible job of combining the two to the extent that neither aspect is memorable or effective. A really bad film that I am struggling to say anything good about.

Despite being written & directed by the extreme sounding Butcher Brothers there's no gore here, there's a bit of blood splatter & a few scenes of girls chained up in a basement but nothing you couldn't do at home yourself with a bottle of tomato ketchup & a camcorder. The film is neither scary & since it's got a very middle-class suburban setting there's zero atmosphere or mood. There's a lesbian & suggest incestuous kiss but The Hamiltons is low on the exploitation scale & there's not much here for the horror crowd.

Filmed in Petaluma in California this has that modern low budget look about it, it's not badly made but rather forgettable. The acting by an unknown (to me) cast is nothing to write home about & I can't say I ever felt anything for anyone.

The Hamiltons commits the cardinal sin of being both dull & boring from which it never recovers. Add to that an ultra thin story, no gore, a rubbish ending & character's who you don't give a toss about & you have a film that did not impress me at all.\": {\"frequency\": 1, \"value\": \"The Hamiltons ...\"}, \"This film deals with the atrocity in Derry 30 years ago which is commonly known as Bloody Sunday.

The film is well researched, acted and directed. It is as close to the truth as we will get until the outcome of the Saville enquiry. The film puts the atrocity into context of the time. It also shows the savagery of the soldiers on the day of the atrocity. The disgraceful white-wash that was the Widgery Tribunal is also dealt with.

Overall, this is an excellent drama which is moving and shocking. When the Saville report comes out, watch this film again to see how close to the truth it is.\": {\"frequency\": 1, \"value\": \"This film deals ...\"}, \"What a great gem this is. It's an unusual story that is fun to watch. Yes, it has singing, but it is very nicely crafted into the story and is very melodic to hear. It was so pleasant to watch; I enjoyed it from start to finish!

The movie takes place in England during World War II. It is about an apprentice witch who is searching for a missing portion of a spell that she needs. She uses her rough \\\"magic\\\" to transport her and 3 children under her care to various destinations to find it. They are joined by her correspondence teacher, who is surprised to learn that the lessons from his school actually work!

Although the special effects may seem a little dated at first, once you get used to them they become part of the charm of this movie. In fact, the movie won an Oscar for these effects!

The movie is innocent and fun - and it's hard not to like the tuneful songs. The characters are wonderfully interesting to watch. I think anyone at any age could find something to like about this movie.\": {\"frequency\": 1, \"value\": \"What a great gem ...\"}, \"Yet another \\\"son who won't grow up\\\" flick, and just the other recent like entries. Heder in another bad wig, channeling Napoleon for, what, the third time? Anna Faris is forgettable, as always; Jeff Daniels phoned this one in from another state, at least; and Diane Keaton...how does one become typecast this late in a career? Do not bother. Nothing is said here that hasn't been covered many times over. I will say this; it's about a hundred times better than \\\"Failure To Launch\\\". There are very few amusing bits in the movie, unless you think Eli Wallach cursing is funny. Ha, Ha! He's old and he dropped the f-bomb! Tee, hee, hee. Pitiful!\": {\"frequency\": 1, \"value\": \"Yet another \\\"son ...\"}, \"I wasn't sure when I heard about this coming out. I was thinking how dumb is Disney getting. I was wrong. I found it to be very good. I mean it's not The Lion King but it's cool to see another side from a certain point. It was very funny. Also it wasn't one of those corny disney sequels were the animation sucks, it was just like The Lion King animation. The only thing that eritated me was the whole movie theater thing through out the movie. Not to give anything way but you'll know what I am talking about. I also fun that it was cool to have most of the cast from the original to return. It was a very good movie over all.\": {\"frequency\": 1, \"value\": \"I wasn't sure when ...\"}, \"The story-line was rather interesting, but the characters were rather flat and at times too extreme in their thoughts/behavior. More extreme than necessary. Also, I think something went wrong in the casting. John Turtorro doesn't really satisfy me playing a semi-autistic chess player, not to speak of the Italian player. Motives weren't very much outlined either.

\": {\"frequency\": 1, \"value\": \"The story-line was ...\"}, \"Bamboo House of Dolls (1973, 1974 or 1977, various years are given for this title) is a Hong Kong veteran Chin Hung Kuei's (Killer Snakes, Boxer's Omen, Payment in Blood etc.) women in prison flick produced by the legendary Shaw Brothers. Yes, even they got their hands into low exploitation sickies like this, and Bamboo is definitely among the worse attempts of the whole genre, even when compared to the Western attempts that usually pale in comparison with the Eastern films!

The story is about a Japanese war camp in which the Chinese women are brutalized, abused and raped by the bad Japanese (what else?) during the World War II. The girls also know a secret place in which a box full of gold is hidden and also learn that a Chinese military officer raised in Japan (Shaw veteran Lo Lieh) is actually now an undercover agent among the other Japanese and naturally helps the girls escape the hell. What follows is sequences full of gratuitous nudity, female kung fu, some nasty torture, gore, sleaze and extremely offensive anti Japan attitude that make this film pure and honest garbage that doesn't even try to be more than it is.

There are hardly any interesting elements in Bamboo House of Dolls. The occasional photography especially at the end looks nice with its sunbeams and beautiful nature but that's about it in the merits department. The fight scenes are plenty and always include half naked females hitting and kicking each other. The violence overall is quite nasty at times with several bullet wounds, misogynistic torture scenes (for example, one poor girl is brutalized on the floor filled with broken glass etc.) and extremely repulsive ending and moral behind it. Of course it is stupid to talk about \\\"moral\\\" when writing about this kind of film, but still there are elements I won't accept to be found from any film.

The film has also some enjoyable turkey elements for sure! For example, the gold box, filled with heavy gold, seems suspiciouly light as the weak and suffered girls don't seem to have any problems lifting and moving it, not to speak of throwing it! Also those numerous \\\"skin fight scenes\\\" make this quite smile inducing for fans of trash cinema. I have seen the same director's Killer Snakes (1973) which is ten times more noteworthy as a piece and even though it has many alive snakes killed for real, it is also visually more interesting and shows us some nasty sides of the other side of the big city and society. Also, it is a must for those who fear snakes.

Bamboo House of Dolls has suffered some censorship, too, which isn't a surprise considered the subject matter. The uncut version, (dubbed into a non-English language) released in Europe at least in France, Italy and Switzerland, runs 104 PAL minutes while the cut, English dubbed print released in Holland, Belgium and Greece runs only 84 minutes in PAL. From what I've heard, the cut scenes are not only violence or other graphic stuff but also dialogue and \\\"plot development\\\" and the like.

Bamboo House of Dolls is garbage cinema in its most trashy form and definitely something I wouldn't have liked to see from the Shaw Brothers or Hong Kong in general. Some of the Italian exploitation films of the same subject matter are much more interesting and noteworthy than this quite ridiculous, calculated and worthless piece of cinema exploitation. 2/10\": {\"frequency\": 1, \"value\": \"Bamboo House of ...\"}, \"When originally screened in America in 1972, 'The Night Stalker' became the highest rated made-for-T.V. movie in history. Based on Jeff Rice's unpublished novel, it told how a fearless investigative reporter named Carl Kolchak ( the late Darren McGavin ) discovered the existence of a vampire in modern-day Las Vegas. When it arrived on British television four years later, it did not quite have the same impact, but my friends were talking about it at school on Monday morning, as indeed was I. We all agreed that it was one of the most exciting things we had seen.

I did not know of the existence of 'The Night Strangler' until it turned up nearly a decade later. I.T.V., who screened the 'Kolchak' movies, had apparently decided to pass on the spin-off series; they felt 'Barnaby Jones' starring Buddy Ebsen to be more of a draw, and anyway, viewers might confuse 'Kolchak' with 'Kojak'! For years my only source of information concerning the show was an article in Fangoria magazine. I could not even purchase the Jeff Rice novels.

Then something wonderful happened. In 1990, B.B.C.-2 put out the show as part of a late-night Friday series devoted to the supernatural called 'Mystery Train', hosted by Richard O'Brian. 'Kolchak' found himself rubbing shoulders with the likes of 'The Brain Eaters' and 'Earth Vs.The Spider'. The opening titles were trimmed, removing Kolchak's whistling, and the closing credits...well, there were none.

The first episode screened was 'Werewolf'. I cannot say I was overly impressed, but stuck with it, and am I glad that I did!

I really wish I'd seen it in 1974. My twelve year old self would have adored it. Creepy, humorous, exciting, no wonder it fired Chris Carter's imagination.

The show's biggest asset was, of course, McGavin. Unlike the recent Kolchak, the original was an everyman figure, eccentrically dressed, rather conservative. He was to the supernatural what 'Columbo' was to crime. The late Simon Oakland was great too as Kolchak's bad-tempered boss Tony Vincenzo. The scripts overflowed with wonderful, dry wit. I found myself enjoying the programme more for the humour content than the horror. When the twenty episodes ended, I felt bereft.

'The X-Files' came along a few years later and filled the void - but only to an extent. I wanted Kolchak and Vincenzo back. I am glad that the show was never revived though. Without Oakland it would not have been the same.

I have the Rice books now and have read them several times. I was very surprised when Stephen King slated the first ( in his book 'Danse Macabre' ) as it is as good as anything he has written.

Alright, so some of the monsters were hardly state-of-the-art, but so what? The new 'Kolchak' totally missed the point of the original. What you don't see is sometimes more frightening than what you do...

Best Episode - 'Horror In The Heights' Worst Episode - 'The Sentry'\": {\"frequency\": 1, \"value\": \"When originally ...\"}, \"Sure it may not be a classic but it's one full of classic lines. One of the few movies my friends and I quote from all the time and this is fifteen years later (Maybe it was on Cinemax one too many times!) Michael Keaton is actually the worst actor in this movie--he can't seem to figure out how to play it-- but he's surrounded by a fantastic cast who know exactly how to play this spoof. Looking for a movie to cheer you up? This is it but rent it with friends--it'll make it even better.\": {\"frequency\": 1, \"value\": \"Sure it may not be ...\"}, \"\\\"Secret Sunshine\\\" reminded me of \\\"The Rapture\\\" (1991), with Mimi Rogers and David Duchovny, but this Korean production is a better film. It portrays super-religious Korean Christians in a provincial Korean city, and the main character's experiences interacting with them in the wake of a horrible personal tragedy. Shin-ae is a widowed single mother who moves to the city of Milyang ('Secret Sunshine' in Chinese) from Seoul with her young son. She has chosen Milyang because her late husband (killed in an auto accident) was born there, and she feels she needs to make a new start in life in a new place. She does not react well to the overtures of the local Christian zealots, one of whose members tries to convince her to come to their church and prayer meetings. Shin-ae is essentially irreligious and brushes these people off as politely as she can. In fact, she brushes just about everyone in Milyang off to begin with, but some of them are persistent in trying to invade her world, and the consequences are often hilarious. To say more would be to give the film away, but it should be noted that the performance of the woman in the lead role (Jeon Do-yeon) is stupendous. Having read that she won the Best Actress award at Cannes in 2007, I expected her to a decent job. But Ms. Jeon is captivating and it is impossible to take your eyes off her when she is on screen. The movie is a sort of harrowing Evelyn Waugh-esquire piece of work, showing how Fate can feel insane as much as strangely inevitable.\": {\"frequency\": 1, \"value\": \"\\\"Secret Sunshine\\\" ...\"}, \"I love the book, \\\"Jane Eyre\\\" and have seen many versions of it. All have their strong points and their faults. However, this was one of the worst I have seen. I didn't care about Jane or Mr. Rochester. Charlotte Gainsbourg (Jane) was almost tolerable and certainly looked the plain part, but she had no emotion in any of her lines. I couldn't imagine what Mr. Rochester saw in her.

That brings us to Mr. Rochester. William Hurt had even less emotion than Jane, if that were possible. How two such insipid people could fall in love is a mystery, but it certainly didn't hold my attention. Perhaps the director (Zeffrelli) fell asleep during the production.

The Timothy Dalton (too handsome for Mr. Rochester!) version is far more faithful to the book, but Ciaran Hinds plays the perfect Mr. Rochester in the 1997 A/E version (which is NOT all that true to the book).

Trying to find something positive about this movie: Geraldine Chaplain was perfect in her role.\": {\"frequency\": 1, \"value\": \"I love the book, ...\"}, \"1st the good news. The 3-D is spectacularly well done, and they don't go for the gotcha gimmicks. The film is based on the true story of the high point in human history, and even features one of the actual participants in that story: Buzz Aldrin.

And now the meat of the matter: It's about FLIES, for krissakes! Flies with big, googy human eyes, true, but flies nonetheless. Remember when I likened the \\\"Underworld\\\" movies to rats vs. cockroaches? That wasn't intended as praise, and I never dreamed anyone would take it literally. This one's got even less empathy going for it. Baby maggots? Ugh. In one of those odd confluences of Hollywood groupthink, this flik was evidently on the drawing boards at the same time as \\\"Space Chimps\\\", also about critters in space.

Go rent \\\"Apollo 13\\\" and see a 9-rated movie about the REAL space program (RIP).\": {\"frequency\": 1, \"value\": \"1st the good news. ...\"}, \"You know? Our spirit is based on that revolution, it's asleep... I can explain, I think!! Well... Until that happen on 25th April 1974, our freedom was limited, we didn't had liberty of speech, but when we got it at the revolution, it seems that Portuguese People lost his opinion, we don't use our liberty of speech! That's all a consequence of the revolution! I think that's clear!... About the movie... I think that it has a few mistakes on some character's acting, but by the way I use to watch on Portuguese movies it's quite good!! I like it very much!\": {\"frequency\": 1, \"value\": \"You know? Our ...\"}, \"This an free adaptation of the novels of Clarence Mulford; fans of the Willaim Boyd films will probably feel a little at sea here (and the reviews here so far reflect that). But I knew of Hopalong from the novels first, and never cared much for the Boyd films once I got around to them.

Christopher Coppola has made a wise choice - he has not made a nostalgic \\\"Western\\\"; instead, he has approached the Cassidy story as a slice of what we used to call 'Americana'; or what older critics once called 'homespun'. As the film unraveled, I found myself more and more reminded of the great \\\"Hallmark Theater\\\" version of Mark Twain's \\\"Roughing It\\\", with James Garner narrating.

Both these films remind us that, although films about the 'old west' are probably always to be mythic for Americans, they need not be 'westerns'; they can very well be just films about what it meant to be American in that time, in that place.

I never feel pandered to, watching this film; there's no effort to shove the Boyd-Cassidy legacy down our throats, no irony, no camp. Consequently, I get a sense of these characters as having walked - or ridden horseback - across some real western America I too could have walked a hundred years ago.

Given that, the plainness of the film - it positively avoids anything we have come to call \\\"style\\\" - is all to its favor; and the plain acting of the performers fits neatly in with this; gosh, it really does feel like some story told around a campfire on a cattle drive - no visual dressing, just the quirks and good humor - and sudden violence - that we expect from the good narration of an adventure yarn. I was very pleasantly surprised by this film, and if the viewer sets aside encultured expectations, he or she will find considerable pleasure in it.

I would have given this film 9-stars, but I'll give it a ten just because most reviewers here have missed the point completely; and I urge them to set their memories of Boyd aside and give this film another chance.

Note 1: A reviewer complained that Hopalong shoots people dead in this film, rather than shooting the guns out of their hands (ala Boyd's Cassidy); first, Cassidy DOES shoot people dead in the novels; second, if Cassidy were a real cowboy he would have shot people dead - the problem with shooting guns out of people's hands is that they can always get another gun - which happens to be part of the subtext of this very film.

Note 2: I admit that I am jealous of the Coppola family, that they have the Director of \\\"The Godfather\\\" among them who can get them all opportunities to make movies that I can't; but a good movie is a good movie; and this is a good movie. If it's by somebody by the name \\\"Coppola\\\", well, that's just is as it is. America is the land of opportunity (or was, until Bush got into office) - that's what the great American novels are all about.\": {\"frequency\": 1, \"value\": \"This an free ...\"}, \"Up until the sixth and last episode of the Star Wars saga, which finally ended in 2005, I had always looked at this 1983 entry as my favorite film of the long-running series. The varied action scenes and really different characters (Jabba The Hut, furry woodland creatures, etc.) made this a particularly appealing movie.

None of the action ever focused too long in one spot, either. The last half hour exemplifies this the most as the scene switches every few minutes from the woods to the battle among space ships to the individual laser-duel between Luke Skywalker and Darth Vader.

Another nice characteristic this film had that the two previous did not was the absence of in-fighting between two of the stars. Gone was the incessant bickering between Carrie Fisher and Harrison Ford. Finally, everyone was on the same page! It was nice to see.

In the end, this was simply a wonderful adventure tale, more than anything else.\": {\"frequency\": 1, \"value\": \"Up until the sixth ...\"}, \"In Iran, women are not admitted to soccer games. Officially it's because they are to be spared from the vulgar language and behavior of the male audience. But of course it is about sexism. Women are lower forms of human beings.

Some brave girls oppose this and try to get into the stadium by using different tricks. They are caught by soldiers and hold in a kind of cage, until the police will come and pick them up.

Despite the insane situation, this is a film with lots of humor. It's also encouraging to see how people always find different ways of fighting oppression. You'll get touched at the same time as you have lots of laughs. Good job by director Jafar Panahi. This is in many ways a heroic comedy.\": {\"frequency\": 1, \"value\": \"In Iran, women are ...\"}, \"I'm afraid that you'll find that the huge majority of people who rate this movie as a 10 are highly Christian. I am not. If you are looking for a Christian movie, I recommend this film. If you are looking for a good general movie, I'm afraid you'll need to go elsewhere.

I was annoyed by the characters, and their illogical behaviour. The premise of the movie is that the teaching of morality without teaching that it was Jesus who is the basis of morality is itself wrong. One scene shows the main character telling a boy that it is wrong to steal, and then the character goes on to say that it was Jesus who taught us this. I find that offensive: are we to believe that \\\"thou shalt not steal\\\" came from Jesus? I suppose he wrote the Ten Commandments? And stealing was acceptable before that? I rented the movie from Netflix. I should have realized the nature of the movie from the comments. Oh well.\": {\"frequency\": 1, \"value\": \"I'm afraid that ...\"}, \"Mario Lewis of the Competitive Enterprise Institute has written a definitive 120-page point-by-point, line-by-line refutation of this mendacious film, which should be titled A CONVENIENT LIE. The website address where his debunking report, which is titled \\\"A SKEPTIC'S GUIDE TO AN INCONVENIENT TRUTH\\\" can be found at is :www.cei.org. A shorter 10-page version can be found at: www.cei.org/pdf/5539.pdf Once you read those demolitions, you'll realize that alleged \\\"global warming\\\" is no more real or dangerous than the Y2K scare of 1999, which Gore also endorsed, as he did the pseudo-scientific film THE DAY AFTER TOMORROW, which was based on a book written by alleged UFO abductee Whitley Strieber. As James \\\"The Amazing\\\" Randi does to psychics, and Philip Klass does to UFOs, and Gerald Posner does to JFK conspir-idiocy theories, so does Mario Lewis does to Al Gore's movie and the whole \\\"global warming\\\" scam.\": {\"frequency\": 1, \"value\": \"Mario Lewis of the ...\"}, \"I was lucky enough to catch this film finally on Turner Classic films tonight, as it is one of the films that won an Oscar (for special effects) in their yearly month of Oscar winning films.

BEDKNOBS AND BROOMSTICKS is easily a sequel film for the earlier success of MARY POPPINS. That film too was a big success, and an Oscar winner (Best Actress for Julie Andrews). Like MARY POPPINS BEDKNOBS has David Tomlinson in it, in a role wherein he learns about parenting. It is a fine mixture of live action and animation. It is set in a past period of British history (if not the Edwardian - Georgian world of 1912 London, it is England's coastline during the \\\"Dunkirk\\\" Summer of 1940). It even has old Reginald Owen in it, here as a General in the Home Guard, whereas formerly he was Admiral Boom in MARY POPPINS. Ironically it was Owen's final role.

The Home Guard sequences (not too many in the film) reminds one of the British series DAD'S ARMY, dealing with the problems of the local home guard in the early years of the war. The period is also well suggested by the appearance of the three Rawlins children as war orphans from the bombings in the Blitz in London. And (in typical Disney fashion) in the musical number \\\"Portobello Road\\\" different members of the British Army (including soldiers from India and the Caribbean (complete with metal drums yet!)) appear with Scottish and local female auxiliaries in costume.

All of which, surprisingly, is a plus. But the biggest plus is that for Angela Lansbury, her performance as Eglantine Price is finally it: her sole real musical film lead. In a noteworthy acting career, Lansbury never got the real career musical role she deserved as Auntie Mame in the musical MAME that came out shortly after BEDKNOBS did. She had been in singing parts (in GASLIGHT with her brief UP IN A BALLOON BOYS, and in THE PICTURE OF DORIAN GRAY with LITTLE YELLOW BIRD, and - best of all - in support and in conclusion of THE HARVEY GIRLS with the final reprise of ON THE ATCHISON, TOPEKA, AND THE SANTA FE). But only here does she play the female lead. So when you hear her singing with David Tomlinson you may be able to understand what we lost when she did not play Mame Dennis Burnside.

The rest of the cast is pretty good, Tomlinson here learning that he can rise to the occasion after a lifetime of relative failure. The three children (Cindy O'Callaghan, Roy Snart, and Ian Weighill) actually showing more interesting sides in their characters than their Edwardian predecessors in POPPINS (Weighill in particular, as something of a budding opportunist thinking of blackmailing Lansbury after finding out she is a witch). The only surprising waste (possibly due to cutting of scenes) is Roddy McDowall as the local vicar who is only in two sequences of the film. With his possible role as a disapproving foe of witchcraft he should have had a bigger part. Also of note is John Ericson, as the German officer who leads a raid at the conclusion of the film, only to find that he is facing something more powerful than he ever imagined in the British countryside, and Sam Jaffe as a competitor for the magic formula that Lansbury and Tomlinson are seeking.

As for the animation, the two sequences under the sea in a lagoon, and at the wildest soccer match ever drawn are well worth the view, with Tomlinson pulled into the latter as the referee, and getting pretty badly banged up in various charges and scrimmages. As I said it is a pretty fine sample of the Disney studio's best work.\": {\"frequency\": 2, \"value\": \"I was lucky enough ...\"}, \"\\\"Fever Pitch\\\" is a sweet and charming addition to the small genre of sports romances as date movies or movies a son could be willing to go to with his mother (though the guys in the audience got noticeably restless during the romantic scenes).

I have lived through a milder version of such a story, as my first exposure to baseball was dating my husband the spring after the Mets first World Series win and then I watched the Mets clinch their next one because I was the one still up in the wee hours with our two little sons, who have grown up to teach me more about baseball through our local neighborhood National League team's other heartbreaking failures to win it again (and it was me who took our older son to his only Fenway Park game as I caught a bit of Red Sox fever as a graduate student in Boston).

So compared to reality, the script believably creates two people with actual jobs. It is particularly impressive that Drew Barrymore's character is a substantive workaholic who has anti-Barbie skills, though she pretty much only visits with her three bland girlfriends during gym workouts that allow for much jiggling and the minor side stories with her parents don't completely work.

It is even set up credibly how she meets Jimmy Fallon's math teacher and how she falls for his \\\"winter guy\\\" -- though it's surprising that his Red Sox paraphernalia filled apartment didn't tip her off to his Jekyll-and-Hyde \\\"summer guy.\\\" Their relationship crisis during the baseball season is also played out in a refreshingly grown-up way, from efforts at compromise to her frank challenges to him, centered around that they are both facing thirty and single. Fallon surprisingly rises to his character's gradual emotional maturity.

While the ending borrows heavily from O. Henry, the script writers did a yeoman job of quickly incorporating the Sox's incredible 2004 season into a revised story line (with lots of cooperation from the Red Sox organization for filming at the stadium).

The script goes out of its way to explain why Fallon doesn't have a Boston accent, as an immigrant from New Jersey, but that doesn't explain why his motley friends don't. The most authentic sounding Boston sounds come from most of his \\\"summer family\\\" of other season ticket holders, who kindly kibitz the basics of Sox lore to neophyte Barrymore (and any such audience members).

The song selection includes many Red Sox fans' favorites, from the opening notes of the classic \\\"Dirty Water,\\\" though most are held to be heard over the closing credits as if you are listening to local radio and are worth sitting through to hear.\": {\"frequency\": 1, \"value\": \"\\\"Fever Pitch\\\" is a ...\"}, \"Young Erendira and her tyrranical Grandmother provide for a great fantasy from the new world. This interpretation of Gabriel Garcia Marquez'\\\"La incr\\ufffd\\ufffdible y triste historia da la c\\ufffd\\ufffdndida Er\\ufffd\\ufffdndira,...\\\" may not rub Marquez purists the right way eventhough The story stays intact and still carries the full force of the work. The strength of this film is in its acting especially Papas as the Grandmother. Marquez fans and Marquez novices alike will enjoy this movie for its real gritty brand of witt.\": {\"frequency\": 1, \"value\": \"Young Erendira and ...\"}, \"Madison is not too bad-\\ufffd\\ufffdif you like simplistic, non-offensive, \\\"family-friendly\\\" fare and, more importantly, if you know absolutely nothing about unlimited hydroplane racing. If, like me, you grew up with the sport and your heroes had names like Musson, Muncey, Cantrell, Slovak, etc., prepare to be disappointed.

Professional film critics have commented at length on the formulaic nature of the film and its penchant for utilizing every hackneyed sports clich\\ufffd\\ufffd in the book. I needn't repeat what they've said. What I felt was sadly missing was any sense of the real excitement of unlimited hydro racing in the \\\"glory years\\\" (which many would argue were already past in 1971).

Yes, it was wonderful to see the old classic boats roaring down the course six abreast, though it was clear that the restored versions (hats off to the volunteers at the Hydroplane and Race Boat Museum) were being nursed through the scenes at reduced speed. But where was the sound? Much of the thrill of the old hydros was the mind-numbing roar of six Allison or Rolls-Merlin aircraft engines, wound up to RPM's never imagined by their designers, hitting the starting line right in front of you. You didn't hear it, you FELT it. Real hydro buffs know exactly what I'm talking about. There's none of that in Madison. Instead, every racing scene is buried under what is supposed to be a \\\"heroic\\\" musical score.

And then there are the close-up shots of the drivers, riding smoothly and comfortably in the cockpits as if they were relaxing in the latest luxury limousines, in some cases taking time to smile evilly as they contemplate how best to thwart the poor home-town hero. Or, in one particularly ridiculous shot, taking time to spot Jake Lloyd giving a \\\"Rocky\\\" salute from a bridge pier. In reality, some unlimited drivers wore flak vests to minimize the beating they took as the boats slammed across the rock-hard water at speeds above 150 mph.

As one reviewer so aptly put it, \\\"The sport deserves better than this.\\\"

Finally, since another user brought up anachronisms, I'll add one: the establishing shot of Seattle shows the Kingdome and Safeco Field. Neither existed in 1971\": {\"frequency\": 1, \"value\": \"Madison is not too ...\"}, \"William Powell is a doctor dealing with a murder and an ex-wife in \\\"The Ex-Mrs. Bradford,\\\" also starring Jean Arthur, Eric Blore, and James Gleason. It seems that Powell had chemistry going with just about any woman with whom he was teamed. Though he and Myrna Loy were the perfect screen couple, the actor made a couple of other \\\"Thin Man\\\" type movies, one with Ginger Rogers and this one with Arthur, both to very good effect.

Somehow one never gets tired of seeing Powell as a witty, debonair professional and \\\"The Ex-Mrs. Bradford\\\" is no exception. The ex-Mrs. B has Mr. B served with a subpoena for back alimony and then moves back in to help him solve a mystery that she's dragged him into. And this isn't the first time she's done that! It almost seems as though there was a \\\"Bradford\\\" film before this one or that this was intended to be the first of a series of films - Mr. B complains that his mystery-writer ex is constantly bringing him into cases. This time, a jockey riding the favorite horse in a raise mysteriously falls off the horse and dies right before the finish line.

The solution of the case is kind of outlandish but it's beside the point. The point is the banter between the couple and the interference of the ex-Mrs. B. Jean Arthur is quite glamorous in her role and very funny. However, with an actress who comes off as brainy as Arthur does, the humor seems intentional rather than featherbrained. I suspect the writer had something else in mind - say, the wacky side of Carole Lombard. When Arthur hears that the police have arrived, she says, \\\"Ah, it's probably about my alimony. I've been waiting for the police to take a hand in it,\\\" it's more of a rib to Powell rather than a serious statement. It still works well, and it shows how a good actress can make a part her own.

Definitely worth watching, as William Powell and Jean Arthur always were.\": {\"frequency\": 2, \"value\": \"William Powell is ...\"}, \"I thought the movie was actually pretty good. I enjoyed the acting and it moved along well. The director seemed to really grasp the story he was trying to tell. I have to see the big budget one coming out today, obviously they had a lot more money to throw at it but was very watchable. When you see a movie like this for a small budget you have to take that in to account when you are viewing it. There were some things that could of been better but most are budget related. The acting was pretty good the F/X and stunts were well done. A couple of standouts were the guy who played the camera asst. and the boy who played the child. These kind of films have kept LA working and this is one that turned out OK.\": {\"frequency\": 1, \"value\": \"I thought the ...\"}, \"Bertrand Blier is indeed l'enfant terrible of French cinema and in the seventies he always could shock the public. Filmed with his fave duo (Depardieu and Dewaere) and the usual dose of sex (Miou-Miou plays her typical role, at least the one from the seventies as little could we know that a decade later she would be the best French actress ever). In first \\\"Les Valseuses\\\" is also one of the first roadmovies as the viewer is just taken to some journeys of two little criminals. Those who only are satisfied with family life, or simply know nothing more, the movie would be quite a shocker but this movie is more than just that, it just let you think of all the usual things in life (working for the car, being bounded at work etc.). It's a sort of critic towards the hypocrite society we're living in. Great job and it just makes you wish two things : Dewaere died just too young as he was a topactor and of course Depardieu, he'd better should have stuck with French movies as he proves here that no one can beat him. Timeless classic and 20 years later it will still shock some...\": {\"frequency\": 1, \"value\": \"Bertrand Blier is ...\"}, \"This film could be one of the most underrated film of Bollywood history.This 1994 blockbuster had all of it good performances,music and direction.I remember I was in Allahabad when this movie was running and it was somewhere in March at Holi time , the people there were playing its song \\\"Ooe Amma\\\" at their loudspeakers in highest volume. If someone who likes to watch Some Like It Hot and drools over Marilyn Monroe he should see this movie.Thumbs Up to Govinda.How many of you know that this film was shot in South of India and after Sholay could be one of the very few blockbuter to hit Silver Screen.With films like these Indian comedy could never be dead.\": {\"frequency\": 1, \"value\": \"This film could be ...\"}, \"This serial is interesting to watch as an MST3K feature, but for todays audience that's all it is. I was really surprised to see the year it was made as 1952. Considering that fact alone makes this a solid (lowly?) 2 in my book. The cars used don't even look contemporary, they look like stuff from the 30's. It's basically Cody (the lone world's salvation? Sheesh talk about an insult to everyone else, like the military), anyway it's Cody in his nipple ring flying suit against Graber and Daley two dumb*ss henchman who sport handguns and an occasional ray gun thats pretty lame in its own right, enjoy. If you want to watch a really good serial see Flash Gordan, it's full of rockets that attack each other and a good evil nemesis and also good looking women, this has NONE of that. And Flash was made 15 or so years before this crap so you can give it some slack. Something made in 1952, this bad, deserves a 2. Nuff said. give it a 6 if your watching it as a MST3K episode, those guys have some good fun with it; a tweak of the nipples here, a tweak there and I'm flying! And now as an added bonus, I bring you the Commander Cody Theme song as originally sung by Joel and his two character bots Tom Servo and Crow aboard the satellite of love for episode eight The Enemy Planet:

(Singing at the very beginning credits);

(TOM SERVO SINGING) YOUR WATCHING COMMANDER CODY.... HE IS THE NEW CHARACTER FROM REPUBLIC,

HE GETS IN TROUBLE EVERY WEEK... BUT HE'S SAVED BY EDITING,

JUST A TWEAK OF HIS NIPPLES... SENDS HIM ON HIS WAY,

A PUMPKIN HEAD AND A ROCKET PACK.... WILL SAVE THE DAY,

(JOEL SINGING) HIS LABRATORY IS A BOXING RING... WHEN BAD GUYS COME TO MIX IT UP,

SOMEBODY ALWAYS GETS KIDNAPPED... AND CODY HAS TO FIX IT UP,

HE DRINKS HIS TEA AT AL'S CAFE... AND FLIES ALONG ON WIRES,

HE BEATS THE CROOKS AND FLIES WITH HOOKS... AND PUTS OUT FOREST FIRES,

(CROW SINGING)

BAD GUYS BEWARE... CODY IS THERE,

YOU'LL LIKE HIS HAIR IT'S UNDER HIS HELMUT... AND BECAUSE WE CAN'T THINK OF A GOOD RHYME,

THAT'S THE END OF THE COMMANDER CODY THEME SONG... SO SIT RIGHT BACK WITH A WILL OF GRANITE,

AND WATCH CHAPTER EIGHT, CAUSE THAT'S THE ENEMY PLANET\": {\"frequency\": 1, \"value\": \"This serial is ...\"}, \"I just saw this episode this evening, on a recently-added presentation by one of our local independent channels, which now presents two episodes each weekday.

As the gentleman opined in the other, previous comment here, I agree this may not have been one of the best programs of the series, but I find it entertaining nonetheless.

My father was a friend of one of the principals (in my hometown, Cincinnati), for whom young Rod Serling had worked in the media there -- and I remember Dad telling how talented and creative he was remembered there. Overall \\\"Twilight Zone\\\" is certainly one of the true classics in television, and given its production during the height of the Cold War period, provides not only a view of this era in the country, but also (today) a nostalgic picture of production techniques, creative viewpoints and the actors of this era several decades ago.

* Minor \\\"spoiler.\\\"*

This particular story depicts, as did other presentations in this series and elsewhere, a story where the locale is meant to provide a \\\"surprise\\\" ending. Sometimes the characters are on earth, from elsewhere, while the story at first implies at least one is an \\\"Earthling.\\\" These usually contained the message (as here) of a situation prompted by the doomsday buttons having finally been pressed by the super powers during this Cold War period.

Viewed today, stories like this one provide a nostalgic look at this worldly viewpoint 4-5 decades ago, and still provide some food-for-thought. -- as did this episode.

While the dialog may not have stretched the considerable talents of the leads, it still presents a simple, important message, and a worthwhile 20-some minutes of entertainment and interest.\": {\"frequency\": 2, \"value\": \"I just saw this ...\"}, \"Any movie that portrays the hard-working responsible husband as the person who has to change because of bored, cheating wife is an obvious result of 8 years of the Clinton era.

It's little wonder that this movie was written by a woman.\": {\"frequency\": 1, \"value\": \"Any movie that ...\"}, \"This movie is the perfect illustration of how NOT to make a sci fi movie. The worst tendency in sci-fi is to make your theme an awful, sophomoric, pseudo-Orwellian/Huxleyan/whateverian \\\"vision\\\" of \\\"the human future.\\\"

Science fiction filmmakers (and authors), as geeks, take themselves very seriously given the high crap-to-good-stuff ratio of their genre. I think other genres with a high CTGSR (yes, I just made it up, relax), like horror or action or even romantic comedy, seem to have a little better grasp of the fact that they are not changing the world with some profound \\\"message.\\\"

Sci fi can certainly be successful on a serious level, as numerous great filmmakers have proven. But there is an immense downside to the whole concept, which is represented by \\\"Robot Jox,\\\" with its low-rent construction of \\\"the future\\\" (lone good design element: the bizarre, slick-looking billboard ads all over the place that encourage women to have more babies) and its painfully heavy-handed \\\"Iliad\\\" parallels (He's NAMED ACHILLES FOR GOD'S SAKE! I actually didn't pick up on this until I saw the film for like the tenth time, but I went to public school, so the filmmakers are not exonerated.)

Of course, if you're a crazy movie freak like me, this downside has a great upside. I absolutely LOVE movies like this, because bad movies are quite often more fun and sometimes even more interesting than good ones. It's kind of a Lester Bangs approach to movie viewing, I guess.

Note: The lead in this movie (Gary Graham? Is that his name? I refuse to go check.) is really not that bad. He makes a go of it. He's kind of cool, especially when he's drunk/hung over.\": {\"frequency\": 1, \"value\": \"This movie is the ...\"}, \"Not even Timothy Hutton or David Duchovny could save this dead fish of a film. For starters, the script was definitely written to be made into a B-film, but somehow Duchovny (looking for a star vehicle to elevate himself out of television) and Hutton (looking for the \\\"two\\\" of a \\\"one-two punch\\\" he had hoped would define his career after \\\"Ordinary People\\\") became attached to the picture. Cheesy lines, big bad wipes from scene to scene (Come on--who uses wipes after 12th Grade Telecommunications class?), and plain old bad acting sink this film. Even Duchovny is not immune to the bad acting plague that is this film. Only Timothy Hutton rises above the material at all. I must admit feeling Duchovny's pain as he read the lines that are the voice-over. While I found myself laughing when I'm sure the director wanted me to feel terrified, nothing prepared me for the closing line of Duchonvey's voice-over: \\\"if you ever need a doctor, be sure to call 911.\\\" If only the studio had called 911, this dog of a motion picture would never have been made. Avoid at all costs.

\": {\"frequency\": 1, \"value\": \"Not even Timothy ...\"}, \"I am a huge fan of Vonnegut's work and I'm very fond of this movie, but I wouldn't say that this is a film of the \\\"Mother Night\\\" that I read. When people say that Vonnegut is unfilmable, two things come to my mind. One is that many of his themes are very near the knuckle or even taboo, despite the accusation sometimes used against him that he chooses relatively \\\"easy\\\" targets for his satire. This means less every day that passes as far as filmability is concerned. Directors these days appear to revel in breaking taboos and I have high hopes for the version of \\\"Bluebeard\\\" now in production. Amazing to think that an innocent piece like Vonnegut's \\\"Sirens of Titan\\\" would probably have been the equivalent of \\\"R\\\" rated if filmed when it was published back in the 50s, for its violence, language and sexual and thematic content, though it's a tragedy that nobody's come up yet with a filmable script for it. And in the present economic climate, I also hope some director out there is looking closely at \\\"Jailbird\\\", \\\"Galapagos\\\" and \\\"Hocus Pocus\\\".

The other thing is his narrative style, heaping irony upon irony upon irony but still making it hilariously funny. It seems impossible to objectify, and that appears to be the biggest obstacle to making great films of his great novels, because the little authorial comments that colour our response as readers are just not possible in movies without resorting to too often clumsy techniques like \\\"talkovers\\\". Vonnegut suggested that there was a character missing from filmed versions of his work, himself as author/narrator. To its credit, \\\"Breakfast of Champions\\\" (the movie) tried to keep the comedy and came a bit of a cropper for its pains. As did another turkey made from a Vonnegut novel, \\\"Slapstick\\\" in an even more spectacular way.

Still, there's nothing wrong with a director giving us his subjective interpretation of Vonnegut, and \\\"Mother Night\\\" is an excellent example of how, as another reviewer put it, a good director can add a visual poetry to a source like this. But so much of the humour is lost that though it's the same plot, it's not really from the same novel I read. If it had been, I'd probably have been rolling in the aisles laughing a few times watching it. For a reader of the novel, I think a chuckle even at the end is forgivable. The end of the film, however, is truly poignant, and I think one of the film's successes is that it can genuinely leave you feeling that you've watched someone walk a razor's edge between good and evil, and the jury is still out.

Standing alone and of itself it's well worth a look. Technically there are some minor but glaring errors, notably in continuity, and it too often looks drab and theatrical, but most of the time it hits an acceptable note and occasionally shows considerable imagination and resourcefulness. The acting in general is of a high order, even if maybe the dialogue is by today's standards a little stilted.

It survives quite well watching back to back with \\\"Slaughterhouse-5\\\", and there is actually quite a bit more \\\"good\\\" filmed Vonnegut out there, mostly versions of his short stories - \\\"Harrison Bergeron\\\", \\\"Who Am I This Time?\\\" and some other things like, of course, the misfiring filmed version of his very funny but disposable play, \\\"Happy Birthday Wanda June\\\". Also there was an interesting piece , if it still exists, done in the 70s called \\\"Between Time And Timbuktu\\\" which Vonnegut apparently didn't like much, although he was involved in its production, because he felt it misinterpreted him in its generality. He said it reminded him of the bizarre surgical experiments performed in the HG Wells tale \\\"The Island of Dr. Moreau\\\", but it did for many people serve as an excellent introduction to his work.

But if the films don't make you want to go to the superior source material, they're not doing their job.

As the man said, more or less, the big show is inside your head.\": {\"frequency\": 1, \"value\": \"I am a huge fan of ...\"}, \"This movie is an abomination, and its making should have been considered a capital crime.

One of the great mysteries of film-making is why nobody ever has made a faithful movie adaptation of this wonderful mystery. It is a tale of a really gripping mystery, nice old-fashioned romance, and dry English humor. Why did the makers have to change Richard Gordon from a Scotland Yard policeman to an amateur detective, introduce the idiotic role and caricature of his English servant, change the part of the main storyline about the murder charge and circumstances of Gordon's struggle to save the accused, etc., etc.? These producers and directors who always think they can make a better story than the one in the book should write the original script themselves and not to rape another person's product.\": {\"frequency\": 1, \"value\": \"This movie is an ...\"}, \"I would not like to comment on how good the movie was or what were the flaws as I am not a professional film critic and I do not have enough knowledge of making movies. What i do know is that making this kind of a movie in your very first shot is a big achievement and I would like to congratulate the Director for that. However, in some reviews, that i have read, critics have complained that Hiralal's relationship with his brothers was not highlighted, and his siblings were completely erased from the story. Now i would really like to raise a point here that as the name of the movie suggests, it is not a movie about Hiralal's brothers, it is a movie on the relationship of Mahatma Gandhi and his son Hiralal Gandhi, nothing more nothing less. If we start complaining about some characters being kept out of action in the movie, it would be a bit unfair because these characters don't fit in the picture, no matter how relevant they were in real life. So i think it would be better if we stick to the main idea and stop satisfy a critic in ourselves.

Enjoy!!!!\": {\"frequency\": 1, \"value\": \"I would not like ...\"}, \"I LOVED this flick when it came out in the 80's and still do! I still quote classic lines like \\\"say it again\\\" and \\\"you said you'd rip my balls off sir\\\". Ron Leibman was hot and very funny! Although it was underrated and disowned by MAD, I have to say that this little gem will always be a treasure of mine and a movie that I would take with me if sent to a deserted island! I only wish that someone would release the DVD because my VHS tape is about worn out! If you like cheesed out comedy, this is definitely for you and should be considered a cult classic! It is military humor at it's best and worse! Rent it if you can't own it!\": {\"frequency\": 1, \"value\": \"I LOVED this flick ...\"}, \"Haven't seen the film since first released, but it was memorable. Performances by Rip Torn and Conchata Farrell were superb, photography excellent, moving story line and everything else about it was of the highest standard. Yet it seems to have been pretty much forgotten

Maybe because UK is an odd market for it but I haven't seen the film on TV or video, which is sad. Has it had more success in US where it might rightly be seen as a quite accurate historical drama?

Always reckon that 50% of a good film is the music and though I'm not certain I think the title theme was a simple but moving clarinet solo of \\\"What a friend we have in Jesus\\\". The film then went on to disprove that! Am I right or wrong?\": {\"frequency\": 1, \"value\": \"Haven't seen the ...\"}, \"The statistics in this movie were well researched. There is no doubt about it! Al Gore certainly presents his case very well and it is no wonder that this movie got the praise that it got. Al Gore is certainly quite an actor. He sounds so concerned. But actions speak louder than words! Throughout this movie, there are political tidbits and references to his political career sprinkled throughout the movie.

Jimmy Carter, unlike Al Gore, is a man of integrity who not only talks the talk, but walks the walk as well. When Carter thought we needed to conserve energy, he turned down the thermostat in the White House and got warm by wearing a sweater.

Al Gore tells us that we have to conserve energy and claims that we are creating global warming while he travels around in his own private jet. How much energy does his jet use and how much more pollution does his jet create? How much energy does it take to heat Gore's swimming pool behind his mansion? It would be nice if we could conserve electricity by using smaller appliances and making it a point to turn off anything that is not being used. But if we did, the power company would react to a 50% reduction of energy by calling it a \\\"50% loss in revenue\\\" and recouping their losses by raising the rates by 50%. So \\\"just turning it off\\\" would not be a very good idea.

This movie is a veiled appeal to allow Big Goivernment to take control of everything, in the name of saving planet earth, that is.\": {\"frequency\": 1, \"value\": \"The statistics in ...\"}, \"SPOILERS THROUGHOUT!!!!

I had read the book \\\"1st to die\\\" and wanted to see if the movie followed the book so I watched it. For the most part it did. There were some MINOR differences(location of the last violent scene for instance) but not many and for the most part the movie stayed true to the book more so then most movies.

This may have been a mistake-although the movie was perfectly cast-with Pollen and Bellows especially-I was not that impressed with the book. Or let me take that back. I started off very impressed, gradually became more disillusioned and by the end was left completely unsatisfied and felt almost gypped. No difference with The movie. Here is why.

There is no \\\"payoff\\\" in the book, or the movie. Rarely have I read a who done it thriller that has created such a letdown with it's final resolution and I had hoped the movie would vary a little.

The whole-(he did it, NO she did it, NO they BOTH did it)-was not interesting, not fascinating and more confusing, annoying and depressing then anything else. Add to that, that the love of Lindsay's life dies at the end(after HER disease cleares and she cries at his grave).. and then cut to where she's contemplating suicide....then all of a sudden she's in a fight for her life with the REAL villain who was cleared after being arrested.. but it turns out he and the wife were in it together....HELLO!!! This whole thing has now become \\\"GENERAL HOSPITAL\\\" instead of a good old fashioned thriller. I felt cheated and ripped off by the book and watching the movie(I must admit it held my attention nicely -the acting was very good for a TV movie)was hoping it wouldn't follow the book which it wound up doing.

I still think the movie is watchable and for some reason does not leave as bad a taste in your mouth as the book(or maybe it's just that I knew what would happen)But I have to say the way this story unraveled was not well done at all.\": {\"frequency\": 1, \"value\": \"SPOILERS ...\"}, \"Having the opportunity to watch some of the filming in the Slavic Village-Broadway area I couldn't wait to see it's final copy.

Viewing this film at the Cleveland Premier last Friday,I haven't laughed out loud at a comedy in a long time! It is great slapstick. The Russo Brothers did a fine job directing. The entire cast performs their best comedic acting... No slow or dry segments... George Clooney is one of my favorite actors and he's great as the crippled safe breaker in this flick. I was most imprest by William H. Macy as crook \\\"Riley\\\" and Michael Jeter's as \\\"Toto\\\" they keep you in \\\"stitches\\\". I believe they have the funniest roles in the entire movie.\": {\"frequency\": 1, \"value\": \"Having the ...\"}, \"From everything I'd read about the movie, I was excited to support a film with a Christian theme. Everything about the movie was very unprofessionally done. Especially the writing! Without good writing a movie doesn't have a chance. The writer/director said in an interview that he didn't want to give away how the title relates to the story. Believe me, it was NO big surprise. I kept waiting for the teenage/young adult back-story to unfold, but it never did. As someone who has gone through a divorce, I was very disappointed. This movie would have been NO comfort to me when I first went through the emotional turmoil that divorce can bring to your life as a Christian!\": {\"frequency\": 1, \"value\": \"From everything ...\"}, \"'They All Laughed' is a superb Peter Bogdanovich that is finally getting the recognition it deserves, and why? their are many reasons the fact that it's set in new york which truly sets the tone, the fantastic soundtrack, the appealing star turns from Ben Gazzara, and the late John Ritter who is superb. and of course no classic is complete without Audrey Hepburn. the film is a light and breezy romantic comedy that is very much in the vein of screwball comedy from the thirties, film is essentially about the Odyssey detective agency which is run by Gazzara who with his fellow detectives pot smoking and roller skating eccentric Blaine Novak(the films co-producer) and John Ritter, basically the Gazzara falls for a rich tycoon magnate's wife(Hepburn) and Ritter falls for beautiful Dorothy Stratten who sadly murdered infamously after production, 'They All Laughed is essential viewing for Bogdanovich fans.\": {\"frequency\": 1, \"value\": \"'They All Laughed' ...\"}, \"Meryl Streep was incredible in this film. She has an amazing knack for accents, and she shows incredible skill in this film overall. I really felt for her when Lindy was being persecuted. She was played realistically, too. She got cranky, upset, and unpleasant as the media and the government continued their unrelenting witchhunt. I didn't expect much from the film initially, but I really got interested in it, and the movie is based on a real person and real events. It turned out to be better than I had anticipated. Sam Neill was also outstanding; this is the best work I've seen from him, and I've really liked him in other movies (The Piano, for example). I gave the film a 7, but if I could rate just the acting, I'd give the it a 9.5, and a perfect 10 for Streep.\": {\"frequency\": 1, \"value\": \"Meryl Streep was ...\"}, \"Van Dien must cringe with embarrassment at the memory of this ludicrously poor film, as indeed must every single individual involved. To be honest I am rather embarrassed to admit I watched it from start to finish. Production values are somewhere between the original series of 'Crossroads' and 'Prisoner Cell Block H'. Most five year olds would be able to come up with more realistic dialogue and a more plausible plot. As for the acting performances, if you can imagine the most rubbish porno you have ever seen - one of those ones where the action is padded out with some interminable 'story' to explain how some pouting old peroxide blonde boiler has come to be getting spit-roasted by a couple of blokes with moustaches - you will have some idea of the standard of acting in 'Maiden Voyage'. Worse still, you can't even fast forward to the sex scenes, because there aren't any. An appallingly dreadful film.\": {\"frequency\": 1, \"value\": \"Van Dien must ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"This is without ...\"}, \"Yes, this IS a horror anthology film and it was a lot of fun! That's because although the film clearly was horror, some of the stories had a light spirit--and there were even occasionally a few laughs. This isn't at all a bad thing as sometimes horror films are a bit stuffy and overly serious. Because of this and because all four of the stories were pretty good, it's one of the better movies of this style I have seen.

The unifying theme that connects each story is the house itself. Four different stories involve people who either rent the home or investigate what happened to the tenants.

The first segment starred Denholm Elliott as a horror writer who has writer's block. So, for a change of scenery, they rent this house. Almost immediately Elliott's block vanishes and he works steadily on a tale about a serial killer. Amazingly, soon after his block vanishes he begins to actually see his fictional character! Again and again, the psychotic killer appears and then disappears--making it seem as if he is losing his mind. This might just be the best of the stories, as the nice twist ending makes the story come alive.

The second, while not bad at all, is probably the weakest. Peter Cushing plays a bachelor who is pining for a girl friend who died some time ago (though the picture of her looked amazingly contemporary). When he enters a chamber of horrors wax museum in town, he sees a wax figure that reminds him of his lost lady and he is both fascinated and scared by this. Later, a friend (Joss Ackland) visits and he, too, sees the figure and is entranced by it. This all leads to an ending that, frankly, was a bit of a letdown.

Christopher Lee then stars as an incredibly harsh and stern father to a pathetic little girl. During most of this segment, Lee seemed like an idiot, but in the end you can understand his demeanor. Though slow, this one ended very well.

The fourth segment was the silliest and was meant to parody the genre. Jon Pertwee (the third \\\"Doctor\\\" from the DR. WHO television series) is a very temperamental actor known for his portrayals of Dracula. However, nothing is right about the film according to him and in a fit of pique, he stomps off the set to find better props for this vampire film. It's actually pretty interesting that he played this role, as it seemed like a natural for Christopher Lee who played Dracula or other vampires a bazillion times (give or take a few). I enjoyed Pertwee's line when he basically said that Lee's and other recent incarnations of Dracula were all crap compared to Bela Lugosi's! Perhaps this is why Lee didn't take this part! Despite some very silly moments, it was very entertaining and fun--possibly as good or better than the first segment.

Considering that the film started and ended so well, had excellent acting and writing, it's hard not to like this film.\": {\"frequency\": 1, \"value\": \"Yes, this IS a ...\"}, \"Other reviewers have summarized this film noir well. I just wanted to add to the \\\"Whew!\\\" comment one reviewer made regarding Elisha Cook's obviously coke-fuelled drumming episode. This WAS a doozy, I must say. Cook deserved some acclaim for his frenzied performance.

A bit of trivia that I am surmising about: Cook appeared as a waiter in the 1941 Barbara Stanwyck film, \\\"Ball of Fire.\\\" He was a waiter in the nightclub where Barbara was singing and legendary drummer Gene Krupa was drumming, most energetically. Is it too much to suggest that Cook's spazzy drumming in the later film, \\\"Phantom Lady,\\\" was very much inspired by Krupa's work, as witnessed by Cook 3 years earlier?

If you watch Krupa in \\\"Ball of Fire,\\\" I think you'll note some clearly similar body movements. One hopes, of course, that HE was not influenced by any drugs at the time!\": {\"frequency\": 1, \"value\": \"Other reviewers ...\"}, \"THE CAT O'NINE TAILS (Il Gatto a Nove Code)

Aspect ratio: 2.35:1 (Cromoscope)

Sound format: Mono

(35mm and 70mm release prints)

A blind ex-journalist (Karl Malden) overhears a blackmail plot outside a genetics research laboratory and later teams up with a fellow reporter (James Franciscus) to investigate a series of murders at the lab, unwittingly placing their own loved ones at the mercy of a psychopathic killer.

Rushed into production following the unexpected worldwide success of his directorial debut THE BIRD WITH THE CRYSTAL PLUMAGE (1969), Dario Argento conceived THE CAT O'NINE TAILS as a giallo-thriller in much the same vein as its forerunner, toplining celebrated Hollywood actor Karl Malden - fresh from his appearance in PATTON (1969) - and rising star Franciscus (THE VALLEY OF GWANGI). Sadly, the resulting film - which the ads claimed was 'nine times more suspenseful' than \\\"Bird\\\" - is a disappointing follow-up, impeccably photographed and stylishly executed, but too plodding and aimless for general consumption.

Malden and Franciscus are eminently watchable in sympathetic roles, and cinematographer Enrico Menczer (THE DEAD ARE ALIVE) uses the wide Cromoscope frame to convey the hi-tech world in which Argento's dark-hearted scenario unfolds, but the subplot involving Euro starlet Catherine Spaak (THE LIBERTINE) as Franciscus' romantic interest amounts to little more than unnecessary padding. Highlights include an unforgettable encounter with the black-gloved assassin in a crowded railway station (edited with sleek assurance by cult movie stalwart Franco Fraticelli), and a nocturnal episode in which Malden and Franciscus seek an important clue inside a mouldering tomb and fall prey to the killer's devious machinations. But despite these flashes of brilliance, the film rambles aimlessly from one scene to the next, simmering gently without ever really coming to the boil. It's no surprise that \\\"Cat\\\" failed to emulate the runaway success of \\\"Bird\\\" when released in 1971.

(English version)\": {\"frequency\": 1, \"value\": \"THE CAT O'NINE ...\"}, \"Hey guys,

i have been looking every where to find these two movies and i can't find them anywhere in my local area. (I am Australian). Could You please help me and tell me where i can buy it from. In General Home Ward Bound 1 and 2 are the best movies i have ever seen and are good for people of all ages. It was my favourite movie wen i was 5 and it still is even now when i am a teenager. It is a great movie for the whole family. My entire family loves this movie except for my younger sister because i have watched it that many times that she is sick of it. I love this movie and i cant wait till i can buy it again on DVD.

Sally\": {\"frequency\": 1, \"value\": \"Hey guys,

This is a long film 128 minutes, but well worth seeing.

my rating is ****

respectively submitted

Jay Harris

\": {\"frequency\": 1, \"value\": \"Ride With The ...\"}, \"I really have no idea how to comment on this movie. The special effects were lackluster, the acting was terrible and if there was a plot to it all, it was on the back of the box. I don't think I can remember a movie being THIS bad in a long time, and I'm a big fan of lesbian sex and boobies!! ;) Even that couldn't save this movie from being just a terrible excuse to pay someone to stand (or lay in this case) in front of a camera.

I was pretty much let down by the overall \\\"zombie\\\" effect. Since apparently in this movie, zombies are so commonplace that running over a couple here and there, and casually talking about it at a gas station (one with an in-house windshield repair but no interior bathroom), the zombie-movie genre isn't even a factor until the end. Even then, a cameo by a dozen zombies ripping off a girl's clothes doesn't really constitute being a zombie movie.

On to the vampires: Apparently all the zombies are male and all the vampires are female, which is OK by me. I'm not sure how vampires are out in the daylight, or the why/how of a soldier vampire came to be standing in the middle of the road, still holding his gun with a stake through his heart, just waiting for the Queen of the Vampires to flick it all the way through. The last segment in the old nunnery made no sense, and when one hot lesbian vampire asks the other hot lesbian vampire \\\"Do you think we did the right thing?\\\" by killing the two apparent heroes in the movie, that about put it over the top.

The acting and special effects were at an all-time low also. You could almost see the hoses that the fake blood was pumped out of during the closeup of the zombie who got ran over by the General. Speaking of the General, where did they find THIS Kenny Rogers look-alike anyways? No idea what he was the General of, aside of generally confusing and misplaced.

All in all, watch the movie if you have nothing better to do or if you have the strong urge to waste $3. Just my $0.02.\": {\"frequency\": 2, \"value\": \"I really have no ...\"}, \"From beginning to end, this is the most emotionally overwrought movie about NOTHING I have ever seen. The characterizations and interactions between the title character and Marthe Kller's character are pure torture. The racetrack as metaphor gimmick is so overplayed that it borders on cliche, yet director Pollack treats every hairpin turn as if it were something profoundly important.

Maybe there's some value for a MSFT3000 re-playing of some of the scenes, such as Pacino getting in touch with his inner female, for goof value. But, even such accidental humor is hard to find in this total turkey.\": {\"frequency\": 1, \"value\": \"From beginning to ...\"}, \"Can anybody do good CGI films besides Pixar? I mean really, animation looked antiquated by 2006 standards and even by 1995 Toy Story standards. Or maybe they spent all their budget on Hugh Jackman. Whatever their reasoning, the story truly did suck.

Somehow, Hugh Jackman is a rat - a rat that is flushed down a toilet. Yeah I know, seems stereotypical. But then the sewer mimicked the ways of London - to an extent. Throw in a promise of jewels (????) and an evil(??) frog and you get a pathetic attempt at entertainment.

I would like to say something entertained me. Maybe the hookup in the movie? Or maybe the happily-ever-after rat relationship. But nothing did. It had the talent, but it blew up. D-\": {\"frequency\": 1, \"value\": \"Can anybody do ...\"}, \"This has been one of my favorite movies for a long time. Recently I was happy to see it on DVD which is a relief from watching the old, grainy VHS versions.

I hadn't seen it in years and watched it today to find myself amazed at how well the movie stands up to time. It's one of those rare, perfect storms of comedy where great writing (truly funny line after truly funny line) is paired with great direction and outstanding performances all at the same time.

Dudley Moore got an Oscar nomination for \\\"Arthur\\\" but lost (although John Gielgud won for best supporting actor). If Moore's performance in \\\"Arthur\\\" doesn't win a Best Actor Oscar -it's proof that no comedic actor could ever win the title (another example is Gene Wilder in \\\"Young Frankenstein\\\").

Steve Gordon crafts the film beautifully keeping true to each of the characters and the warm-hearted tone of the story. Quite simply, IMHO the movie is a rare gem. It's only sad that Steve Gordon passed away just a year after \\\"Arthur\\\" was released.

Regarding the DVD that is available as of 1/2007, it's so/so. Although the video quality is a leap over the old VHS copies, there is still no widescreen version available.

The DVD has a few extras that are nice but it's just not enough. One example is commentary from the Director stating how he greatly wished how certain deleted takes and scenes could have been included (because they were hysterical), but that he had to make tough choices for a final edit. The DVD, being the perfect format to include such material, certainly should have offered it as well.

This, the original \\\"Arthur\\\", is a classic comedy that is one for the books.\": {\"frequency\": 2, \"value\": \"This has been one ...\"}, \"*Spoilers and extreme bashing lay ahead*

When this show first started, I found it tolerable and fun. Fairly Oddparents was the kind of cartoon that kids and adults liked. It also had high ratings along with Spongebob. But it started to fall because of the following crap that Butch Hartman and his team shoved into the show.

First off, toilet humor isn't all that funny. You can easily pull off a fast laugh from a little kiddie with a burp, but that's pretty much the only audience that would laugh at such a clich\\ufffd\\ufffd joke. Next there are the kiddie jokes. Lol we can see people in their underwear and we can see people cross-dressing. LOLOLOL!!! I just can't stop laughing at such gay bliss! Somebody help me! But of course, this show wouldn't suck that bad if it weren't for stereotypes. Did you see how the team portrayed Australians? They saw them as nothing but kangaroo-loving, boomerang-throwing simpletons who live in a hot desert. But now... Is the coup de grace of WHY this show truly sucks the loudest of them all... OVER-USED JOKES!!! The show constantly pulls up the same jokes (the majority of them being unfunny) thinking it is like the greatest thing ever! Cosmo is mostly the one to blame. I hated how they kept on mentioning \\\"Super Toilet\\\" (which also has a blend of kiddish humor in it just as well) and Cosmo would freak out. And who could forget that dumb battery ram joke that every goddamn parent in Dimmsdale would use in that one e-mail episode? You know, the one in which every single parent (oblivious to other parents saying it) would utter the EXACT same sentence before breaking into their kid's room? Yes, it may be first class humor to some people, but it is pure s*** to others.

If I'm not mistaken, I do believe Butch Hartman said something about ending the show. Thank God! Everyone around my area says it's, like, the funniest Nickelodeon show ever. I just can't agree with it\\ufffd\\ufffd I think it's just another pile of horse dung that we get on our cartoon stations everyday, only worse.\": {\"frequency\": 1, \"value\": \"*Spoilers and ...\"}, \"I'm not sure how I missed this one when it first came out, but I am glad to have finally seen it.

This movie takes place in and around the 19th century red light district of Okabasho, Japan. It tells the tale of prostitution, caste systems and women who are strong in a society based upon the strength of the samurai code of Japan.

It is uniquely Akira Kurosawa! Even though he died before he could direct this movie, his adaptation of the screenplay shows. His view of the Japanese world and caste system is renowned and sheds light upon how these systems interact with each other. The characters may revolve around each other, but the caste system stays intact when each character goes back to the world they belong in. The samurai warrior who drifts into the good hearted and loving prostitute's world goes back to his life, while she embarks on a another road with a man who is part of her caste system..lowest of the low. Many prize the world of the samurai above all others, but yet, it is the lower caste inhabitants who can support each other and who can love without restraint. The samurai in this movie turns out to be the weak one, while the classless lovers prove to be the honorable ones.

The movie deserves a higher rating. It is a tale of survival of women in feudal Japan. During this time frame, men were thought to be the survivors..the strong ones while women were thought to be just mindless and weak property. This movie highlights the strength of Japanese women and how they did what they had to for survival, and how their strength enabled the Japanese culture to continue on as it has.

I recommend \\\"The Sea is Watching\\\" to anyone who is a fan of Akira Kurosawa and even if they're not a fan. It is a lovely, quiet and soul sustaining movie, and one to be treasured for any movie collection.\": {\"frequency\": 1, \"value\": \"I'm not sure how I ...\"}, \"Elisha Cuthbert plays Sue a fourteen year old girl who has lost her mother and finds it hard to communicate with her father, until one day in the basement of her apartment she finds a secret magic elevator which takes her to back to the late 18th century were she meets two other children who have lost their father and face poverty...

I was clicking through the channels and found this..I read the synopsis and suddenly saw Elisha Cuthbert...I thought okay....and watched the movie.. i didn't realise Elisha had done films before....'The Girl Next Door and 24' Elisha provides a satisfactory performance, the plot is a little cheesy but the film works...Its amazing how this young girl went on to become the Hottest babe in Hollywood!\": {\"frequency\": 1, \"value\": \"Elisha Cuthbert ...\"}, \"Although this is \\\"better\\\" than the first Mulva (which doesn't say much anyways, I would rather watch paint dry) it still sucks. Do yourself a favor and avoid anything from these Low Budget Pictures guys. I was suckered into buying a few dvds to support some indy filmmakers and boy did I regret it. Some haven't even been officially \\\"released\\\" yet (not bootlegs-bought from the filmmakers themselves) and I can't even list how bad they all are. Avoid anything with Teen Ape or Bonejack in them as they do pop up in other small indy films that they are friends with. If you are friends of these guys, chances are you were in their movies and had fun making them. But for those that had to watch them? No way. Bad video, bad audio, bad acting, bad plot...etc etc. These aren't even funny. I gave this one a 2 only because Debbie Rochon is in it and that is about it. Maybe it doesn't even deserve the 2. About a 1 1/16th star to show it was slightly better than the first (which I wish I could have rated in the negatives). If you want a decent no budget film, go pick up something from LBP's \\\"friends\\\" over at Freak Productions like Marty Jenkins or even Raising the Stakes. Those are actually decent.\": {\"frequency\": 1, \"value\": \"Although this is ...\"}, \"Yes, as the other reviewers have already stated, this may not be vintage L&H but it's far from being their worst work as at 20th Century Stupid...I mean Fox. This film certainly has all of the basic ingredients for things to go wrong for the boys. But it's their serious approach and determination that makes them funny. They don't play it for laughs as other comedians might but they take their work and situation quite seriously and that is the essence of their eternal humor. In this film, they are faced with some basic issues that really might be encountered by any one of us today, namely job related stress. First, we would get checked out by a doctor and he would prescribe some much needed rest and perhaps staying by the sea. That's where the surrealness comes in to all of this. L&H always take a most plausible set of circumstances and exaggerate it but never to the point of being incredible, except maybe once in awhile. This makes us laugh because we can relate to their self caused predicaments and attempts at extrication. That's what makes Stan and Ollie universal in their appeal. In this film all those ingredients are presented in a delightfully artful and gracefully slapstick way. Not their best in comparison to their earlier work probably because this was the actual last film they did for Roach because he wanted to mirror the \\\"big\\\" studios and go into making features exclusively and also wanted to hurry up and finish their contractual obligation. BIG MISTAKE! They should have all stayed together and continued for maybe five more years. What the world may have missed in their not considering this as an option. Watch, laugh, and enjoy this as their last great performance.\": {\"frequency\": 1, \"value\": \"Yes, as the other ...\"}, \"Back when musicals weren't showcases for choreographers, we had wonderful movies such as this one.

Being a big fan of both Wodehouse and Fred Astaire I was delighted to finally see this movie. Not quite a blend of Wodehouse and Hollywood, but close enough. Some of the American vaudeville humour, the slapstick not the witty banter, clash with Wodehouse's British sense of humour. But on the whole, the American style banter makes the American characters seem real rather than cardboard caricatures.

Some inventive staging for the dance numbers, including the wonderful fairground with revolving floors and funhouse mirrors, more than make up for the lack of a Busby Berkley over the top dance number. They seem a lot more realistic, if you could ever imagine people starting to sing and dance as realistic.

The lack of Ginger Rogers and Eric Blore don't hurt the movie, instead they allow different character dynamics to emerge. It's also nice not to have a wise cracking, headstrong love interest. Instead we have a gentle headstrong love interest, far more in keeping with Wodehouses' young aristocratic females.\": {\"frequency\": 1, \"value\": \"Back when musicals ...\"}, \"WOW! Pretty terrible stuff. The Richard Burton/Elizabeth Taylor roadshow lands in Sardinia and hooks up with arty director Joseph Losey for this remarkably ill-conceived Tennessee Williams fiasco. Taylor plays a rich, dying widow holding fort over her minions on an island where she dictates, very loudly, her memoirs to an incredibly patient secretary. When scoundrel Burton shows up claiming to be a poet and old friend, Taylor realizes her time is up. Ludicrious in the extreme --- it's difficult to determine if Taylor and Burton are acting badly OR if it was Williams' intention to make their characters so unappealing. If that's the case, then the acting is brilliant! Burton mumbles his lines, including the word BOOM several times, while Taylor screeches her's. She's really awful. So is Noel Coward as Taylor's catty confidante, the \\\"Witch of Capri.\\\"

Presumably BOOM is about how fleeting time is and how fast life moves along --- two standard Williams themes, but it's so misdirected by Losey, that had Taylor and Burton not spelled it out for the audience during their mostly inane monologues, any substance the film has would have been completely diluted.

BOOM does have stunning photography---the camera would have to have been out of focus to screw up the beauty of Sardinia! The supporting cast features Joanna Shimkus, the great Romolo Valli as Taylor's resourceful doctor and Michael Dunn as her nasty dwarf security guard...both he and his dogs do a number on Burton!\": {\"frequency\": 1, \"value\": \"WOW! Pretty ...\"}, \"The interesting aspect of \\\"The Apprentice\\\" is it demonstrates that the traditional job interview and resume do not necessarily predict teamwork skills, task dedication, and job performance. And they certainly don't reveal any hidden agendas. In other words, a good indicator of potential may be to see a job applicant in action which is the point of \\\"The Apprentice\\\". People vying for a corporate position may hand over a sugar-coated resume and put on their best personality attire for the interview, but these are not necessarily the best indicator of strengths, weaknesses, and performance.

Briefly, \\\"The Apprentice\\\" involves 16 job candidates competing for the ultimate career opportunity: a position in real estate magnate Donald Trump's investment company. \\\"The Apprentice\\\" refers to the winner who will win a salaried position, learn the art of high stakes deal-making from the master himself, and, presumably, gain prime corporate connections. The position is a dream-come-true for those wanting to make more money than the GNP of some foreign countries. To entice the candidates, Trump shows off his private jet, his private luxury apartments replete with statues and artwork, his limos, his connections to celebrities, and other aspects of the life of a billionaire magnate.

The road to success is not easy. The group is divided into two teams that compete against each other. Each has a corporate-sounding name, such as Versacorps and Prot\\ufffd\\ufffdg\\ufffd\\ufffd Corporation. The teams are assigned tasks that entail an entrepreneurial venture such as creating advertising, selling merchandise, or negotiating. Teams select a project manager who provides the leadership and organizational skills to complete the task. If they win, the manager receives a lot of credit, particularly in the eyes of the final arbiter. If they lose, the manager may also become the scape-goat. Some of the tasks are monumentally difficult with only a day or two to complete. Tasks may involve creating a TV commercial, or print ad. Others may involve selling at a retail outlet or on the street.

The tasks bring out the best and worst in the participants. They often show immediately who is the most reliable, who is the most trustworthy, and who is hard working. And the tasks also expose who is not a good team player, who is inefficient, and who seems only out for themselves. The tasks invariably reveal in unexpected ways the strengths and weaknesses of the participants and in particular the project manager. How well the manager communicates with the team, delegates work, organizes time, and sets specific goals will largely determine the outcome, but it does not necessarily predict the winner.

The single-most telling aspect of someone's potential is when he or she is assigned as a project manager. Their real abilities as opposed to their self-propagated abilities immediately show through the veneer that cannot be hidden by a $100 silk tie or a beautiful makeover. Leadership qualities and/or weaknesses often become agonizingly obvious after only a few minutes. Those promoting themselves as top-notch leaders are not always as strong when put into a real-life leadership situation. It is always easier to \\\"toot your own horn\\\" than to actually engage in leadership. Project managers, even those on the winning teams, often do not formulate a cohesive strategy. They often believe that by diving off the deep end to complete the task at the first minute rather than taking a little time to organize and discuss how the task will be completed is more efficient. More often than not, members of an ill-strategized team are running around like headless chickens figuring it out as they go along, and in the long run they end up wasting far more time.

The winning team gets a taste of the high life, such as eating dinner at an exclusive restaurant, flying in a private jet, and/or meeting a celebrity. The losing team comes to the dreaded board room where Trump hears the lame excuses of the members and knocks off one or more of the contestants like pieces off a chess board with the now infamous \\\"You're fired\\\". Often, the project manager is held partially responsible for the team's loss, and may be the target of Trump's accusatory rhetoric. Every week, at least one person becomes a casualty from the losing team.

My least-favorite aspect of \\\"The Apprentice\\\" is the board room. While the tasks themselves bring out the strengths and weaknesses in the candidates, the board room often brings out the worst. Unfortunately, the rules of the game insist there is one winning team and one losing team, even if the competition was close. Members of the losing team start accusing each other, often ruthlessly, about who was at fault. And sometimes more than one person gets fired. I seldom see an under-performing candidate take responsibility for their actions in the board room. Kristi Frank and Kwame Jackson were possibly the only candidates who took full responsibility for her team's losses and received no recognition for this selfless act. For me, Kristi Frank and Kwame Jackson had the most integrity of all the candidates. However, Trump saw Kristi as weak and fired her, claiming she wasn't standing up for herself, which may mean he values ego more than integrity. No one should sacrifice their integrity for this. Kristi Frank may not have become the apprentice but she can live with herself knowing she did not blame others unjustly. Isn't that worth as much as \\\"winning\\\"?

The strength of \\\"The Apprentice\\\" is also its weakness. Because team performance is evaluated strictly by winners and losers, other evaluation opportunities are overlooked. Barring huge gaps between the winning and losing teams, sometimes a losing team exemplifies a high standard of teamwork and efficiency. I have seen losing teams sometimes appearing better organized than the winning team. We Americans are so often obsessed with winning and losing that we often overlook excellence.\": {\"frequency\": 1, \"value\": \"The interesting ...\"}, \"I had a vague idea of who Bettie Page was, partly due to her appearance in the very wee days of Playboy (apparently, when she got her photo taken of her and her Santa hat, just that, she didn't know what the mag was). The movie, co-written and directed by American Psycho's Mary Harron, fleshes out the key parts of her life well enough. A southern belle of a church goer has some bad experiences and leaves them behind to seek better times in New York City, where she gets into modeling, and from there a lot more. Soon, she becomes the underground pin-up sensation, with bondage the obvious (and \\\"notorious\\\" of the title) trait attributed to her. The actress Gretchen Moll portrays her, and gets down the spirit of this woman about as well as she could, which is really a lot of the success of the film. She's not a simplistic character, even if at times her ideas of morality are questionable (\\\"well, Adam and Eve were naked, weren't they?\\\" she comments a couple of times). Apparently, the filmmakers leave out the later years of Page's life and leave off with her in a kind of redemptive period, leaving behind the photo shoots for Jesus.

In all, the Notrious Bettie Page is not much more than a kind of usual bio-pic presented by HBO films, albeit this time with the stamina for a feature-film release. The best scenes that Harron captures are Page in her \\\"questionable\\\" positions, getting photos of her in over-the-top poses and starring in ridiculous films of whips and chains and leather uniforms. This adds a much needed comic relief to the film's otherwise usual nature. It's not that the story behind it is uninteresting, which involves the government's investigation into the 'smut' that came out of such photos and underground magazines. But there isn't much time given to explore more of what is merely hinted at, with Page and her complexities or her relationships or to sex and the fifties. It's all given a really neat black and white look and sometimes it seemed as if Harron was progressing some of the black and white photos to be tinted more as it went along. It's a watchable view if you're not too knowledgeable of Bette Page, and probably for fans too.\": {\"frequency\": 1, \"value\": \"I had a vague idea ...\"}, \"The animation in this re-imagining of Peter & the Wolf is excellent, but at 29 minutes, the film is sleep inducing. They should have called it \\\"Peter & the Snails\\\", because everything moves at a snail's pace. I couldn't even watch the film in one sitting - I had to watch it 15 minutes at a time, and it was pure torture.

Save yourself 30 minutes - do not watch this film - and you will thank me.

I can only guess that the Oscar nominating committee only watched the first few minutes of the nominees. Unfortunately, to vote for the winner in the Best Animated Short (short!) category, the voters will have to sit through the whole thing. I already feel sorry for them - and must predict that there's no way this film will come close to winning.\": {\"frequency\": 1, \"value\": \"The animation in ...\"}, \"Sadly, more downs than ups. The plot was pretty decent. I mean, nothing out of the ordinary, but it had a story, unlike the other modern horror flicks. The other good thing was the cast. I'm not saying that the acting was good, because it wasn't, but every actor/actress was hot and attractive.

One of the downs are that the movie only become exciting after the first 40 minutes or so. The rest was quite boring. Another down (or you could consider it an up if you want) is the excessive nudity. All 4 girls were topless for a few minutes, and all the guys showed their butts for a long time. It's not that I'm against nudity, but this was a horror movie, not 'The Dreamers'.

Unless you're very desperate to watch some guy take off his swimsuit and run around naked for a few minutes, or watch a girl get naked for no reason, or you're a die-hard fan of Debbie Rochon, than this is the movie for you. But if you're looking for a good horror movie, stay away.\": {\"frequency\": 1, \"value\": \"Sadly, more downs ...\"}, \"When a film is independent and not rated, such as the Hamiltons, I was expecting out of the norm, cut out your heart violence. I know that good movies don't always contain blood and violence, but I read reviews, I visited the website, and I even convinced a few of my friends to pay $9.50 to see this god awful movie with me. When there is a festival called Horrorfest, I am expecting horror, not Dawsons Creek with incestuous undertones. My expectations were extremely low for this film, yet the little expectations there was for the film were shot to hell once I saw that an hour had passed before we saw the first drop of blood come out of someones finger. There were too many plot holes and left too much to the imagination. I regret not seeing Happy Feet. I think there might have been more violence and gore in that movie than in the Hamiltons!\": {\"frequency\": 1, \"value\": \"When a film is ...\"}, \"This is an awesome Amicus horror anthology, with 3 great stories, and fantastic performances!, only the last story disappoints. All the characters are awesome, and the film is quite chilling and suspenseful, plus Peter Cushing and Christopher Lee are simply amazing in this!. It's very underrated and my favorite story has to be the 3rd one \\\"Sweets To The Sweet\\\", plus all the characters are very likable. Some of it's predictable, and the last story was incredibly disappointing and rather bland!, however the ending was really cool!. This is an awesome Amicus horror anthology, with 3 great stories, and fantastic performances, only the last story disappoints!, i say it's must see!.

1st Story (\\\"Method for Murder\\\"). This is an awesome story, with plenty of suspense, and the killer Dominic is really creepy, and it's very well acted as well!. This was the perfect way to start off with a story, and for the most part it's unpredictable, plus the double twist ending is shocking, and quite creepy!. Grade A

2nd Story. (\\\"Waxworks\\\"). This is a solid story all around, with wonderful performances, however the ending is quite predictable, but it's still creepy, and has quite a bit of suspense, Peter Cushing did an amazing job, and i couldn't believe how young Joss Ackland was, i really enjoyed this story!. Grade B

3rd Story (\\\"Sweets to the Sweet\\\"). This is the Best story here, as it's extremely creepy, and unpredictable throughout, it also has a nice twist as well!. Christopher Lee did an amazing job, and Chloe Franks did a wonderful job as the young daughter, plus the ending is quite shocking!. I don't want to spoil it for you, but it's one of the best horror stories i have seen!. Grade A+

4th Story (\\\"The Cloak\\\"). This is a terrible story that's really weak and unfunny Jon Pertwee annoyed me, however the ending surprised me a little bit, and Ingrid Pitt was great as always, however it's just dull, and has been done before many times, plus where was the creativity??. Grade D

The Direction is great!. Peter Duffell does a great job here, with awesome camera work, great angles, adding some creepy atmosphere, and keeping the film at a very fast pace!.

The Acting is awesome!. John Bryans is great here, as the narrator, he had some great lines, i just wished he had more screen time. John Bennett is very good as the Det., and was quite intense, he was especially good at the end!, i liked him lots. Denholm Elliott is excellent as Charles, he was vulnerable, showed fear, was very likable, and i loved his facial expressions, he rocked!. Joanna Dunham is stunningly gorgeous!, and did great with what she had to do as the wife, she also had great chemistry with Denholm Elliott !. Tom Adams is incredibly creepy as Dominic, he was creepy looking, and got the job done extremely well!. Peter Cushing is amazing as always, and is amazing here, he is likable, focused, charming, and as always, had a ton of class! (Cushing Rules!!). Joss Ackland is fantastic as always, and looked so young here, i barely recognized him, his accent wasn't so thick, and played a different role i loved it! (Ackland rules). Wolfe Morris is creepy here, and did what he had to do well.Christopher Lee is amazing as always and is amazing here, he is incredibly intense, very focused, and as always had that great intense look on his face, he was especially amazing at the end! (Lee Rules!!). Chloe Franks is adorable as the daughter, she is somewhat creepy, and gave one of the best child performances i have ever seen!, i loved her.Nyree Dawn Porter is beautiful and was excellent as the babysitter, i liked her lots!. Jon Pertwee annoyed me here, and was quite bland, and completely unfunny, he also had no chemistry with Ingrid Pitt!. Ingrid Pitt is beautiful , and does her usual Vampire thing and does it well!.

Rest of the cast do fine. Overall a must see!. **** out of 5\": {\"frequency\": 1, \"value\": \"This is an awesome ...\"}, \"If you want a fun romp with loads of subtle humor, then you will enjoy this flick.

I don't understand why anyone wouldn't enjoy this one. Take it for what it is: a vehicle for Dennis Hopper to mess with your head and make you laugh. It ain't Shakespeare, but it is well done. Ericka Eleniak is absolutely beautiful and holds her own in this one - Better than any episode of Baywatch - and shows a knack for subtle humor. Too bad she hasn't had many opportunities to expand on that.

Tom Berenger fits his role of \\\"real Navy\\\" perfectly and William McNamara does a solid job as a hustler.

Throw in a walk-on by Hopper in the middle of the chase for \\\"the Cherry on this Sundae\\\" and you've got a movie that kept my attention and kept me laughing. I bought this one as soon as it was available.

Brain-candy.\": {\"frequency\": 2, \"value\": \"If you want a fun ...\"}, \"This film is to my mind the weakest film in the original Star Wars trilogy, for a variety of reasons. However it emerges at the end of the day a winner, despite all its flaws. It's still a very good film, even if a lot of its quality depends on the characters that have been built up in the superior 2 installments.

One problem here is the look of the film, which isn't very consistent with the other 2 films. I put a lot of that down to the departure of producer Gary Kurtz. The first 2 films have that dirty, lived-in look with all the technology and so forth. In \\\"Jedi\\\" on the other hand even the rebels look like they just stepped out of a shower and had their uniforms dry cleaned. This makes for a much less textured film. Also the creatures were excessively muppet-like and cutesy. At this point it seems like the film-makers were more concerned with creating the templates for future action figures than with the quality of the film itself.

Another aspect is its lack of originality. Where \\\"Star Wars\\\" created a whole new experience in cinema and \\\"Empire\\\" brought us to alien worlds of swamps, ice, and clouds, \\\"Jedi\\\" lamely re-cycled the locations of the first film. First we are back on the desert planet Tatooine, and then we are watching them face ANOTHER death star (maybe the emperor couldn't think of anything new... but you'd think Lucas or Kasdan could). Also we have these ewoks, who really are just detestable made-for-mattel teddy bears, in a recycled version of what was supposed to be the big wookie-fight at the end of \\\"Star Wars\\\" if they hadn't run out of cash. It just feels like lazy construction.

The most unfortunate aspect of \\\"Jedi\\\" for me is the weak handling of the Han Solo character. Whereas he is central to the plot of the first 2 films here he is struggling for screen time, trading one liners with the droids. Instead of a real drama we're stuck with the lame pretense that Han is still convinced Leia loves Luke -- as if the conclusion of \\\"Empire\\\" where she confessed her love of him had never happened. The whole thing is very contrived and barely conceals the fact that the Solo character was not part of this film's central story after his rescue. Ford, for his part, looks bored and lacks the style that distinguished his earlier performances. This is more like a 1990s Ford performance, bored and looking \\\"above\\\" the film itself. Fisher for her part is visibly high in some scenes. Lando, an interesting character introduced in \\\"Empire\\\", here is stuck as the ostensible person we care about in the giant space battle. Only Hamill, given an interesting development in the Luke character, is really able to do anything new or interesting with his character. Probably he was the only major actor in the film who still cared about his work. And to be fair the script gives him a lot more to do than the other characters. Really it is his story and the other characters are only there as part of the package. Ian McDiarmid does excellent work as well as the Emperor. The film would sink if he had been too far over the top (as he was at times in the new films).

Visually and in terms of effects work, other than the \\\"clean\\\" look of everything it's hard to find fault. Jabba is a very effective animatronic character, one of the most elaborate ever constructed. The space battles towards the end are very impressive.

Ultimately this film coasts to success based on the accomplishments of its forebears. But on its own, it is a satisfying piece of entertainment and IMHO far superior to any of Lucas' later productions.\": {\"frequency\": 1, \"value\": \"This film is to my ...\"}, \"This film provides us with an interesting reminder of how easy it is for so many to get caught up in the busy occupation of doing nothing. We as a people of African descent owe it to ourselves to make a change to this cycle of \\\"all talk and no action\\\" and start to realise in order to make a change, there needs to be less talk and more action. It is a powerful statement of the divisions of our people over small issues, and our failings to recognise the bigger picture and the need to unite in order to make a difference... Despite its reference to the black community, all viewers can learn something from the message this film seeks to portray.\": {\"frequency\": 1, \"value\": \"This film provides ...\"}, \"Second part (actually episode 4-8) of the hit Danish tv-series is slightly inferior to the first one, but has plenty of laughs and scares as well. This time, Udo Kier plays two parts, as the monster baby and his demon-like father. Other standout parts this time are S\\ufffd\\ufffdren Pilmark\\ufffd\\ufffds Doctor Krogshoj, who must face the horrible revenge of Dr. Helmer, and once again, patient Mrs. Drusse tries to solve the mysteries, Miss Marple-style. Ends on a cliffhanger and following the deaths of lead actors Ernst Hugo J\\ufffd\\ufffdreg\\ufffd\\ufffdrd (Dr. Helmer) and Kirsten Rolffes (Mrs. Drusse), you wonder how they\\ufffd\\ufffdre ever going to be able making Part III, but I hope Von Trier will give it a shot. Sadly, Morten Rotne Leffers, the Down\\ufffd\\ufffds Syndrome dishwasher #2, died shortly after, as well. Look for Stellan Skarsg\\ufffd\\ufffdrd in a cameo. ***\": {\"frequency\": 1, \"value\": \"Second part ...\"}, \"I think this movie was probably a lot more powerful when it first debuted in 1943, though nowadays it seems a bit too preachy and static to elevate it to greatness. The film is set in 1940--just before the entry of the US into the war. Paul Lukas plays the very earnest and decent head of his family. He's a German who has spent seven years fighting the Nazis and avoiding capture. Bette Davis is his very understanding and long-suffering wife who has managed to educate and raise the children without him from time to time. As the film begins, they are crossing the border from Mexico to the USA and for the first time in years, they are going to relax and stop running.

The problem for me was that the family was too perfect and too decent--making them seem like obvious positive propaganda instead of a real family suffering through real problems. While this had a very noble goal at the time, it just seems phony today. In particular, the incredibly odd and extremely scripted dialog used by the children just didn't ring true. It sounded more like anti-Fascism speeches than the voices of real children. They were as a result extremely annoying--particularly the littlest one who came off, at times, as a brat. About the only ones who sounded real were Bette Davis and her extended American family as well as the scumbag Romanian living with them (though he had no discernible accent).

It's really tough to believe that the ultra-famous Dashiel Hammett wrote this dialog, as it just doesn't sound true to life. The story was based on the play by his lover, Lillian Hellman. And, the basic story idea and plot is good,...but the dialog is just bad at times. Overall, an interesting curio and a film with some excellent moments,...but that's really about all.\": {\"frequency\": 1, \"value\": \"I think this movie ...\"}, \"Well done Al Gore! You have become the first person to have made 1 Billion dollars of the global warming lie! Just like all the other man made fable's in the world this one is up there with the best lies to have sucked in so many people. Sure polution is not a good thing, and I would love for all the tree's to keep on growing, but global warming is a business! It employes thousands of people that are all very mislead.

Google it! There are just to many things that just don't add up, but well done Al, you failed as a politician, but went on to make lots of money sucking in the world.

Whats next? Santa is real?\": {\"frequency\": 1, \"value\": \"Well done Al Gore! ...\"}, \"Movies about dinosaurs can be entertaining. So can Whoopi Goldberg movies. But Whoopi AND dinosaurs?

After the first 20 minutes of \\\"Theodore Rex\\\", I had come to one conclusion: this movie is evil. Evil, vile, wicked and reprehensible in its spite for the audience. Nothing this bad is made by accident; this is the visual equivalent of a torture chamber.

First of all, Whoopi does not make good action movies (watch \\\"Fatal Beauty\\\" if you think I'm lying), but the film makers don't care - she's a tough cop here, yet again.

Seen a million cop buddy flicks this week? Well, here's number one million and one, pal.

Don't like cute, humanistic animated dinosaurs since that Spielberg TV show about them? Too bad, here's another one and he's a cop, too!

You one of those people that hates car chases, shoot-outs, sloppy dialogue, boring futuristic FX and seeing talented people (Goldberg, Mueller-Stahl, Roundtree) stuck in a movie that looks like a tax write-off? A BIG tax write-off?

And you read this review all the way to the end. You DESERVE a sequel. Seriously.

No stars, not a one. And if they really make a sequel to \\\"Theodore Rex\\\", Hollywood deserves to be attacked a whole herd of wise-cracking foam rubber dinosaurs.

Now, I'd pay to see that.\": {\"frequency\": 1, \"value\": \"Movies about ...\"}, \"This is the worst movie I have ever seen. I was going to get up and leave at Tape 4 but I stuck it out. I now consider myself a Masochist! Afghanistan? Come on guys! Who's the idiot who forgot to hide the Sanskrit billboards? I thought the lead actor(George Calil) was particularly inept. Apart from the bad acting and over zealous camera shake, I thought using the events of 9/11 as a reason to make \\\"Larson the Lunatic Implodes, all over a screen near you\\\" disgraceful and irreverent to the victims of 9/11. Using a phone call from Larson's wife, Sarah, supposedly from one of the terrorist held planes on that day, was appalling. The camera shake didn't make me feel sick, that cold hearted stunt did.\": {\"frequency\": 1, \"value\": \"This is the worst ...\"}, \"I think this is what this movie wants us to say at the end of the movie! or Damn Australian? I still don't know, but what I know is that I really liked this movie but that couldn't be my favorite movie!

Great story with great actors but with a terrible end... To make you cry and say 'Oh, she's so good'... Still, who made it? What really happened? Who's that guy? No answer to these questions...

Mysterious movie with a good mark overall... I give it a 8/10, going on the 8.5!\": {\"frequency\": 1, \"value\": \"I think this is ...\"}, \"I watched the presentation of this on PBS in the U.S. when it originally aired in 1988 (?). Assuming the miniseries was available on DVD I purchased first editions of all three books last year. Since then I have been searching for the series on internet movie sites. Today I found this web site. I will give up the search.

I too would like to buy this complete - 26 episodes - miniseries. After buying the DVDs I would read each book, then watch the episodes for that book. That is what I did with John LeCarre's Karla trilogy and Larry McMurty's Texas ranger trilogy.

Does anyone have any suggestions for great books or book series that became very good TV miniseries - or movie series - that are now available on DVD?\": {\"frequency\": 1, \"value\": \"I watched the ...\"}, \"Unentertaining, uninvolving hybrid of \\\"Cruel Intentions\\\" and \\\"Wild Things\\\", but it isn't nearly as good as either of those trash min-classics. It's about the acting sheriff, Artie (Taye Diggs) being called in to investigate a near-fatal drug overdose at a posh upper-class Univesity, but to keep it on the down low. As he digs deeper he thinks it's much more than it at first glance seems to be. We follow Alicia, the girl who overdosed in flashbacks as well. At about 90 minutes, if this film was welcomed to begin with, it would have worn it out. This film brings absolutely nothing new to the table. But it IS the only movie thus far that has Miss Swain topless so the grade is higher just for that.

My Grade: D

Eye Candy: Dominique Swain gets topless( fixing a mistake of \\\"Happy Campers\\\"); another girl is topless

Anti-Eye candy: more men ass than girl tit\": {\"frequency\": 1, \"value\": \"Unentertaining, ...\"}, \"NATURAL BORN KILLERS (1994)

Cinema Cut: R

Director's Cut: NC-17

It's an unusual Oliver Stone picture, but when I read he was on drugs during the filming, I needed no further explanation. 'Natural Born Killers' is a risky, mad, all out film-making that we do not get very often; strange, psychotic, artistic pictures.

'Natural Born Killers' is basically the story of how two mass killers were popularised and glorified by the media; there is a great scene where an interviewer questions some teenagers about Mickey and Mallory, and the teenager says 'Murder is wrong.... but If I was a mass murderer I'd be Mickey and Mallory'. Mickey describes this with a situation of 'Frankenstein (the monster) and Dr. Frankenstein' - Dr. Frankenstein is the media who has turned them into these monstrous killers

Most Oliver Stone films examine the flaws of the America, the country that the director loves and admires. I guess 'Natural Born Killers' is about the effect of mass media, technology and how obsessive as a nation, Americans are (and most of the world) over things such as mass killers and bizarre situations.

The killers played by Woody Harrelson (Mickey) and Juliette Lewis (Mallory) are executed astonishingly by two excellent actors who step into the lives of two interestingly brutal killers. Mickey and Mallory believe that some people are worthy of killing, perhaps in the cruel theory of Social Darwinism (survival of the fittest) - Mickey says in his interview in prison, that other species commit murder, we as humans ravage other species and exploit the environment; the script is interesting, but it is questionable how much this film amounts to, in the sense of making us think about society and human behaviour, rather than the intensity of a 2 hour bloodbath that we have seen.

The last hour of the film takes place in a maximum security prison; we see the harsh realities of prison life; the attitudes of the warden etc;overfilling of prisons - maybe Stone is questioning the future, the path that society is leading to.

Two other interesting characters; First, a reporter who runs a show about 'America's Maniacs' and is obsessed with boosting ratings, that he goes to any length to capture the story of Mickey and Mallory. The other is police officer Scagnetti, an insane, perhaps sadistic officer that is in love with Mallory - he also has some weird obsession with mass killers, since his mother was killed during the massacre at Waco, Texas by Charles Whitman.

The cinematography is superb; different colours, shadows, styles create a feeling of disorientation; the green colour most evident of all is green, to resemble the sickness of the killers (in the drugstore when they are looking for rattlesnake antidote).

The camera work is insane; shaky, buzzy, it takes some determination to get use to it and accept it. Highly unorthodox, psychedelic and unusual.

'Natural Born Killers' does not glamourise the existence of insane murderers, it questions it and how we as the public may fuel this attribute...

Although the above review sound quite positive, I did dislike the film. Quentin Tarantino, who originally wrote the script for the film, was not pleased with the altered screenplay and he asked for his name to be removed. I can see why. While mildly interesting at times, Natural Born Killers is a mess of a picture.

4/10\": {\"frequency\": 1, \"value\": \"NATURAL BORN ...\"}, \"If you loved Deep Cover, you might like this film as well. Many of the poetic interludes Fishburne recites in Deep Cover are from the lyrical script of \\\"Once In the Life,\\\" a screen adaptation of a play that Fishburne wrote. If you love Larry as much as I do, you'll love this film that is all Larry, all hot, and all fleshed out. Of course there is gun play and illicit substance use, this is a gangster movie of sorts, after all, but the script is beautiful and the story is touching, even a little on the chick flick side.

AMAZING film...dark, frightening, sexy, and exciting. If you ever sneaked out at night or hung out in a clubhouse, you'll get the proper impact of the cramped sets (metephorically echoing being trapped in the life). Full of clever foreshadowing and complex relationships, this film is tight..every sentiment mirrored in the set dressing and camera shots. GOOD WORK!\": {\"frequency\": 1, \"value\": \"If you loved Deep ...\"}, \"I always tell people that \\\"Enchanted April\\\" is an adult movie with no cussing, no sex, and no violence. One might think of it as \\\"the ultimate chick flick\\\", but I bet there are one or two enlightened men out there who love it too. Don't invite the kids, though. This movie is very low-key.

Seeing \\\"Enchanted April\\\" is a very healing experience. The sound track and gorgeous scenery, along with the ladies' gentle manners, bring to mind the peace and beauty of a pre-Raphaelite painting.

Lest anyone think yours truly only watches one kind of movie, I will paraphrase a line I heard once on \\\"Saturday Night Live\\\" and say that my two favorite movies are \\\"The Deer Hunter\\\" and \\\"Enchanted April\\\".\": {\"frequency\": 1, \"value\": \"I always tell ...\"}, \"This movie is so bad that I cannot even begin to describe it. What in the blazing pit is wrong with the writers, producers and director? How on earth did they get funding for this abomination? The plot is laughable, the acting is poor at best, the story... What story? The first fight in this movie is OK but then it keeps repeating itself until you want to turn it off.

I guess I'm the biggest looser for not turning this stupid movie off after the first minute.

*** SPOLER ALERT ***

I only saw this movie because Scott Adkins was in it... and he is in it... for 30 seconds...

I give it 1 out of 10 because it's the lowest grade IMDb has to offer.

Do yourself a favour: See an Uwe Boll movie instead... twice... it's more worthy of your time.\": {\"frequency\": 1, \"value\": \"This movie is so ...\"}, \"I found this movie quite by accident, but am happy that I did. Kenneth Branagh's performance came close to stealing this movie from Helena Bonham Carter, but their strong chemistry together made for a much more enjoyable movie. This movie brought to mind the excellent movies that Branagh made with Emma Thompson. Carter's star turn here as a disabled young women seeking to complete herself was as good a performance as I have seen from a female lead in a long time. Portraying a disabled person is hard to pull off, but with basically only her eyes to show her pain about her situation in life, she made it so believable. If this movie had come out after the current wave of movies with beautiful women \\\"uglying\\\" themselves up for roles (Charlize Theron, Halle Berry), I fell sure Carter would have had strong consideration for an Oscar. If you run across this movie on cable late at night as I did, trust me, it is worth the lost sleep.\": {\"frequency\": 1, \"value\": \"I found this movie ...\"}, \"I went to see this movie with the most positive expectations. I had seen Jacquet's previous movie (march of the penguins) and had heard a very positive review of this one on the radio. However, I was severely disappointed. Most of all, this movie is terribly boring. Literally NOTHING happens. I tried to describe the content of the movie to a friend, and we both ended up laughing because I could only stammer things like \\\"well then the winter comes, and then spring, and then there's an eagle, and a river, and one time it is dark, and the girl goes into a cave, and another time the fox has babies\\\" and so on. After about half an hour I began sighing, yawning, rolling my eyes, cursing the reviewer at the radio station, and hoping that it would be over soon. But the movie went on and on. When it finally ended I had sunken so deep into my chair that I must have looked somewhat similar to Stephen Hawking. The most annoying parts of the movie are (a) The girl, who is obviously there to give children someone to identify with. She wears the same clothes throughout the entire movie (one year), and shows exactly two facial expressions: Joy and Seriousness. She is cute, no question about that. However, a movie about the beauty of nature like this one would have done better without her all-too-human presence. I found myself constantly hoping that she might get eaten by a bear, drown in the river, or something similarly terrible. (b) The commentary by the girl's adult voice, which tells us nothing but negligible, obvious, boring, redundant things. (c) The music, which is desperately lacking subtlety. When the girl is happily jumping around, the music jumps around, too. When the fox is threatened by an eagle, the music becomes threatening, too. It reminded me of the very early days of film-making, and was just too predictable to enjoy. Admittedly, many of the children who saw the movie with me did obviously like it, at least they got somehow involved. Thus, my warning concerns adults only: If you are over ten years old, avoid this movie. You can get a better (and cheaper) sleep in most other places.\": {\"frequency\": 1, \"value\": \"I went to see this ...\"}, \"I caught this stink bomb of a movie recently on a cable channel, and was reminded of how terrible I thought it was in 1980 when first released. Many reviewers out there aren't old enough to remember the enormous hype that surrounded this movie and the struggle between Stanley Kubrick and Steven King. The enormously popular novel had legions of fans eager to see a supposed \\\"master\\\" director put this multi-layered supernatural story on the screen. \\\"Salem's Lot\\\" had already been ruined in the late 1970s as a TV mini-series, directed by Tobe Hooper (he of \\\"Texas Chainsaw Massacre\\\" fame) and was badly handled, turning the major villain of the book into a \\\"Chiller Theatre\\\" vampire with no real menace at all thus destroying the entire premise. Fans hoped that a director of Kubrick's stature would succeed where Hooper had failed. It didn't happen.

Sure, this movie looks great and has a terrific opening sequence but after those few accomplishments, it's all downhill. Jack Nicholson cannot be anything but Jack Nicholson. He's always crazy and didn't bring anything to his role here. I don't care that many reviewers here think he's all that in this clinker, the \\\"Here's Johnny!\\\" bit notwithstanding...he's just awful in this movie. So is everyone else, for that matter. Scatman Crothers' character, Dick Halloran, was essential to the plot of the book, yet Kubrick kills him off in one of the lamest \\\"shock\\\" sequences ever put on film. I remember the audience in the theater I saw this at booing repeatedly during the last 45 minutes of this wretched flick, those that stayed that is...many left. King's books really never translate well to film since so much of the narratives occur internally to his characters, and often metaphysically. Kubrick jettisoned the tension between the living and the dead in favor of style here and the resulting mess ends so far from the original material that we ultimately don't really care what happens to whom.

This movie still stinks and why so many think it's a horror masterpiece is beyond me.\": {\"frequency\": 1, \"value\": \"I caught this ...\"}, \"At the end of the movie i still don't know whether i liked it or not. So was the case with most of the reviewers. But none the less i still feel that the movie is worth a 7 for the amount of efforts put in.

long ago i read a quote: THERE ARE 2 KIND OF WRITERS, 1. THOSE WHO THINK AND WRITE. AND 2. THOSE WRITE AND MAKE THE READERS THINK. while here i feel that GUY Ritchie took this way too literally and left all the thinking for the audience.

i felt that the movie was a mixed bag filled with some of THE DEVILS ADVOCATE and FIGHT CLUB....

it is definitely a classic: something which no one understands but appreciates....

what i don't understand: why stathom(Jake Green) had a blackout (thats how it all began), all the riddles and mysteries in the movie have been taken care of except this one.

well if you are reading this review to find the solution as what this movie was all about: i'll post the very midnight it strikes me and if you are still deciding to watch this movie or not: then answer this first.... when you come across a puzzle labeled as 'no one has ever solved' would you like to try?

i would\": {\"frequency\": 1, \"value\": \"At the end of the ...\"}, \"Prom Night is about a girl named Donna (Brittany Snow) who is being chased by a psycho killer trying to kill her at her prom night. And by doing so killing her family, friends, and her enemies.

Now before I begin let me say have you been tired of PG-13 horror movies that haven't been scary lately. Are you tired of stupid girl dialog 'Oh my god' and talking about girlish things. And are you really tired of girls in relationships and then crying. And the last thing are you tired of the US remaking Asian, Japanese, and Chinese films. That pretty much sums up Prom night but I'm still not done with the review.

The only reason to see 'Prom night' is to crack a laugh at the kills. If not, don't see Prom night. You never see the kills an only hear screaming and you see some blood on the wall. And by the way the deaths are repeating like 24/7. So not only aren't they scary but it's obnoxious. By the time I met the cast I think I was ready to hurl. Too much girl talk, too much guy talk, and lots of 'Oh my gosh. It's our prom'. I understand it's fun but seriously is it too much to ask not to concentrate.

If I were to put Prom Night on the list of worst films of 2008 without seeing the other films I'd be the first one too. I'm not going to be surprised if it gets released on DVD for cheap and quick. Seriously don't spend your money or the time for dull acting, cheap scares, and a 'Night to die for' when watching the film.

1 star out of 10. (P.S. If I could give the film zero stars I would).\": {\"frequency\": 1, \"value\": \"Prom Night is ...\"}, \"This movie was a fairly entertaining comedy about Murphy's Law being applied to home ownership and construction. If a film like this was being made today no doubt the family would be dysfunctional. Since it was set in the 'simpler' forties, we get what is supposed to be a typical family of the era. Grant of course perfectly blends the comedic and dramatic elements and he works with a more than competent supporting cast highlighted by Loy and Douglas. Their shenanigans make for a solid ninety minutes of entertainment, 7/10.\": {\"frequency\": 1, \"value\": \"This movie was a ...\"}, \"The actors play wonderfully, especially Kenneth Branagh himself. It's good that Robin Williams got the comedy role of Osiric, otherwise it could be a bit strange to see him in such a production. It is really great that Kenneth decided to use the fullest version of the text, this happens definitely not too often... Thanks to that the viewers can see the whole, not the chosen - by the director - parts. Also - thank God that the film is in a classical form; NO to surrealistic fanfaberies ! Although \\\"Tytus Andronicus\\\" was impressive nevertheless, but still Hamlet is a different story, at least that's my point of view.\": {\"frequency\": 1, \"value\": \"The actors play ...\"}, \"I was absolutely mesmerised by this series from the moment Tom Long walked into shot - the whole 'bad boy' thing, it was just addictive.

The story has you hooked, what will happen next - will Joey get the girl in the end, after doing 5 years in prison, and all that time thinking about his lost love, crossing paths with her again, finding he has a son... Although he is a violent bad guy, you still want him to find happiness.

A truly captivating two parter - please bring it out on video!\": {\"frequency\": 1, \"value\": \"I was absolutely ...\"}, \"Here's a decent mid-70's horror flick about a gate of Hell in NYC that just happens to be an old brownstone. Seems like there's lots of gates of Hell around, but of course this unwitting model happens to decide she needs some space from her boyfriend/fianc\\ufffd\\ufffde and so she just happens to pick one, which is disguised as a nice and reasonably priced apartment. She meets several strange neighbors, and even attends a birthday party for a cat. Upon meeting with the Realtor because she hears strange noises at night from upstairs, she finds out that she and an old priest are SUPPOSED to be the only tenants. Whoa! Then who are all these weirdos? Her boyfriend (a slimy lawyer, played by Chris Sarandon) starts poking around and finds that things are not what they seem, not by a long shot. This has some decent creepy scenes and the idea of the creaky old folks that are her \\\"sometimes\\\" neighbors being other than what they appear is fairly intriguing. A bit of decent gore and even a parade of less-than-normal folks towards the end make this a decent watch, and while I've seen this many times on TV the uncut DVD version is much better, of course. Not a bad little horror flick, maybe a good companion piece to \\\"Burnt Offerings\\\". 8 out of 10.\": {\"frequency\": 1, \"value\": \"Here's a decent ...\"}, \"I've only ever seen this film once before, about ten years ago. I bought the DVD two days ago and after watching it I think it is even better than I remembered it to be.

Paperhouse is much more than just a horror. It had such an amazing level of emotion and great characterisation running through it. I especially thought Charlotte Burke was really excellent here. It's such a pity that she hasn't done anything else as she was an excellent actress altogether. Her portrayal of emotion throughout the film was perfect with just the right amount of subtlety to get the message across, especially at the end when she realised that although Marc had died, she knew he was going to be alright.

Several scenes did make me jump (which is a rarity for me in modern horror films), most notably the scene in the bathtub, the scene where Anna's father was chasing her with the weird radio in the background and the bit where the legs broke apart and crumbled to dust.

All in all, an excellent and very moving film.\": {\"frequency\": 1, \"value\": \"I've only ever ...\"}, \"A must see by all - if you have to borrow your neighbors kid to see this one. Easily one of the best animation/cartoons released in a long-time. It took the the movies Antz to a whole new level. Do not mistake the two as being the same movie - although in principle the movies plot is similiar. Just go and enjoy.\": {\"frequency\": 1, \"value\": \"A must see by all ...\"}, \"You've gotta hand it to Steven Seagal: whatever his other faults may be, he does have good taste in women. If you pick a Seagal movie, chances are there will be one or more very beautiful women in it. And usually, they do not function as mere eye candy; they get involved in the action and fight, shoot guns, kill with knives, etc. \\\"Flight of Fury\\\" offers the duo of Ciera Payton (who has a very sexy face, with luscious lips to match Angelina Jolie's) and Katie Jones, and finds time to get them involved in both a catfight AND a little lesbian fondling! And if it seems like I'm spending a little too much time talking about them, it's because the rest of the movie, although passable, is so unexciting that it's hard to find much else to talk about. Ironically, the weakest aspect is probably Seagal himself, who looks as if he can't even be bothered to try to pretend to care. This being a military-type actioner, there is very little fighting in it, and he doesn't fit into his role (a stealth fighter pilot, \\\"the best in the world\\\", of course) very well, which may explain his almost offensive sleepwalking. (*1/2)\": {\"frequency\": 1, \"value\": \"You've gotta hand ...\"}, \"One of the most timely and engrossing documentaries, you'll ever watch. While the story takes place in the Venezuelan capital of Caracas, it provides an intimate look into political dynamics, that prevail throughout the western Hemisphere. While essentially another chapter in the story of the \\\"U.S. backed, Latin American coup\\\", this film chronicles in real-time, what can happen when the poorest people, are armed with unity, political savvy, and courage!

The political insights offered by this film are invaluable. One gets clear examples of the private media, as a formidable force for mass deception and propaganda. We see the poor people of Caracas grappling with the brutal realities of \\\"American politics\\\". One gets a clear sense of impending doom, if the people fail to address the blatant tyranny, which has been abruptly, and illegally, thrust upon them by the conspirators. We also see the arrogance and fascism, of the CIA backed, private media, plutocrats, and generals, who've conspired to bring Venezuela back under Washington's domination. Though ably led by President Hugo Chavez, the people of Caracas are forced to act without him, after Chavez was forcibly kidnapped by renegade generals. Their response is the highpoint of the film. If one seeks an excellent portrait of what the U.S. government, Hugo Chavez, and revolutionary Venezuela, are all about, this movie is it!\": {\"frequency\": 1, \"value\": \"One of the most ...\"}, \"Live! Yes, but not kicking.

True story: Some time ago, a Dutch TV station made an announcement that they were going to air a new reality show. A contest rather. The main participant in this show would be a woman who was dying of something terrible and she would be donating her kidneys to one lucky person with progressive kidney failure. For real.

The country and the international media were all over this story like flies on a turd, saying it was appalling, immoral, what-is-this-world-coming-to, and the like. In a way, I had to agree.

As the months passed, the tension built up to a degree that the government was mostly occupied by the issue of whether they should let this show go ahead or not, instead of running the country.

The show did air and right up to the last moment they were pushing ahead. And up to the last moment the country was up in arms, the Prime Minister making speeches, every newspaper writing about it, everyone in the country holding their breaths. And the network pushed on. Towards a new frontier in television. And they definitely succeeded in doing just that. They pushed the envelope.

The show aired and we all watched a terminally ill woman selecting the right candidate to receive her kidneys so he or she would live, whilst she would die shortly after.

And then, in the last moments of the show it was revealed that it was a partial hoax. The woman was not ill, but all the candidates were. There was no kidney auction. The whole show, that, with the publicity and the commercials and all the discussions, built up for months to a fantastic climax, was a publicity stunt to focus attention on the problem of major shortages in organ donors. The man who founded this particular network himself died of kidney disease.

Now THIS is television. Leaving everybody far behind in amazement.

Don't give me a poorly acted, poorly directed flick about some woman trying to get a Russian Roulette show on American TV.

As if.

*Spoiler* As if I'm going to believe they would get this through the FCC. As if I'm going to believe this would get through the US Supreme Court on the basis of free expression. As if I'm gonna believe the ridiculous ending where this woman pulled it off and has conscience issues because some guy shot himself on air.

It's all been done before. Watch Running Man with Arnold instead. At least it had a semi good ending.

*Spoiler* This is an appallingly bad piece of film, together with a ridiculous ending. So she gets shot in the end, is that supposed to make us movie going public feel better after we leave the theater because there was some kind of justice? Don't take my word for it, but I would say this: leave this one alone and watch a test pattern instead, you'll get more quality.\": {\"frequency\": 1, \"value\": \"Live! Yes, but not ...\"}, \"Stargate SG-1 is a spin off of sorts from the 1994 movie \\\"Stargate.\\\" I am so glad that they decided to expand on the subject. The show gets it rolling from the very first episode, a retired Jack O'Neill has to go through the gate once more to meet with his old companion, Dr. Daniel Jackson. Through the first two episodes, we meet Samantha Carter, a very intelligent individual who lets no one walk over her, and there is Teal'c, a quiet, compassionate warrior who defies his false god and joins the team.

The main bad guys are called the Gouald, they are parasites who can get inserted into one's brain, thus controlling them and doing evil deeds. Any Gouald who has a massive amount of power is often deemed as a \\\"System Lord.\\\" The warriors behind the Gouald are called Jaffa, who house the parasitic Gouald in their bodies until the Gouald can get inserted in a person's brain.

Through the episodes, we mostly get to see SG-1, the exploratory team comprised of Jack/Daniel/Teal'c/and Sam, go through the wormhole that instantly transports them to other planets (this device is called the Stargate) and they encounter new cultures or bad guys. Some episodes are on-world, meaning that they do not go through the Stargate once in the episode and rather deal with pressing issues on Earth.

Through the years, you start to see a decline in the SG-1 team as close knit, and more character-building story lines. This, in turn means even more on-world episodes, which is perfectly understandable.

My rating: 8.75/10----While most of this show is good, there are some instances of story lines not always getting wrapped up and less of an emphasis on gate travel these last few years. But still, top notch science fiction!\": {\"frequency\": 1, \"value\": \"Stargate SG-1 is a ...\"}, \"So much is wrong with this abysmal little wet fart of a movie that it's hard to know where to begin.

First of all, it's a remarkably un-scary scary movie, even by Amercian standards. The dialogue is clich\\ufffd\\ufffd, the characters are two-dimensional, the writing is ho-hum, and what little story there is is neither coherent nor remotely interesting.

We meet the following stereotypes in order: Balding Loser Guy (probably divorced, but who knows? This movie doesn't tell us) with a brave heart, the Young Hero (who doesn't do anything heroic at all), Brave Little Kid (with a homicidal streak a mile wide) and Black Bad-Ass Bitch (with more brawn than brains). These guys take up an ongoing fight with the Tall Scary Reaper Man and his evil Ewoks.

Oh, and the film is full of wicked little metal orbs whoosing around menacing people. Given a chance, they perform impromptu brain surgery on those who doen't have the mental acuity to duck when they come at them. Booh! Actually, one of them is haunted by a good ghost (but then again, it might be a deceitful spectre) who seems intent on helping our Brave Contagonists retrieve their young kidnapped friend.

There is no character background or even an introduction to any of the characters. It starts with some kind of recap of the ending of the previous movie, but this doesn't explain a lot. If you've seen the first two movies, fine. Otherwise you don't know who these people are, how they are related, why they aren't in school or at work, or why you should care whether they live or die. Consequently, you don't. The only point of interest becomes any splatter effects. And there aren't enough of those to keep you awake.

Of potenial interest/amusement are the three Raider Punks, as stupid as they are evil, who menace Our Heroes. But they don't get much screen time. They are offed almost immediately. Then they are buried (why anybody should take the time is beyond me), then they appear again as Evil Raider Punk Zombies. Only to be offed again, literally within a minute.

The rest of the movie mainly seems to consist of Caspar the Friendly Ghost appearing and disappearing, driving around looking for places, and Balding Loser trying to score som Bad Black Bitch Booty, using pickup lines that would embarrass a mentally retarded teenager. No dice there; not even some gratuitous sex could have saved this movie, so good thing there never is any.

The head baddie, called the Tall Man, doesn't manage to scare anyone older than 3 years; howling \\\"Booooy!\\\" every five minutes isn't enough. Why he, with his amazing telekinetic powers and uncanny upper-body strength, doesn't simply squash our heroes like bugs isn't explained. Instead, he delegates the job to his inept retarded little minions, who never manage to kill anyone before being shot to hell.

Filmgoers who like masterpieces like \\\"Friday 13th part XXXXVIII: Jason goes to college\\\" might find some entertainment. The rest of us, who have developed pubic hair, will be bored out of our skulls.\": {\"frequency\": 1, \"value\": \"So much is wrong ...\"}, \"A solid B movie.

I like Jake Weber. His understated delivery is refreshing in a time of over the top performances. I liked the relationship between the father and son. I liked the family dynamics. The Wendigo looks silly, but it is a representation of the kid's toy and the dead deer. It's an amalgamation like, see? This is a psychological story, not a Freddy slash em up instant gratification flick. Watch it and reflect on your inner child and what the movie might have to say to you and you'll be fine.

Nice work.\": {\"frequency\": 1, \"value\": \"A solid B ...\"}, \"Terrfic film with a slightyly slow start - give it a chance to start cooking. Story builds in interest and complexity. Characters and storyline subvert expectation and cliche at all the right moments. Superb New York City locations - gritty, real - are a fantastic antidote to the commercial imperatives of \\\"Sex in the City\\\" - in fact, the entire film is an antidote to the HBO/Hollywood notion of New York City , sex and relationships. It's a rare film that treats its characters so honestly and compassionately. LOVED IT! Great cast with notable performances by Steve Buscemi, Rosario Dawson, and her love interest (forgot his name!).\": {\"frequency\": 1, \"value\": \"Terrfic film with ...\"}, \"Good Folks, I stumbled on this film on evening while I was grading papers. My academic specialty is Anglo-Saxon literature, and I can say that no one has ever done the genre the honor it deserves. The Icelandic \\\"Beowulf and Grendel\\\" is the least offensive I have seen, and I did pay $3.00 for my copy. This Sci-Fi version ranks with the Christopher Lambert version. Yuck.

What didn't I like? CGI for one. Amazingly bad. More importantly is the faithfulness to the storyline, not to mention the stilted acting. I am used to both with all the versions I have seen.

Delighted Regardless, Peter\": {\"frequency\": 1, \"value\": \"Good Folks, I ...\"}, \"I have been a fan of Pushing Daisies since the very beginning. It is wonderfully thought up, and Bryan Fuller has the most remarkable ideas for this show.

It is unbelievable on how much TV has been needing a creative, original show like Pushing Daisies. It is a huge relief to see a show, that is unlike the rest, where as, if you compared it to some of the newer shows, such as Scrubs and House, you would see the similarities, and it does get tedious at moments to see shows so close in identity.

With a magnificent cast, wonderful script, and hilarity in every episode, Pushing Daisies is, by-far, one of the most remarkable shows on your television.\": {\"frequency\": 1, \"value\": \"I have been a fan ...\"}, \"Hollow Man starts as brilliant but flawed scientist Dr. Sebastian Caine (Kevin Bacon) finally works out how to make things visible again after having been turned invisible by his own serum. They test the serum on an already invisible Gorilla & it works perfectly, Caine & his team of assistant's celebrate but while he should report the breakthrough to his military backers Caine wants to be the first invisible human. He manages to persuade his team to help him & the procedure works well & Caine becomes invisible, however when they try to bring him back the serum fails & he remain invisible. The team desperately search for an antidote but nothing works, Caine slowly starts to lose his grip on reality as he realises what power he has but is unable to use it being trapped in a laboratory. But then again he's invisible right, he can do anything he wants...

Directed by Paul Verhoeven I rather liked Hollow Man. You know it's just after Christmas, I saw this a few hours ago on late night/early morning cable TV & worst of all I feel sick, not because of the film but because of the chocolates & fizzy pop I've had over the past week so I'll keep this one brief. The script by Andrew W. Marlowe has a decent pace about but it does drag a little during the middle & has a good central premise, it takes he basic idea that being invisible will make you insane just like in the original The Invisible Man (1933) film which Hollow Man obviously owes a fair bit. It manages to have a petty successful blend of horror, sci-fi & action & provide good entertainment value for 110 odd minutes. I thought the character's were OK, I thought some of the ideas in the film were good although I think it's generally known that Verhoeven doesn't deal in subtlety, the first thing he has the invisible Caine do is sexually molest one of his team & then when he gets into the outside world he has Caine rape a woman with the justification 'who's going to know' that Caine says to himself. Then of course there's the gore, he shows a rat being torn apart & that's just the opening scene after the credits, to be fair to him the violence is a bit more sparse this time around but still has a quite nasty & sadistic tone about it. Having said that I love horror/gore/exploitation films so Hollow Man delivers for me, it's just that it might not be everyone's cup of tea.

Director Verhoeven does a great job, or should that be the special effects boys make him look good. The special effects in Hollow Man really are spectacular & more-or-less flawless, their brilliant & it's as simple & straight forward as that. There's some good horror & action set-pieces here as well even if the climatic fight is a little over-the-top. I love the effect where Kevin Bacon disappears one layer at a time complete with veins, organs & bones on full show or when the reverse happens with the Gorilla. There's a few gory moments including a rat being eaten, someone is impaled on a spike & someone has their head busted open with blood splattering results.

With a staggering budget of about $95,000,000 Hollow Man is technically faultless, I can imagine the interviews on the DVD where some special effects boffin says they mapped Bacon's entire body out right down to he last vein which they actually did because you know everyone watching would notice if one of his veins were missing or in the wrong position wouldn't they? The acting was OK, Bacon made for a good mad scientist anti-hero type guy.

Hollow Man is one of hose big budget Hollwood extravaganzas where the effects & action take center stage over any sort of meaningful story or character's but to be brutally honest sometimes we all like that in a film, well I know I do. Good solid big budget entertainment with a slightly nastier & darker streak than the usual Hollywood product, definitely worth a watch.\": {\"frequency\": 1, \"value\": \"Hollow Man starts ...\"}, \"The guy did a lot of title design for a bunch of movies and I guess one day he said; I should pick a cheap scenario, try to put as much title in it as a can ( cause after all i'm a title designer ) and try to persuade people that this is in fact a movie. One of the worst i've even seen that's for sure. If you fell the urge to see nice titles, go check out some posters don't waste your time watching this.

It kinda ironic don't you think, did you saw the poster? the only part of his project that SHOULD had title work done have almost none !\": {\"frequency\": 1, \"value\": \"The guy did a lot ...\"}, \"As soon as it hits a screen, it destroys all intelligent life forms around ! But on behalf of its producers I must say it doesn't fall into any known movie category, it deserves a brand new denomination of its own ! It's a \\\"Neurological drama\\\" ! It saddens and depresses every single neuron inside a person's brain.

It's the closest thing one will ever get to a stroke without actually suffering one. It drives you speechless, all you members go numb, your mouth falls open and remains so, and the most strange symptom of all is that you get yourself wishing to go blind and deaf.

No small feat for such a sort of a \\\"movie\\\".

The only word that comes to my mind just having finished my ordeal is OUTRAGE !!!!!!\": {\"frequency\": 1, \"value\": \"As soon as it hits ...\"}, \"The screen writing is so dumb it pains me to have wasted 2 hours of my life I'll never get back (where have I heard this before). The acting is so-so. Things change often enough to keep you watching and waiting for something gruesome to happen. Nevertheless there isn't a single original thing in this movie. While the first Cube was a nerdy horror movie, which didn't make a whole lot of sense in the end, cube zero has picked up on that and tries to retell exactly the same story, except this time it makes an obnoxious point of trying to spoon-feed explanations for every detail that the first movie didn't answer. The comic thing is, the director recycles the exact scenes of the first movie that were somewhat weird, and tries to explain them. But the scenes are just copied over, there is no coherence whatsoever. This script is sooo pointless. I can imagine it being written by some half-wit 15 year old with a baseball cap and a pack of beer for a class project. The best part is in the end, they cripple the 'good' wunderkind guy, and he becomes the retarded fellow in the first movie, and you see him when they find him ('this room is green..') in Cube 1997. Goodie gooodie, clap clap, what a twist. First of all, what about if you haven't seen the first one, this doesn't make any sense you nitwit director. Oh, another great idea: instead of the numbers to identify x,y,z coordinates of the room (cube 1997), this time it is 3 letters, each one giving one of 26 possible coordinate values. Duh. Except now permutations don't make much sense anymore..so he lets the letters disappear before anybody can use them..I want my money back.

I guess I had to write this down since there are just so many bad, inconsistent, or just stupid ideas in this movie. Directors/writers should be required to possess some talent.\": {\"frequency\": 1, \"value\": \"The screen writing ...\"}, \"I wonder who, how and more importantly why the decision to call Richard Attenborough to direct the most singular sensation to hit Broadway in many many years? He's an Academy Award winning director. Yes, he won for Ghandi you moron! Jeremy Irons is an Academy winning actor do you want to see him play Rocky Balboa? He has experience with musicals. Really? \\\"Oh what a lovely war\\\" have you forgotten? To answer your question, yes! The film is a disappointment, clear and simple. Not an ounce of the live energy survived the heavy handedness of the proceedings. Every character danced beautifully they were charming but their projection was theatrical. I felt nothing. But when I saw it on stage I felt everything. The film should have been cast with stars, unknown, newcomers but stars with compelling unforgettable faces even the most invisible of the group. Great actors who could dance beautifully. Well Michael Douglas was in it. True I forgot I'm absolutely wrong and you are absolutely right. Nothing like a Richard Attenborough Michael Douglas musical.\": {\"frequency\": 1, \"value\": \"I wonder who, how ...\"}, \"This movie is definitely on the list of my top 10 favorites. The voices for the animals are wonderful. Sally Field and Michael J. Fox are both brilliant as the sassy feline and the young inexperienced pooch, but the real standout is Don Ameche as the old, faithful golden retriever. This movie is a great family movie because it can be appreciated and loved by children as well as adults. Humorous and suspenseful, and guaranteed to make every animal lover cry! (happy tears!)\": {\"frequency\": 1, \"value\": \"This movie is ...\"}, \"Just saw this movie today at the Seattle International Film Festival, and enjoyed it thoroughly.

Great writing and direction, excellent and believable interaction among the cast, and great comic timing as well.

This movie touches on themes that are universal-family and separation. As a result, I can see European, Asian, and American audiences all finding points of similarity between this film and their own lives.

If all that wasn't enough, this has the potential to be the best underground date movie of the year...somebody distribute this in the USA, please!

Finally: thank you Maria Flom! It really is a great film.\": {\"frequency\": 1, \"value\": \"Just saw this ...\"}, \"If it were not for the \\\"Oh So Gourgous,\\\" Natassia Malthe, this B- movie would not have been worth one sector of my Tivo disk space! In what low rent, back lot warehouse was the supposed space port filmed in? \\\"Continuity People!\\\" It's a basic principle in real movie making! By night an alleged space port and by day (night and day on a space station?) a warehouse!??!? People Please! The only thing I will commend this movie for, is the wardrobe dept. for continuously, keeping Natassia in those tight shape revealing outfits! Even the women who saw this bomb had to appreciate the outfits that she obviously spent some time getting into, each day of filming! The Sci-fi channel would have been better off showing SpaceBalls! At least there would have been some real humor in watching something so unbelievable.

P.S. Michael Ironside, please Fire Your Agent ASAP! You are so much better of an actor, to be even associated with this level of movie making.\": {\"frequency\": 1, \"value\": \"If it were not for ...\"}, \"Sometimes you need to see a bad movie just to appreciate the good ones. Well, that's my opinion anyway. This one will always be in the bad movie category, simply because all but Shu Qi's performance was terrible.

Martial Angel tells of Cat (Shu Qi), a professional thief turned straight after leaving her lover, Chi Lam (Julian Cheung), two years before. But her past returns to haunt her as Chi Lam is kidnapped for the ransom of security software belonging to the company Cat works for. In order to rescue him, she calls on her old friends from her orphanage days, six other feisty women, to save the day...

I may have told the synopsis cheesily, but this is a cheesy story. In fact, the whole script and direction lacked any quality at all. Much of the dialogue was meaningless and coupled with a plot that was as thin as rice-paper in water. If I could sum it up, take a bad Jackie Chan movie, remove the comedy, remove the choreography, throw away the budget, and you have Martial Angels: a formulaic piece of work with no imagination at all.

Mind you, I do have to give credit where credit's due, and Shu Qi was probably the only person to emerge unscathed from the terrible action, as it was her performance that shone through. Okay, you can't say she was excellent - after all she had absolutely nothing to work with - but she did manage to dig some character out from her role. Other than that, only Sandra Ng and Kelly Lin made any other impression - although these were mostly glimmers and very brief.

Elsewhere, the film just fell to pieces. Scenes and dialogue were completely unnatural and unbelievable, special effects were obviously done on the cheap with no attempt to clean up edges between persons and the mask of the blue screen, poor editing involving numerous discontinuities in fight scenes, camera angles that were elementary and unflattering, and direction I've seen better from a lost dog.

I guess this film was a too many cooks affair. Most probably, the budget was blown away on the over-enthusiasm to have seven babes on the same silver screen. That didn't leave much else.

Frankly, the way this film was made was like a cheap porn movie without the porn. Charlie's Angels, it ain't. In fact, while sisters can do it for themselves, none of that was really that apparent here.

Definitely one to forget.\": {\"frequency\": 1, \"value\": \"Sometimes you need ...\"}, \"Come on! Get over with the Pakistan bashing guys. Bollywood can not only make brilliant movies- but can seriously affect a generation of viewers.

I am a HUGE Bollywood fan- but anti-Pakistan movies just make me wince too much to enjoy screenplay, cinematography, action sequences- everything.

I'm really happy to see that viewers on both sides of the border are rejecting propaganda, and there are movies like Main Hoon Na out there that have done brilliantly not only because they deserved to because of the quality of its Bollywood masala- but also because it tries to say: give peace a chance and shows that there are crazies out there on both sides who do not represent the masses.\": {\"frequency\": 1, \"value\": \"Come on! Get over ...\"}, \"Refreshing `lost' gem! Featuring effective dialog combined with excellent acting to establish the characters and involve you enough to care what happens to them. The Douglas and Widmark characters are realistic heroes. Palance is his usual evil presence. Widmark win the fisticuffs fight scene, a car chase of less than 60 seconds with a `logical' end, and a lengthy chase on foot that shames the overdone chase sequences of contemporary Hollywood. You know how it will likely end, but the suspense and interest are sustained throughout. The end of the chase is one of the most realistic you will ever see. The film seems to slow a little past the middle, but stay with it for the rewarding conclusion.\": {\"frequency\": 1, \"value\": \"Refreshing `lost' ...\"}, \"\\\"And the time came when the risk to remain tight in a bud was more painful than the risk it took to blossom\\\" - Anais Nin Marcel Proust says, \\\"The real voyage of discovery lies in not seeing new landscapes but in having new eyes.\\\" Author and screenwriter Antwone Fisher joined the U.S. Navy to see new landscapes but the demons of his past prevented him from seeing the world through new eyes. Based on his autobiography \\\"Finding Fish\\\" written many years after the events, his story is dramatized in the film Antwone Fisher, Denzel Washington's first directorial effort. It is a heartfelt if somewhat formulaic look at the painful process of moving from being consumed by one's past to being able to live life in present time.

Required to attend therapy sessions after several outbursts of anger at the base, the painful aspects of his childhood are shown in flashback as the grown up Antwone (Derek Luke) recounts his life in sessions with Navy Psychiatrist Jerome Davenport (Denzel Washington). He is at first unwilling to talk, but when he begins, the floodgates are opened. After his father was shot to death by a girlfriend and Antwone was abandoned by his mother after being released from prison, he was placed in a foster home where he lived for fourteen years, suffering humiliation and sexual abuse. According to Antwone, the treatment by his foster mother Mrs. Tate (Novella Nelson) who referred to him only as \\\"nigga\\\" and by his cousin Nadine (Yolonda Ross) was in fact much worse than shown on the screen.

The only friend he has is a local by named Jesse (Jascha Washington) who, later in the film, only adds to his feelings of abandonment. It is difficult to build a film around psychiatric sessions but it was done successfully in Ordinary People and Good Will Hunting with a great deal more dramatic interest but it succeeds here because of the dominant performances of Washington and Luke, though the film's attempt to compress eleven years into a few months seems a bit too facile. Davenport's humanity and warmth, however, allows Fisher to feel safe enough to discuss his difficult past and Cheryl (Joy Bryant), his new girlfriend who is also in the Navy, supports him in his struggle to achieve a breakthrough.

With Cheryl's help and Dr. Davenport's counseling, Antwone develops enough self-esteem to return to Cleveland and begin the journey to try and find his mother in order to complete the past. What comes through in Derek Luke's incredible performance is Antwone's longing for acceptance, dramatized in a heartbreaking dream shown at the beginning of the film in which he is the guest of honor at a banquet filled with people who love him. Comedian Mort Sahl once said that \\\"people just have to remember what we're all here for: to find our way home...\\\" Antwone Fisher touches not only on the longing of one young person to find his way home but reaches all those who have cried themselves to sleep, not knowing the joy of being loved.\": {\"frequency\": 1, \"value\": \"\\\"And the time came ...\"}, \"This is a very good, made for TV film. It depicts trouble in suburbia circa 1970's and the sort of neighbors one certainly does not want to have around. The worst & most upsetting part of the film was when the punk teenagers killed the family dog. The teens do everything to annoy and harass this poor family. But boy!, does the lead character take vengeance on those punk teenagers in the end. The father/homeowner surely does not take all of the aggravation from the punk teens lightly and is quick to retaliate after lack of help from the police that is. He stands up to them and protects his home and his family. A very good actor..I might add.

I watched this on TV when I was like 8 or 9. I have never seen it again on TV and would like to. Definitely a good one! It's the sort of movie one may catch on a weekday night very late at night and can't stop watching or an afternoon film on a weekend. It's the kind they just don't show anymore.

It is definitely worth seeing!\": {\"frequency\": 1, \"value\": \"This is a very ...\"}, \"Noll's comfortable way of rolling out blunt comments, often with expletives, to describe things that he is more knowledgeable about than most is quite refreshing. There is one other character in the film that constantly tries to verbalize complicated issues, using more language than necessary. This guy should never have been given a Thesaurus. Cut to Noll and you know you're in for a treat!

The way the pioneers of big wave surfing are portrayed is very evocative of a \\\"lost era\\\". Nevermind the fact that no one knows how these guys made a living, much less took care of issues like medical care. The use of old film clips throughout was masterfully done.\": {\"frequency\": 1, \"value\": \"Noll's comfortable ...\"}, \"Going into seeing this movie I was a bit skeptical because fantasy movies are not always my cup of tea. Especially a romantic fantasy.

Little did I know that I was in for a ride through cinematic magic. Everything in the movie from plot to dialogue to effects was very near perfection.

Claire Danes shines like the star she is in this movie. From beginning to end you fall more and more in love with this character.

Michelle Pfeiffer is menacing as an evil witch bent on capturing the star for eternal youth and beauty.

Robert De Niro is a lovable character who gives the audience the greatest bit of comic relief as the movie is gaining momentum towards the climax.

Overall this was a movie that surprised and delighted me as a movie fan. If you are looking for a fun and enjoyable movie that will be fun for the kids and adults alike, Stardust is the way to go.\": {\"frequency\": 1, \"value\": \"Going into seeing ...\"}, \"It was meant to be a parody on the LOTR-Trilogy. But this was one of the most awful movies I've ever seen. Bad acting, bad screenplay, bad everything. THIS IS MY PERSONAL OPINION. I don't doubt any second that there are people who'll like this sense of \\\"humor\\\", but there have been better parodies on movies from acclaimed directors as Mel Brooks or the Zucker Brothers. I'm working in a movie theater and in DVD Shop and the success for this movie was similar in both areas: At the movies it was a nice (but no big at all) success during the first two weeks but then, when the reviews of those who have seen it were not too good, the movie dropped very fast. In DVD sales it was good for short time but then nobody asked for it anymore. In the last ten years, the two worst movies I've seen are The Ring Thing and Torque. I can't decide which one was worse, but I'm happy that there a so many good movies so I don't have to think too much on this question.\": {\"frequency\": 1, \"value\": \"It was meant to be ...\"}, \"Why didn't the producers give that show a chance Of all the junk on TV, why didn't the producers give Six Degrees a chance? Will the series go on video? I would love to see how it ends. Put season one on video and sell it. I was a loyal fan of Six Degrees and waited for it's return. I set my recorder to tape all of the shows. Thank God for that. I just found out that the show was canceled and I'm heart broken. I wish I knew it was going to be canceled, why didn't they tell us? I thought the show was just developing some depth in the characters. The writing was pretty good also. Steven (Campbell Scott) is my all time favorite. I am SO sorry to see it go!\": {\"frequency\": 1, \"value\": \"Why didn't the ...\"}, \"Michael Stearns plays Mike, a sexually frustrated individual with an interesting moral attitude towards sexuality. He has no problem ogling naked dancers but when women start having sex with men that's when he loses it. He believes that when women actually have sex that's when they lose any sense of \\\"innocence\\\" and/or \\\"beauty\\\". So he strolls through the Hollywood Hills stalking lovemaking couples at a distance, ultimately shooting the men dead with a high-powered rifle with a scope.

The seeming primary reason for this movie's existence is to indulge in sexual activity over and over again. The \\\"story\\\" comes off as more of an afterthought. This is bound to make many a happily heterosexual male quite pleased as we're treated to enough protracted scenes of nudity (the ladies here look awfully good sans clothes) and sex to serve as a major dose of titillation. Of course, seeing a fair deal of it through a scope ups the creepiness factor considerably and illustrates the compulsion towards voyeurism. (For one thing, Mike eyes the couples through the scope for minutes at a time before finally pulling the trigger.) This is all underscored by awfully intrusive if somewhat atmospheric music on the soundtrack.

Those with a penchant for lurid trash are bound to enjoy this to one degree or another. It even includes one lesbian tryst that confounds Mike and renders him uncertain *how* to react. It unfolds at a very slow pace, but wraps up with a most amusing ironic twist. It's a kinky and twisted rarity that if nothing else is going to definitely keep some viewers glued to the screen.

7/10\": {\"frequency\": 1, \"value\": \"Michael Stearns ...\"}, \"I found Grey Garden's to be a gripping film, an amazingly intimate

look at too eccentrics who basically have the right idea: forget

society and live in a delapidated house with no heating and a huge

brood of cats and raccoons, persuing their own interests rather

mundainly, all the while chattering at the camera.

Big Edie and Little Edie are the two crazies that the Mazles Bros.

have chosen to document. They seem like characters out of a

Fellini film, only stranger, if that makes any sense. Old Edie is

almost fully bedridden, a pile of papers, clothes and dirty dishes

growing around her. Little Edie is even more interesting. She

prances around the house, always wearing a baboushka-like

headdress around her head, completely covering her hair. We

never see her hair throughout the film, nor do we ever get a hint

that she still has much. At age fifty eight, though, she is still

beautiful and full of life.

In Grey Gardens, we get the sense that both of these women's

lives have become much less than what they once were. Little

Edie is probably the sadder of the two. While her mother, in her

earlier years, got married, made a family, lived luxuriously and

even made some recordings (the scene where, at 77, she sings

along with a recording of \\\"Tea for Two\\\" she made decades ago is

one of the films best scenes), Edie left her promicing career as a

model to take care of her ailing mother. At 58, she still longed to

find her prince charming. If anything Little Edie is still a little girl,

full of dreams of glamour and fame, and of domestic and romantic

bliss, that have yet to be fulfilled.

Highlights of the film include the opening moments, where Little

Edie explains her outfit to the camera, the \\\"tea for two\\\" sequence,

the birthday party, the climactic argument, the grocery deliver

scene, and the scene in the attic. The whole thing is incredibly

candid and unpretencious. And it's made all the more remarcable

since it's all real.

I suggest seeing Grey Gardens back-to-back with the Kenneth

Anger short Puce Moment. The Criterion DVD is $35.00, but it's

worth every penny.\": {\"frequency\": 1, \"value\": \"I found Grey ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"Im proud to say ...\"}, \"I grew up watching and loving TNG. I just recently finished watching the entire series ST Voyager on DVD, which may have heightened my sense of disgust with this episode, as the difference in style and approach between the two shows couldn't be more stark. The idea may have been good if used as an opportunity to further expand Riker's character, which is how it probably would have been treated on VOY. They could have featured memories that would be \\\"new\\\" to the audience, rather than simply regurgitating old show clips. The in and out transitions between the \\\"memories\\\" and the \\\"present\\\" in this episode start as clich\\ufffd\\ufffd in the beginning, and very quickly become intolerable as the tired pattern wears on and on. Bar none- worst episode ever.\": {\"frequency\": 1, \"value\": \"I grew up watching ...\"}, \"I am one of Jehovah's Witnesses and I also work in an acute care medical facility. Over the years I have seen people die from hemolytic reactions to blood transfusions, have attended numerous conferences on blood born pathogens, and have seen several patients become seriously ill from pathogens induced by transfused blood. I have also heard several Jehovah's Witnesses being told that they will die if they refuse blood and after 26 years in the field I have never actually seen it happen, leaving the question, \\\"is it really unreasonable to refuse blood transfusions or is the community at large benefiting from the battle on this issue?\\\" The issue for Jehovah's Witnesses is a moral one. \\\"You must abstain from blood\\\" is not an ambiguous statement. Thank you for this movie and allowing comments on it.\": {\"frequency\": 1, \"value\": \"I am one of ...\"}, \"Every country which has a working film industry has some sane (and maybe some insane) artist which make movies that you can only completely understand when you're a part of this country. I guess Hundstage is such a movie.

You see the lowest level of Austria's society, dirty, disturbed, weird, hateful. But they still have enough money so they can afford tuned cars and big houses. And they are definitely doing a lot of strange things here which maybe seems for them 'normal' because they're doing it through their whole life. From a normal human viewpoint you can now easily follow the movie and be disgusted or fascinated and watch a fine piece of Austria's art movies.

But if you LIVE here and you know the people you see the characters in Hundstage as the tumor of the society. A society that is going more insane from day to day, creating their own rules that nobody else can understand, cave the social system from within. And you SEE the people. Sitting in the park, standing at the opposite street corner, queuing in the same line. Maybe you meet 'em in a bar or a disco you may visit. Maybe you even work with them in your job or they are living next to your house. You start to hate them without exactly knowing why. You'll try to get away - but you cannot. Maybe you'll end up like them. But it seems 'normal' for you because you're doing it through your whole life now...

Life isn't so bright though Austria is one of the richest countries in the world. It has beautiful people... but some are also ugly. There are a lot of hard working persons trying their best... but there are also some riding on the back of others and destroying everything that the folk of Austria has built up so far.

A very pessimistic movie.\": {\"frequency\": 1, \"value\": \"Every country ...\"}, \"I know I'm in the minority, but...

Uwe Boll is about as talented as a frog. Not even a toad; just a frog. He's reminiscent of about a hundred other no-talent hacks who churn out one useless crap-fest after another.

This movie? Is a crap-fest. Slater's talent is only minimally utilized leading one to believe he's got other things (like his failed relationship) on his mind. Reid performs as if she has either forgotten her acting lessons, been severely hit on the head and MADE to forget her acting lessons, or has one of the worst directors in the history of film. I'm voting on the third choice, myself, although the other two are always possible.

Uwe Boll has never done a single thing from which I've derived even the slightest pleasure. Frankly, I'm satisfied that he made this stinker. I was concerned with Bloodrayne competing with \\\"Underworld: Evolution\\\" for ticket sales. Now, I'm confident that Len Wiseman has nothing, and I mean NOTHING, to worry about.

This rates a 1.0/10 rating for this messy, convoluted crap-fest, from...

the Fiend :.\": {\"frequency\": 1, \"value\": \"I know I'm in the ...\"}, \"\\\"Mistress of the Craft\\\" Celeste works as an agent for the London branch of Interpol's Bureau 17, which specializes in (I think) occult criminals. She possesses the Eye of Destiny, good in her hands, dangerous if anyone else got it.

Bureau 17 has caught a Satanist from California, Hyde (no relation to Dr. Jekyll). Detective Lucy Lutz of LAPD flies to England to bring him back to the US. Lutz is the connection to the earlier Witchcraft movies, having been played by Stephanie Beaton before in Witchcraft 9. In part 7, Lutz was played by another woman; in 6, Lutz was a man!

Lutz's part in 9 was not terribly big, but she's one of the main stars in this one. Though she's left behind her high heels and short skirts, she still has revealing tops in this one. And this time around she has nude and sex scenes. Beaton is pretty appealing in the role.

As usual, there are a number of sex scenes. An anonymous clubgoer has a fatal threesome with two vampires, the Satanist and head vampire get it on with some kink, Lutz finds an English pal, and Celeste and her boyfriend make love.

The main recurring character of the Witchcraft series, Will Spanner, does not appear in this one, although Lutz mentions him to Bureau 17 agent Dixon in a conversation about vampires. She also phones her partner Detective Garner (parts 6, 7, and 9), though we don't hear his end of the conversation.

Hyde is sprung from jail by a group of vampires led by Raven, for a Walpurgis ritual having something to do with a god named Morsheba (I think). Hyde delivers all of his lines in a very flat manner, while Raven overacts to a campy degree. The fight scenes are terribly choreographed.

The audio in the movie was pretty poorly recorded, and poorly edited. Additionally, some dialogue gets lost under blaring music or sirens. Cinematography isn't great either. Having the movie set in and actually shot in the UK was a bit of a novelty though, at least for this series.

Wendy Cooper is very good as Celeste; attractive, certainly, but more importantly she's easily the best actor in the movie (bad fight scenes notwithstanding). I'm quite surprised her filmography is so small. If there's ever a Witchcraft XIV, and I would bet there will be, they should bring her back, even if it means flying her to California!

Witchcraft X is available on its own, or in the DVD collection Hotter Than Hell along with Witchcraft XI and two unrelated movies.\": {\"frequency\": 1, \"value\": \"\\\"Mistress of the ...\"}, \"A sophisticated contemporary fable about the stresses that work to loosen and ultimately unbind the vows of marriage. The main thrust of the narrative arises from a 'homily' spoken by a country priest following the wedding vows of a young cosmopolitan couple from Milan. In it, the future course of the marriage is spelled out, which bit by bit frays from the stresses of modern life. The 'moral' of this story within a story is that in order for a marriage to work out, both now, and in the past, it has been necessary for that relationship to be abutted by family and friends. This film was a relative blockbuster by domestic Italian standards. It's a terrible shame that this film is not available in either DVD or VHS.\": {\"frequency\": 1, \"value\": \"A sophisticated ...\"}, \"Okay I must say that before the revealing of the 'monster'. saying that he really didn't fit into that category, just some weird thing that had an annoying screech! And personally I think a granny could have ran away from that thing, but anyway. I actually was getting into this film, although having the main character a drunk and a heroine addict didn't come as an appeal. But such scenes as when she runs away from the train, and you can see the figure at the door was kind of creepy, also where the guard had just been killed and the 'monster' put his hand on the screen.

But then disaster stuck form the moment the monster was revealed it just became your average horror, with limited thrills or scares. Slowly I became more bored, and wanted to shut the thing off. I like most people have said was rooting for the homeless people to make it, specially the guy, he gave me a few cheap laughs here and there. I think this film could have really been something special instead it became what every other horror nowadays are! Just boring and well not worth the money.

if you are looking for a cheap scare here and there, or a mindless gore fest (which is limited, hardly any in fact) by all means give it a go, but for all you serious horror watchers look somewhere else, much better films out there.\": {\"frequency\": 1, \"value\": \"Okay I must say ...\"}, \"The concept of this made-for-TV horror movie is ludicrous beyond words, but hey, it was the late 1970's and literally all stupid horror formats were pretty damn profitable, so why not exploit the idea of a satanically possessed dog? The plot of \\\"Devil Dog\\\" is easy to describe to fans of the horror genre: simply think of \\\"The Omen\\\" and replace the newborn baby boy with a nest of German Shepard pups! Seriously, I'm not kidding, that's what the movie is about! During the opening sequence, members of some kind of satanic cult buy a female dog in heat only to have it impregnated by Satan himself. You'd think that the Lord of Darkness has other things on His mind than to fornicate with a German Shepard and take over the world one evil puppy at the time, but apparently not. Exactly like little Damien in \\\"The Omen\\\", one of the puppies is taken in by model family and grows up to become a beautiful and charismatic animal. But Lucky \\ufffd\\ufffd that's the dog's name \\ufffd\\ufffd is pure evil and liquidates annoying neighbors and nosy school teachers in derivative and tamely executed ways. He also inflicts his malignant character on the family wife and children, but he cannot force the father (Richard Crenna) to stick his arm into a lawnmower because he's a \\\"chosen one\\\". The whole thing becomes too moronic for words when Crenna eventually travels to Ecuador to search for an ancient wall painting and gets advice from an old witchdoctor who speaks perfect English. I guess he learned that living in isolation atop of a mountain his entire life. Director Curtis Harrington (\\\"What's the matter with Helen\\\", \\\"Ruby\\\") and lead actor Richard Crenna (\\\"Wait until Dark\\\", \\\"The Evil\\\") desperately try to create a suspenseful and mysterious atmosphere, but all is in vain. Scenes like cute puppy eyes spontaneously setting fire to a Spanish maid or a dog dodging bullets without even moving evoke chuckles instead of frights, and not even spooky musical tunes can chance that. The \\\"special\\\" effects are pathetic, especially near the end when the Satan-dog mutates into an utterly cheesy shadow on the wall. \\\"Devil Dog\\\" is a truly dumb movie, but it's definitely hilarious to watch late at night with some friends and loads of liquor. There are entertaining brief cameos of Martine Beswick (\\\"Dr. Jekyll and Sister Hyde\\\") as the terrifying cult queen and R.G. Armstrong (\\\"The Car\\\", \\\"The Pack\\\") as the evil fruit, vegetable and puppy salesman. And, yes, that annoying daughter is the same kid who gets blown away complaining about her ice-cream in Carpenter's \\\"Assault on Precinct 13\\\".\": {\"frequency\": 1, \"value\": \"The concept of ...\"}, \"This is my favorite of the older Tom & Jerry cartoons from the early 40's. The original version with Mammy Two Shoes is on the Tom & Jerry Spotlight Collection 2 set, disc one, and showcases the wonderful detailed animation of the early cartoons. The gags on this one aren't all madcap Avery style, but more subtle and aimed at anyone who's ever stayed up late watching scary movies (or radio programs)! Tom is listening to a creepy radio show, and Jerry decides to play a number of tricks to spook him. The nine-lives gag is well done here, and I don't know how many times I tried to make a vacuum and a sheet that scary when I was a kid. When Tom's owner is awakened by the ruckus- Mammy was NOT the maid, it was HER house- she gets one heck of a surprise, with a big laugh. Get your pause button ready, it's worth it!\": {\"frequency\": 1, \"value\": \"This is my ...\"}, \"If this is supposed to be a portrayal of the American serial killer, it comes across as decidedly average.

A journalist [Duchovny] travels across country to California to document America's most famous murderers, unaware that one of his white trailer trash travelling companions [Pitt] is a serial killer himself.

Rather predictable throughout, this has its moments of action and Pitt and Lewis portray their roles well, but I'd not bother to see it again.\": {\"frequency\": 1, \"value\": \"If this is ...\"}, \"This series had potential, but I suppose the budget wouldn't allow it to see that potential. An interesting setup, not dissimilar to \\\"lost\\\" it falls flat after the 1st episode. The whole series, 6 episodes, could have made a compelling 90 minute film, but the makers chose to drag it on and on. Many of the scenes were unbearably slow and long without moving the action forward. The music was very annoying and did not work overall. There were few characters we cared about as their characters did not grow during the time frame--- well, one grew a bit. The ending was as terrible as the rest of series. The only kudos here is to the art dept and set dressers, they created an interesting look, too bad the writer and director lacked the foresight to do something interesting with that element\": {\"frequency\": 1, \"value\": \"This series had ...\"}, \"I've always liked Fred MacMurray, and\\ufffd\\ufffdalthough her career was tragically cut short\\ufffd\\ufffdI think Carole Lombard is fun to watch. Pair these two major and attractive stars together, add top supporting players like Jean Dixon, Anthony Quinn, Dorothy Lamour and Charles Butterworth, give them a romantic script, team them with noted director Mitchell Leisen and you get\\ufffd\\ufffda mediocre movie experience.

Skid Johnson (Fred) and Maggie (Carole) \\\"meet cute\\\" during her visit to the Panama Canal, and spend the next few weeks falling in love. Skid's a great trumpeter, so he embarks on a musical career, which is predictably meteoric in both its rise and fall. During his climb to musical stardom, he neglects Maggie, who later inspires him to start over after he's hit rock bottom. Ah, yes\\ufffd\\ufffdit's the true Hollywood happy ending, which comes none too soon.

Stars and a director of this caliber should guarantee success, but this movie is so predictable and slow-paced that it's difficult to watch at times. The early scenes set in Panama are so draggy that they seem to go on forever, and later an alcoholic Skid just wanders endlessly in New York. Fred and Carole try their best, but the tired script and S-L-O-W direction just don't give them a chance. Even the final scene, in which Maggie encourages Skid to rise from the ashes of alcohol and disappointment, just doesn't ring true.

This movie should be seen once to watch some early performances from stars MacMurray and Lombard. However, I guarantee that watching it will seem to take about 48 hours.\": {\"frequency\": 1, \"value\": \"I've always liked ...\"}, \"I just got back from this free screening, and this \\\"Osama Witch Project\\\" is the hands-down worst film I've seen this year, worse than even \\\"Catwoman\\\" - which had the decency to at least pass itself off as fiction.

In \\\"September Tapes,\\\" a \\\"film crew\\\" of \\\"documentary journalists\\\" heads to Afghanistan - despite being thoroughly unprepared for the trip, the conditions and, oh yeah, the psychotic and ridiculous vendetta of their filmmaker leader to avenge his wife's death on Sept. 11 - to track down Osama bin Laden.

They \\\"made\\\" eight tapes on their journey, which now \\\"document\\\" their travels and, of course, their attempts to kill the terrorist leader. (The eight tapes, thankfully, all end at points significant in the narrative, which is convenient for a \\\"documentary.\\\")

The psychotic, idiotic protagonist - who is given to long, significant speeches that he probably learned watching \\\"MacGyver\\\" - cares nothing for his own life or the life of his innocent crew as he gets them further and further into danger through a series of completely dumb mishaps. I don't know why he didn't just wear a sign on his back that said \\\"Shoot me.\\\"

The crew's translator, supposedly their sensible voice-of-reason, does little more than whine and gets baffled as the idiot hero leads them into doom.

You wish they'd brought along someone on their trip to call them all morons.

Around \\\"Tape 4,\\\" I began rooting for the terrorists to shoot the film crew.\": {\"frequency\": 1, \"value\": \"I just got back ...\"}, \"I thought that Ice Age was an excellent movie! As a woman of 30, with no children, I still seem to really enjoy these humorous, witty animated movies. Sid is the best character I have seen in some time, better than Bartok in Anastasia (although he was really humorous, and I did not think that his character could be matched or even beaten) and even more humorous than Melman in Madagascar. I have seen the movie at least 15 times (I own it obviously) and I quote the movie at work (on many occasions...yes,still). My favourite scene is the part where Sid says \\\"Oh, oh, oh, I love this game!\\\" and Sid and Manny continue to figure out what the squirrel is trying to tell them about the \\\"tigers\\\"...\\\"Pack of wolves, pack of bears, pack of fleas, pack of whiskers, pack of noses, pack a derm?, pack of lies, pack of troubles, pack a wallop, pack of birds, pack of flying fish...\\\" or however that part goes! That is THE funniest part about the whole movie, although I also really enjoyed the humour behind \\\"putting sloths on the map\\\" and many other parts as well. The only animated movie that can remotely compare to Ice Age is \\\"Brother Bear\\\".\": {\"frequency\": 1, \"value\": \"I thought that Ice ...\"}, \"Very disappointing film. By the end I no longer cared for any of the characters. I did enjoy seeing Ving Rhames in a very small part, and William Macy was good as always, still not worth watching. It starts out strong and just keeps getting weaker and weaker. Insomniacs will like it as I am sure it will put them to sleep.\": {\"frequency\": 1, \"value\": \"Very disappointing ...\"}, \"The Revolt of the Zombies is not the worst movie I've ever seen, but it is pretty far down on the list. When an expedition is sent to Cambodia to discover the trick to making zombies after World War I, one of the members decides to use the knowledge for his own evil ambitions. And he succeeds, at least at first. A love triangle complicates the story some.

This really was a tedious movie, with horrible acting that made it difficult to tell who were zombies and who weren't. The dialog was little better and the plot was unbelievable (not the zombie part of it but parts related to the \\\"romance\\\"). And while I am not any student or expert on cinematography, the camera work didn't seem to help the film much either.

While I have seen a few movies that are worse, this is unlikely to please anyone. It's bad, and NOT in a so-bad-that-it-is-good kind of way.\": {\"frequency\": 1, \"value\": \"The Revolt of the ...\"}, \"OK, it was a good American Pie. Erick Stifler goes off to college with his buddy Cooze. During their arrival they meet up with Eric's cousin Dwight. The two pledge to become Betas and along the way they get involved with a whole lot of sex, tits, and some hot girls along the way. In a few words there is a lot more sex, nudity and alcohol. It is a good movie for those who want to enjoy an American Pie movie, granted it isn't as great as the first three is is a good movie. If you enjoy hot girls with really nice tits, get this movie. If you enjoy seeing a bunch of dudes making assholes of themselves, go to this movie. If you want to see the full thing, get the unrated addition. One last thing this is a better attempt than the last two American Pies.\": {\"frequency\": 1, \"value\": \"OK, it was a good ...\"}, \"I think this could've been a decent movie, and some of its parts are OK... but in whole it's a B movie. Same about the plot, parts are OK but it has several holes and oddities that doesn't quite add up. Acting is mostly OK, I've seen worse of this too. :)

The beginning sets the level, with cars driving in the desert, making \\\"cool\\\" but totally unnecessary jumps through some small dunes (In slow motion! Cool!), like the drivers had never seen sand before... It gets slightly better from there, but not much.

If you're gonna rent this, get another one too and use this one as a warm-up. Keep expectations low and it might work for you.\": {\"frequency\": 1, \"value\": \"I think this ...\"}, \"Three Stooges - Have Rocket, Will Travel - 1959 This was the first feature length film to star the Stooges and it is pretty bad. It makes THE THREE STOOGES GO AROUND THE WORLD IN A DAZE (from 1963) look like a masterpiece.

The Stooges are janitors at a rocket place. They climb into a rocket and it goes to Venus. They meet some stuff there including a talking unicorn they call \\\"Uni\\\" which they bring back to Earth with them. \\\"Uni\\\" speaks like an average, pleasant person - 'Oh, hello. How are you? Lovely planet here. Hope you like it.' Hilarious.

Very few gags and so many of the scenes just go on and on and on.

The Stooges arrive back from space and the film is over as far as the story goes, but no one told that to the film makers for the picture continues for another 10 minutes or so at a party where nothing much happens. The Stooges leave the party and then the film is almost over.

High point of the film - the end where the Stooges sing a dapper little song about their journey. The Larry and Curly Joe hit Moe in the face with two pies. Brutal.

Another writer mentioned the fine musical score. Huh? The only music I even noticed were two classic tunes - I'LL TAKE ROMANCE and THERE GOES THAT SONG AGAIN, both of which are played at the party. And *that* really is the high point of the picture - music from old Columbia films.

The tall sexy blonde was nice.

Awful - a brand new VHS video from the 99 Cents Only store.\": {\"frequency\": 1, \"value\": \"Three Stooges - ...\"}, \"...except for Jon Heder. This guy tanked the entire movie.

The plot sounded entertaining. A 29 year old slacker son(Heder)still lives with widowed mom (Keaton)who happens to meet a new love (Daniels). Slacker son is jealous and anxious to lose his comfortable life and tries to sabotage the relationship. He also meets a girl(Faris).

I really liked the performance of Daniels and especially Faris but whoever casted Hader would be better of selling hot dogs at the beach. Heders performance is annoying, which would be a good thing since he plays an annoying guy, problem is he is to bad an actor to loose this act making this guy likable in the finale. At the end you still wish you can personally punch the guy in the face and you're upset about the end. In the future every movie with this guy will be a no go for me!\": {\"frequency\": 1, \"value\": \"...except for Jon ...\"}, \"If you want to watch a film that is oddly shot, oddly lit, weird stories of these men (and one woman) who enjoy beating the crap out of each other, if you want to enjoy a story that goes nowhere of these two guys, one a boxer and the other a gay man, then you should watch this film.

After watching this film, I almost felt as badly bruised up and cut up, like the director (of the film) himself beat the hell out of me.

This is a movie where one is not meant to watch for plot or for great acting, this is a film to gawk at in horror and wonder. A lot like watching an airplane crash or a train wreck.

If you want to watch a great movie, a good movie, a \\\"B\\\" movie, or even a mediocre movie, this movie is not it.

A warning to all who watch this film, please don't eat beforehand. You might want to puke by the end of the film.\": {\"frequency\": 1, \"value\": \"If you want to ...\"}, \"The first of the Tarzan movies staring Johnny Weissmuller. The plot has already been summarized so i wont go into it again. Just know that The actors who play Jane and Tarzan were born for the role. If you have not seen this film and you only have the modern day Tarzan films as a reference..you are missing a Real treat. Doesn't matter how far we've come in movie making, makeup set designs...no one will ever play Tarzan as well as Johnny Weissmuller did. He was and is Tarzan.\": {\"frequency\": 1, \"value\": \"The first of the ...\"}, \"Absolutely enjoyable singing and dancing movie starring Frank Sinatra and gen Kelly, as well as Kathryn Grayson.

The film won and Oscar for George E. Stoll's score, and it garnered nominations for Best Picture, Best Actor for Kelly, and Best Cinematography, as well as a Best Son nomination for \\\"I Fall in Love Too Easily\\\" sung by Sinatra.

It was a cute story about Kelly helping his pal Sinatra get a girl and falling in love with her himself. The lovely Grayson (The Toast of New Orleans) dazzled us with her singing, and we had a lot of great songs and dance routines by Kelly and Sinatra, as well as the artistry of pianist-conductor Jos\\ufffd\\ufffd Iturbi.

A classic Hollywood music from an era gone by.\": {\"frequency\": 1, \"value\": \"Absolutely ...\"}, \"Emily Watson's Natalia is absolutely the most loving and romantic lead character I have ever seen on a screen. She is the queen of this film beyond all doubt. Or, is she transmuted to the king? The internecine weaving of the chess games and the families' struggles for control, power, and victory is stunning. Just as the chess masters in the film do, the director is playing many simultaneous games with our mind at once, but all weave into either major or minor patterns. The period, the costumes, and imagery of early 20th century Italy's lake district is captured magnificently. Not a single square of space is wasted.

So many brilliant scenes abound, I cannot recount them all. I recommend budgeting enough time to watch this movie twice, possibly a week apart, because you can't possibly capture all the poetry within a 64-square yet multi-dimensional framework in one setting.

I did not read Nabakov's book, but to try an analogy of my own, what I am reading reminds of me of another romantically triumphant poetry-as-game movie, Barry Levinson's The Natural. It totally jettisoned the downbeat ending of Bernard Malamud's fatalistic book in favor of a romantic impressionism that was uniquely American. Well, the director did that one better by seamlessly meshing Russian and Italian morals and mores as a backdrop to enlightenment. The true story here is that games are zero-sum; there is a winner and a loser, unless both contestants draw. But, in life, and especially in the context of our immortal souls, we are only limited by those constraints and life's conventions to the extent we let others break our spirit.

Pure love, as personified by Emily Watson's Natalia, can transcend and allow all of us to be enhanced by its gifts simultaneously. Only the barriers erected by our fears can cut us off from it.

This is a magnificent movie (10/10).\": {\"frequency\": 1, \"value\": \"Emily Watson's ...\"}, \"Throw this lame dog a bone. Sooo bad...you may watch anyway. Kol(Ross Hagen)is an intergalactic bad guy that escapes being vaporised by an over zealous spaceship commander(Jan-Michael Vincent). Kol manages to steal a shuttle that crash lands on Earth. An unstoppable android killer is sent to bring back the villain dead or alive. John Phillip Law plays a forest/park ranger that urges caution in dealing with these two visitors from far, far away. Costumes are outrageous and the script is lacking intelligence. Vincent surely took the money and ran. Law shows the only sign of effort.So bad it is almost comical. Also in the cast: Dyana Ortelli, P.J. Soles and Dawn Wildsmith.\": {\"frequency\": 1, \"value\": \"Throw this lame ...\"}, \"I am beginning to see a very consistent pattern form in the identity of 2007's films. If 2004 was the year of the biographies and 2005 was the year of the political films, 2007 can be identified as a year featuring a wide plethora of morality tales, films that portray, test, challenge and question human morality and the motives that drive us to do certain things. Although this identification is rather broad, I think that there are a handful of films released this year, such as 3:10 To Yuma, Eastern Promises, American Gangster, No Country for Old Men and others that specifically question and study human morals and the motives that drive us to acts such as violence or treachery. Before the Devil Knows You're Dead is a deviously stylish morality tale, and quite a dark, bleak and depressing one at that. And even better is the fact that it comes from one of the greatest classic directorial forces of our time, the legendary Sidney Lumet, who many have said has passed his prime but returns in full force with this viciously rich crime thriller.

It's one of those films whose plots are so thick, that one is very reluctant to go into details. It is a movie that is best enjoyed if entered without any prior knowledge to the events about to unfold, as there are twists and turns. But the thick and richly wrought plot is not at all at the center of this film; the true focus is, as I mentioned, the morality tale; the motives that drive these two men to the actions they do in the film. In a plot structured like a combination between the filmographies of both The Coen Brothers (namely Blood Simple and Fargo) and Quentin Tarantino, we see two men driven under various shady circumstances to pull off a fairly simple crime that goes incredibly, ridiculously wrong, and reciprocates with full force and inevitable tragedy. And to make it all the more interesting, the film is told in a fragmented chronology that keeps back tracking and showing a series of events following a different character every time and always ending up where it left off the last time. Sizzling, sharp, thick and precariously depressing, Kelly Masterson's screenplay is surprisingly poignant and well rounded, in particular because it is a debut screenplay.

But the film has much more going for it than just it's delectably sinister and quite depressing plot. First and foremost, the picture looks and feels outstandingly well. Sidney Lumet has, throughout his career, consistently employed an interesting style of cinematography and lighting: naturalistic and yet stylish at the same time. The film carries with it a distinctive air of style and class, with wonderful natural lighting that just looks really great. Editing is top-notch; combining the sizzling drama-thriller aspect with great long takes that really take their time to portray the action accordingly. And vivid, dynamic camera angles and movements further add to the style. The film is also backed by a fantastically succulent musical score by Carter Burwell.

The screenplay does its part, and of course Lumet does his part, but at the film's dramatic center are three masterful actors who deliver incredibly good performances. First and foremost, there are the two leads. Leading the pack is Philip Seymour Hoffman, who has always been an excellent actor but has stumbled upon newfound leading-man status after his unnaturally fantastic Oscar-winning performance in Capote. His turn in this film is fascinating: severely flawed, broken, manic. Hoffman has some truly intense scenes in the film that really allow his full dramatic fury to come out, and not just his subtlety and wit. At his side is Ethan Hawke, who has delivered some fantastic performances in many films that are almost always overshadowed by greater, grander actors. Here, he bounces off Hoffman and complements him so incredibly well; in all, the dynamic acting between the two of them is just so utterly fantastic and convincing, the audience very quickly loses itself in the characters and forgets that it's watching actors. And then there's Albert Finney. Such a supple, opulent supporting role like the one he has requires a veteran professional and here Finney delivers his finest performance in many years as the tragically obsessed father to the two brothers who get caught up in the crime. I love how the dynamics between the three of them play out. I love how Hoffman is clearly the dominant brother and shamelessly picks on his younger brother even now that they're middle-aged men; and yet despite this, it is clear how Finney's father favours Hawke's younger, weaker brother. Also on the topic of the cast, the two supporting female characters \\ufffd\\ufffd wives of the brothers \\ufffd\\ufffd also feature fantastic performances from Amy Ryan and Marisa Tomei, whose looks just get better and better as the years go by.

This film isn't revolutionary. These themes and this style have already been explored by the likes of The Coen Brothers, and it's very easy to imagine them directing this film. But for a film that treads familiar ground, it simply excels. Lumet employs his own immense directorial talent and employs his unique and very subtle sense of irony and style to Masterson's brilliantly vivid, intense, and morbidly depressing first-time screenplay. The lead performances are incredibly intense and the film features absolutely fantastic turns from Hoffman, Hawke and Finney; but the truly greatest wonder of the film is that three years after he won a Lifetime Achievement Oscar, much revered as the ultimate sign of retirement in the film business, Sidney Lumet proves that he still has the immense talent to deliver a truly wonderful, resonant, intense piece of cinema reminiscent of his golden years.\": {\"frequency\": 1, \"value\": \"I am beginning to ...\"}, \"Few films have left me with such a feeling of unease, and this is not a compliment. Since I saw it in a theater (How it ended there I can only wonder) I was subjected to 90 mn of hateful, derivative garbage, the main impression being a bit like this other sick-o movie \\\"Don't answer the phone\\\" - but worse. The nastiness of it all, rape and all, is shown without any distance (unlike strong stuff like \\\"Last house on the left\\\") and utter contempt for the (perfect ?) victims and everybody involved, leaving the viewer to be treated as a sadistic voyeur. At the end I felt like taking a shower. No credits to the director\": {\"frequency\": 1, \"value\": \"Few films have ...\"}, \"I really enjoyed this movie as a young kid. At that age I thought that the silly baseball antics were funny and that the movie was \\\"cool\\\" because of it's about sports. Now, several years later, I can look back and see what a well designed movie this was. This movie opened my eyes as a small child to the struggles other children dealt with and real world issues. That kind of exposure is largely lacking in kids movies these days which I don't think is to our society's benefit. Sure the baseball antics seem really dumb now, but they drew kids in. No seven year old is going to ask to see a movie about foster children, but they will ask to see a movie about baseball. Disney realized this fact and took advantage of it to teach these children an important lesson about the world.

As a young adult the performance of Al and the other angels seems far less impressive, however I will give credit to the actors playing both children and Danny Glover who all did a fantastic job.\": {\"frequency\": 1, \"value\": \"I really enjoyed ...\"}, \"*** May contain spoilers. ***

If LIVING ON TOKYO TIME were some bold experiment where real-life wanna-be actors were given film parts on the condition that they would be required to take a combination of powerful prescription anti-anxiety, anti-depression, and anti-psychotic medications (this is the classic psych ward combo that renders patients into drooling zombies) all during filming, then this movie would hold far more interest. Or, if the film production was another type of experiment where all of the actors were sleep deprived before and during filming, then TOKYO TIME could be more easily explained.

As it is, this film is filled with lifeless, low-energy actors. In the scene where the new husband was sitting on the stairs talking with his sister, it appeared that he was having trouble keeping his eyes open. In almost every scene he speaks his lines sitting down with every part of his body motionless. From beginning to end, his facial expression is best described as \\\"near sleep.\\\"

Fret not about the actors speaking over each other's lines because these actors can barely finish droning out any lines of dialog. Everyone speaks with a depressing, monotone voice. No laughing. No yelling. No vigor. No one has energy enough to crack a smile. The result: complete and total boredom.

And it does not help matters that the direction is simple and amateurish.

Avoid this lifeless film at all costs. Better to watch GREENCARD which has a similar plot and has charm and energy. Or, for an unconventional Japanese romance story, check out THE LONG VACATION which has an ample amount of everything LIVING ON TOKYO TIME does not.\": {\"frequency\": 1, \"value\": \"*** May contain ...\"}, \"First off, I'm not here to dog this movie. I find it totally enjoyable in spite of the poor production quality. The acting herein is about as abominable as the monster stalking them, although the monster itself is quite well done...impressively well done, at that. He actually looks kind of other-worldly, like an alien family on vacation landed in the Himalayas and while dad was out taking a ... attending to nature's call, Spot got loose and they just didn't have time to hunt him down. That, or he's the Caucasian brother of the Wishmaster. I haven't decided which.

Actually, this seems to have been filmed somewhere in snow country, yes, but more likely Canada somewhere than China anywhere. The trees and vistas say Canada to me, and it's okay that the set area never takes on the look or feel of uber-coldness one might expect to find in the Himalayas of China. It's a Sci-Fi Channel movie, so we can forgive the lack of location.

Further, apparently (as we have just established) Sci-Fi directors do not travel often, as they are not aware that commercial planes fly above weather like what is featured herein and the subsequent crash actually would not have happened. But as I said, it's a Sci-Fi Channel movie so we must forgive a few things.

The movie is pretty graphic at times, and rotates between \\\"Alive\\\" about the Donner Party, \\\"Predator\\\" about the alien in the woods, and any bad wushu movie where they fly about on wires. The Yeti apparently can leap about like Spiderman...or Super Mario...remember? \\\"Run faster! Jump higher! Live longer!\\\"

Also, the Yeti has missed his teddy bear. He's searched high and low for it, but cannot seem to make a cadaver work. Poor Yeti! You can't help but feel sorry for it. It has survived and evolved thousands of years only to succumb to severe teddy bear loss. He's missed his bear. Or maybe it wants to mate, but that thought is BANISHED! Do ya hear me? Well, it does seem to be an unmated male. REBANISHED!

And it's superhuman. Well, it's not human...it's super-Yeti! But then again, what's normal-Yeti? I don't know, but he has a definite Michael Meyers quality that is completely unsettling. And he's got this fabulous way of cleaning his fur. FABulous Dahlink! It's spotlessly white at times when it SO shouldn't be. He's fastidiously superhu-...super-Yeti.

All in all? This was a lot of fun to watch, has some great kills and a few honest plot elements. In spite of the horribly gravel-like production style, this is actually quite entertaining. I can't help wondering if they're planning on another one?

It rates a 6.0/10 on the M4TV Scale.

It rates a 4.4/10 on the Movie Scale from...

the Fiend :.\": {\"frequency\": 1, \"value\": \"First off, I'm not ...\"}, \"When I saw the previews for this movie, I didn't expect much to begin with - around a second rate teen horror movie. But wow, this movie was absolutely awful. And that's being generous.

First of all, the casting for the movie was terrible. You feel no sympathy (or for that matter any morbid feeling) for the characters. The acting was so terrible that I was just simply waiting and hoping for the God-awful thing to end.

Secondly, there are points in the movie that had absolutely no relation to the plot whatsoever. Can somebody please explain to me why the girlish-looking boy starts screaming \\\"PANCAKES!!!\\\" at the top of his lungs while going into Jackie Chan moves I've never seen before, and even further biting the guy who has the virus? Why does the father of the kid proceed to get angry with the virus-infected guy, and go on a redneck hunting spree to find him? I was left with a feeling of such confusion and utter disbelief that I literally said out loud, \\\"Where the hell did that come from?\\\"

I just simply couldn't believe what I had seen. I really thought I had seen some bad movies, but I have to say that Cabin Fever tops them all. This movie made me want to puke and then puke again. Then blow my brains out.

Please, save yourself an hour and a half and do something more productive. Watching grass grow, perhaps, is a proper alternative.\": {\"frequency\": 1, \"value\": \"When I saw the ...\"}, \"Watching this movie again really brought back some great childhood memories . I'm 34 now, have not seen it since I was 12-14. I had almost forgotten about this movie, but when I watched it again recently, some scenes literally brought a tear to my eye! That little robot \\\"Jinx\\\"(friends for ever!). It was just like revisiting my childhood. It was an absolutely amazing experience for me. I will always cherish this movie for that reason. I hope some of you readers can relate to my experience, not for this particular movie, but any movie you have not seen in a long while. Very nostalgic...

-Thanks for reading\": {\"frequency\": 1, \"value\": \"Watching this ...\"}, \"Warning! Spoilers ahead!

SPOILERS

I've seen movie in German, so it might be, that I missed some clues.

Despite some weakness in the plot, it's a movie that came through to me. I liked especially Lexa Doig's acting. Sometimes I got impression, that she *is* Camille. But I can't stop wondering, what happened at the end with Bob, Cassie and baby. I belive, she, after initially being set on Bob, eventually ended up loving him and regretting what happened with his brother and being forced to lie to him. Otherwise it's a bit strange, that she would carry his baby and love it. It's up to viewer to decide - and I don't like such endings. Dean Cain was as good as ever, Eric Roberts .. well, I've seen him better but also worse.

I believe that the film is more an analysis of human relations and reacting in unexpected situations than a crime story.

Bottom line is, I liked it very much.\": {\"frequency\": 1, \"value\": \"Warning! Spoilers ...\"}, \"Welcome to Collinwood is one of the most delightful films I have ever seen. A superb ensemble cast, tight editing and wonderful direction. A caper movie that doesn't get bogged down in the standard tricks.

Not much can be said about this film without spoiling it. The tag line says it all - 5 guys. 1 Safe. No Brains.

William H Macy and Sam Rockwell lead an amazing cast. George Clooney should be congratulated for producing this gem.

\": {\"frequency\": 1, \"value\": \"Welcome to ...\"}, \"The fact that this movie made it all the way to the rentalrack in Norway is bizarre. This movie is just awful. This image quality is just one teeny bit better than you get of a mobile phone and the plot is soooo bad. The main character is just plain annoying and the rest just suck. Every person affiliated with this movie should be ashamed. The fact that the people that made this movie put their name on this is extraordinary. And the distributors; did they even see it!? This is probably the worst movie I have ever seen. To label this a comedy is an insult to mankind. I urge you not to support this movie by buying or renting it.\": {\"frequency\": 1, \"value\": \"The fact that this ...\"}, \"People call this a comedy, but when I just watched it, I laughed

only once. I guess the problem is that I first saw it when I was 14,

and I wasn't old enough to understand that it wasn't meant to be

taken seriously. There were quite a few scenes that were meant

to be funny, but I cared too much about the characters to laugh at

them.

I suggest that you watch this film next time you're falling in love,

and try to take it seriously. I think you'll find that, despite a few silly

flaws, it's one of the most moving love stories you've ever seen.\": {\"frequency\": 1, \"value\": \"People call this a ...\"}, \"If in the 90's you're adapting a book written in the 50's, set the bloody thing in the 50's and not the '90's. See, 40 year old mores and values tend not to play as well, or ring as true, that far down the road. It's a simple rule that Hollywood habitually keeps violating. And that's the problem with this film. It should have been set in the era it was written in. You'd think that would be a no-brainer, but nooo. I'd elaborate, but bmacv's comment spells it out quite well. I'll limit my commentary to Rachel Ward. She looks like she dieted her ass completely out of existence for this role. As a result, she looks like a crack ho' on chemotherapy, and is about as sexy as a gay leather couch in drag. I found her \\\"I could die at any moment\\\" look quite disconcerting, and it greatly detracted from her supposed \\\"hotness\\\" and the \\\"sexual tension\\\" the film intended to create. Other than that, the film was quite good; a 7+ out of 10.\": {\"frequency\": 1, \"value\": \"If in the 90's ...\"}, \"This movie was so bad, outdated and stupid that I had rough times to watch it to the end. I had seen this Rodney guy in Natural Born Killers and I thought he was funny as hell in it, but this movie was crap. The \\\"jokes\\\" weren't funny, actors weren't funny, anything about it wasn't even remotely funny. Don't waste your time for this! Only positive things about this were the beautiful wives :) and Molly Shannon who I'm sure tried her best, but the script was just too awful. That's why I rated it \\\"2\\\" instead of \\\"1\\\", but it's definitely one of the worst films I've ever seen.\": {\"frequency\": 1, \"value\": \"This movie was so ...\"}, \"by Dane Youssef

A gang of crooks. The perfect plan. It all goes wrong. They're in trouble. The police are outside. They're cornered. What are they gonna do now?

Sound familiar?

The movie seems like it's trying to be a combination of the acting workshop, the \\\"indie\\\" film and the theater.

It's the kind of things that actors love--it's kind of like a workshop or a play because it mostly consists of tight focusing on the actors acting... acting angry, tense, scared, conversing, scheming, planning--giving the performers a lot of free range to really ham it all up.

A trio of crooks, one leader, one goon, one brother, come up with a big heist scheme... and a monkey wrench is thrown into the works. To top things off, there's a bit of a \\\"fender-bender\\\" and one of the crooks in flung through the back of the windshield.

The cops are on their tail and they stumble into a bar named poetically (and leadenly) \\\"Dino's Last Chance.\\\"

Spacey, as a director, tries to keep the focus on the actors' performances and delivery of dialouge. He pans over to a bright passion-red cigarette ad of a smoking and smoldering Bogart. And he keeps all the violence off-screen, really.

I think that was a mistake. Focusing on the intensity and gruesome violent scenes would have given the movie some edge.

The problem with the movie is that it moves too slow and suffers from miscasting in almost every role. Matt Dillon (\\\"Drugstore Cowboy\\\" and \\\"Wild Things\\\") seems too young and too idealistic to be the leader of this gang.

Gary Sinese seems to brooding and deep in thought to be a spineless tag-along with these guys and Joe Mantaga is effective as the traditional routine foul-swearing mad-dog police lieutenant who's all thumbs, but he isn't given anything to really do here.

William Fischter is the only actor who is believable in his role as a brainless grunt who just wants to spill blood.

And the crooks are in a tense situation where they either go to jail or they try to think of some way out of this.

Spacey lacks the ability to create a lot of tension and keep it going. The characters are mostly chatting away, trying to think of a plan... and they're to calm and too articulate. There's even a scene where the crooks are playing pool with a whole swarm of armed cops right outside, ready to strike. At one point, one of the crooks even call the police who are right outside the bar. Oh brother. Oh bother.

These cops are going to either blow them away or going to lock them up. Shouldn't the holed-up crooks be a little scared, a little uneasy? Meanwhile, all the real action is happening inside.

Someone whips out a gun, a baseball bat, which leads to an ugly confrontation off-screen and there's one more casualty that happens that's... well, kinda sad. But...

Faye Dunaway also should have spent more time with a dialect coach, improving on her New Orleans accent. Skeet Ullrich is fine in a smaller part.

A cop listening in reaches for a pack of matches at the absolute worst time is a nice look. And so is a scene where someone goes right through the rear windshield.

The dialouge is obviously trying to go for a David Mamet approach and it's as profane, but never as realistic or as insightful.

The movie feels like too much of what it really is... a really low-budget movie with an actor behind the camera for the first time directing other actors from a script that's \\\"not bad, but needs a few more re-writes.\\\" Spacey shows he's not a terrible director, but he lacks a sort of feel for \\\"shaping a movie\\\" and it feels like he's just filming actors act.

These actors are all talented and could work with the material, but they all feel out of place. As I said before, the movie really suffers from miscasting.

I don't mean that the wrong actors were cast. I think they found just the right cast, but placed them in all the wrong roles. I think switching some of the roles would've helped immensely.

Having veteran mob actor Joe Mantagna play the leader of the pack, Gary Sinese as the angry police lieutenant outside on his bullhorn giving orders and barking at his troops, keeping Fischter in his \\\"bloodthirsty goon\\\" part and Matt Dillion as the sacrificial lamb. That would have been a big improvement.

When some actors direct, it works. They can even win Oscars for it. But a lot of the time, when actors direct, they have a tendency to just focus on the performances. Just shoot the actors acting.

Sometimes it works... but they need a good showcase for it. An excuse for it.

Hostage situations are all pretty much the same in real life just like coming-of-age stories so it's only natural that movies about them will go from point A to point B as well.

There are a few really great entries into this genre.' Spacey himself appeared in a similar movie about hostage situations: \\\"The Negotiator.\\\"

This certainly won't become a cult classic, let alone one of AFI's 100. Still, it does have a few nice moments and personal touches, but in the end, it's instantly forgettable and the kind of movie that would play best on regular TV. It's just not worth going out of your way to see.

I give a 3 out of 10.

Spacey's other directorial credit, \\\"Beyond The Sea\\\" was reportedly a better effort. Hmmm... maybe it's true. You need to fail before you succeed.

by Dane Youssef\": {\"frequency\": 2, \"value\": \"by Dane Youssef

In the first flick, the MIB Organization had a kind of \\\"elite\\\" force feel. You had a few special agents, and it had a \\\"clandestine\\\" kind of feel to it. In the sequel, the MIB Organization has a JROTC Summer Camp vibe.

The movie wasn't terrible or anything.. it just lacked the \\\"coolness\\\" (for lack of a better phrase) of the first movie. A lot of the same old humor was recycled from the first to the second, and didn't really add any originality to the MIB Universe.

A perfect analogy would be Episode 1 to the first 3 films. Was it decent? Yeah. Is it worthy of bearing it's title? Not really.\": {\"frequency\": 1, \"value\": \"Men In Black 2 was ...\"}, \"This movie is not based on the bible. It completely leaves Christ out of the movie. They do not show the rapture or the second coming of Christ. Let alone talk about it. It does not quote from scriptures. The end times are called the great tribulation. The movie does not even show bad times. The seven bowls, seven viles and seven trumpets of judgements are boiled down to a 15 second news cast of the sea changing it's structure. The anti-Christ was killed 3 1/2 years into the tribulation and that is how the movie ended. The only part they got correct was there was two prophets. The did not use there names of course because that would be too close to the truth of scriptures. The worst part of it was I really wanted it to be a good movie. I wanted to take unsaved people to it. I feel that the movie is evil. It is a counterfeit just like everything the devil does. I just hope it does not take away from the upcoming movie based on the left behind books.

The second problem with the movie is it was just bad. Bad acting, bad special effects, bad plot and poor character development. I have seen better episodes of Miami vice.\": {\"frequency\": 2, \"value\": \"This movie is not ...\"}, \"\\\"I'll Take You There\\\" tells of a woebegone man who loses his wife to another and finds an unlikely ally in a blind date. Unlike most romantic comedies, this little indie is mostly tongue-in-cheek situational comedy featuring Rogers and Sheedy with little emphasis on romance. A sort of road trip flick with many fun and some poignant moments keeps moving, stays fresh, and is a worthwhile watch for indie lovers.\": {\"frequency\": 1, \"value\": \"\\\"I'll Take You ...\"}, \"I did not expect a lot from this movie, after the terrible \\\"Life is a Miracle\\\". It turns out that this movie is ten times worse than \\\"Life ...\\\". I have impression that director/writer is just joking with the audience: \\\" let me see how much emptiness can you (audience) sustain\\\". Dialogues are empty, ... scenario is minimalistic. In few moments, photography is really nice. Few sarcastic lines are semi-funny, but it is hard to genuinely laugh during this \\\"comedy\\\". I've laughed to myself for being able to watch the movie until the end. If you can lift yourself above this director's fiasco, ... you will find good acting of few legends (Miki Manojlovic, Aleksandar Bercek), and very good performance of Emir's son Stribor Kusturica.

In short: too bad for such a great director ! Emir Kusturica is still young and should be making top-rated movies. Instead, he chooses to do this low-budget just-for-my-private theater movie, with arrogant attitude toward the world trends and negligence toward his old fans.\": {\"frequency\": 1, \"value\": \"I did not expect a ...\"}, \"Andy Goldsworthy is a taoist master of the first order, expressing the Way through his sublime ephemeral art. Indeed, time and change is what his work is fundamentally about. I bought his first book several years ago and my family has marveled at it many times. So it was a treat to get to know the artist personally through this film, he is just as patient and gentle as you would expect, and has some wonderful things to say about the natural world, the deepest of which are expressed in his occasional inability to say it in words at all. He is like most children who play in the great outdoors alone (if they do anymore), creating things from sticks and sand and mud and snow before they outgrow it. Mr. Goldsworthy was given the gift and the mission to extend that sort of play to create profound visions of nature, and to open our often weary eyes to it in brilliant new ways. And always with the utmost respect, gratitude and humor of a wandering, and wondering monk.\": {\"frequency\": 1, \"value\": \"Andy Goldsworthy ...\"}, \"I find it rather useless to comment on this \\\"movie\\\" for the simplest reason that it has nothing to comment upon.It's similar to a rotten egg which has nothing good to show to the world excerpt for the fact that it is rotten as other endless number of eggs have been before it. But since a comment is mandatory for such a grandiose insignificance ...

Filth is definitely the proper word to describe this movie created in the same manner as any other Romanian \\\"movie\\\" directed by Lucian Pintilie who insists to depict the so called \\\"Romanian reality\\\" following the Communist era (1990 to present days).

Under no circumstances recommended for people outside Romania as for the others (who lately find amateurish camera, lack of plot, lack of directorial / actors's quality etc, noise etc. as being trendy and even art-like) : watch & enjoy this \\\"movie\\\" (as I know you will) but do the other well intentioned IMDb members a favor, don't write an online review for it will misguide, irritate and in the end waste their time.

On the other hand this movie (among others) has some value whatsoever, an educational one for it sets the example for : \\\"How NOT to make a movie.\\\"\": {\"frequency\": 2, \"value\": \"I find it rather ...\"}, \"In Panic In The Streets Richard Widmark plays U.S. Navy doctor who has his week rudely interrupted with a corpse that contains plague. As cop Paul Douglas properly points out the guy died from two bullets in the chest. That's not the issue here, the two of them become unwilling partners in an effort to find the killers and anyone else exposed to the disease.

As was pointed out by any number of people, for some reason director Elia Kazan did not bother to cast the small parts with anyone that sounds like they're from Louisiana. Having been to New Orleans where the story takes place I can personally attest to that. Richard Widmark and his wife Barbara Bel Geddes can be excused because as a Navy doctor he could be assigned there, but for those that are natives it doesn't work.

But with plague out there and the news being kept a secret, the New Orleans PD starts a dragnet of the city's underworld. The dead guy came off a ship from Europe and he had underworld connections. A New Orleans wise guy played by Jack Palance jumps to a whole bunch of erroneous conclusions and starts harassing a cousin of the dead guy who is starting to show plague symptoms. Palance got rave reviews in the first film where he received notice.

Personally my favorite in this film is Zero Mostel. This happened right before Mostel was blacklisted and around that time he made a specialty of playing would be tough guys who are really toadies. He plays the same kind of role in the Humphrey Bogart film, The Enforcer. Sadly I can kind of identify with Mostel in that last chase scene where he and Palance are being chased down by Widmark, Douglas, and half the New Orleans Police. Seeing the weight challenged Zero trying to keep up with Palance was something else because I'm kind of in Zero's league now in the heft department.

Kazan kept the action going at a good clip, there's very little down time in this film. If there was any less it would be an Indiana Jones film. Panic In The Streets won an Oscar for Best Original Screenplay that year.

Kazan also made good use of the New Orleans waterfront and the French Quarter. Some of the same kinds of shots are later used in On the Waterfront. In fact Panic In The Streets is about people not squealing when they really should in their own best interest. Very similar again to On the Waterfront.

Panic In The Streets does everyone proud who was associated with it. Now why couldn't Elia Kazan get some decent New Orleans sounding people in the small roles.\": {\"frequency\": 1, \"value\": \"In Panic In The ...\"}, \"As I am no fan of almost any post-\\\"Desperate Living\\\" John Waters films, I warmed to \\\"Pecker\\\". After he emerged from the underground, Waters produced trash-lite versions of his earlier works (\\\"Cry Baby\\\", \\\"Polyester\\\", Hairspray\\\") that to die-hard fans looked and tasted like watered down liqueur. \\\"Pecker\\\", which doesn't attempt to regurgitate early successes, is a slight, quiet, humble commentary on the vagaries of celebrity and the pretentiousness of the art world. Waters clearly knows this subject well because he has also exhibited and sold (at ridiculous prices) some of the most amateurish pop art ever created that you couldn't imagine anyone being able to give away if it wasn't emblazoned with the Waters \\\"name\\\". Edward Furlong is fine as \\\"Pecker\\\" and Waters' non-histrionic style is at ease with the subject.\": {\"frequency\": 1, \"value\": \"As I am no fan of ...\"}, \"Back in the 1970s, WPIX ran \\\"The Adventures of Superman\\\" every weekday afternoon for quite a few years. Every once in a while, we'd get a treat when they would preempt neighboring shows to air \\\"Superman and the Mole Men.\\\" I always looked forward to those days. Watching it recently, I was surprised at just how bad it really was.

It wasn't bad because of the special effects, or lack thereof. True, George Reeves' Superman costume was pretty bad, the edges of the foam padding used to make him look more imposing being plainly visible. And true, the Mole Men's costumes were even worse. What was supposed to be a furry covering wouldn't have fooled a ten year-old, since the zippers, sleeve hems and badly pilling fabric badly tailored into baggy costumes were all painfully obvious. But these were forgivable shortcomings.

No, what made it bad were the contrived plot devices. Time and again, Superman failed to do anything to keep the situation from deteriorating. A lynch mob is searching for the creatures? Rather than round up the hysterical crowd or search for the creatures himself, he stands around explaining the dangers of the situation to Lois and the PR man. The creatures are cornered? Again, he stands around watching and talking but doesn't save them until they're shot. Luke Benson, the town's rabble-rouser, shoots at him? Attempted murder to any reasonable person, but Superman releases the man over and over to cause more problems. Superman had quite a few opportunities to nip the problem in the bud, but never once took advantage of them.

That said, both George Reeves and Phyllis Coates played their characters well, seemingly instantly comfortable in the roles. If only they had been given a better script to work with.\": {\"frequency\": 1, \"value\": \"Back in the 1970s, ...\"}, \"I didn't know the real events when I sat down to watch this, just the fact that this was based upon a true story. After the death of the kid's father, Rhonda tries to help her daughter Desiree(... I did not know anyone actually named their offspring that) cope with the loss. This is really made for children, as is often the case with \\\"family\\\" flicks(with that said, go ahead and get everyone together for a viewing, though I'd keep teenagers out of it, unless you're sure they're gonna buy the concept), but it doesn't downplay the sting that the death of a parent is, and it doesn't really talk down to anyone. The plot is sufficiently interesting, and moves along well enough. Acting varies, with the excellent Burstyn outshining most of her fellow cast, Mathis following that pretty well, and Ferland and her peers(with a few exceptions) being the least convincing of the bunch(and frankly, they're irritating; then again, I'm not really in the intended audience for this thing). The editing and cinematography are standard, and certainly not less than that. While humor is limited to a handful of amusing lines or so, the tone is not an unpleasant one. There is an intense scene or two in this. I recommend this to fans of these types of movies. 7/10\": {\"frequency\": 1, \"value\": \"I didn't know the ...\"}, \"Despite having 6 different directors, this fantasy hangs together remarkably well.

It was filmed in England (nowhere near Morocco) in studios and on a few beaches. At the outbreak of war, everything was moved to America and some scenes were filmed in the Grand Canyon.

Notable for having one of the corniest lyrics in a song - \\\"I want to be a bandit, can't you understand it\\\". It remains a favourite of many people.\": {\"frequency\": 1, \"value\": \"Despite having 6 ...\"}, \"This is a really fun movie. One of those you can sit and mindlessly watch as the plot gets more and more twisted; more and more funny. Sally Field, Teri Hatcher (in her hey-day), Kevin Klein, Elisabeth Shue, Robert Downey, Jr...It's all these well-known, quality actors acting as if they are soap opera stars/producers. If you have ever watched a soap opera and thought, \\\"How on earth did they come up with THIS idea??\\\", you will LOVE this movie. I have seen it multiple times; and each time I watch it, the more I appreciate the humor, the more I realize just how well-acted it really is. Don't expect Oscar quality. This is a fun movie to entertain, not some artsy attempt at finding \\\"man's inner man\\\", etc. Sit back, relax, and laugh.\": {\"frequency\": 1, \"value\": \"This is a really ...\"}, \"I dug this out and watched it tonight. I honestly think it must be 20 years since the last time I saw it. I remember it being a seriously flawed film. I don't remember it being THIS bad!!!!!

I am absolutely aghast that a project with this much potential should have been mistreated so reprehensibly. Who am I to blame for this? The 2 guys who wrote (and I use that word loosely) the script? The casting directors who so terribly miscast at least 3 major characters in the story? (Only 2 of them are among \\\"the amazing 5\\\".) The director, who clearly refused to take it seriously, and kept shoving awful music on top of bad writing & bad acting everywhere? (I LIKED the theme song-- but it should never have been used all the way throughout the entire film!) Don Black, who should be ASHAMED at some of the lyrics he wrote for that music?

It figures that I should pull this out, less than a week after re-reading the comic-book adaptation. The first 15-20 minutes of the film more-or-less (really, LESS) parallel the first issue of the comic. As I watched it tonight, I kept wondering-- why was ALMOST every single detail changed? Doc showing up, then using his wrist-watch remote-control to open the safe, and the sniper's bullet missing him by 5 inches because the refractive glass, were just about the only things left the same. I mean, if you're gonna do an \\\"adaptation\\\", WHY in God's name change EVERYTHING???

Once they leave Doc's HQ, virtually NOTHING is as it was in the comic (which, given Roy Thomas, I figure probably follows the book). I read somewhere they actually combined elements of 2 different novels into one movie. Again-- WHY? I've heard it was changed because they weren't able to secure the kind of budget they wanted. I look at the film, and think... LACK OF MONEY in NO WAY explains what I saw on the screen!!

You know, when people complain about Joel Schumacher, they should really take a look at this thing. The best thing I can say is, I think it would make a great double-feature with the 1966 BATMAN feature-- and probably a great triple-bill with that and the 1980 FLASH GORDON. All 3 films are \\\"silly\\\". Maybe we can \\\"blame\\\" the 1966 film (and TV series) for this. Some fans have complained over the years that Adam West's BATMAN ruined the image of comic-books in the minds of generations of non-comics fans. I think the same could be said for Hollywood. I'm reminded of how many really, really BAD films based on \\\"classic\\\" characters have been made over the years, especially (it seems to me) in the late 70's & early 80's. Charlie Chan, Fu Manchu, Tarzan, Buck Rogers, Flash Gordon, The Lone Ranger-- all \\\"murdered\\\" by Hollywood types who think, \\\"OH, comic-books! So you know it's supposed to be STUPID!\\\" More like they're the \\\"stupid\\\" ones. What a waste of potential.

Let me say some good things... Despite the script and the directing, Ron Ely is GREAT. When I read a DOC SAVAGE story, I don't think of the James Bama paintings, I think of Ely. Bill Lucking (who later was a regular on THE A-TEAM) is terrific. Eldon Quick (who I've seen somewhere else, but can't recall where) is terrific. Paul Gleason-- who I absolutely HATED with a passion and a vengeance in THE BREAKFAST CLUB (\\\"teachers\\\" like the one he played should be banned from ever teaching anywhere), may be the best of the \\\"amazing 5\\\" in the film. Pamela Hensley-- though her part was almost unrecognizable from the original story-- is terrific. Before she let her hair down, I also realized she looked a HELL of a lot like \\\"Ardala Valmar\\\" from those awful John Calkins BUCK ROGERS strips I just read the other day. She's got a big nose like Ardala-- only not quite as pronounced. The comics Ardala actually looked more like the 1936 movie Princess Aura-- or Cher. Or maybe Streisand. Take yer pick. (Ardala actually got plastic surgery in the George Tuska strips-- after, she was stunning!)

Paul Wexler, funny enough, I saw just last week in a GET SMART episode. I wonder if he was anything like the character he was supposed to be playing? I don't know, because that character sure wasn't in the movie the film takes its title from.\": {\"frequency\": 1, \"value\": \"I dug this out and ...\"}, \"Meek, tiny, almost insignificant. Polanski finds the invisibility of his characters and makes something enormous out of it. In front and behind the camera he creates one of the most uncomfortable masterpieces I had the pleasure to see and see and see again. It never let's me down. People, even people who know me pretty well, thought/think there was/is something wrong with me, based on my attraction, or I should say, devotion for \\\"Le Locataire\\\" They may be right, I don't know but there is something irresistibly enthralling within Polanski's darkness and I haven't even mentioned the humor. The mystery surrounding the apartment and the previous tenant, the mystery that takes over him and, naturally, us, me. That building populated by great old Academy Award winners: Melvyn Douglas, Shelley Winters, Jo Van Fleet, Lila Kedrova. For anyone who loves movies, this is compulsory viewing. One, two, three, many, many viewings.\": {\"frequency\": 1, \"value\": \"Meek, tiny, almost ...\"}, \"Cartoon Network seems to be desperate for ratings. Beginning with the cancellation of Samurai Jack, the network seemed hellbent on removing all the shows that made it so popular, such as the Powerpuff Girls, Dexter's Lab, Dragonball Z, etc. When the ratings started to plummet, CN began putting up some pretty mediocre shows. Though Total Drama Island/Action and Chowder stand out because of their clever writing and audience-pleasing gimmicks, there are plenty of other shows that either terrible remakes (George of the Jungle) or rip offs of other shows, such as The Marvelous Misadventures of Flapjack, where the title character acts just like Spongebob, and then there's Johnny Test, which is something of a replacement for Dexter's Laboratory, though it's much more of a sheer rip off than anything.

The show's characters are clearly derived from Dexter's Lab, only this time the focus is on Johnny, a blonde (or fiery-haired) character who torments his twin sisters, Susan and Mary, who just HAPPEN to look just like Dexter, from the orange hair, to the glasses, the impossible technology. There is even a rival genius named Bling Bling Boy or Eugene, who appears to be sitting in for Mandark. Then there's Dookie, Johnny's best friend and talking dog, one of Dexter's...I mean, Susan and Mary's early experiments.

Dexter's Laboratory was probably one of the best cartoons on television, with its simple, but effective art style, lovable main character, and episodes that don't seem to be a long drag. Johnny Test is a lot different. The art style here isn't nearly as eye-pleasing. In fact, it looks absolutely awful. The characters have motivations that make them really annoying or repulsive. Like how most of the series' episodes consist Johnny and Dookie's quest for havoc on the neighborhood girl Sissy, whom Johnny secretly likes, or the twins' obsession over a boy next door. Seeing these two geniuses swoon at the sight of abs and the fact that Johnny appears to be someone you would NEVER want to associate with, there is no real connection between the viewer and characters.

One thing the series heavily exploits in its name is that Johnny is Susan and Mary's guinea pig for their experiments. These range from turning Johnny fat, ugly, monstrous, and even into a woman. The twins then help Johnny in whatever scheme he's planning in return for his services. Whenever there's an episode involving this kind of \\\"win/win\\\" deal, it usually comes undone at the seems and those that doesn't come completely off the rails never ends satisfyingly.

The writing ranges from mediocre to horrid, however. The 'fat' episode constantly repeats \\\"It's Phat with a PH. There's a difference, you know.\\\" which is a line that should never be repeated, especially when the episode seems to PROMOTE child obesity, with Johnny becoming a famous star with money and videogames just by becoming fat.

Let's talk about how the show doesn't completely rip off Dexter's Lab. The show tosses in a lot of characters, from two Men-in-Black named Mr. Black and Mr. White, a military general who seems to need all his problems solved through Johnny and his sisters, and LOTS of super villains, though even here, the show again steals ideas for other sources, like a Mr. Freeze teenage clone, an evil cat with a butler who wants cats to rule over man (like the evil talking cat from Powerpuff Girls), a bumbling maniac mastermind, a trio of evil skater 'dudes' and even a Mole Man, which is probably the most clich\\ufffd\\ufffd villain in the media.

To top it all off, alongside its ugly animation and unlikeable characters, the voice acting is either passable (like the voices for Mr. Black and Mr. White) to just plain ear-splitting (Johnny, Dookie, and just about every villain in the show). The theme song seems to be the only catchy thing to this show, but then it was redone just a few episodes with a band that just ruined it.

So in the end, Johnny Test is not a good cartoon. Its horrible references and jokes about teen culture will dismantle little children's interest in the show, while its bright coloring, ripped-off characters, and dragging episodes will ruin the experience for teens. It's just another one of those crappy shows that Cartoon Network is over-promoting to trick people to watching it (like MTV toward rap). If you need a show that will satisfy your children for a half hour, you'd better stick to Spongebob, because Johnny Test is more of a \\\"test\\\" of patience than anything else.\": {\"frequency\": 1, \"value\": \"Cartoon Network ...\"}, \"I have always been a fan of David Lynch and with this film Lynch proved to critics that he has the talent, style, and artistic integrity to make films outside of the surreal aura that he's become known for in the past decade. As much as the film is G-rated, it's pure Lynch in style, pacing, and tone. The film moves at a masterfully hypnotic pace and is filled with scenes of genuine emotion and power.

The cinematography is terrific, as is to be expected from a Lynch film, and the transitional montage sequences are breathtaking. It's also very refreshing to see a film where the characters are all friendly, kindhearted folk and not unmotivated characters that are clearly labeled as being either \\\"good\\\" or \\\"evil\\\".

Richard Farnsworth turns in a beautiful performance as do the rest of the cast, most notably Sissy Spacek in an endearing performance as his daugher, and Harry Dean Stanton in a small but infinitely crucial role.

With this film, David Lynch proved to critics that he could make a powerful moving motion picture just like he did in the 80's with 'Blue Velvet' and 'The Elephant Man'. Critics seemed to lose faith in the past decade after he produced such surreal films as 'Twin Peaks: Fire Walk With Me' and 'Lost Highway' but with this film he showed that there was method to FWWM and LH, and it looks as if critics finally caught on with his recent film 'Mulholland Drive', considering the high praise it's received and the Oscar nomination for Lynch.

'Straight Story' is to me one of the most moving motion pictures I've ever seen. It's a loving story about family, friendship, and the kindness of strangers. I would highly recommend it.\": {\"frequency\": 1, \"value\": \"I have always been ...\"}, \"One of b- and c-movie producer Roger Corman's greatest cult classics was the Ramones vehicle (originally designated for Cheap Trick), Rock N' Roll High School. It's just a simple, technically dated story (but would serve up extra doses of nostalgia humor considering these were the kind of things that made Napoleon Dynamite characters funny--see Eaglebauer's van) about teenagers who love rock n' roll.

Students at Vince Lombardi High School are met with resistance by the evil principal, Miss Evelyn Togar (played by cult classic favorite, Mary Woronov) who fears that Rock N' Roll turns kids into uncontrollable, amoral deviants and vows to make a Rock N' Roll-free zone. Actually, she intends to wipe out Rock N' Roll for all students, regardless of whether its at school, and she has the cooperation of most of the adults who might make the plan successful.

But not if Riff Randell (PJ Soles) can help it. A Ramones fanatic, she has written some songs (including Rock N' Roll High School) that she wants to give to the Ramones, and in trying to do so, is rebuffed by Miss Togar who does all she can to keep her from going to see the Ramones play in town. It culminates into an ultimate revolt between the obsolete fun-hating adults and the teenagers (in an ending that is reminiscent of Over the Edge, somewhat). After the years of punk, when the fame of garage rockers, The Ramones (and others) would mark another shift in music evolution, it was great to see a movie that celebrated the fun of it all and in such a humorous, exaggerated way.

It is mostly mild comedy, but a great feel-good comedy nonetheless when you're in the mood for something more laid back to entertain you. With Jerry Zucker (of Airplane fame) and Joe Dante (of Gremlins fame) both taking part in some of the directing, you can get the idea for what kind of humor you're in for (and not to mention, expect to see Dick Miller even if only for a few minutes in the film's finale). The story must've later inspired (and was consequently updated) by the mid-90s comedy, Detroit Rock City, which some minor character changes in the vehicle for aged glam rockers, Kizz.

I would recommend passing on the Corey Feldman vehicle, Rock N' Roll High School Forever, released nearly a decade later. The original is still the best.\": {\"frequency\": 1, \"value\": \"One of b- and ...\"}, \"Basically, take the concept of every Asian horror ghost movie and smash it into one and you get this movie. The story goes like this: a bunch of college kids get voice mails from their own phones that are foretelling their deaths. There's some s*** going on with ghosts, which if you've seen any Asian ghost movie, isn't scary by now. This movie was quite upsetting because it's very clich\\ufffd\\ufffdd. It's the same bullcrap, different movie.

The acting was pretty good. Unfortunately the actors are put into a very Ring-esquire situation, so it's nothing we haven't seen in the past. The two lead acts did a solid job though.

As far as gore, there's not much going on. We get a cool sequence that includes an arm twisting a head off (I don't know how else to explain that), but it was cut away so you don't see anything except the final result. You see some blood at times, including decapitated arms and a zombie (that looked really cool I might add), but this movie isn't too bloody.

The scares in the movie are few and spread out, and it's really not that scary. You'll get some creepy images at times, but it's not enough for me to consider scary. It's nothing different from Ringu, Ju-On, or Dark Water, and none of those scared me either. That's really the downfall of this (and most Asian horror movies) is that if it doesn't deliver the scares then it's just not that good.

As far as directing, Takashi Miike still did a pretty good job. He seemed a little tamed in this movie compared to his past movies, but he still portrays a lot of his messed up style he's become famous for. A lot of images were a lot like Miike (including a scene with a bunch of jars of dead fetuses), and the last 15 - 20 minutes seemed far more Miike then the rest of the movie. Still, the movie is flawed by its unoriginality.

I would recommend this only to people who are huge on Asian horror movies (even if you are, I can recommend much better) or big Miike fans. Warning to those who want to get into Miike, this is NOT his best work.

I'm giving it a 4 because it's just mediocre. Perhaps if this was released 4 or 5 years ago it might be worth a higher rating.

Also, I'd like to b**** about Asian horror movies real quick. How come if it's an Asian horror movie it's automatically suppose to be good over here (US)? A LOT of these movies are the equivalent in Japan to what Scream, Urban Legends, and I Know What You Did Last Summer were over here in the 90's. If you've seen one you've seen them all. And a lot of these movies rely way too much on scares and imagery that if it doesn't deliver the scares they set out to do then they're just not that good, and nothing would change that. More Asian horror films need to be more like Audition and A Tale of Two Sisters, two movies that if they don't frighten or scare you, at least they have great stories, acting, direction, cinematography, and much more to back them up. Two movies that aren't just great horror movies, but great movies in general. More Asian horror movies need to be like these instead of the clich\\ufffd\\ufffd, \\\"A ghost just wanted to be found so it went around killing people through their phone/video tape/house/electric appliance/water pipes/google search engine/vibrator/groceries/etc.\\\"\": {\"frequency\": 1, \"value\": \"Basically, take ...\"}, \"Dreary. Schlocky. Just plain dreadful and awful. Let's be honest, when you sit down to watch something called The Double-D Avenger you aren't expecting great art or even mild mainstream entertainment. You are probably expecting a cult film type and maybe get some good looks at some impressive busts. You don't get really either of these in the video. The story, as it consistent with most of these types, is inane: Kitten Natividad runs a local pub, finds out she has breast cancer, flies down to South America for a fruit that claims to be a panacea for any ills and a super-human abilities giver, returns and fights, dressed as the Double-D Avenger, a group from a local strip club wanting to edge out the competition. As stories go, I have seen a lot worse, but as another reviewer noted the execution is horrendous. The action sequences lack zip, drive, motivation, and are tissue thin. The acting isn't even properly campy and the dialog is the pits. Nothing, and I mean NOTHING is funny from the wincing puns to the heavy-handed boob references. All could be forgiven if the girls could make up for it, but they all fall way short. Kitten, Haji, and Raven de la Croix are all quite older(still lovely in their own ways) yet expose nothing and become the antithesis of what they are trying to be: older, campy caricatures of their former selves. Instead, they look so lame and desperate - more because of the vehicle they are \\\"starring\\\" in rather than their own abilities. There are some other lovely ladies, but you really do not see much of anything. PG -13 definitely could be an appropriate rating for this. The material, the actresses, and director are all tired, tiresome, and dated - and again - NOT FUNNY! It was a brutal hour plus sitting through this, and that is a shame as I was expecting something campy and fun. The guy playing Bubba by the way was the only real laugh for me. Not that he was good at all mind you, but every time he opened his mouth I kept thinking how truly awful he was. The lone bright spot here at all is seeing Mr. Sci-fi himself, Forrest J. Ackerman, play the curator of a wax museum and chatting to his wax Frankenstein affectionately called Frankie. Other than that this is a complete bust - now how is that for another tired, dreadful, trite pun!\": {\"frequency\": 1, \"value\": \"Dreary. Schlocky. ...\"}, \"I am a big fan of Arnold Vosloo. Finally seeing him as the star of a recent movie, not just a bit part, made me happy.

Unfortunately I took film appreciation in college and the only thing I can say that I didn't like was that the film was made in an abandoned part of town and there was no background traffic or lookie loos.

I have to say that the acting leaves something to be desired, but Arnold is an excellent actor, I have to chalk it up to lousy direction and the supporting cast leaves something to be desired.

I love Arnold Vosloo, and he made the film viewable. Otherwise, I would have written it off as another lousy film.

I found the rape scene brutal and unnecessary, but the actors that got away at the end were pretty good. But the sound effects of the shoot-out were pretty bad. There are some glitches in the film (continuity) but they are overlookable considering the low-caliber of the film.

All in all I enjoyed the film, because Arnold Vosloo was in it.

Jackie\": {\"frequency\": 1, \"value\": \"I am a big fan of ...\"}, \"Now this is one of Big's Best, Jack Hulbert's single role in 1931 split into two for the Band Waggon radio team Askey & Murdoch. It boasts a great stalwart cast, who ham the play up for all they're worth, especially Askey of course. Histrionics were provided by Linden Travers, melodramatics by Herbert Lomas, and pragmatics by Richard Murdoch.

The group of rail passengers stranded at the lonely country station for the night find more than they bargained for, ghostly trains, spectral porters, hairy sausage rolls and Arthur trying to entertain them all. His repartee with everyone falls between side-splitting and ghastly dull. When the formula works it's very good, but it sometimes gets very contrived and forced making the film seem more dated than it is. But those damn treacherous fifth columnists - thank any God Britain hasn't got any nowadays!

Ultimately a nice harmless film, to welcome back to the TV screen as an old friend, but if you were expecting to be shivered out of your timbers you'll probably be very disappointed!\": {\"frequency\": 1, \"value\": \"Now this is one of ...\"}, \"i saw this movie on cable, it was really funny, from the stereotype police chief to the stereotype big bad guys, jay leno and mr mayagi from karate kid star in this good comedy about a prototype car part. I compare this movie to \\\"RUSH HOUR\\\" in which a local cop has to partner up with an asian police officer to solve a case. The chase through farmers market in downtown detroit brings back memories. Enjoyable soundtrack, good script, i give it 10/10.\": {\"frequency\": 1, \"value\": \"i saw this movie ...\"}, \"The Secret of Kells is a film I've been waiting for for years after seeing some early footage at the Cartoon Saloon in Kilkenny. I'm here to tell you now it's been worth the wait. The cartoons are heavily stylised but not annoyingly so as I'd feared. The whole film is a thing of beauty and great imagination, I particularly love the animated illuminated book where the little figures come to life on the page. The characterisation is superb, I love Brendan Gleeson's voice as the stern Abbot and I especially liked the voice of the sprite Aisling. The forest is a triumph, such a beautiful place. The story is well realised, a mix of fact and fantasy. and really draws the viewer in to cheer on Brendan in his quest for the perfect materials for the Book. I'm a lover of calligraphy and illumination anyway so the subject is close to my heart, but all the people I know who've seen this and are not fans of the craft agree that it's a lovely little film. I will definitely buy the DVD when it's released, and would like to say, well done Cartoon Saloon and all the people involved in this mammoth project. May there be many more. :) Coming back in here to say that I bought several copies of the DVD as soon as I could and gave them out at Christmas, everyone loves it! And I wish them all the luck in the world at the Oscars, such a joy to see this nominated.\": {\"frequency\": 1, \"value\": \"The Secret of ...\"}, \"While William Shater can always make me smile in anything he appears in, (and I especially love him as Denny Crane in Boston Legal), well, this show is all about glitz and dancing girls and screaming and jumping up and down.

It has none of the intelligence of Millionaire, none of the flair of Deal or No Deal.

This show is all about dancing and stupid things to fill in the time.

I watched it of course just to check it out. I did watch it for over 45 minutes, then I had to turn it off.

The best part of it was William Shatner dancing on the stage. He is a hoot!!! unfortunately, this show WILL NOT MAKE IT.

That's a given\": {\"frequency\": 1, \"value\": \"While William ...\"}, \"A real disappointment from the great visual master Ridley Scott. G.I. Jane tells the story of a first female ever to go through the hellish training at the Navy SEALs. The training is the most difficult and hard in existence as the instructor says in the film to the lead character O'Neil played by Demi Moore. There is no particular message or point in this film or then I couldn't reach it properly. It may be a some kind of a statement of female rights and abilities but it all sinks under the tired scenes and stupid gun fight at the end of the film.

I really can't understand why Ridley uses so much zooms in that mentioned last gun battle at the desert?! It looks sooooo stupid and irritating and almost amateurish so I would really like to know what the director saw in that technique. When I look at his latest film, Black Hawk Dawn, there is absolutely nothing wrong in the battle scenes (which are plenty) and they are very intense and directed with skill. The whole finale in G.I. Jane looks ugly and is nothing more but stupid and brainless shooting and killing.

This is Ridley Scott's worst movie in my opinion and there are no significant touches from which this great director is known. Still I'm glad I saw this in Widescreen format because there are still couple of great scenes and samples of Scott's abilities, but they are very few in this film.

A disappointment and nothing compared to the classics (Blade Runner, Thelma & Louise, Alien and so on..) of this talented director. So I'm forced to give G.I. Jane 4/10.\": {\"frequency\": 1, \"value\": \"A real ...\"}, \"If I had never read the book, I would have said it was a good movie. BUT I did read the book. Who ever did the screen write ruined the storyline. There is so many changes, that it wasn't really worthy of the Title. Character changes, plot changes, time line changes...

First off who was Henry and the investigator? They weren't in the story. Henry had Mitch's persona somewhat, but Mitch wasn't a cop. No you made it so Roz, helped 'sink ' his body and used that as Zenia's blackmail against Roz. The real so called blackmail was Roz thought Zenia was sleeping with her son and wanted her to get away from him. Her son was also being blackmailed because he was hiding being Gay from his mother. Her son wasn't even really mentioned in the story. Neither I don't believe was his lover, Roz's secretary.

Tony and West were not together in the beginning. He was actually with Zenia first while in college. The black painted apartment was their Idea, Tony just went to visit. This is where Zenia and Tony meet, become fast friends. Tony hides her love for West. Then Zenia left west, with cash from Tony, then West and Tony get together. Eventually marry, at some point West leaves Tony for Zenia again for a short time. Only to be heart broken again. Then go back to Tony. Zenia's blackmail for Tony was that Tony had written a test paper for Zenia. Now being a Professor at College she didn't want to let it get out. I will say the character who played Tony did it wonderfully.

Charis character was a blond, not that it really matters. Zenia didn't trick her about having cancer while Augusta was alive. No she was there when Charis had a lover named billy. Augusta's father, he was a draft dodger in the Vietnam war. Eventually after Charis takes care of Zenia for months for what was actually drug withdrawal. Zenia and Billy have an affair right under Charis's nose while taking care of them both. Then Zenia turns in Billy to the government, and leaves on the ferry with him. Not with Augusta, Charis was pregnant with her tho. Charis also had a split personality, Karen was her real name.

Zenia did not die from being cut up into piece's.... she fell or was possibly pushed (we never really knew) off the balcony and landed in a fountain. She had almost pure grade heroin in her blood and it was likely she took some not knowing and fell off as she OD'd. She was also really dieing of Cancer this time around.

It didn't show any of the childhood memories or anything that endeared the characters to the reader. The Book was striped down to its bare bones. Then re made in someone else's vision. Why couldn't you just write your own story along the lines of what you made the movie. It was different enough, and I'm sure could have been made more so.\": {\"frequency\": 1, \"value\": \"If I had never ...\"}, \"Shazbot, is this embarrassing. In fact, here's a list of 100 that makes up the embarrassment: 1.) a failed comeback for Christopher Lloyd. 2.) Jeff Daniels basically playing the same role he played in the live 101 Dalmatians remake which wasn't too juicy to begin with. He sure has a funny way of promoting his Purple Rose Theatre... 3.) Disnefluff. 4.) another disappointing reminder that Wallace Shawn is to Disney what Jet Li was to Bob Hoskins in Unleashed. 5.) Ray Walston, the original martian from the TV series, played a bit part (read \\\"cameo\\\") in this flick and died two years later of lupus. Coincidence? 6.) awful special effects. Seriously - awful. 7.-100.) that damn talking, farting suit voiced to an annoying degree by Wayne Knight (\\\"Newman!\\\"). My favorite scene? HA! HA ha, ha! Ha ha ha ha ha... Whew!... Good one. You - You're a joker. Okay, let's wrap up this review with a moment of silence for this franchise's agonizing death, and if you would like, you can say a quick prayer that Disney doesn't forget this travesty and do something silly like a movie adaptation of \\\"Mork and Mindy\\\" starring Tim Allen.........................................................\": {\"frequency\": 1, \"value\": \"Shazbot, is this ...\"}, \"SPOILER ALERT ! ! ! Personally I don't understand why Pete did not help to save Williams life,I mean that would be great to know why William was motivated,or forced.I think Secret Service members are every day people,and there is a rumor the writer was a member of the Secret Service,now he's motivations are clear,well known.But as a rental this film will not satisfy you,cause the old but used twists,the average acting -these are just things in this film,only for keep you wait the end.Clark Johnson as the director of S.W.A.T. did a far better work like this time,and I still wondering how the producers (for example Michael Douglas)left this film to theaters.\": {\"frequency\": 1, \"value\": \"SPOILER ALERT ! ! ...\"}, \"First of all yes I'm white, so I try to tread lightly in the ever delicate subject of race... anyway... White People Hating Black people = BAD but Black People Hating White people = OK (because apparently we deserved it!!). where do i start? i wish i had something good to say about this movie aside unintended comedy scenes: the infamous scene were Ice Cube and co. get in a fight with some really big, really strong, really really angry and scary looking Neo-Nazis and win!!! the neo-Nazi where twice the size :), and the chase! the chase is priceless... This is NOT a movie about race, tolerance and understanding, it doesn't deliver... this is a racist movie that re-affirm all the clich\\ufffd\\ufffd stereotypes, the white wimpy guy who gets manhandled by his black roommate automatically transform in a skinhead...cmon simply awful I do regret ever seeing it.

Save your time and the dreadful experience of a poorly written ,poorly acted, dull and clearly biased picture, if you are into the subject, go and Rent American History X, now thats a movie\": {\"frequency\": 1, \"value\": \"First of all yes ...\"}, \"Actually, this is a lie, Shrek 3-D was actually the first 3d animated movie. I bought it on DVD about 3 years ago. Didn't Bug's Life also do that? I think it was at Disneyworld in that tree, so I'm saying before they go and use that as there logo. Also, Shrek 3d was a motion simulator at Universal Studios. They should still consider it as a movie, because it appeared in a \\\"theater\\\" and you could buy it for DVD. The movie was cute, at least the little flyes were. I liked IQ. I agree with animaster, they did a god job out of making a movie out of something that is just a out-and-back adventure. I recommend it to families and kids.\": {\"frequency\": 1, \"value\": \"Actually, this is ...\"}, \"Acting is horrible. This film makes Fast and Furious look like an academy award winning film. They throw a few boobs and butts in there to try and keep you interested despite the EXTREMELY weak and far fetched story. There is a reason why people on the internet aren't even downloading this movie. This movie sunk like an iron turd. DO NOT waste your time renting or even downloading it. This film is and always will be a PERMA-TURD. I am now dumber for having watched it. In fact this title should be referred to as a \\\"PERMA-TURD\\\" from now on. Calling it a film is a travesty and insult. abhorrent, abominable, appalling, awful, beastly, cruel, detestable, disagreeable, disgusting, dreadful, eerie, execrable, fairy, fearful, frightful, ghastly, grim, grisly, gruesome, heinous, hideous, horrendous, horrid, loathsome, lousy, lurid, mean, nasty, obnoxious, offensive, repellent, repulsive, revolting, scandalous, scary, shameful, shocking, sickie, terrible, terrifying, ungodly, unholy, unkind\": {\"frequency\": 1, \"value\": \"Acting is ...\"}, \"Watching this movie made me think constantly; why are they making such a problem out of some broken brakes? There are a million options to slow down the car! In the movie Speed the writers a least thought of a good reason why the car wasn't able to stop...

There aren't many good things to say about this film; all the usual narrative cliche's make their appearance, the actors are very bad, the story is as leak as a sieve etc. That makes this movie a waste of time and money.

\": {\"frequency\": 1, \"value\": \"Watching this ...\"}, \"This film has renewed my interest in French cinema. The story is enchanting, the acting is flawless and Audrey Tautou is absolutely beautiful. I imagine that we will be seeing a lot more of her in the States after her upcoming role in Amelie.\": {\"frequency\": 1, \"value\": \"This film has ...\"}, \"Don't get me wrong, I assumed this movie would be stupid, I honestly did, I gave it an incredibly low standard to meet. The only reason I even saw it was because there were a bunch of girls going (different story for a different time). As I began watching I noticed something, this film was terrible. Now there are two types of terrible, there's Freddy vs. Jason terrible, where you and your friends sit back and laugh and joke about how terrible it is, and then there is a movie like this. The Cat in The Hat failed to create even a momentary interest in me. As I watched the first bit of it not only was I bored senseless, but I felt as though I had in some way been violated by the horrendousness of said movie. Mike Myers is usually brilliant, I love the majority of his work, but something in this movie didn't click. One of the things that the director/producers/writers/whatevers changed was that they refused to use any of the colors of the original book (red, black, white) on any character but the Cat. Coincidentally or not, they also refused to capture any of the original (and i hate to use this word, but it fits) zaniness of the original. The book was like an Ice Cream Sunday, colorful and delicious, and the movie was about as bland and hard to swallow as sawdust.

Avoid this like a leprous prostitute.\": {\"frequency\": 1, \"value\": \"Don't get me ...\"}, \"This is the only film I've seen that is made by Uwe Boll, I knew that he is probably the worst director ever who always makes films based on video games also that \\\"House of the Dead\\\" is one of IMDb bottom 100. But I still wanted to watch it because I'm a huge fan of the game and I wanted to see what doe's the film have that makes it so bad. After watching it I do agree that it is crap, the movie had no story. In the first 15-20 minutes there was nothing but topless teenage girls with no brains running about (for a moment there I was wondering are the zombies brain-dead? or the girls are?) then at night time the zombies popped out of nowhere & started attacking people later a woman started shooting them I mean it takes you one place then the other every 5 minutes. Is it supposed to be a comedy?, or horror? or both? Before I knew it I fell asleep at the second half & woke up during the end credits so I did not manage to watch all of it, which is a good thing! The film is a true insult to the classic game, Uwe Boll please do not make any more films. Thank you!\": {\"frequency\": 1, \"value\": \"This is the only ...\"}, \"My former Cambridge contemporary Simon Heffer, today a writer and journalist, has put forward the theory that, just as British film-makers in the eighties were often critical of what they called \\\"Thatcher's Britain\\\", the Ealing comedies were intended as satires on \\\"Attlee's Britain\\\", the Britain which had come into being after the Labour victory in the 1945 general election. This theory was presumably not intended to apply to, say, \\\"Kind Hearts and Coronets\\\" (which is, if anything, a satire on the Edwardian upper classes) or to \\\"The Ladykillers\\\" or \\\"The Lavender Hill Mob\\\", both of which may contain some satire but are not political in nature. It can, however, be applied to most of the other films in the series, especially \\\"Passport to Pimlico\\\".

Pimlico is, or at least was in the forties, a predominantly working-class district of London, set on the North Bank of the Thames about a mile from Victoria station. It is not quite correct to say, as has often been said, that the film is about Pimlico \\\"declaring itself independent\\\" of Britain. What happens is that an ancient charter comes to light proving that in the fifteenth century the area was ceded by King Edward IV to the Duchy of Burgundy. This means that, technically, Pimlico is an independent state, and has been for nearly five hundred years, irrespective of the wishes of its inhabitants. The government promise to pass a special Act of Parliament to rectify the anomaly, but until the Act receives the Royal Assent the area remains outside the United Kingdom and British laws do not apply.

Because Pimlico is not subject to British law, the landlord of the local pub is free to open whatever hours he chooses and local shopkeepers can sell whatever they please to whomever they please, unhindered by the rationing laws. When other traders start moving into the area to sell their goods in the streets, the British authorities are horrified by what they regard as legalised black-marketeering and seal off the area to try and force the \\\"Burgundians\\\", as the people of Pimlico have renamed themselves, to surrender.

Many of the Ealing comedies have as their central theme the idea of the little man taking on the system, either as an individual as happens in \\\"The Man in the White Suit\\\" or \\\"The Lavender Hill Mob\\\", or as part of a larger community as happens in \\\"Whisky Galore\\\" or \\\"The Titfield Thunderbolt\\\". The central theme of \\\"Passport\\\" is that of ordinary men and women taking on bureaucracy and government-imposed regulations which seemed to be an increasingly important feature of life in the Britain of the forties. The film's particular target is the rationing system. During the war the system had been accepted by most people as a necessary sacrifice in the fight against Nazism, but it became increasingly politically controversial when the government tried to retain it in peacetime. It was a major factor in the growing unpopularity of the Attlee administration which had been elected with a large majority in 1945, and organisations such as the British Housewives' League were set up to campaign for the abolition of rationing. I cannot agree with the reviewer who stated that the main targets of the film's satire were the \\\"spivs\\\" (black marketeers), who play a relatively minor part in the action, or the Housewives' League, who do not appear at all. The satire is very much targeted at the bureaucrats, who are portrayed either as having a \\\"rules for rules' sake\\\" mentality or a desire to pass the buck and avoid having to take any action at all.

I suspect that if the film were to be made today it would have a different ending with Pimlico remaining independent as a British version of Monaco or San Marino. (Indeed, I suspect that today this concept would probably serve as the basis of a TV sitcom rather than a film). In 1949, however, four years after the end of the war, the film-makers were keen stress patriotism and British identity, so the film ends with Pimlico being reabsorbed into Britain. One of the best-known lines from the film is \\\"We always were English and we always will be English and it's just because we ARE English that we're sticking up for our right to be Burgundians\\\". There is a sharp contrast between the rather heartless attitude of officialdom with the common sense, tolerance and good humour of the Cockneys of Pimlico, all of which are presented as being quintessentially British characteristics.

Most of the action takes place during a summer drought and sweltering heatwave, but in the last scene, after Pimlico has rejoined the UK the temperature drops and it starts to pour with rain. Global warming may have altered things slightly, but for many years part of being British was the ability to hold the belief, whatever statistics might say to the contrary, that Britain had an abnormally wet climate. The ability to make jokes about that climate was equally important.

There is a good performance from Stanley Holloway as Arthur Pemberton, the grocer and small-time local politician who becomes the Prime Minister of free Pimlico, and an amusing cameo from Margaret Rutherford as a batty history professor. In the main, however, this is, appropriately enough for a film about a small community pulling together, an example of ensemble acting with no real star performances but with everyone making a contribution to an excellent film. It lacks the ill-will and rancour of many more recent satirical films, but its wit and satire are no less effective for all that. It remains one of the funniest satires on bureaucracy ever made and, with the possible exception of \\\"Kind Hearts and Coronets\\\" is my personal favourite among the Ealing comedies. 10/10\": {\"frequency\": 1, \"value\": \"My former ...\"}, \"If you hate redneck accents, you'll hate this movie. And to make it worse, you see Patrick Swayze, a has been trying to be a redneck. I really can't stand redneck accents. I like Billy Bob Thornton, he was good in Slingblade, but he was annoying in this movie. And what kind of name is Lonnie Earl? How much more hickish can this movie get? The storyline was stupid. I'm usually not this judgemental of movies, but I couldn't stand this movie. If you want a good Billy Bob Thornton movie, go see Slingblade.

My mom found this movie for $5.95 at Wal Mart...figures...I think I'll wrap it up and give it to my Grandma for Christmas. It could just be that I can't stand redneck accents usually, or that I can't stand Patrick Swayze. Maybe if Patrick Swayze wasn't in it. I didn't laugh once in the movie. I laugh at anything stupid usually. If they had shown someones fingers getting smashed, I might have laughed. people's fingers getting smashed by accident always makes me laugh.\": {\"frequency\": 1, \"value\": \"If you hate ...\"}, \"Charming doesn't even begin to describe \\\"Saving Grace;\\\" it's absolutely irresistible! Anyone who ventures into this movie will leave with their spirits soaring high (haha).

Grace Trevethyn (Brenda Blethyn) has just lost her husband, but her problems are about to get a whole lot worse. Her dearly departed has left her with no money and outstanding debts. Faced with losing everything, she has to find out a way to get a lot of cash...fast! She gets an idea when her gardener, Matthew (Craig Ferguson) asks the town-famous horticulturist to give him advice on a plant he is secretly growing. Grace immediately realizes that his plant is marijuana, so they decide to use her gardening skills to grow a lot of top-quality weed, and then sell it to pay off her outstanding debts.

The most notable quality about \\\"Saving Grace\\\" is its likability. Every character is extremely sympathetic, and, save for the first 20 or so minutes, the film is non-stop good cheer. Everyone wants a happy ending for everyone, even if it means turning a blind eye to some rather illegal activities.

The acting is top-notch. Brenda Blethyn is one of Britain's finest actresses, and here is why. She turns what could have been a caricature into a fully living and breathing individual. She's a nice lady, but she's not stupid. Craig Ferguson is equally amiable as Matthew. He's a deadbeat loser, but he's so likable that it doesn't matter. The rest of the ensemble cast fits in this category as well, but special mention has to go to Tcheky Karyo. The French actor always has a aura of menace about him, and that suits him well, but he also has great comedy skills.

Nigel Cole finds the perfect tone for \\\"Saving Grace.\\\" It's all about the charm. One of the problems I have with British humor is that all the energy seems to be drained out of the film. Not so here. The film is thoroughly likable and always amusing. That's not to say that \\\"Saving Grace\\\" is just a likable movie that will leave you with a grin and a good feeling. While this movie is not an out and out comedy, it does boast two or three scenes that are nothing short of hysterical.

If there's any problem with the film, it's that the climax is a little confusing. The questions are answered though, and the ending boasts an unexpected twist.

See \\\"Saving Grace,\\\" especially when you're having a bad day.\": {\"frequency\": 1, \"value\": \"Charming doesn't ...\"}, \"Well, were to start? This is by far one of the worst films I've ever paid good money to see. I won't comment on the story itself, it's a wonderful classic, but here it feels like a soap opera. To start with, the acting, except for Eric Bana, is soap opera quality. I've always been a fan of Brad Pitt, but here every actor on The Bold and the Beautiful puts him to shame. The camera action doesn't help, either. How it lingers on him when he's thinking, it just takes me back to Brooke Forrester's days in the lab! Peter O'Toole has either had a really bad plastic surgery, or he is desperately in need of one. Either way, he looks more like Linda Evans than Linda Evans! And to end my comments, Diane Kruger is a cute girl, but she sure is no Helen of Troy. Peterson should rather have chosen Saffron Burrows for the role, since Elizabeth Taylor would be rather miscast by now.\": {\"frequency\": 2, \"value\": \"Well, were to ...\"}, \"Kept my attention from start to finish. Great performances added to this tremendous film. Mr. Pacino once again gives us another brilliant character to enjoy.\": {\"frequency\": 1, \"value\": \"Kept my attention ...\"}, \"Awful, simply awful. It proves my theory about \\\"star power.\\\" This is supposed to be great TV because the guy who directed (battlestar) Titanica is the same guy who directed this shlop schtock schtick about a chick. B O R I N G.

Find something a thousand times more interesting to do - like watch your TV with no picture and no sound. 1/10 (I rated it so high b/c there aren't any negative scores in the IMDb.com rating system.)

-Zaphoid

PS: My theory about \\\"star power\\\" is: the more \\\"star power\\\" used in a show, the weaker the show is. (It's called an indirect proportionality: quality 1/\\\"star power\\\", less \\\"sp\\\" makes for better quality, etc. Another way to look at it is: \\\"more is less.\\\")

-Z\": {\"frequency\": 1, \"value\": \"Awful, simply ...\"}, \"This is a genuinely horrible film. The plot (such as it is) is totally undecipherable. (I think it has something to do with blackmail, but I'm not entirely certain.)

Half of the dialogue consists of useless cliches. The other half is spoken by the various actors in such unintelligible imitations of \\\"southern\\\" accents that (thankfully) the words cannot be recognized.

But the one true tragedy of the movie is that such a historic talent as Mary Tyler Moore apparently was in such dire financial or personal circumstances that she appeared in it.

\": {\"frequency\": 1, \"value\": \"This is a ...\"}, \"This documentary is a reenactment of the last few years of Betty Page's(Paige Richards) career. The Tennessee tease was the most recognizable pin-up queen in history. Her most memorable work came in the 1950's and was fetish photos, bondage and cat-fight \\\"girly flicks\\\". Irving Klaw(Dukey Flyswatter)at his Movie Star News instructed Betty on what to do in front of the camera. There was no nudity in the famous photos or \\\"stag films\\\", but nonetheless, Klaw was charged with distributing obscene materials and was ordered to destroy them to avoid prosecution. It is no surprise that Betty had a cult following at the height of her career. The girl-next-door with jet black hair, blue eyes and an hour glass figure dressed in fetish gear or not would mesmerize for decades. After all, it has been said that she was photographed more than Marilyn Monroe and second only to the most photographed image in the world, Elvis Presley. Betty Page would disappear and devote her last years to religion. This movie actually could have been a lot better; but good enough to hold interest.

Miss Richards is stunning in her own right. Bra, panties, garter belt and hose do not hurt her image in the least. Also in the cast: Jaimie Henkin, Jana Strain, Emily Marilyn and Julie Simone. Be advised this movie can change your heart rate.\": {\"frequency\": 1, \"value\": \"This documentary ...\"}, \"This is absolutely the worst movie I've seen all year.

First, I will say that the acting was very good, and by all of the cast.

This was apparently meant to be very offbeat, and in that regard it succeeded. By the same token, the story revolves around a self-centered wannabe, who is a clueless, talentless chronic liar, whose source of self confidence comes from a pair of leather slippers.

This was worse than watching a car wreck.\": {\"frequency\": 1, \"value\": \"This is absolutely ...\"}, \"What seemed at first just another introverted French flick offering no more than baleful sentiment became for me, on second viewing, a genuinely insightful and quite satisfying presentation.

Spoiler of sorts follows.

Poor Cedric; he apparently didn't know what hit him. Poor audience; we were at first caught up in what seemed a really beautiful and romantic story only to be led back and forth into the dark reality of mismatch. These two guys just didn't belong together from their first ambiguous encounter. As much as Mathieu and Cedric were sexually attracted to each other, the absence of a deeper emotional tie made it impossible for Mathieu, an intellectual being, to find fulfillment in sharing life with someone whose sensibilities were more attuned to carnival festivities and romps on the beach.

On a purely technical note, I loved the camera action in this film. Subtitles were totally unnecessary, even though my French is \\\"presque rien.\\\" I could watch it again without the annoying English translation and enjoy it even more. This was a polished, very professionally made motion picture. Though many scenes seem superfluous, I rate it nine out of ten.\": {\"frequency\": 1, \"value\": \"What seemed at ...\"}, \"And I'm serious! Truly one of the most fantastic films I have ever had the pleasure of watching. What's so wonderful is that very rarely does a good book turn into a movie that is not only good, but if possible better than the novel it was based on. Perhaps in the case of Lord of the Rings and Trainspotting, but it is a rare occurrence indeed. But I think that the fact that Louis Sachar was involved from the beginning helped masses, so that the film sticks close to the story but takes it even further. This film has many elements that make it what it is:

1. A unique, original story with a good mix of fun and humour, but a mature edge. 2. Brilliant actors. Adults and kids alike, these actors know how to bring the story to life and deliver their lines with enthusiasm and style without going overboard, as sometimes happen with kids movies. 3. Breathtaking scenery. And it doesn't matter if it's real or CGI, the setting in itself is a masterpiece. I especially love the image of the holes from a birds eye view. 4. A talented director who breathes life into the book and turns it into technicolour genius. The transitions in time work well and capture the steady climax from the book, leading up to the twists throughout the film. 5. Louis Sachar! The guy who had me reading a book nonstop from start to finish so that I couldn't put it down. He makes sure that the script sticks to the book, with new bits added in to make it even better. 6. And speaking of the script! The one-liners in this are smart, funny and unpatronising. But there are also parts to make you smile, make you cry, and tug at your heartstrings to make you love this story all the more. 7. Beautiful soundtrack. There's not a song in this film that I haven't fallen for, and that's something considering I'm supposed to be a punk-rocker. The songs link to the story well and add extra jazz to the overall style of the film. If you're going to buy the film, I recommend you buy the soundtrack too, especially for \\\"If Only\\\", which centres around the story and contains the chorus from the book.

I do not work for the people who made Holes, by the way, I'm just a fan, plugging my favourite film and giving it the review it deserves. If you haven't seen it, do it. Now. This very instant. Go!\": {\"frequency\": 1, \"value\": \"And I'm serious! ...\"}, \"Brilliant execution in displaying once and for all, this time in the venue of politics, of how \\\"good intentions do actually pave the road to hell\\\". Excellent!\": {\"frequency\": 1, \"value\": \"Brilliant ...\"}, \"This is a very moving picture about 3 forty-something best friends in a small england town. One finds a passionate loves and a new beginning with a younger piano instructor, When tragedy strikes and hearts are changed forever. Definitely a film to have a box of tissues with you! A powerful piece of work. This is definitely one of my favorite films of all time.

*SPOILER!!! SPOILER ALERT!! SPOILER!!*

The main character is taken by her young, handsome piano instructor and a passionate romance blossoms. Her two jealous \\\"friends\\\" play an immature prank which quickly leads to tragedy. She loses her love and her friends in one foul swoop. In the end a unexpected surprise pulls them back together.(in my opinion her forgiveness is not warranted)\": {\"frequency\": 1, \"value\": \"This is a very ...\"}, \"There is nothing unique in either the TV Series nor the Movie. Which is a prequel to the TV Show, that isn't found everywhere else in life and entertainment. Both before David Lynches disgusting style of story telling, and after.

From the Moment the body of a poor misguided girl washed up on the beach. And being introduced to some of the most mind numbing shady immoral character of the Twin Peaks.

To the Mind numbing almost pedophilia disgusting way the movie seems to romantically tell of the destruction of a Human Life through some random psychedelic phenomena in the Movie Twin Peak:Fire Come Walk with me.

I watched it all just to make sure I wasn't missing anything. I didn't. It's is simply one mans obvious sexual fetish extended over long series fallowed by a ridiculous overly pornographic movie. Save your self the agony the suspense and watch anything else that at least has the ability to tell a story, rather then seduce you into some kind mental porn movie.

I have heard a lot of reviews, rants and raves about how great David Lynch. Because of his ability to define misery and and tragedy and making it into some kind of a wonderful thing. This is not life imitating art, as much as it is some sick twisted version of art doing its best to inspire complete mindless life.

Do yourself a favor and avoid this garbage.\": {\"frequency\": 1, \"value\": \"There is nothing ...\"}, \"!!!! POSSIBLE MILD SPOILER !!!!!

As I watched the first half of GUILTY AS SIN I couldn`t believe it was made in 1993 because it played like a JAGGED EDGE / Joe Eszterhas clone from the mid 80s . It starts with a murder and it`s left for the audience to muse \\\" Is he guilty or innocent and will he go to bed with his attorney ? \\\" , but halfway through the film shows its early 90s credentials by turning into a \\\" Lawyer gets manipulated and stalked by her client \\\" type film which ends in a ridiculous manner , and GUILTY AS SIN has an even more ridiculous ending in this respect .

This is a very poor thriller but the most unforgivable thing about it is that it was directed by Sidney Lumet the same man who brought us the all time classic court room drama 12 ANGRY MEN\": {\"frequency\": 1, \"value\": \"!!!! POSSIBLE MILD ...\"}, \"It was a Sunday night and I was waiting for the advertised movie on TV. They said it was a comedy! The movie started, 10 minutes passed, after that 30 minutes and I didn't laugh not even once. The fact is that the movie ended and I didn't get even on echance to laugh. PLEASE, someone tickle me, I lost 90 minutes for nothing.\": {\"frequency\": 1, \"value\": \"It was a Sunday ...\"}, \"\\\"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\\ufffd\\ufffd 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.\": {\"frequency\": 1, \"value\": \"\\\"Fanfan la tulipe\\\" ...\"}, \"Antonio Margheriti's \\\"Danza Macabra\\\"/\\\"Castle of Blood\\\" is an eerie,atmospheric chiller that succeeds on all fronts.It looks absolutely beautiful in black & white and it has wonderfully creepy Gothic vibe.Alan Foster is an English journalist who pursues an interview with visiting American horror writer Edgar Allan Poe.Poe bets Foster that he can't spend one night in the abandoned mansion of Poe's friend,Thomas Blackwood.Accepting the wager,Foster is locked in the mansion and the horror begins!The film is extremely atmospheric and it scared the hell out of me.The crypt sequence is really eerie and the tension is almost unbearable.Barbara Steele looks incredibly beautiful as sinister specter Elisabeth Blackwood.\\\"Castle of Blood\\\" is easily one of the best Italian horror movies made in early 60's.A masterpiece!\": {\"frequency\": 1, \"value\": \"Antonio ...\"}, \"In any number of films, you can find Nicholas Cage as a strong, silent hero, Dennis Hopper as a homicidal maniac, Lara Flynn Boyle as a vamp/tramp, and the late, lamented J.T. Walsh as the heavy. These are the types of roles these four can play in their sleep, and they have done so often enough that to see them playing them again borders on cliche. What a relief, therefore, that John Dahl, a master at getting a lot of mood out of a little action, directed this nuanced noirish thriller. Hopper manages to keep from going over the top, Cage shows a little more depth than his usually-superficial action heroes, Boyle is by turns sultry, innocent, and scheming, and one gets a sense of the hard iron of the soul that is central to his character, Wayne. Dahl's direction gives a sense of the emptiness of the Big Sky country where the story takes place while also being intimate enough to show how a wrinkled brow can indicate a radical change of plot in store. The plot twists are top-notch, and one of the other great twists in this movie is that some of the supporting characters actually act as if they have brains. It isn't often that minor characters like deputy sheriffs have more brains than their headlining superiors. But with a director as smart as Dahl, you shouldn't be surprised by the intelligence of anything connected with this film. An excellent movie.\": {\"frequency\": 1, \"value\": \"In any number of ...\"}, \"I absolutely hate this programme, what kind of people sit and watch this garbage?? OK my dad and mum love it lol but i make sure I'm well out of the room before it comes on. Its so depressing and dreary but the worst thing about it is the acting i cant stand all detective programmes such as this because the detectives are so wooden and heartless. What happened to detective programmes with real mystery??? I mean who wants to know what happened to fictional characters we know nothing about that died over 20 years ago??? I wish the bbc would put more comedy on bbc1 cos now with the vicar of dibley finished there is more room for crap like this.\": {\"frequency\": 2, \"value\": \"I absolutely hate ...\"}, \"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.

\": {\"frequency\": 1, \"value\": \"Ok, first of all, ...\"}, \"So, Steve Irwin. You have to admire a man who is not only willing to throw himself into a river that clearly is filled with crocs, snakes, lizards, tons of poop from the aforementioned reptiles, and mud, not only daily, but with enthusiasm. He was never able to make ME want to do it, but he managed to make his wife come close.

This movie does not fall into my parallel universe of film category - the films for people who just had their teeth drilled, have a migraine, or have no film experience and therefore like quiet mediocrity (currently well populated by Disney films). It's too noisy. Well, Steve is too noisy. He's just so happy all the time, and would cut right through the blas\\ufffd\\ufffd' teenager (I can hear it now: \\\"that movie was so STUPID\\\") or the Tylenol with codeine. I'd say his enthusiasm is catching, but if it was, I would own a room full of snakes, and that hasn't happened yet. I agreed they're beauties, but I'm still not going to pet them.

Plot was indeed predictable. Bad guys were so bad, for a minute there I thought I was shopping at a consumer electronic superstore. But the movie was filled with animals, and Steve and Terri, which is why I watched it. That plot (if you could call it that) was really more of a reason to throw yet another croc in a truck. My expectations were low and stayed that way.

I was hoping, though, that there would be a bit of a sequel, where Steve and Terri (having worked on their acting skills) have a movie with a real plot and more animals with fur. I still can't believe we won't see Steve anymore. I hope that Terri and the children continue to be involved in the Australia Zoo and the discovery channel, at least. I can't imagine seeing a crocodile without having some member of the Irwin family telling me forcefully how wonderful that croc is. Crikey!\": {\"frequency\": 2, \"value\": \"So, Steve Irwin. ...\"}, \"I must admit I'm a little surprised and disappointed at some of the very negative comments this film seems to provoke. I think its a great horror/sci fi film. Colonel Steve West (Alex Rebar) returns to Earth after an historical space flight to Saturn. While in space he contracted some bizarre and unknown disease. He wakes up in a hospital bed, he looks in a mirror and before his very eyes his face is melting! Escaping the hospitals supervision, he hides out in some local woods surrounding a small town. Unfortunately he starts to develop a rapidly growing hunger that can only be satisfied by eating other people. He must feed on human flesh and drink the blood of others to survive! Stalking human prey he begins his reign of terror! Its up to his old friend Dr Ted Nelson (Burr DeBenning) to find him and try and help him. He has to work alone as his boss General Perry (Myron Healey) wants it kept ultra quiet. Nelson can't even tell his wife Judy (Ann Sweeny). However, Sheriff Blake (Micheal Alldredge) becomes suspicious as General Perry turns up just as some of the local townspeople start turning up half eaten. I don't really understand why this film gets such negative reviews, what do people expect? Anyway, I really like this film. The star of the film are unquestionably Rick Bakers Special Make-up and gore effects which for the most part are excellent, and the fact their all prosthetic effects and no rubbish horrible CGI makes them even better. Writer and Director William Sachs isn't afraid to use them either, we get some nice long lingering close up shots of the incredible melting man and they hold up very well, even now. Photography, music and direction are a little bit dull, but professional enough. The script manages to create some sympathy for the the monster, shots of him looking longingly into Ted Nelsons house, or when he sees his own reflection in some water and reacts violently. The ending, set in a large factory of some sort, is pretty downbeat so don't expect any happy ending. Which surprised me. Also, the script doesn't really do anything with the premise, he just walks around melting and killing, with his friend trying to stop him, maybe a bit too simple. Personally I think the worst bit of the film is near the start when the fat nurse runs down a hospital corridor in slow motion, her screams are also portrayed in slow motion too, it looks and sounds totally ridiculous! You need to see it to believe it! I like this film a lot and recommend it to 70's and 80's horror/sci fi fans. A bit of a favourite of mine.\": {\"frequency\": 1, \"value\": \"I must admit I'm a ...\"}, \"I have watched 3 episodes of Caveman, and I have no idea why I continue except maybe waiting for it to get better.

To me this show is just pumping itself off the commercials, with no real humor. As we sat around watching these shows, we all speculated on what was going to happen.

The episode of the woman cave-woman with a attitude was actually a big, yea right, for us. she's crude in a theater and acts tough to strangers, and truth be told, she needed a slap

I consider myself a pretty good reviewer, taking in everything, but I must say, Cavemen is comparable to the old show, My mother, the car. I give it a 2, only because they deserve 1 better than a 1 because they actually spent money on it.\": {\"frequency\": 1, \"value\": \"I have watched 3 ...\"}, \"DVD has become the equivalent of the old late night double-bill circuit, the last chance to catch old movies on the verge of being completely forgotten like The Border. There were great expectations for this back in 1982 \\ufffd\\ufffd a script co-written by The Wild Bunch's Walon Green, Jack Nicholson in the days when he could still act without semaphore and a great supporting cast (Harvey Keitel, Warren Oates, Valerie Perrine), Tony Richardson directing (although he was pretty much a spent force by then) \\ufffd\\ufffd but now it doesn't even turn up on TV. The material certainly offers a rich seam of possibilities for comment on the 80s American Dreams of capitalism and conspicuous consumption, with Nicholson's border patrolman turning a blind eye to the odd drug deal or bit of people trafficking to finance his wife's relentless materialism, until he rediscovers his conscience when he finds out his partners are also in the baby selling business. Unfortunately, he never really gets his hands dirty, barely even turning a blind eye before his decency rises to the surface. The film feels always watered down as if too many rewrites and too many committees have left it neutered and, sadly, the recent DVD release is a missed opportunity to restore the original, nihilistic ending where Nicholson goes over the edge and firebombs the border patrol station that was cut after preview audiences found it too downbeat but which still featured prominently in the film's trailers.

While that probably wasn't too convincing considering how low-key Nicholson's crisis of conscience is in the film, it had to be better than the crude reshot climax where the film abandons logic and even basic rules of continuity: at one point he's holding characters at gunpoint, then he's somewhere else and they're free trying to kill him, one character goes from injured at his house to hopping around like a gazelle on the banks of the Rio Grande while Valerie Perrine's character gets dumber on an exponential level. The villains of the piece are disposed of with absurd ease (and one impressive car stunt) in time for a clumsily edited happy ending and you start wondering if you somehow found yourself watching another film entirely. What makes it all the more clumsy is that the rest of the film is so flat and underwhelming that the sudden lurch into melodrama is all the more jarring. Unfortunately Ry Cooder's beautiful title song, Across the Borderline, says it all much more economically. But if you want to know the film's real crime, it's completely wasting the great Warren Oates in a nothing bit part. When even he can't make an impression, you know something's really wrong. All in all, all too easy to remember why I found this so forgettable at the time.\": {\"frequency\": 1, \"value\": \"DVD has become the ...\"}, \"Did Sandra (yes, she must have) know we would still be here for her some nine years later?

See it if you haven't, again if you have; see her live while you can.\": {\"frequency\": 1, \"value\": \"Did Sandra (yes, ...\"}, \"I cannot say enough bad things about this train wreck. It is one of the few movies I've ever been tempted to walk out of. It was a bad premise to begin with, first pregnant male, but then they tried to make it a spoof. What were they spoofing all those real pregnant males??? This was the worst movie I have ever seen. If it had enough votes it would be on the IMDB bottom 100. If it was possible to give it a zero I would, and I would still feel I had given it too much credit.\": {\"frequency\": 1, \"value\": \"I cannot say ...\"}, \"I once thought that \\\"The Stoned Age\\\" was the worst film ever made... I was wrong. \\\"Hobgoblins\\\" surpassed it in every way I could imagine and a few I couldn't. In \\\"The Stoned Age\\\" I hated the characters. In \\\"Hobgoblins\\\" I hated the actors... and everyone else involved in creating this atrocity. I won't include a teaser to this film, I'm not that cruel. I couldn't subject innocent people such as yourselves to such torment. In fact, any discussion of plot pertaining to this film is senseless and demeaning. Words I would use to describe this film are as follows: insipid, asinine, and ingenuous.

In conclusion, PLEASE don't watch this film. I beg of you, from one movie lover to another... no, from one human being to another, PLEASE. For the sake of your own sanity and intellect DO NOT WATCH IT. Destroy any copies you come across.\": {\"frequency\": 1, \"value\": \"I once thought ...\"}, \"C'mon people, you can't be serious, another case of advertising snuff when it totally isn't! This isn't even remotely scary nor is it terrifying or depraved - it is just utterly terrible amateurish videowork, made for the next party to get the girls laid.

The gore is incredibly bad, even the eye-scene is far from making me want to puke but just making me want to take the camera and hit those guys over the head. The girl is just laying there rubber-faced, not moving at all. It would have been funnier to use a real doll instead.

One season of \\\"I'm a Celebrity, Get Me Out of Here!\\\" is more frightening than this one. Don't waste your time or your money.\": {\"frequency\": 1, \"value\": \"C'mon people, you ...\"}, \"Josef Von Sternberg directs this magnificent silent film about silent Hollywood and the former Imperial General to the Czar of Russia who has found himself there. Emil Jannings won a well-deserved Oscar, in part, for his role as the general who ironically is cast in a bit part in a silent picture as a Russian general. The movie flashes back to his days in Russia leading up to the country's fall to revolutionaries. William Powell makes his big screen debut as the Hollywood director who casts Jannings in his film. The film serves as an interesting look at the fall of Russia and at an imitation of behind-the-scenes Tinseltown in the early days. Von Sternberg delivers yet another classic, and one that is filled with the great elements of romance, intrigue, and tragedy.\": {\"frequency\": 1, \"value\": \"Josef Von ...\"}, \"I first saw Ice Age in the Subiaco Cinemas when it came out, back in '02. I was only 13 at the time, but even then I liked it. It had some sort of warmth.

We've had it on video for a number of years now and no matter how many times you watch it, it never gets boring. This is because of the one element which makes it different from all of the other 3D animations made at the time - The characters have no particular 'home' which they leave. They are nomads, and that's really refreshing and uplifting to watch.

Also, each individual character on the surface, appear to be just putting up with each other, but they're really all good friends. As well, all of the characters have their own charms (even the bad guys). Sid the sloth is charming in his annoying, over-affectionate and naive sort of way. Manny is adorable in his depressed, reclusive character, and so on and so forth.

Another great point about the movie is the beauty of the animation. All the environments and characters were modeled originally by clay, giving the film an artistic edge.

Another aspect that adds to the feel of the movie, is that gender means very little. There are hardly any female characters, but you don't really realize that until after you watch it a few times and even then it has little effect on the way you view the film. Due to this, there's also no mention of a nuclear family which would really be pathetic in a setting like the ice age.

All in all, Ice Age is a great movie and is proof on how much effort was put into 3d animations before Shrek 2 and The Incredibles came out.\": {\"frequency\": 1, \"value\": \"I first saw Ice ...\"}, \"I knew absolutely nothing about Chocolat before my viewing of it. I didn't know anything about the story, the cast, the director, or anything about the film's history. All I knew was it was a highly-acclaimed French film. Had I known more, I probably wouldn't have viewed the picture with an open mind. On paper, the premise doesn't sound interesting to me. Had I known what Chocolat was about ahead of time, my interest while watching would have been limited. However, not knowing about the story helped me enjoy it. Throughout, I had no clue has to where the story would go, what the characters would do, and what the end result would be. It was, if nothing else, not a predictable film. Indeed, it could have been as the story is told in flashbacks. Telling a story in flashbacks is often a risky move on the part of the filmmakers. Since the lead character is seen in present day, the audience knows she will remain alive. By using the flashback technique, director Claire Denis is able to ensure the audience that the young girl makes it to adulthood without any serious physical damage, giving the viewer the sense that Chocolat is a story more about emotions than what is on the outside. A lesser filmmaker would give France a haggard-looking face, one that screams of a confused and unusual childhood. Instead, Denis presents France as a beautiful girl, someone who looks fine on the outside.

It could be argued that Chocolat is more about France's mother since she is given far more screen time, though I believe it is ultimately about France. To me, what Chocolat is really about is how a mother's actions affect her daughter. It is about how parents' behavior stays with their offspring. France is not ruined by her mother's actions in the story, yet her mother's actions clearly made an impression on France. Had France not been affected at all by her mother's actions, the flashback aspect would be irrelevant.

For a movie that deals with two time periods, the past and the present, Chocolat was a very well paced, there were no scene of excess fat. None of the scenes felt gratuitous or out of the place. The film had nice rhythm, the editing crisp, leaving only what was necessary to tell the story. With a well told story, solid editing, and organized directing, Chocolat is one of the better French films I have seen. It was responsible for launching Claire Denis' career and with good reason: it's an incredible directorial debut.\": {\"frequency\": 1, \"value\": \"I knew absolutely ...\"}, \"I've read some terrible things about this film, so I was prepared for the worst. \\\"Confusing. Muddled. Horribly structured.\\\" While there may be merit to some of these accusations, this film was nowhere near as horrific as your average DVD programmer. In fact, it actually had aspirations. It attempted something beyond the typical monster/slasher nonsense. And by god, there are some interesting things going on.

Ms. Barbeau is a miracle to behold. She carries the film squarely on her shoulders.

This is not to say that it's a masterpiece. UNHOLY ultimately collapses under the weight of its own ambition. There are just too many (unexplained) subplots trying to coexist. And the plot loopholes created by time travel are never really addressed: for example, if Hope knows that her mother is evil and that she will ultimately kill her brother, then why doesn't she just kill Ma in the film's very first sequence? Seems like it would have beat the hell out of traveling into the future to do it.

Still, I give UNHOLY points for trying. A little ambition is not a bad thing.\": {\"frequency\": 1, \"value\": \"I've read some ...\"}, \"The 1930s. Classy, elegant Adele (marvelously played with dignified resolve by Debbie Reynolds) and batty, frumpy Helen (the magnificent Shelley Winters going full-tilt wacko with her customary histrionic panache) are the mothers of two killers. They leave their seamy pasts in the Midwest behind and move to Hollywood to start their own dance school for aspiring kid starlets. Adele begins dating dashing millionaire Lincoln Palmer (the always fine Dennis Weaver). On the other hand, religious fanatic Helen soon sinks into despair and madness.

Director Curtis (\\\"Night Tide,\\\" \\\"Ruby\\\") Harrington, working from a crafty script by Henry Farrell (who wrote the book \\\"Whatever Happened to Baby Jane?\\\" was based on and co-wrote the screenplay for \\\"Hush ... Hush, Sweet Charlotte\\\"), adeptly concocts a complex and compelling psychological horror thriller about guilt, fear, repression and religious fervor running dangerously amok. The super cast have a ball with their colorful roles: Michael MacLiammoir as a pompous elocution teacher, Agnes Moorehead as a stern fire-and-brimstone radio evangelist, Yvette Vickers as a snippy, overbearing mother of a bratty wannabe child star, Logan Ramsey as a snoopy detective, and Timothy Carey as a creepy bum. An elaborate talent recital set piece with Pamelyn Ferdin (the voice of Lucy in the \\\"Peanuts\\\" TV cartoon specials) serving as emcee and original \\\"Friday the 13th\\\" victim Robbi Morgan doing a wickedly bawdy dead-on Mae West impression qualifies as a definite highlight. David Raskin's spooky score, a fantastic scene with Reynolds performing an incredible tango at a posh restaurant, the flavorsome Depression-era period atmosphere, Lucien Ballard's handsome cinematography, and especially the startling macabre ending are all likewise on the money excellent and effective. MGM presents this terrific gem on a nifty DVD doublebill with \\\"Whoever Slew Auntie Roo?;\\\" both pictures are presented in crisp widescreen transfers along with their theatrical trailers.\": {\"frequency\": 1, \"value\": \"The 1930s. Classy, ...\"}, \"When people ask me whats the worst movie I've ever seen its this one. Its not even close to MST3k level riffing, or midnight viewing at a theatre, or even as Disney channel late night filler. The only time I've ever wanted to jump off a ride at Disney World (or Disney/MGM Studios in this case) was to grab Dick Tracey's jacket off the mannequin, rip it to shreds, and ram it down the tour guides throat saying \\\"Eat this! Eat this unholy coat of darkness!!!\\\" I've never been so mad at a movie, not even \\\"Nutty Professor II: The Klumps\\\" or \\\"Flash Gordon\\\". You want pretty colors and cinematography? Ain't here babe. Reviewers keep saying \\\"oh, but its too look like a comic book\\\", well, to me, its the color of a Gordito after several weeks in the sun. About as enjoyable too. Beatty wanders around this landscape jumping around and talking to his watch, himself, and occasional at the other actors, hoping someone will tell him what time the sequel will begin shooting. To be fair, I have only seen this movie once, but my pain threshold is that of a man, not a God.\": {\"frequency\": 1, \"value\": \"When people ask me ...\"}, \"Thunderbirds (2004)

Director: Jonathan Frakes

Starring: Bill Paxton, Ben Kingsley, Brady Corbet

5\\ufffd\\ufffd4\\ufffd\\ufffd3\\ufffd\\ufffd2\\ufffd\\ufffd1! Thunderbirds are GO!

And so began Thunderbirds, a childhood favorite of mine. When I heard that they were going to make a Thunderbirds movie, I was ecstatic. I couldn't wait to see Thunderbird 2 roar in to save people, while Thunderbird 4 would dive deep into the\\ufffd\\ufffdyou get the idea. I just couldn't wait. Then came August 2004, when the movie was finally released. Critics panned it, but I still wanted to go. After all, as long as the heart was in the same place, that was all that mattered to me. So I sat down in the theater, the only teenager in a crowd of 50\\ufffd\\ufffdeveryone else was over thirty and under ten. Quite possibly the most awkward theater experience that I have ever had\\ufffd\\ufffd

The movie (which is intended to be a prequel) focuses on Alan Tracy (Brady Corbet), the youngest of the Tracy family. He spends his days wishing that he could be rescuing people like the rest of his family, but he's too young. One day, he finally gets his chance when The Hood (Ben Kingsley) traps the rest of his family up on Thunderbird 5 (the space station). This involves him having to outsmart The Hood's henchmen and rescue his family in time before The Hood can steal all of the money from the Bank of England.

Trust me, the plot sounds like a regular episode of Thunderbirds when you read it on paper. Once it gets put on to film\\ufffd\\ufffdwhat a mess we have on our hands. First off, the film was intended for children, much like the original show was. However, Gerry Anderson treated us like adults, and gave us plots that were fairly advanced for children's programming. This on the other hand, dumbs down the plot as it tries to make itself a ripoff of the Spy Kids franchise. The final product is a movie that tries to appeal to fans of the Thunderbirds series and children, while missing both entirely. Lame jokes, cartoonish sounds, and stupid antics that no one really finds amusing are all over this movie, and I'm sure that Jonathan Frakes is wishing he'd never directed this.

Over all, everyone gave a solid performance, considering the script that they were all given. Ben Kingsley was exceptional as The Hood, playing the part extremely well. My only complaint about the characters is about The Hood's henchmen, who are reduced to leftovers from old Looney Tunes cartoons, bumbling about as, amazingly enough, the kids take them on with ease.

What's odd about this movie is that while I was watching the movie, I had fun. But once the lights went up, I realized that the movie was fairly bad, I was $8 lighter, and two hours of my time were now gone. A guilty pleasure? Perhaps. Nonetheless, Thunderbirds is a forgettable mess. Instead of a big \\\"go\\\", I'm going to have to recommend that you stay away from this movie. If the rest of movie could have been like the first ten minutes of it, it would have been an incredible film worthy of the Thunderbirds name. However, we get a movie that only die-hard Thunderbirds fans (if you'd like to watch your childhood torn to pieces) or the extremely bored should bother with.

My rating for Thunderbirds is 1 \\ufffd\\ufffd stars.\": {\"frequency\": 1, \"value\": \"Thunderbirds ...\"}, \"huge Ramones fan. i do like the ramones, and i suppose if you hate them, then, besides being a avid Bush supporter, you might not like this classic.

it's immensely better than the sappy john hughes teen films and the like that littered the 80's. infinitely better than the American Pie's that plague us now.

There are some other great high school films: Switchblade Sisters, Fast Times..., Class of '84, Three O'Clock High, and the cheesy yet gripping(doesn't seem possible) River's Edge. But RnRHS will always be my favorite because it's the funniest and most fun, plus you can get up and dance with it.

I love you, Riff Randell.

10/10\": {\"frequency\": 1, \"value\": \"huge Ramones fan. ...\"}, \"This film had my heart pounding. The acting was great, the erotic music and the beautiful women add up to make this one a winner. The lead actress decides to join an escort service when she realizes that her husband has no time for her. She step's into a whole new world her first client being another woman. This is a film you definitely DON'T want to pass up.\": {\"frequency\": 1, \"value\": \"This film had my ...\"}, \"Positively awful George Sanders vehicle where he goes from being a thief to police czar.

While Sanders was an excellent character actor, he was certainly no leading man and this film proves it.

It is absolutely beyond stupidity. Gene Lockhart did provide some comic relief until a moment of anger led him to fire his gun with tragedy resulting.

Sadly, George Sanders and co-star Carol Landis committed suicide in real life. After making a film as deplorable as this, it is not shocking.

The usual appealing Signe Hasso is really nothing here.\": {\"frequency\": 1, \"value\": \"Positively awful ...\"}, \"Well, I have finally caught up with \\\"Rock 'N' Roll High School,\\\" almost 30 years after it first became a midnight movie sensation in 1979. (Latecomer that I am, I will probably first see this summer's new documentary \\\"Patti Smith: Dream of Life\\\" sometime around 2040!) And no, the film doesn't feel dated one bit, and yes, it was worth the wait. This is a very high-energy comedy that features loads of great music and some surprising moments. It tells the story of Riff Randell, adorably played by P.J. Soles, and the battle that she and her fellow students at Vince Lombardi High wage against their new repressive principal, Miss Togar. (Danny Peary, in his book \\\"Cult Movies,\\\" quite accurately describes Mary Woronov's performance as an \\\"evil Eve Arden.\\\") A typical teens vs. Establishment story line is beefed up here with some absurdist humor (those exploding mice, that giant mouse, the Hansel and Gretel hall monitors) and some truly rousing tunes. Riff is, of course, the #1 fan of that original punk band The Ramones, and that band dishes out a baker's dozen of its greatest songs during the course of the film, including five at a concert that is a total blast. Indeed, the sight of Riff furiously dancing to \\\"Teenage Lobotomy\\\" at this blowout may be the picture's funniest moment. And the initial appearance of Joey, Johnny, Dee Dee and Marky in their Ramonesmobile, and later slinking down a street singing \\\"I Just Wanna Have Something To Do,\\\" is quite exhilarating. The film ends with an explosive confrontation that is, I would imagine, every high school kid's wet dream. Fun stuff indeed. On a side note, The Ramones were one of the loudest bands that I have ever seen in concert, so I was very amused to note that the DVD for this film comes with optional English subtitles for the hearing impaired. How many aging punks out there found these subtitles necessary, I wonder....\": {\"frequency\": 1, \"value\": \"Well, I have ...\"}, \"I knew I was going to see a low budget movie, but I expected much more from an Alex Cox film. The acting by the two leading men was terrible, especially the white guy. The girl should have won an Oscar compared to those two. This movie was filled with what I guess would be inside jokes for film industry people and a few other jokes that I actually understood and made me laugh out loud, which is rare. Without these laugh-out-loud moments I would have given this film 2/10. What happened to the Alex Cox who made all the 80s classics?

SPOILER:

There were a couple of questions I had after the movie was over. Why did the Mexican guy go to the other guy's house at the beginning? What did his daughter say he got 100 people fired from his last job? Why was she breaking her own stuff when she was mad at him? I guess I should have gone to the Q&A after the movie, but I didn't want to get up at 10am.\": {\"frequency\": 2, \"value\": \"I knew I was going ...\"}, \"Although Super Mario 64 isn't like the rest of the games in the series, it is still a classic and is every bit as good as the old games. Games with this much replay value are few and far between. Plus, this game has so much variety. There are 15 levels each with several different tasks you can do, and many other hidden tasks. The game isn't very challenging, but its lack of challenge doesn't take away from the game at all. Once you beat it, you'll want to erase your game and start again. And its just as much fun the second time, or third time, or two hundredth time. A must own for any Nintendo 64 owner, and is a reason in itself to own a Nintendo 64.\": {\"frequency\": 1, \"value\": \"Although Super ...\"}, \"My girlfriend picked this one; as a southern born and raised African American I found this movie's plot and premise totally without credibility. To believe that class and racial biases would be so easily and comfortably suspended would only come from someone totally unfamiliar with the ante-bellum south. Totally absurd !!! I wonder how they got a good actor like Harvey Keitel and a good actress like Andie McDowell (who being southern knows better) to participate in this crap\": {\"frequency\": 1, \"value\": \"My girlfriend ...\"}, \"I'm a fan of Matthew Modine, but this film--which I stumbled upon on cable--is absolutely witless. I see that the screenwriter and director were one and the same, so there was no one around to check her worst instincts. There are no surprises, no original lines, and no original characters. The goldfish was basically the most sympathetic character. What a waste of all this acting talent. Given how expensive it is to film in New York these days, I have to wonder how this got made in the first place. And if you're wondering why I watched it at all, it came on after a film that I like on cable and I left it on while I worked at the computer. It's not a very demanding picture!\": {\"frequency\": 1, \"value\": \"I'm a fan of ...\"}, \"Ashanti is a very 70s sort of film (1979, to be precise). It reminded me of The Wild Geese in a way (Richard Burton, Richard Harris and Roger Moore on a mission in Africa). It's a very good film too, and I enjoyed it a lot.

David (Michael Caine) is a doctor working in Africa and is married to a beautiful Ashanti woman called Anansa (Beverley Johnson) who has trained in medicine in America and is also a doctor. While they're doctoring, one day she is snatched by slavers working for an Arabic slave trader called Suleiman (played perfectly by Peter Ustinov, of all people). The rest of the film is David trying to get her back.

Michael Caine is a brilliant actor, of course, and plays a character who is very determined and prepared to do anything to get his wife back, but rather hopeless with a gun and action stuff. He's helped out first by a Englishman campaigning against the slave trade that no one acknowledges is going on (Rex Harrison!), then briefly by a helicopter pilot (William Holden), and then by an Arab called Malik (Kabir Bedi). Malik has a score to settle with Suleiman (he is very intense throughout, a very engaging character), and so rides off with David to find him and get Anansa back - this involves a wonderful scene in which David fails miserably to get on his camel.

Then there's lots of adventure. There's also lots of morality-questioning. The progress of the story is a little predictable from this point, and there are a few liberties taken with plotting to move things along faster, but it's all pretty forgivable. The question is, will David get to Anansa before Peter Ustinov sells her on to Omar Sharif (yes, of course Omar Sharif is in it!)?\": {\"frequency\": 1, \"value\": \"Ashanti is a very ...\"}, \"Utterly pretentious nonsense. The material is dull, dull, dull, and most of the cast wouldn't even have made understudies in Allen's earlier films. And to have to listen to the unfunny Will Ferrell do his Woody Allen imitation makes me loathe the second-rate (though mysteriously popular) Ferrell even more. It appears that the morose 70-year old Allen should have knocked off work when the clock rang in a new century.

I truly tried to get involved in the film, but it was just impossible; my snyapses couldn't fire that slowly. So, rather than doze off and kill the afternoon sleeping in an upright position I got up, left my wife and daughter in the theater, and went out to the car where I had a really good book to re-read (George Bailey's great tome of 30 years ago, \\\"Germans.\\\") The day turned out pretty well after all, no thanks to Woody.\": {\"frequency\": 1, \"value\": \"Utterly ...\"}, \"I was reviewing some old VHS tapes I have and came across The TV show John Denver & The Muppets A Christmas Together.This made me go to my computer and look it up to see if I could find a DVD version of this show to buy. I was disappointed not to be able to find it yet on DVD. The show aired in 1979 and was a delightful show. I have the record and the CD but I would love to buy a DVD version of this show. The tape is old and picture quality is pretty good but fading, the sound is not as good as the CD. There is also a few other songs not put on the CD. As a Fan of John Denver and of the Muppets, a DVD of this show would really be a good seller. If you don't have the CD it is a wonderful Chritmas collection of songs taken from that show. The album is also good if you can find it and still have a record player to play it on.\": {\"frequency\": 1, \"value\": \"I was reviewing ...\"}, \"This is the most boring worthless piece of crap I've ever wasted an hour of my life on. All I can say is thank God it was only an hour. Over half of this 'movie' is footage from the original \\\"Criminally Insane\\\". At the very least, I was able to see the highlights from that rare exploitation classic, since for some reality-defying reason my video store only has \\\"Criminally Insane II\\\" (as it had it, \\\"Crazy Fat Ethel II\\\"). But the rest of this movie is some of the absolute worst home-video acting and backyard filmmaking you'll ever see. Why is it my video store has this and not the original? Why does stuff like this actually end up in video stores? Why do people rent it and not immediately burn the copy once they've seen its sheer horror? Why - AAUUGGHH - Why, God, why?

Unless you enjoy seeing annoying fruits eating an entire candy bar in an excruciatingly slow scene, or said fruit getting hung from the stair railing in an even slower scene, or a character getting stabbed sideways (don't ask) multiple times in the back, or brain cell-murdering monologues about giving poisoned tea to one's wife and then complaining that all the talk has made one's own tea go cold, or the mentally-retarded eating fly soup, or just simply want to see Crazy Fat Ethel dancing with a bloody knife in a garden: Don't watch this movie. Repeat: Do NOT watch this movie. Do not rent this movie. If at all possible, do not walk past a shelf in a video store that has a copy of this movie setting on it. You can still be saved, but it is too late for me now. . .\": {\"frequency\": 1, \"value\": \"This is the most ...\"}, \"I'll dispense with the usual comparisons to a certain legendary filmmaker known for his neurotic New Yorker persona, because quite frankly, to draw comparisons with bumbling loser Josh Kornbluth, is just an insult to any such director. I will also avoid mentioning the spot-on satire `Office Space' in the same breath as this celluloid catastrophe. I can, however, compare it to waking up during your own surgery \\ufffd\\ufffd it's painful to watch and you wonder whether the surgeons really know what they're doing. Haiku Tunnel is the kind of film you wish they'd pulled the plug on in its early stages of production. It was cruel to let it live and as a result, audiences around the world are being made to suffer.

The film's premise \\ufffd\\ufffd if indeed it has one \\ufffd\\ufffd is not even worth discussing, but for the sake of caution I will. Josh Kornbluth, a temp worker with severe commitment-phobia, is offered a permanent job. His main duty is to mail out 17 high priority letters for his boss. But ludicrously, he is unable to perform this simple task. My reaction? Big deal! That's not a story\\ufffd\\ufffd it's a passing thought at best - one that should've passed any self-respecting filmmaker by.

The leading actor \\ufffd\\ufffd if you can call him that \\ufffd\\ufffd is a clumsy buffoon of a man, with chubby features, a receding, untamed hairline, and a series of facial expressions that range from cringe-making to plain disturbing. Where o where did the director find this schmuck? What's that you say\\ufffd\\ufffd\\ufffd\\ufffd he is the director? Oh, my mistake. Playing yourself in your own embarrassment of a screenplay is one thing, but I suspect that Mr Kornbluth isn't that convincing as a human being, let alone an actor. Rest assured, this is by no means an aimless character assassination, but never before have I been so riled up by an actor's on-screen presence! My frustration was further confounded by his incessant to-camera monologues in between scenes. I mean, as if the viewer needs an ounce of intelligence to comprehend this drivel, Kornbluth insults us further by `explaining' the action (first rule of filmmaking: `dramatize exposition'\\ufffd\\ufffd show, don't tell). Who does this guy think he is? He has no charisma, no charm, and judging by his Hawaiian shirts, no sense of style. His casting agent should be shot point blank!

The supporting actors do nothing to relieve the intense boredom I felt, with but one exception. Patricia Scanlon puts in a very funny appearance as Helen the ex-secretary, who has been driven insane by her old boss, and makes harassing phone calls from her basement, while holding a flashlight under her face. This did make me chuckle to myself, but the moment soon passed and I was back to checking my watch for the remainder of the film.

The film's title is also a misnomer. Haiku Tunnel has nothing to do with the ancient form of Japanese poetry. Don't be fooled into thinking this is an art house film because of its pretentious-sounding title or the fact that it only played in a handful of cinemas and made no money at the box office\\ufffd\\ufffd\\ufffd\\ufffd\\ufffd\\ufffd there's a very good reason for that!

\": {\"frequency\": 1, \"value\": \"I'll dispense with ...\"}, \"STAR RATING: ***** Unmissable **** Very Good *** Okay ** You Could Go Out For A Meal Instead * Avoid At All Costs

Stuck-up career bitch Kate (Franka Potente) heads to the London underground to catch a train to take her to meet George Clooney. However, after a hectic working day, she dozes off and awakens to find herself alone in a deserted platform. As she races off on a situation taking her from one daunting encounter to the next, however, she learns of something far more malign and evil waiting for her out there.

In a lot of ways, the British Film Industry is really becoming one on it's own, especially in the horror thriller department, with films such as Creep and the successful 28 Days Later (which this has strong echoes of in parts.) In terms of succeeding in what it set out to do, Creep does cleverly create (especially at the beginning) a scary sense of isolation and tense fear. At it's clever running time, it also (though inadvertently, I suspect) manages to pay homage to some of those pioneer high-concept horror films from the 70s that rely on shocks and fear through-out without really focusing too much on character development and such.

Of it's weaknesses, some scenes are a little predictable, but these don't really succeed in making it less scary or effective in any way. I'm not sure if the ending was meant to make it come off as some sort of morality play and it's not exactly perfect, but it's certainly very effective and serves it's basic function very well. ***\": {\"frequency\": 1, \"value\": \"STAR RATING: ***** ...\"}, \"I have to totally disagree with the other comment concerning this movie. The visual effects complement the supernatural themes of the movie and do not detract from the plot furthermore I loved how this move was unlike Crouching Tiger because this time the sword action had no strings attached and most of the time you can see the action up close.

I think western audiences will be very confused with 2 scenes one of which involves a monk trying to burn himself alive and the other concerning the villagers chanting that it is the end of the world. The mentioned scenes are derived from certain interpretations of Mahayana Buddhist text (Mahayana Buddhism can be found in China, Korea and Japan) and the other scene deals with a quirk in the Japanese calendar...people back then really thought that the world would come to an end... Gojoe has the action, story and visuals to mesmerize any viewer. I strongly believe that with some skillful editing it can be sold in the U.S. My one complaint is in the last fight scene (I can't give anything away--sorry).\": {\"frequency\": 1, \"value\": \"I have to totally ...\"}, \"I am a guy, who loves guy movies... I was looking forward to seeing a dragon fighting with the army with cool special effects. All of this happened, however, this movie was the worst movie I have ever seen in my life.

The story was standard, but the portrayal of the story was terrible. The scene transitions were the worst I have ever seen. Why would you walk out to a beach to relax if your life was in danger? The serpent dragon's actions itself was very poorly written... and the serpent dragon's attack capabilities varied widely throughout the movie, several times the main characters should have died.

The director attempted to infuse a love story in the middle of the movie during the most stressful times, this movie was obviously not watched after it was made, I love movies, but had to force myself to finish watching it, thank god I did not buy this, I borrowed it from a friend.

Do not buy this, do not rent it, just watch discovery channel... much more exciting.\": {\"frequency\": 1, \"value\": \"I am a guy, who ...\"}, \"This movie shows life in northern Cameroon from the perspective of a young French girl, France Dalens, whose father is an official for the colonial (French) government, and whose family is one of the few white families around. It gives a sense of what life was like both for the colonists and for the natives with whom they associated. It's a sense consistent with another movie I've seen about Africa in a similar time period (Nirgendwo in Afrika (2001)), but I have no way of knowing how realistic or typical it is. It's not just an impression -- things do happen in the movie -- but the plot is understated. The viewer is left to draw his own conclusions rather than having the filmmakers' forced upon him, although the framing of the story as a flashback from the woman's visit to south-western Cameroon as an adult provides some perspective.\": {\"frequency\": 1, \"value\": \"This movie shows ...\"}, \"Ugh! Where to begin ... first, Campbell Scott's non-stop angst becomes a real turn-off after awhile (a very short while) as he internalizes his mounting anguish, curiosity and anger. Only we don't care! These characters as presented by the writer and director are wholly unlikable, and therein lies the key. They haven't given us anything to make us care if they are adulterous and whether or not they are still in love with one another. When Scott quietly tells his wife, \\\"I could kill you\\\" before their three daughters at the dinner table, after the shock of his selfishly poor timing wore off I almost wished that he had--and then done the same thing to the smug, wisecracking apparition of Denis Leary before being hauled off the the looney bin. An utter waste of time and perhaps--only perhaps--resources.\": {\"frequency\": 1, \"value\": \"Ugh! Where to ...\"}, \"Sequels have a nasty habit of being disappointing, and the best credit I can give this is that it maintains that old tradition. These three tales aren't anything as good as any from the original Creepshow.

By far the best of the trio involves a wooden idol which comes to life to take revenge on the thugs who killed its owners. The second story is about a lake monster which seems to be nothing more than a lot of floating slop, makes you wonder how anybody could possibly be scared of it. The third story includes a cameo from Stephen King as a truck driver, but other than that is a pretty unmemorable tale concerning the victim of a road traffic accident who comes back from the dead for the person who knocked him down.

Watch the original Creepshow instead, or if you already have done then be happy with that.\": {\"frequency\": 1, \"value\": \"Sequels have a ...\"}, \"Another Norman Lear hit detailing the problems that African Americans had to go through in the turbulent 1960s and 1970s.

With Esther Rolle and husband along with 3 children living in a Chicago high-rise project in a predominantly black neighborhood, the show depicted what black people were going through with a landlord (black agent Mr. Bookman) as well as prices and the day-to-day problems of just existing.

The 3 children depicted how people seem to face their problems differently- from the comical JJ to the militant Ralph Carter, to their daughter who also aspired to attain success, this show was a perfect description of African-American life.\": {\"frequency\": 1, \"value\": \"Another Norman ...\"}, \"This movie was messed up. A sequel to \\\"John Carpenter's Vampires\\\", this didn't add up right. I'm not sure that I enjoyed this much. It was a little strange. Stick to the first \\\"Vampires\\\", it's a good movie. \\\"Vampires: Los Muetos\\\" wasn't a good attempt of a sequel.

4/10\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"I must have been only 11 when Mr Peepers started. It was a must see for the whole family, I believe on Sun. nights. Repeating gags were Rob opening his locker (he had to use a yardstick or pointer to gage the right spot on another locker and do some other things, finally kicking the spot whereupon his door would open), and taking pins out of a new shirt(at the start of an episode he would open up a package with a new dress shirt and for the rest of the show be finding one pin after another that he missed when unwrapping the shirt, timing was everything and the pins got lots of laughs.) I remember an aunt that drove a Rio like Jack Benny and always wanted \\\"Sonny\\\" to Say something scientific. He would think and come up with \\\"semi permeable membrane\\\" or osmosis causing her to say how brilliant he was. (you had to have been there). Marion Lorne stole the show every time she was on screen. Why they didn't continue the series from her POV when Wally quit (he was afraid he was being typecast but by then it was way too late)I'll never know. I saw somewhere that the 1st TV wedding (big one anyway) was Tiny Tim on the Carson show. Horsecocky. It was Rob and Nancy (did I ever have the hots for her) and I remember it made the cover of TV Guide and got press in all the papers and major magazines. A trip to the Museum of Broadcasting in NYC years ago was disappointing in that they had very few episodes then and those might be gone now. I still remember it as wonderful and wish I had been a little older.\": {\"frequency\": 1, \"value\": \"I must have been ...\"}, \"This movie i've loved since i was young! Its excellent. Although, it may be a bit much for the average movie watcher if one can't interpret certain subtleties in the film (for example, our hero's name is Achilles, and in the final battle between him and Alexander he's shot in the heel with a rocket, just as Achilles in mythology was shot in his heel). That's a just a little fact that is kind of amusing! Anyway, great movie, good story, it'd be neat to see it redone with today's special effects! Oddly enough, Gary Graham had average success, starring in the T.V. show Alien Nation. This movie is a fun watch and should be more appreciated!\": {\"frequency\": 1, \"value\": \"This movie i've ...\"}, \"I cannot say that Aag is the worst Bollywood film ever made, because I haven't seen every Bollywood film, but my imagination tells me that it could well be.

This film seems like an attempt at artistic suicide on behalf of the director, and I for one be believe he has been successful in his mission. No A-list actor outside of this film would risk sharing the same billing as him for all the humiliation this film is bound to carry with it.

But lets not just blame the director here, there is the cinematographer, who looks like he's rehearsing for the amateur home movie maker of the year award. There is the over dramatic score, that hopes to carry you to the next scene. The lighting man, who must have been holding a cigarette in one hand and light bulb on pole in the other, and hoping that the flame burning off the cigarette would add to that much needed light in every scene. And, of course the actors! Some of them are by no means newcomers, else all could be forgiven here. The ensemble of actors in Aag were put together to promote a new beginning and dimension to the re-make of India's most loved movie of all time, 'Sholay'. One must not forget that these actors were not forced in to this film, they are A-list and willing participants to something that, let's face it would surely have had high and eager public expectation??? So it begs the question, Amitabh aside (for now), did the other actors really believe their performances even attempted to better the original? Did Amitabh Bachchan read the script and believe that people would remember his dialogue in this farcical abomination of a film? Don't be stupid, of course he didn't, this was a demonstration to the public of how much money talks hence can make actors walk.

I truly hope everyone involved is satisfied with what is truly a vulgar attempt to remake a classic film, which only succeeds in polluting everyone's mind when they watch the original.\": {\"frequency\": 1, \"value\": \"I cannot say that ...\"}, \"One of the most frightening game experiences ever that will make you keep the lights on next to your bed. Great storyline with a romantic, horrific, and ironic plot. Fans of the original Resident Evil will be in for a surprise of a returning character! Not to mention that the voice-acting have drastically improved over the previous of the series. Don't miss out on the best of the series.\": {\"frequency\": 1, \"value\": \"One of the most ...\"}, \"I was watching this movie on Friday,Apr 7th. I didn't see the last scene ( cos I was talking with my bro n Mom in law at the same time ). Anyone can tell me what happened to her?I watched slightly that her husband was hearing someone was talking to his wife in the bedroom and then he opened the door,she's dead already.

What happened to her? Did she kill herself? How could she arrange everything like the phone calls,meanwhile she's at home when her husband was talking to this strange admirer?Anyone can explain to me,please. I am so so curious!! ( in the end,I read that she suffered from Multiply Disorder Personality ).

Thnks before.\": {\"frequency\": 1, \"value\": \"I was watching ...\"}, \"Yeah, it's a chick flick and it moves kinda slow, but it's actually pretty good - and I consider myself a manly man. You gotta love Judy Davis, no matter what she's in, and the girl who plays her daughter gives a natural, convincing performance.

The scenery of the small, coastal summer spot is beautiful and plays well with the major theme of the movie. The unknown (at least unknown to me) actors and actresses lend a realism to the movie that draws you in and keeps your attention. Overall, I give it an 8/10. Go see it.\": {\"frequency\": 1, \"value\": \"Yeah, it's a chick ...\"}, \"So the other night I decided to watch Tales from the Hollywood Hills: Natica Jackson. Or Power, Passion, Murder as it is called in Holland. When I bought the film I noticed that Michelle Pfeiffer was starring in it and I thought that had to say something about the quality. Unfortunately, it didn't.

1) The plot of the film is really confusing. There are two story lines running simultaneously during the film. Only they have nothing in common. Throughout the entire movie I was waiting for the moment these two story lines would come together so the plot would be clear to me. But it still hasn't.

2) The title of the film says the film will be about Natica Jackson. Well it is, sometimes. Like said the film covers two different stories and the part about Natica Jackson is the shortest. So another title for this movie would not be a wrong choice.

To conclude my story, I really recommend that you leave this movie where it belongs, on the shelf in the store on a place nobody can see it. By doing this you won't waste 90 minutes of your life, as I did.\": {\"frequency\": 1, \"value\": \"So the other night ...\"}, \"It's a good thing The Score came along for Marlon Brando as a farewell performance because I'd hate to think of him going out on Free Money. Not what his fans ought to remember him by.

Brando in his last years is looking more like Orson Welles and Free Money is the kind of film Welles would have done looking for financing of his own work. Brando is the warden of a local prison which in America, when it's located in a small rural setting is usually the largest employer in the area. That gives one who is in charge a lot of clout.

Unfortunately he has one weakness he indulges, his two twin bimbos otherwise known as daughters. Even when they get simultaneously pregnant by a pair of losers, Charlie Sheen and Thomas Haden Church, their hearts still belong to Daddy.

Not to fear because Brando's willing to give them jobs in the prison where they work under conditions not much better than the convicts have. What to do, but commit a robbery of a train which goes through the locality every so often carrying used money to be burned by the Treasury.

Although Free Money has some moments of humor, for most of the time it's quite beneath the talents of all those involved. Some of them would include Donald Sutherland as an equally corrupt judge and Mira Sorvino as his stepdaughter, but also straight arrow FBI agent.

Of course these people and the rest of the cast got to work with someone who many rate as the greatest American actor of the last century. Were it not for Brando's presence and were it some 40 years earlier, Free Money would be playing the drive-in circuit in red state America where the populace could see how they're being satirized.

Or a feeble attempt is made to satirize them.\": {\"frequency\": 1, \"value\": \"It's a good thing ...\"}, \"Let's cut to the chase: If you're a baby-boomer, you inevitably spent some time wondering at the fact that, in 1976, McCartney had the gumption to drop in on John's city hermit life and spend the day with him. You also certainly wondered how things went. I heard the exact same reports that the writer of this film heard, from John's and Paul's perspective, and I admit that I reconstructed the meeting in pretty much the same way this film does. But none of my imaginings could have bought tears to my eyes the way this incredible piece of work and acting does. I found it amazingly lifelike, perfectly plausible and 100 % saccharin-free. Now, can anyone explain why I didn't hear of this masterpiece before it was shown by the CBC last night? I mean it's already three years old, for goodness sake! And yes, if you're a Beatles fan, this is a must-see performance! Even the subtle paraphrasing of Beatles' melodies in the background is inspired.\": {\"frequency\": 1, \"value\": \"Let's cut to the ...\"}, \"Two years passed and mostly everyone looks different, some for good and some for worse. I still enjoyed as much as I did the original though.

Some flaws they had though like changing the Joker he now has no red lips and looks like more blackish hair and black pupils, hes still voiced by Mark Hamill which is a plus I guess. They made Poison Ivy more white hinting that she is becoming more like a plant and Catwomen looks much different and not as \\\"attractive\\\" as she was in the original.

Though costumes like Batman, Batgirl, Killer Croc and Scarecrow look badass, especially Scarecrow.

The show isn't as dark as the original because Batman doesn't work as alone as he used to. Most of the time working with Batgirl and the new Robin, Tim Drake. While NightWing(Dick Grayson) comes to the rescue often. Batman gave up the yellow logo and with the black wing on his suit and seems like he got a bit bigger but still kicking tons of ass.

The show isn't as good as the original mostly because of some of the revamped characters but the stories are as exciting as ever and the dialogue is still elite. \\\"Over the Edge\\\" might be one of the greatest Batman episodes ever so make sure you check that out.

Overall 8-9/10\": {\"frequency\": 1, \"value\": \"Two years passed ...\"}, \"This movie was the best movie I have ever seen. Being LDS I highly recommend this movie because you are able to feel a more understanding about the life of Joseph Smith. Although the movie was not made with highly acclaimed actors it is a remarkable and life changing movie that can be enjoyed and appreciated by everyone. I saw this movie with my family and I can bear witness that we have all had a change of heart. This movie allows people to really understand how hard the life was for the prophet and how much tribulation he was faced with. After I saw this movie,there was not a single dry eye in the entire room. Everyone was touched by what they saw and I have not been the same since I have seen it. I highly recommend this movie for everyone.\": {\"frequency\": 1, \"value\": \"This movie was the ...\"}, \"I went into this movie knowing nothing about it, and ended up really enjoying it. It lacked authenticity and believability- Some of the things that the characters said and did were completely bizarre, and a lot of the script seemed like it was ad-libbed (perhaps this is typical of Woody Allen? Excuse my ignorance) but the whole audience in the theater was laughing so hard. It wasn't even at the jokes in the movie per se, but at the whole movie itself. The acting reminded me of Seinfeld's acting, where he tries not to laugh at his own jokes- they are corny, but if you don't take the movie too seriously, you can really appreciate the humour of the ACTORS, not the CHARACTERS. If you're looking for a random movie, and you like Woody Allen, I'd definitely recommend it!\": {\"frequency\": 1, \"value\": \"I went into this ...\"}, \"Loved Part One, The Impossible Planet, but whoops, what a disappointment part two 'The Satan Pit' is. The cliffhanger of something apparently rising out of the pit was - nothing coming out of the pit. Then ages spent crawling round air vents to pad out the story, the Beast a roaring thing empty of intelligence, so no Doctor/villain confrontation I'd been anticipating. The TARDIS is somehow inside the pit despite the pit not being open till long after the TARDIS fell through the planet crust. And finally another ready made solution which existed for no logical reason - I mean, why not plunge the Beast into the Hole as soon as the pit opened? Why not plunge him in all those years ago instead of imprisoning him anyway. Why not - I could go on but I've lost interest...\": {\"frequency\": 1, \"value\": \"Loved Part One, ...\"}, \"So 'Thinner'... Yep.. This Steven Bachman (read Steven King) yarn about a man who gets his just desserts from a Gypsy Elder who he just killed, The story itself is there, no doubt about it, but I don't know why I didn't enjoy it more than I could have. I guess what really distracted me was the actors. I mean, who's the lead? Robert John Burke? Who's he? And fer crying out loud, can someone please stop hiring Joseph Mantegna for every Italian Mafioso role there ever is? And while we're at it, does every Mafioso have to have a pasta cooking Italian mother? The only good acting job done here is under 10 pounds of makeup, Michael Constantine as the Gypsy elder. He's pretty good. But the rest, I make you all, \\\"better actors...\\\"\": {\"frequency\": 1, \"value\": \"So 'Thinner'... ...\"}, \"While I suppose this film could get the rap as being Anti-Vietnam, while watching it I didn't feel that such was the case as much as the film was simply an honest look into the perspective of the young guys being trained for a war that the public didn't support.... it showed their fear, their desperation, their drive... all of it, out in the open, naked. As a soldier myself alot of the themes rang true to me in my experience in the military - especially boot camp. On the whole this movie, although it was shot on a very small budget, looks great, is very well put together, and features excellent acting and directing. I highly recommend this film to anyone looking for another excellent Colin Farrell film. 10/10\": {\"frequency\": 1, \"value\": \"While I suppose ...\"}, \"This wasn't the major disaster that I was expecting, but that is about as positive as I can be in my description of the movie. I'm not sure what was meant to be funny about this movie, but I suppose it's all a matter of taste. Personally, I don't find it funny to watch morons living their idiotic lives or making fools of themselves on television, but then again, I'm not a fan of Jerry Springer's pathetic daytime talk show. I didn't get too bored watching this, but I was definitely never enjoying it, either. If you're in the mood to see a bad movie, but one that isn't too painful to sit through, this is a good choice.\": {\"frequency\": 1, \"value\": \"This wasn't the ...\"}, \"The arrival of an world famous conductor sets of unexpected events and feelings in the small village. Some people are threatened by the way he handles the church choir, and how people in it gradually change. This movie is heartwarming and makes you leave the cinema with both a smile on your lips and tears in your eyes. It'a about bringing out the best in people and Kay Pollak has written an excellent script based on the ideas he has become so famous for. The actors are outstanding, Michael Nyqvist we know before but Frida Hallgren was an new, and charming acquaintances to me. She has a most vivid face that leaves no one untouched. Per Moberg does his part as Gabriella's husband almost too well, he is awful too see. One only wish the at he would be casted to play a nice guy one day so we can see if he masters that character as well.

This is a movie that will not leave you untouched. If you haven't already seen it, do it today!\": {\"frequency\": 1, \"value\": \"The arrival of an ...\"}, \"I simply can't get over how brilliant the pairing of Walter Matthau and Jack Lemmon is. It's like the movie doesn't even need additional characters because you can never get tired of the dialog between these two.

Lemmon had already been in several well-known films like Mr. Roberts and The Apartment and Matthau was fresh off his Oscar win for The Fortune Cookie (another Billy Wilder film also with Lemmon). That particular movie wasn't as great as this one because the story couldn't sustain such a long running time (I think it was almost 2 hours). However, this goes by at a brisk hour and a half, even though the introduction of the events leading up to Lemmon ending up at Matthau's apartment is a tad long (so was this sentence). That's a minor quibble though and for the rest of the running time you have a marvelous time.

I have already written a comment about how the follow-up to this film sucked and I won't go deeper into that. The reason why this is such a joy is probably that the movie was made just as the innocence of American movies was beginning to fade fast into oblivion. There are some sexual references but they are dealt with in such an innocent way that you couldn't even get a \\\"Well, I never...\\\" out of the most prudish person out there. It is kind of fun to see a movie from a long lost era and that was probably why the sequel didn't work because you had Matthau and Lemmon say quite a few f-words and that just doesn't fit them.

Of course, now they are both gone and you can just be happy that you still can enjoy them in a marvelous film like this. I think the only male actor in this film who is still alive is John Fiedler. Edelman died recently. So there you have it. Simply one of the best comedies and films ever.

Add: I have just learned recently that John Fiedler has died so to all the fans of him I am deeply sorry. I didn't mean any disrespect and I will try to be more careful of what I am blah blah blahing next time.\": {\"frequency\": 1, \"value\": \"I simply can't get ...\"}, \"Reese Witherspoon first outing on the big screen was a memorable one. She appears like a fresh scrubbed face \\\"tween\\\" slight and stringy, but undeniably Reese.

I have always liked her as an actor, and had no idea she started this young with her career, go figure. I actually gained some respect for Reese to know who she was so early on. I say that because whenever I have watched her perform, the characters thus far, in each portrayal she also seemed to have her own persona that lived with that character, quite nicely in fact.

Anyway, my first film experience with Reese was the Little Red Riding Hood parody Reese did with Kiefer Sutherland, somehow I assumed that was her first time up \\\"at bat\\\" Not so, well done Reese\": {\"frequency\": 1, \"value\": \"Reese Witherspoon ...\"}, \"This movie is written by Charlie Higson, who has before this done the \\\"legendary\\\" Fast Show and his own show based on one of Fast Show's characters (Tony the car sales man). He's also written James Bond books for kids.

Actually I've seen before this only Gordon's movies that are based on Lovecraft's stories, and every one of those is marvelous. Here Gordon tries to do something different. The style is totally \\\"contemporary\\\", which means shaky camera, fast and strange cutting, cool chillout music in the background. It works quite well here, I guess, but it's still pointless and cheap. It makes me often think of the cameraman who's shaking his dv-camera in front of the actors/actresses and try to make stylish moves in the pictures (hoping that something tolerable would come out of it). The casting is good, and there is a whole atmosphere, which is the result of good directing. I think the main character, the \\\"zero\\\" young guy, is quite interesting in his \\\"zeroness\\\". The fat guy is also good. And the guy who looks like Alec Baldwin, but is not him. But pretty soon after the beginning the movie turns out to be something not-so-interesting: In this case I mean an endless line of scenes of sadism and sickness. There is not much humanity in this film/story: It's totally pessimistic, and every person in this movie is disgusting and hopeless, or soon dead. Needless to say that there is no humor either. It's a 1'40 long vomit without no relief in any moment. Anyway, Gordon remains to me one of the most interesting movie makers that are active today, and I think of this movie as an experiment, and as a failure in that. Everyone has to experience getting lost sometimes, just to learn and to find their way again. This might be Gordon's most uninteresting and empty work.\": {\"frequency\": 1, \"value\": \"This movie is ...\"}, \"I had seen Lady with Red Hair back when it appeared, and didn't remember it as something to cherish. The truth is that, notwithstanding its base in a true story, its screen play is silly and unbelievable. The real merit of the picture is the cast. A constellation of some of the best supporting players of the 30's and 40's make a background for the delicate, intelligent work of the always underrated Miriam Hopkins, and the wonderful, spectacular performance of Claude Rains, who, as usual, is the best thing in the picture. What an actor! He never won an Oscar, but he is in the good company of Chaplin, Garbo and Hitchcock. Perhaps Lady with Red Hair contains his best work in films. See it and enjoy him.

\": {\"frequency\": 1, \"value\": \"I had seen Lady ...\"}, \"Verry classic plot but a verry fun horror movie for home movie party Really gore in the second part This movie proves that you can make something fun with a small budget. I hope that the director will make another one\": {\"frequency\": 1, \"value\": \"Verry classic plot ...\"}, \"I am a Catholic taught in parochial elementary schools by nuns, taught by Jesuit priests in high school & college. I am still a practicing Catholic but would not be considered a \\\"good Catholic\\\" in the church's eyes because I don't believe certain things or act certain ways just because the church tells me to.

So back to the movie...its bad because two people are killed by this nun who is supposed to be a satire as the embodiment of a female religious figurehead. There is no comedy in that and the satire is not done well by the over acting of Diane Keaton. I never saw the play but if it was very different from this movies then it may be good.

At first I thought the gun might be a fake and the first shooting all a plan by the female lead of the four former students as an attempt to demonstrate Sister Mary's emotional and intellectual bigotry of faith. But it turns out the bullets were real and the story has tragedy...the tragedy of loss of life (besides the two former students...the lives of the aborted babies, the life of the student's mom), the tragedy of dogmatic authority over love of people, the tragedy of organized religion replacing true faith in God. This is what is wrong with today's Islam, and yesterday's Judaism and Christianity.\": {\"frequency\": 2, \"value\": \"I am a Catholic ...\"}, \"This film has so little class in comparison to Strangers on a Train or even, Accidental Meeting for that matter, that despite plot similarities I wouldn't feel right in actually comparing this to either of them. The Yancy Butler character came across as such a dopey dimwit I was too embarrassed for the writer and director to continue watching.

I don't enjoy many Lifetime movies but feel compelled to watch one every now and then in the interest of promoting harmony at home. I often groan silently but this film caused me to protest out loud, stand up leave the room and walk around the house mumbling to myself, before I returned to my normally favorite chair to subject myself to more torture.

Dean Morgan, Rochester, NY\": {\"frequency\": 2, \"value\": \"This film has so ...\"}, \"As usual, I am making a mad dash to see the movies I haven't watched yet in anticipation of the Oscars. I was really looking forward to seeing this movie as it seemed to be right up my alley. I can not for the life of me understand why this movie has gotten the buzz it has. There is no story!! A group of guys meander around Iraq. One day they are here diffusing a bomb. Tomorrow they are tooling around the countryside, by themselves no less and start taking sniper fire. No wait here they are back in Bagdad. There is no cohesive story at all. The three main characters are so overly characterized that they are mere caricatures. By that I mean, we have the sweet kid who is afraid of dying. We have the hardened military man who is practical and just wants to get back safe. And then we have the daredevil cowboy who doesn't follow the rules but has a soft spot for the precocious little Iraqi boy trying to sell soldiers DVDs. What do you think is going to happen??? Well, do you think the cowboy soldier who doesn't follow rules is going to get the sweet kid injured with his renegade ways?? Why yes! Do you think the Iraqi kid that cowboy soldier has a soft spot for is going to get killed and make him go crazy? Why yes! There is no story here. The script is juvenile and predictable! The camera is shaken around a lot to make it look \\\"artsy\\\". And for all of you who think this is such a great war picture, go rent \\\"Full Metal Jacket\\\", \\\"Deerhunter\\\" or \\\"Platoon\\\". Don't waste time or money on this boring movie!\": {\"frequency\": 1, \"value\": \"As usual, I am ...\"}, \"The special effects of this movie are, especially for its time, laughable and used in such an over-emphasized way that you can't deny their terrible existance.

The acting redefines the term \\\"terrible overacting\\\" at the hands of Meg Foster and Richard Joseph Paul, where julie Newman and Andrew Divoff just redefine \\\"bad\\\".

***spoilers***

The charm in this movie can be found in two things: First is the excellent casting of Carel \\\"Lurch\\\" Struycken as the mysterious psychic Gaunt, who can sense where and when people will die and is always there.

The second are original finds, the combination SF-Western is obviously original, if terrible, but other finds are more original, like the gunman Zack Stone being able to sense the pain of the people he shoots (though his acting falls short here).

Overal...don't see this movie, except if you love that ol' hunk-o-brutal Carel Struycken, as any self-respecting Dutchman should.\": {\"frequency\": 1, \"value\": \"The special ...\"}, \"Dakota (1988) was another early Lou Diamond Phillips starring vehicle. This film is similar to the later released film Harley. There are a few differences but they're both the same. I don't know which one came first. I guess it'll remain one of the mysteries of life. But they both are troubled \\\"kids\\\" who are trying to turn there lives around. Instead of bikes this one involves horses. They're basically the same movie and they're both cheesy as hell. If you're a serious L.D.P. fan then I recommend that you watch them both. You get some extreme mugging and posturing from L.D.P. if you're game then go for it.

Not recommended, except for L.D.P. fans!!!\": {\"frequency\": 2, \"value\": \"Dakota (1988) was ...\"}, \"A very good start. I was a bit surprised to find the machinery not quite so advanced: It should have been cruder, to match we saw in the original series. The cast is interesting, although the Vulkan lady comes across as a little too human. She needs to school on Spock who, after all, is the model for this race. Too bad they couldn't have picked Jeri Ryan. I like Ms. Park, the Korean(?)lady. The doctor has possibilities. Haven't sorted out the other males, except for the black guy. He's a really likeable. Bakula needs to find his niche--In QL his strong point was his sense of humor and his willingness to try anything. He is, of course, big and strong enough for the heroics. The heavies were OK, although I didn't like their make-up.\": {\"frequency\": 1, \"value\": \"A very good start. ...\"}, \"Forgive me for stating the obvious, but some films are good and some films are bad. Of course, there are extremes within those two broad categories. Films such as The Godfather, Saving Private Ryan, and Star Wars slot comfortably into the good category. At the other end of the spectrum there are those films that simply don't deserve to be mentioned by name. Occasionally however, someone produces a truly woeful film. A film that should be singled out as a demonstration of how awful a film can be. A film that is more than bad. Such a film is Maiden Voyage.

Briefly, Maiden Voyage is a story about a luxury cruise ship that is hijacked by a gang of evil criminals who demand a ransom from an equally evil, scheming ship's owner. Of course, there is an all American hero on board, complete with chiselled jaw and sculptured chest, who saves the day.

This is a production that plumbs new depths. Everything about it is bad. The acting, the direction and the so-called plot are breath-takingly poor. In short, it is an insult to the intelligence of any unfortunate viewer. Even an American viewer would be annoyed by its shortcomings.

Yes, it's that bad.

I will resist the temptation to compose a list of things that angered me about this film. However, its dumber-than-dumb conclusion should serve as an adequate example of what I mean.

Imagine in your mind that you are an evil hijacker and you are stood in an open lifeboat on a calm sea. You are in company with the hero who holds a ticking bomb. Said hero throws the bomb to you and dives overboard. What would you do? I don't know about you, but I would throw the bomb as far as I possibly could into the sea. Not this guy. He watches as our hero swims away and then he tries to disarm the bomb with unfortunate (for him) results. Enough said. Such a demise would merit a mention in the Darwin Awards website and might also be a suitably apt conclusion to the production team's lives.\": {\"frequency\": 1, \"value\": \"Forgive me for ...\"}, \"What an insult to the SA film industry! I have seen better SA films. The comments I read about Hijack Stories,by saying it is worthy of a ten out of ten is quite scary. A movie's rating should not depend on.., \\\"OH, A MOVIE FROM A DEVELOPING COUNTRY. LETS BOOST THEIR INDUSTRY BY SAYING NICE THINGS ABOUT THEIR WORK, EVEN THOUGH IT IS BAD.\\\" We have the expertise to make good movies. Don't judge the film industry on what people say how great they think Hijack Stories is. We can tell great stories such as Cry the beloved Country and Shaka Zulu. Cry the beloved Country I'll give 9 out of 10. Great directing by Darryl, great acting by two great elderly actors, irrespective from where they are. Hijack Stories.., I'll give 1 out of 10. It could only be people involved in the project who would give it high scores. I would've done the same if it was my movie.\": {\"frequency\": 1, \"value\": \"What an insult to ...\"}, \"Let me first state that I enjoy watching \\\"bad\\\" movies. It's funny how some of these films leave more of a lasting impression than the truly superb ones. This film is bad in a disturbingly malicious way. This vehicle for Sam Mraovich's delusional ego doesn't just border on talentless ineptitude, it has redefined the very meaning of the words. This should forever be the barometer for bad movies. Sort of the Mendoza line for film. Mr. Mraovich writes, directs, and stars as blunt object Arthur Sailes battling scorned wives and the Christian forces of evil as he and his partner Ben \\\"dead behind the eyes\\\" Sheets struggle for marital equality. As a libertarian I believe gays should have a right to get married. Ben & Arthur do more harm to that cause than an army of homophobes. The portrayal of all things Christian are so ugly and ham-fisted, trademark Mraovich, that you can't possibly take any of them seriously. Arthur's brother Victor, the bible toting Jesus freak, is so horribly over-the-top evil/effeminately gay that you have to wonder how he was cast in this role. That's because Sam \\\"multitasking\\\" Mraovich was also casting director. The worst of it all is Sam Mraovich himself. When you think leading man do the words pasty, balding, and chubby come to mind? Sam also delivers lines like domino's pizza, cold and usually wrong. The final tally: you suck at writing, directing, acting and casting. That's the Ed Wood quadruple crown. Congratulations you horrible little man.\": {\"frequency\": 1, \"value\": \"Let me first state ...\"}, \"Unremarkable and unmemorable remake of an old, celebrated English film. Although it may be overly maligned as a total disaster (which it is not), it never builds any tension and betrays its TV origins. Richard Burton sleepwalks through his role, and Sophia Loren's closed (in this movie) face doesn't display much passion, either. (**)\": {\"frequency\": 1, \"value\": \"Unremarkable and ...\"}, \"You do not get more dark or tragic than \\\"Othello\\\" and this movie captures the play fairly well, with outstanding performances by Lawrence Fishburne and Irene Jacob. Fishburne's expresses to the viewer Othello's torment as he falls prey to Iago's lies very convincingly, even providing a realistic epileptic episode. Jacob is the loving and loyal wife who becomes either the instrument of Iago's revenge against Othello, or the object of his wrath (it is not clear which since no motive for Iago's behavior is offered). Although Kenneth Brannagh (sp?) displays his usual talent for Shakespeare in this movie, he is somewhat marginalized. The characters of Cassio and Emilia also wander in and out of scenes even though they, like Iago, seem more crucial to the plot. I have not checked the movie against the play to see how many lines were cut out, but I know that Shakespeare tends to develop his characters, even the seemingly unimportant ones, very well.

If I had any criticism of the movie it would be that the story unfolds too quickly, and that the relationships between some of the characters are not laid out more. The director had a great cast, and no one offered a bad performance. The relationship between Cassio and Othello and that between Emilia and Desdemona need to be further developed earlier in the film. I have a feeling that they were closer to each other than the movie suggests, although you get a sense of this very late into the movie. Also, Othello and Desdemona need more time together. Although their anguish is convincing, the amount of interaction they have with each other makes it seem like they just met. On the other hand, maybe the did just meet---like Romeo and Juliet.

In brief: good performances, too short.

\": {\"frequency\": 1, \"value\": \"You do not get ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"This is NOT as bad ...\"}, \"I was pleased to see that she had black hair! I've been a fan for about 30 years now and have been disgusted at the two earlier attempts to film the stories.

I was pleased that the screenwriters updated the period to include a computer, it didn't spoil it at all. In fact I watched the film twice in one day, a sure sign that it was up to standard. This is what I do with books that I like as well.

I thought all the characters were well depicted and represented the early days of Modesty Blaise extremely well as evinced in both book and comic strip. I would also have to disagree with a comment made by an earlier reviewer about baddies having to be ugly. Has he actually read the books?

I thought this was a very good film and look forward to sequels with anticipation.\": {\"frequency\": 1, \"value\": \"I was pleased to ...\"}, \"I saw this movie in the first couple of weeks it was out, (I don't remember exactly when.) I thought that it was alright, for a Ben Stiller movie. This movie isn't for a person without a good sense of humor. Like most of Ben Stiller's jokes you have to think about them. Or like I said you have a good sense of humor. From a couple of people on this website I saw that people didn't have anything good to say about it and It didn't get a very good rating, But I would have given it a larger one This movie, I thought, was very good and it should have gotten a better rating. Maybe this isn't a movie for you. I'm just giving you another person's opinion.\": {\"frequency\": 1, \"value\": \"I saw this movie ...\"}, \"The Sopranos is perhaps the most mind-opening series you could possibly ever want to watch. It's smart, it's quirky, it's funny - and it carries the mafia genre so well that most people can't resist watching. The best aspect of this show is the overwhelming realism of the characters, set in the subterranean world of the New York crime families. For most of the time, you really don't know whether the wise guys will stab someone in the back, or buy them lunch.

Further adding to the realistic approach of the characters in this show is the depth of their personalities - These are dangerous men, most of them murderers, but by God if you don't love them too. I've laughed at their wisecracks, been torn when they've made err in judgement, and felt scared at the sheer ruthlessness of a serious criminal.

The suburban setting of New Jersey is absolutely perfect for this show's subtext - people aren't always as they seem, and the stark contrast between humdrum and the actions taken by these seemingly petty criminals weigh up to even the odds.

If you haven't already, you most definitely should.\": {\"frequency\": 1, \"value\": \"The Sopranos is ...\"}, \"Well...now that I know where Rob Zombie stole the title for his \\\"House of 1,000 Corpses\\\" crapfest, I can now rest in peace. Nothing about the somnambulant performances or trite script would raise the dead in \\\"The House of Seven Corpses,\\\" but a groovie ghoulie comes up from his plot (ha!) anyway, to kill the bloody amateurs making a low-rent horror flick in his former abode! In Hell House (sorry, I don't remember the actual name of the residence), a bunch of mysterious, unexplained deaths took place long ago; some, like arthritic Lurch stand-in John Carradine (whose small role provides the film's only worthwhile moments), attribute it to the supernatural; bellowing film director John Ireland dismisses it as superstitious hokum. The result comes across like \\\"Satan's School for Girls\\\" (catchy title; made-for-TV production values; intriguing plot) crossed with \\\"Children Shouldn't Play With Dead Things\\\" (low-rent movie about low-rent movie makers who wake the dead); trouble is, it's nowhere near as entertaining or fun. \\\"The House of Seven Corpses\\\" is dead at frame one, and spends the rest of its 89 minutes going through rigor mortis, dragging us along for every aching second...\": {\"frequency\": 1, \"value\": \"Well...now that I ...\"}, \"Simon Pegg plays a rude crude and often out of control celebrity journalist who is brought from England to work for a big American magazine. Of course his winning ways create all sorts of complications. Amusing fact based comedy that co stars Kristen Dunst (looking rather grown up), Danny Huston, and Jeff Bridges. It works primarily because we like Simon Pegg despite his bad behavior. We completely understand why Kristen Dunst continues to talk to him despite his frequent screw ups. I liked the film. Its not the be all and end all but it was a nice way to cap off an evening of sitting on the couch watching movies.

7 out of 10\": {\"frequency\": 1, \"value\": \"Simon Pegg plays a ...\"}, \"Dog days is one of most accurate films i've ever seen describing life in modern cities. It's very harsh and cruel at some points and sadly it's very close to reality. Isolation, desperation, deep emotional dead ends, problematic affairs, perversion, complexes, madness. All the things that are present in the big advanced cities of today. It makes you realize once again the pityful state in which people have lead society.

The negative side of life in the city was never pictured on screen so properly. I only wish it was a lie. Unfortunately, it isn't. Therefore...10/10.\": {\"frequency\": 1, \"value\": \"Dog days is one of ...\"}, \"The only reason I even watched this was because I found it at my local library (and will berate them mercilessly for having wasted public monies on it), and despite the plethora of tits and ass, it didn't take long to realize that the fast-forward button was my friend. Terrible direction, pedestrian camera work, sporadically bad-to-nearly-passable acting, chintzy effects, and one of the worst screenplays I've had the displeasure of seeing brought to life (such as it was, horribly crippled and mutilated) in a long, long time. Best laughs actually come from the \\\"Making of...\\\" featurette, in which the poor saps involved with this HDV mess attempt to justify their lame efforts as if they had been working on something special, instead of something that won't be utterly forgotten next week. Wait! Except for the fact that somehow someone lured Tippi \\\"The Birds\\\" Hedren, of all people, into doing a bit part, along with Kane \\\"Friday the 13th\\\" Hodder! How this came to pass, I'll never know, and to be honest, I don't really care. Watch at your own risk, and don't say you haven't been warned. This is film-making at its pretentious, craven worst. It only gets a 2 from me for having some good-looking naked women, and even then, just barely.\": {\"frequency\": 1, \"value\": \"The only reason I ...\"}, \"Susan Swift is an appealing youngster, a flower child transplanted to the 1980's (like a young Susan Dey), but she doesn't quite have the vocal range for a demanding dramatic lead and she tends to whine; still, she's rather sweet and has bright eyes and a pretty smile. In \\\"The Coming\\\" (as it was called when briefly released to theaters), Swift may be the reincarnation of a Salem witch. The flick is very low-budget and borrows from so many other pictures that I gave up on it with about 15 minutes to go. It starts out strong and has some camp appeal. Obviously, there are more serious films that deal with the Salem witch trials that deserve to be seen over this one; however, as junk movies go, it isn't too terrible. The Boston locales are a definite plus, and the supporting cast is amusingly hammy. *1/2 from ****\": {\"frequency\": 1, \"value\": \"Susan Swift is an ...\"}, \"a bit slow and boring, the tale of an old man and his wife living a delapidated building and interacting with a fixed cast of characters like the mailman, the brothers sitting on the porch, the wealthy cigar smoking man. The photography of the river is marvelous, as is the interior period decoration. If you like decoration of Banana Republic stores, this is a must.\": {\"frequency\": 1, \"value\": \"a bit slow and ...\"}, \"Watching Josh Kornbluth 'act' in this movie reminds me of my freshman TV production class, where the 'not funny' had the chance to prove just how unfunny they really were!

OBVIOUS is the word that comes to mind when I try to synopsize this wannabe comedy. The jokes are sophomoric and telegraphed. The delivery is painfully bad. OUCH!!!!!!! The writing is simply dorkish. It is akin to a Bob Saget show.

Watching this movie is as painful as watching a one and a half hour long Saturday Night Live skit (post Belushi).

I hated this movie and want my money back!!!\": {\"frequency\": 1, \"value\": \"Watching Josh ...\"}, \"Val Kilmer, solid performance. Dylan McDermott, solid performance. Josh Lucas, solid performance. Three very engaging actors giving decent performances. The problem is, who cares about the plot? John Holmes. Infamous for his well-endowments, a drug addict, and a guy who, despite contracting AIDS, continued to make adult films, just does not make an intriguing character.

The story surrounds the events leading up to and the aftermath of a vicious mass murder that occurred in the late 80's in Los Angelos to which Holmes was linked, arrested and charged with murder, and who ultimately was acquitted. Just like in the case of O.J., the guilt factor, regardless of the outcome, ranged quite high in the \\\"He did it\\\" zone.

There is no one to sympathize with in this film, as everyone is a self-serving criminal. There is just nothing remotely interesting here.\": {\"frequency\": 1, \"value\": \"Val Kilmer, solid ...\"}, \"This movie should be nominated for a new genre: Complete Mess! Except for a few chuckles and one or two scenes of gore, this movie is a complete waste of time. Calling it \\\"Campy\\\" doesn't even cut it. \\\"Campy\\\" implies fun which this movie was not. You spend the first half of the movie thinking \\\"Its got to get better, right?\\\". In fairness, it does, at the very end when its finally explained who the \\\"brother/sister\\\" team are and what they want but by then, you hardly care anymore because you've spend the entire second half of the movie wondering exactly what did Mr. Onorati & Ms. Pacula do to tick someone off THIS badly to be stuck in such a horrible movie.

\": {\"frequency\": 1, \"value\": \"This movie should ...\"}, \"Look, there's nothing spectacularly offensive about this film, it's just boring. It's a typical rom-com with an ending you can see coming before you've seen so much as the trailer. The key difference is that the classic rom-coms tackle their stories with wit and a lack of pretension. This movie has no pretension but it really has no sense of movement, you feel as though you could get up and walk away at any moment. The production of the movie also has the feel of a debut movie made about fifteen years ago. I'd recommend re-watching a classic movie like When Harry Met Sally instead of this shallow imitation. Oh, one other BIG problem...no chemistry. If you're used to seeing Michael looking all cute as Vaughn in Alias, you're going to be seriously disappointed with the way they've made him look here.\": {\"frequency\": 1, \"value\": \"Look, there's ...\"}, \"THE TOY BOX (1971) BOMB

Sure, I like looking at nude women. While I prefer hardcore porn flicks, I'll take softcore exploitation grindhouse junk like this too under the right circumstances. Well, these aren't the right circumstances. These aren't ANY circumstances. There's supposed to be a horrific subplot lurking in here somewhere, but I'll be damned if I can untangle it. This is another of those amateurish steaming piles of badly made manure that bores you to tears rather than stimulates you, despite all the simulated sex going on all over the place. Bah -- if I want to see good sex scenes, I'll watch the real stuff.\": {\"frequency\": 1, \"value\": \"THE TOY BOX (1971) ...\"}, \"This could have been a rather entertaining film, but instead it ranks with other duds like Leeches and Rest In Pieces at the bottom of the cinematic food chain. Had they played this flick tongue-in-cheek, it could have been a very entertaining film, like Re-Animator or Dead ALive, but Juan Piquor Simon plays it tongue-in-cheek in spots but straight more often.

The premise of this film is a small community that is besieged by mutated slugs. There is an abandoned toxic waste dump near a sewer line that mutates the slugs into aggressive, meat-eating monsters - albeit monsters that move slowly and can be squished under your boot. Health Inspector Michael Garfiled and two accomplices are the only people that seem willing to fight the slugs while the sheriff and mayor think they are crazy. The climax is a laugh riot - unintentional at that - which makes you scratch your head as to how stupid (actors and screenwriter) the scenario of destroying the slugs is.

STORY: $$ (No new ground charted here. Simon seems to play the gore elements tongue-in-cheek but the dialogue is straight. Had Simon worked with a clever script - one with plenty of one-liners and eccentric characters, this could have been a cult film).

VIOLENCE: $$$ (You won't be letdown here. We get plenty of exploding chest cavity scenes as well as a grand head explosion in the middle of a fine Italian restaurant. The blood and guts, that many horror film watchers enjoy, is in full swing here. You also get corpses of people who have been picked clean by the slugs and plenty of slug smashing scenes).

ACTING: $ (Wow! Michael Garfield seems to know that this script is a stinker and he delivers his lines with a facial expression that suggests he knows how preposterous this film-making endeavor is. Kim Terry, as his wife, does an adequate job even though she does little beyond the hold-your-face-while-you-scream bit. The \\\"teenagers\\\" were all horrible actors - no exceptions. Man, this film could have used Bruce Dern or Jeffrey Combs!)

NUDITY: $$ (Two teens get naughty in bed before they get dispatched - in a poorly done scene - by a horde of slugs that crawled into the girl's bedroom. Both male and female nudity here).\": {\"frequency\": 1, \"value\": \"This could have ...\"}, \"This is a really old fashion charming movie. The locations are great and the situation is one of those old time Preston sturgess movies. Fi you want to watch a movie that doesn't demand much other then to sit back and relax then this is it. The acting is good, and I really liked Michael Rispoli. He was in Rounders, too. And While You Were Sleeping. The rest of the cast is fun. It's just what happens when two people about to get married meet the one that they really love on the weekend that they are planning their own weddings. I know... sounds kooky... but it is. And that's what makes it fun to watch. It will make your girl friend either hug you or leave you, but at least you'll know.\": {\"frequency\": 1, \"value\": \"This is a really ...\"}, \"Would anyone really watch this RUBBISH if it didn't contain little children running around nude? From a cinematic point of view it is probably one of the worst films I have encountered absolutely dire. Some perv woke up one day and thought I will make a film with little girls in and call it art, stick them in countryside and there isn't any need for a story or explanation of how they got there or why they don't appear to live anywhere or have parents because p*rn films don't need anything like that. I would comment on the rest of the film but I haven't ticked spoilers so I will just say avoid, avoid avoid and find yourself a proper film to watch\": {\"frequency\": 1, \"value\": \"Would anyone ...\"}, \"Spanish horrors are not bad at all, some are smart with interesting stories, but is not the case of \\\"Second Name\\\". It is badly directed, badly acted and boring...boring...boring, a missed chance for an interesting story.\": {\"frequency\": 2, \"value\": \"Spanish horrors ...\"}, \"This movie is an insult to ALL submariners. It was stupid. It appeared to have been written by monkeys. The acting was absurd. If this is the view most people have of the Navy, then I weep for our defense. This movie was awful. I put it below \\\"Voyage to the Bottom of the Sea\\\" as far as submarine movies go. Gene Hackman must have really needed rent money to do this crap. Denzel Washington must have been high. Little in the plot makes any sense. And the ending. For a mutineer to be rewarded for his crime? Only Hollywood would think of this garbage. If you haven't figured it out yet, I didn't like it. And if it wasn't for all the pro comments, I would not have bothered to post.\": {\"frequency\": 1, \"value\": \"This movie is an ...\"}, \"Not to be confused with Lewis Teague's \\\"Alligator\\\" (1980) which actually IS an excellent film, this \\\"Il Fiume Del Grande Caimano\\\" laboriously ends the exotic trilogy Sergio Martino made around the end of the seventies (including the rather watchable \\\"L'Isola degli uomini pesce\\\" and the not so good \\\"La Montagna del dio cannibale\\\"). Tracing outrageously the plot of \\\"Jaws\\\", the script fails at creating any suspense what so ever. The creature is ludicrous and its victims are simply despicable. Stelvio Cipriani's lame tune poorly illustrates the adventures of these silly tourists presented from the very beginning as the obvious items of the reptile's meal. No thrill out of this, rather laughters actually! And we could find this pitiful flick quite funny if the dialogs and the appearance of the natives were not so obviously inspired by pure racism. Very soon the giggling stops in favor of a sour feeling witnessing such a patronizing attitude. We could excuse badly made films and poor FXs, but not that kind of mentality. Never!\": {\"frequency\": 1, \"value\": \"Not to be confused ...\"}, \"I just sat through a very enjoyable fast paced 45 mins of ROLL.

Roll is about a country boy, Mat (Toby Malone) who has dreams of becoming a Sports Star. Mat travels to the city and is to be picked up by his cousin George (Damien Robertson). Well, that was the plan anyway. George is involved with a gangster, Tiny (John Batchelor) and is making a delivery for him. Needless to say, Mat gets dragged into George's world.

I thought it was great how Mat teaches George some morals and respect while George teaches Mat how to relax and enjoy life a little. Toby and Damien were well cast together and did an outstanding job.

Every character in the movie complimented each other very well, the two cops were great. David Ngoombujarra brought some great comic relief to the movie. Tiny played a likable gangster that reminded me of one of my favourite characters 'Pando' from Two Hands.

One of the other things that I liked about Roll was that it showcased the cities that I grew up and lived in for 20 years, Perth and Fremantle. It was good to see sights and landmarks that I grew up with, especially the old Ferris wheel.

This Rocks 'n' Rolls\": {\"frequency\": 1, \"value\": \"I just sat through ...\"}, \"Ealing Studios, a television and film production company based in West London, claims to be the oldest film studio in the world. Though it has been consistently churning out films and television programmes since the 1930s, its golden age was most certainly between 1948 and 1955, when it produced a string of comedy masterpieces, many starring the great Alec Guinness. Such well-known titles include 'Whisky Galore! (1949),' 'Passport to Pimlico (1949),' 'Kind Hearts and Coronets (1949),' 'The Lavender Hill Mob (1951),' 'The Titfield Thunderbolt (1953)' and 'The Ladykillers (1955).' One of Ealing Studio's most beloved films, 'The Man in the White Suit,' was released in 1951, and starred Alec Guiness as Sidney Stratton, a brilliant inventor who engineers a remarkable fabric, an invention that unexpectedly makes him more enemies than friends.

Sidney Stratton is poor and unappreciated, but he has scientific talent in great abundance. Due to his under-qualification, the only jobs he is able to get are as a janitor or labourer at any of the large textile factories, where he secretly undertakes his own experiments using the company's own money and equipment. After being found out and ejected countless times, Sidney is convinced that he is only weeks away from a momentous scientific discovery that will revolutionise the textiles industry. Encouraged by his daughter Daphne (Joan Greenwood), textile mill owner Alan Birnley (Cecil Parker) takes a keen interest in Sidney's exploits and agrees to finance any further work. After numerous failed attempts and quite a few earth-shattering explosions, Sidney eventually unveils his amazing creation: an almost-luminous white fabric that never gets dirty and never wears out.

If Sidney thought that his invention would make him a hero, then he was sorely disappointed. The all-powerful bosses of textiles industry, headed by the frail Sir John Kierlaw (Ernest Thesiger), unite to ensure that the revolutionary invention, which could completely cripple their businesses, never goes into full-scale production. Likewise, the humble labourers in the workers' union hear of Sidney's creation and also set out to erase it from existence, fearing for their jobs. The inventor, however, is convinced that the ever-lasting fabric will bring relief and happiness to many, and refuses to give in to the demand of others, despite being threatened with violence and offered \\ufffd\\ufffd\\ufffd250,000 in compensation. Throughout all his troubles to announce his invention to the media, only one person offers Sidney her complete sympathy and support, Birnley's daughter Daphne, who is engaged to be married to somebody else but falls in love with Sidney's plight anyway.

'The Man in the White Suit' is a clever and hilarious comedy, made great by a witty script (written by John Dighton, Roger MacDougall and director Alexander Mackendrick) and a quirky and charismatic performance from an inimitable Alec Guinness. There are also a few good-natured swipes at capitalism, and of how big industries can hold back progress for the sake of their own monetary situations, though we can certainly see the arguments for either side of the debate.\": {\"frequency\": 1, \"value\": \"Ealing Studios, a ...\"}, \"86 wasted minutes of my life. I fell asleep the first time I attempted watching it, and I must say I'm not one to ever fall asleep in the cinema.

I have never seen such a pointless plot acted in such a stilted and forced manner, and can only surmise that the actors were as hard-up as the protagonist writer allegedly was in the film itself.

Everything in this dire adaptation is overacted. And if it isn't the wooden acting, almost as though you can see the teleprompter, then the set itself, which is overlit and interfering in utterly unnecessary ways, and overdressed to an unimaginable extent, is enough to put you off the entire farce.

As to the supposed shock of a detective under disguise, any person who does not see that - as well as the entire rest of this ludicrous plot - telegraphed light years in advance, should check their eyesight immediately.

Bad acting, and from two very decent actors, coupled with the hyper-coddled Branagh trademark overdirection, is enough to make you want to use real bullets rather than blanks yourself.

On top of it all, there is a completely risible undertone of homoerotica in this, heightened towards the end of it. All I can hope for is that this was such a flop that people shan't try to emulate this level of cinema ever again.\": {\"frequency\": 1, \"value\": \"86 wasted minutes ...\"}, \"I don't know what that other guy was thinking. The fact that this movie was independently made makes it no less terrible. You can be as big a believer as you want... the majority of this film is mindless drivel. I feel i have been insulted by having to watch the first 40 minutes of it. And that alone was no small feat. Not only is the acting terrible, but the plot is never even close to developed. There are countless holes in the story, to the point where you can hardly even call it a story anymore. I've never read the book, so I can't critique on that, but this is the first review that I've written here and it's purpose is solely to save all you viewers out there an hour and a half of your life. I can't remember the last time I couldn't even finish watching a movie. This one really takes the cake.\": {\"frequency\": 1, \"value\": \"I don't know what ...\"}, \"I don't know why I picked this movie to watch, it has a strange title and from the description it just looked like something different. Every once in a while its good to try a film that's slightly different from the mainstream Hollywood hero/thriller flick and this film certainly was different. Right from the beginning this film had me intrigued but I couldn't figure out why until the end if the film when I realized that the movie was great because the characters were so real. I thought the acting was superb and the character development really makes you care about them and hope things turn out well for them in the end. I think that everyone who watches the film could in some way relate to one of the characters and this makes for great viewing and some good laughs at the sheer ordinariness of the actors.

At the culmination of the movie you definitely get a sense of well being, and are left with the 'things are going to be OK' type of a feeling. I'm sure this will have wide appeal and should be given a chance.\": {\"frequency\": 1, \"value\": \"I don't know why I ...\"}, \"I caught this movie at a small screening held by members of my college's gaming club. We were forewarned that this would be the \\\"reefer madness\\\" of gaming, and this movie more than delivered.

Tom Hanks plays Robbie, a young man re-starting his college career after \\\"resting\\\" for a semester. What we, the viewer, find out as the movie progresses, is that Robbie was hopelessly addicted to a role-playing game called \\\"Mazes and Monsters,\\\" a game that he gets re-acquainted with after a gaming group recruit him for a campaign.

This movie is laughable on many, many levels. One scene features the group \\\"gaming by candlelight,\\\" which is probably the best way I can describe it. While I'm sure that this was meant to be \\\"cultish\\\" in some way, as most gamers know, it's horribly inaccurate. Most role-play sessions are done in well-lit rooms, usually over some chee-tohs and a can of soda.

The acting, while not Oscar-caliber, isn't gut-wrenchingly awful either. This is one of Tom Hanks's first roles, and Bosom Buddies and Bachelor Party were still a year or two over the horizon. The supporting cast, while not very memorable, still hand forth decent performances.

Mainly the badness lies in the fact that it was a made-for-TV movie that shows the \\\"dangers of gaming\\\" Worth a view if you and your friends are planning a bad movie night.\": {\"frequency\": 1, \"value\": \"I caught this ...\"}, \"Very nice action with an interwoven story which actually doesn't suck. Interesting enough to merit watching instead of skipping past to get to the good parts. Having Jenna Jameson and Asia Carrere helps liven it up, too. Jenna in that sweater and those glasses is just astounding! Worth picking up just to see her!\": {\"frequency\": 1, \"value\": \"Very nice action ...\"}, \"This Batman movie isn't quite as good as Batman mask of The Phantasm and Batman and Mr. Freeze subzero But it is still a good installment to the Batman cartoons I say it is equally good as Batman Beyond The Movie. This movie is good for all the same reasons The storyline is good not quite as good as the other one's but still pretty good it has lots of action in it The Cartoon effects are good The voice of actors are really good such as Kevin Conroy as Batman/ Bruce Wayne, Tara Strong as Barbra Gordon, Efrem Zimbalist Jr., Eli Marienthal as Robin. The villains are good such as Kyra Sedgwick as Batwoman, David Ogden Stiers as The Pequin, Hector Elizondo as Bane. So I am sure you will not be disappointed with batman Mystery of The Batwomen. So make sure that you rent or buy batman Mystery of The Batwoman the movie because it is really good.

Overall score: ******* out of **********

*** out of *****\": {\"frequency\": 1, \"value\": \"This Batman movie ...\"}, \"Have you ever heard the saying that people \\\"telegraph their intentions?\\\" Well in this movie, the characters' actions do more than telegraph future plans -- they show up at your house drunk and buffet you about the head. This could be forgiven if the setting had been used better, or if the characters were more charismatic or nuanced. Embeth Davidtz's character is not mysterious, just wooden, and Kenneth Branagh doesn't succeed in conveying the brash charm his character probably was written to have.

The bottom line: obvious plot, one-note performances, unlikeable characters, and grotesque \\\"Southern\\\" accents employed by British actors.\": {\"frequency\": 1, \"value\": \"Have you ever ...\"}, \"In light of the recent and quite good Batman the Brave and the Bold, now is the time to bear a fatal blow to that mistake in the life of Batman. Being a huge fan since the first revival by Tim Burton 20 years ago, I have been able to accept different tonalities in the character, dark or campy. This one is just not credible : too many effects, poor intrigues and so few questions. What is great about Batman is the diversity of his skills and aspects of his personality : detective, crime-fighter, playboy, philanthropist etc. The Batman shows him only in his karate days. And by the way, how come the Penguin is capable of such virtuosity when jumping in the air regardless of his portly corpulence ? And look at the Joker, a mixture of Blanka in Street Fighter 2 and a stereotypical reggae man, what Batman fan could accept such a treason ? Not me anyway. Batman is much better without \\\"The\\\" article in front of his name.\": {\"frequency\": 1, \"value\": \"In light of the ...\"}, \"The plot was very thin, although the idea of naked, sexy, man eating sirens is a good one.

The film just seemed to meander from one meaningless scene to another with far too few nuddie/splatter/lesbian mouth licking shots in between.

The characters were wooden and one dimensional.

The ending made no sense.

Considering it had Tom Savini and Shaun Hutson in it, you would have expected a decent plot and decent special effects. Some of the effects were quite good but there were just too few of them.

Brownie points go for occasional flashes of tits and bush, naturally, and of course the lesbian moments. I also thought that the scene with the sirens bathing in the pool under the waterfall could be viewed as an innovative take on the 'shower scene'

The film had many of the elements that go into making a first rate horror film but they were poorly executed or used too sparsely.

If I had been watching this alone and aged 15, i would have really enjoyed it for about 10 minutes (with 1 hand of the remote control), then lost interest suddenly and needed a pizza...\": {\"frequency\": 1, \"value\": \"The plot was very ...\"}, \"This is a quite slow paced movie, slowly building the story of an ex stripper who begins a new family life with a complete stranger. The viewer slowly feels that there's something wrong here ...

I really loved this movie even though it leaves a slight bitter taste in the end. It is clever, well paced and very well acted. Both Philippe Toretton and Emmannuelle Seigner are deeply into their characters.

The little son \\\"pierrot\\\" is also very touching.

A thriller which does not seem like one. A very unconventional movie, very particular atmosphere throughout the whole movie though you might feel awkward a few times with a couple of scenes.

i'll give it a 8/10 !!\": {\"frequency\": 1, \"value\": \"This is a quite ...\"}, \"This film is definitely an odd love story. Though this film may not be much to shout about, Nicole Kidman carries the film on her own the rest of the cast could quite easily be forgotten, though Ben Chaplin does do quite a good job of Hertfordshire Life with shots of St Albans & Hemel Hempstead town centre depicting the true essence of the area. What starts outlooking like a regular episode of the popular British TV series\\\"Heartbeat\\\" soon turns into a gritty gangster getaway action flick.Nothing truly memorable happens in this simple small film and thus ends-up as fairly decent weekend entertainment. A good one to watch, and if you like the hero john are lonely thirty something you may find something to identify with in his character.\": {\"frequency\": 1, \"value\": \"This film is ...\"}, \"Sometimes a premise starts out good, but because of the demands of having to go overboard to meet the demands of an audience suffering from attention-deficit disorder, it devolves into an incongruous mess. And for three well-respected actors who have made better work before and after, this is a mortal shame.

So let's see. Premise: a loving couple who lives in a beautiful home is threatened by a bad cop. Interesting to say the least. Make the encroaching cop a little disturbing, why not. It was well done in THE HAND WHO ROCKS THE CRADLE and SINGLE WHITE FEMALE, and it's a proved ticket to a successful thriller.

Now herein lies the dilemma. Create a disturbing story that actually bothers to bring some true menace into its main characters while never going so far as to look ridiculous, or throw any semblance to reality, amp up the shock factor, and make this cop so extreme -- an ultra bad variation of every other super-villain that's hit cinemas since the silent age.

The producers, and directors, chose the latter. Thus is the resulting film -- badly made, with actors trying their darnedest to make heads or tails in roles that they've essayed before, and nothing much amounting to even less.\": {\"frequency\": 1, \"value\": \"Sometimes a ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"This is an ...\"}, \"I LOVE this movie. Director Michael Powell once stated that this was his favorite movie, and it is mine as well. Powell and Pressburger created a seemingly simple, superbly crafted story - the power of love against \\\"the powers that be\\\". However, its deception lies in the complexity of its \\\"is it real or is it imaginary\\\" premise. Basically, one could argue that it is simply a depiction of the effects of war on a young, poetically inclined airman during WWII. Or is it? The question is never answered one way or the other. Actually, it is never even asked. This continuous understatement is part of the film's appeal.

The innovative photography and cinematography even includes some nice touches portraying the interests of the filmmakers. For instance, Pressburger always wanted to do a cinematic version of Richard Strauss' opera, Der Rosenkavalier, about a young 18th century Viennese aristocrat. This is evident in the brief interlude in which Conductor 71, dressed in all his finery, holds the rose (which appears silver in heaven). The music even has a dreamy quality.

All of the acting is first rate - David Niven is at his most charming, and he has excellent support from veteran Roger Livesey and relative newcomer Kim Hunter. But, in my opinion, the film's charm comes from Marius Goring as Conductor 71. He by far has the most interesting role, filling each of his scenes with his innocent lightheartedness, brightening the film. It's a pity that some of Conductor 71's scenes were left on the cutting room floor. It is also a pity that Goring's comedic talents are rarely seen again on film, except in the wonderful videos of The Scarlet Pimpernel television series from the 1950s. This is by far and away the most memorable role of his film career. He is a perfect foil for relaxed style of Niven, and his virtual overstatement contrasts so nicely with the seriousness of the rest of the characters. Ironically, also in the mid -1940s, Niven also starred against another heavenly \\\"messenger\\\", played by Cary Grant, in The Bishop's Wife. Their acting styles were so similar that I found the result boring, unenergetic, and disappointing. As a note, according to Powell, Goring desperately wanted the role of Peter Carter, initially refusing Conductor 71. It's a good thing he gave in and gave us such a delightful portrayal.

The movie, \\\"commissioned\\\" to smooth over the strained relations between Britain and the U.S., overdrives its point towards the end. But it is disarming in its gentle reminders of the horrors of war - the numerous casualties, both military and civilian, the need to \\\"go on\\\" when faced with death. There is a conspicuous lack of WWII \\\"enemies\\\" in heaven, but the civilians shown are of indeterminate origin. Powell and Pressburger could have been more explicit in their depiction but it wasn't necessary. The movie may not have served its diplomatic purpose as was hoped for, but its originality continues to inspire moviemakers and viewers alike on both sides of the Atlantic.\": {\"frequency\": 1, \"value\": \"I LOVE this movie. ...\"}, \"It breaks my heart that this movie is not appreciated as it should be. its very underrated. people forgot what movies are really about, nowadays they only think about bum bum movies, which can be quite fun watching with popcorn and friends, like transformers, movies which are oriented, with hyper mega high budget like 300mln or even higher, on special effects only and which are dumb movies without storyline. Its the kind of a movie what i despite most. Of course it is fun watching greatly made CGIs, but we do not gain anything essential from that kind of movies.

I honestly think that performance was excellent. Especially Busy Philipps, alongside with Erika Christensen and Victor Garber(whom i respect) made this movie an Oscar worth. Emotional performance by Busy Philipps was astonishing, its such a shame we wont see Oscar in her hands, which she deserves.\": {\"frequency\": 1, \"value\": \"It breaks my heart ...\"}, \"Typical De Palma movie made with lot's of style and some scene's that will bring you to the edge of your seat.

Most certainly the thing that makes this movie better as the average thriller, is the style. It has some brilliantly edited scene's and some scene's that are truly nerve wrecking that will bring you to the edge of your seat. The best scene's from the movie; The museum scene and the elevator murder. There are some mild erotic scene's and the movies pace might not be fast enough for the casual viewer to fully appreciate this movie. So this movie might not be suitable for everybody.

The story itself is also quite good but it really is the style that makes the movie work! It might be for the fans only but also casual viewers should appreciate the well build up tension in the movie.

There are some nice character portrayed by a good cast. Michael Caine is an interesting casting choice and Angie Dickinson acts just as well as she is good looking (not bad for a 49-year old!).

The musical score by Pino Donaggio is also typically De Palma like and suits the movie very well, just like his score for the other De Palma movie, \\\"Body Double\\\".

Brilliant nerve wrecking thriller. I love De Palma!

10/10\": {\"frequency\": 1, \"value\": \"Typical De Palma ...\"}, \"An Insomniac's Nightmare was an incredibly interesting, well-made film. I loved the way it just throws you into the main character's subconscious without coddling the viewer...the acting was top notch - honestly, I would watch Dominic Monaghan read the phone book! - but everyone else, especially the young girl, was great as well. I was very impressed by the look of the film, too. Usually, \\\"independent films\\\" have a grainy, I-shot-this-on-my-camcorder look to them, but this director knows what she's doing. The lighting, the cinematography...quality work. I'm looking forward to a feature-length work from Tess Nanavati!\": {\"frequency\": 1, \"value\": \"An Insomniac's ...\"}, \"How did I ever appreciate this dud of a sequel? All it does is throw balls! Worst of all, it doesn't compare to even the first installment of the series! The comedy suffers from not being funny. Where did all the unintentional laughter go? Enough slapstick on-the-field action goes on too long. Bob Uecker literally saved this one from a complete nine-inning shutout. What's next, MAJOR LEAGUE 4: RETURN TO THE LITTLE LEAGUE? Ehh, could be! Leave this one on the shelf and plan a trip to the All-Star Game. This one's had three strikes too many.\": {\"frequency\": 1, \"value\": \"How did I ever ...\"}, \"This film was a disaster from start to finish. Interspersed with performances from \\\"the next generation of beautiful losers\\\" are interviews with Bono and The Edge as well as the performers themselves. This leaves little time for the clips of Leonard Cohen himself, who towers over everyone else in the film with his commanding yet gentle presence, wisdom and humor. The rest are too busy trying to canonize him as St. Leonard or as some Old Testament prophet. Many of the performances are forgettable over-interpretations (especially Rufus & Martha Wainright's) or bland under-achievements. Only Beth Orton and Anthony got within striking distance of Leonard's own versions by using a little restraint. Annoying little pseudo-avant-garde gestures are sprinkled throughout the film- like out of focus superimpositions of red spheres over many of the concert and interview shots, shaky blurred camera work, use of digital delay on some of Leonard Cohen's comments (making it harder to hear what's being said) and a spooky, pretentious low drone under a lot of the interview segments (an attempt at added gravitas?). For the real thing, see the Songs From The Life Of documentary produced by the BBC in 1988.\": {\"frequency\": 1, \"value\": \"This film was a ...\"}, \"It's good to see that Vintage Film Buff have correctly categorized their excellent DVD release as a \\\"musical\\\", for that's what this film is, pure and simple. Like its unofficial remake, Murder at the Windmill (1949), the murder plot is just an excuse for an elaborate girlie show with Kitty Carlisle and Gertrude Michael leading a cast of super-decorative girls including Ann Sheridan, Lucy Ball, Beryl Wallace, Gwenllian Gill, Gladys Young, Barbara Fritchie, Wanda Perry and Dorothy White. Carl Brisson is also on hand to lend his strong voice to \\\"Cocktails for Two\\\". Undoubtedly the movie's most popular song, it is heard no less than four times. However, it's Gertrude Michael who steals the show, not only with her rendition of \\\"Sweet Marijauna\\\" but her strong performance as the hero's rejected girlfriend. As for the rest of the cast, we could have done without Jack Oakie and Victor McLaglen altogether. The only good thing about Oakie's role is his weak running gag with cult icon, Toby Wing. In fact, to give you an idea as to how far the rest of the comedy is over-indulged and over-strained, super-dumb Inspector McLaglen simply cannot put his hands on the killer even though, would you believe, in this instance it happens to be the person you most suspect. Director Mitch Leisen actually goes to great pains to point the killer out to even the dumbest member of the cinema audience by giving the player concerned close-up after close-up.\": {\"frequency\": 1, \"value\": \"It's good to see ...\"}, \"If this had been done earlier in the Zatoichi series it could have been one of the best. It is good enough, as most of them are, but the plot and the characters seem too complicated for the series at this point. The situation is unusually intriguing: the farmers in the province have two champions, a benevolent boss (for once) and a philosopher-samurai who starts a sort of Grange; both run afoul of the usual local gangsters, who want the crops to fail because it increases their gambling revenues and their chances to snap up some land; their chief or powerful ally is a seeming puritan who is death on drinking and gambling but secretly indulges his own perverse appetites. (He also resembles Dracula, as the villains in the later Zatoichi movies tend increasingly to do.) These characters have enough meaning so that they deserved to be set against Zatoichi as he was drawn originally, but by now he has lost many of his nuances, and the changes in some of the characters, such as the good boss and the angry sister of a man Zatoichi has killed, need more time then the movie has to give, so that the story seems choppy, as if some scenes were missing. Other than that, the movie shows the virtues of most of the others in the series: good acting, sometimes lyrical photography, the creation of a vivid, believable, and uniquely recognizable landscape (the absence of which is obvious in the occasional episode where the director just misses it), and a technical quality that of its nature disguises itself: the imaginatively varied use of limited sets so their limitations seem not to exist. And of course there is the keynote actor, whose presence, as much as his performance, makes it all work. This must be one of the best-sustained series in movie history.\": {\"frequency\": 1, \"value\": \"If this had been ...\"}, \"Was there a single positive to this film? Critics who knew nothing of video games could spot the gaming errors made. No damage taken with damage clearly visible towards the beginning being a primary example.

And I may have missed something, but wasn't Super Mario Bros. 3 suppose to be a game that had never played before? Well if that IS the case, and I did not miss anything... how did Fred Savage's character, and even the girl, know so much about the game already? We're talking things that some people don't know about by their second or third play-through.

Beyond the factual and gaming errors there is the general low quality of the film itself. Nothing here is honestly very memorable. The kid wasn't even that good at playing video games in the footage they showed. A lot of kids I knew way back in those days were significantly more experienced. On top of all this the acting and storyline are just mediocre at their strongest points. The characters are bland and completely uninteresting, the 'Wizard' (the youngest child) is a very silent, completely dry child clich\\ufffd\\ufffd of a little kid who almost never talks because of a trauma. It isn't that this is unrealistic, it's the fact that it had to be thrown into the movie to actually even begin to form a plot that would exceed even 30 minutes.

Honestly, the only value that is to be found here is that of a nostalgic nature. If you grew up with this movie you're going to like it whether it was good or not. It was about kids playing video games, and at the time you saw it you likely had an obsession with the NES as well. But unless you loved it as a kid there just isn't anything that's going to keep you interested, and very little that will prevent you from turning it off.

No sir, I didn't like it.\": {\"frequency\": 1, \"value\": \"Was there a single ...\"}, \"This was thought to be the flagship work of the open source community, something that would stand up and scream at the worlds media to take notice as we're not stuck in the marketing trap with our options in producing fine work with open source tools. After the basic version download ( die hard fan here on a dial-up modem ) eventually got here I hit my first snag. Media Player, Mplayer Classic & winamp failed to open it on my xp box, and then Totem, xine & kaffeine failed to open it on my suse server. Mplayer managed to run it flawlessly. Going to be hard to spread the word about it if normal users cant even open it...

The Film. Beautiful soundtrack, superb lighting, masterful camera work and flawless texturing. Everything looked real. And then the two main characters moved.... and spoke... And the movie died for me. Everything apart from the lip syncing and the actual animation of the two main characters ( except for Proog in the dancing scene ) looked fluid and totally alive. The two main characters were animated so poorly that at times i was wondering if there are any games on the market at the moment with cut-scenes that entail less realism than this.

Any frame in the movie is fantastic.. as a frame, and the thing is great if neither actors are moving. I'm so glad i haven't actually recommended this to anyone. I'd ruin my reputation.

Oh, and final fantasy had a more followable and cunningly devised plot.

this movie would get 10 stars if it wasn't for the tragedy that sits right there on the screen.\": {\"frequency\": 1, \"value\": \"This was thought ...\"}, \"So often with Stephen King adaptations, you just get a collection of characters reciting dialogue from the books. This really captures the heart of the book. Maybe because they DON'T use large chunks of text straight from the book, but it's a bit more of an improv of the events in the story. A big part of its success is Miko Hughes as baby Gage. Dale Midkiff and Denise \\\"Tasha Yar\\\" Crosby really act like his parents. There's a scene where Louis is cuddling Gage, and they are very natural together. Fred Gwynne is WONDERFUL. He nails the Maine accent perfectly without lapsing into parody, and is wise and warm just like Jud should be. (8 out of 10)\": {\"frequency\": 1, \"value\": \"So often with ...\"}, \"JUST CAUSE showcases Sean Connery as a Harvard law prof, Kate Capshaw (does she still get work?) as his wife (slight age difference) and Lawrence Fishburne as a racist southern cop (!) and Ed Harris in a totally over the top rendition of a fundamentalist southern serial killer.

Weird casting, but the movie plays serious mindf** with the audience. (don't read if you ever intend to seriously watch this film or to ever watch this film seriously due to the spoilers) First of all, I felt myself rolling my eyes repeatedly at the Liberal stereotypes: the cops are all sadistic and frame this black guy with no evidence. The coroner, witnesses and even the lawyer of the accused collaborate against him (he is accused of the rape and murder of a young girl) because he is black.

Connery is a Harvard law prof who gives impassioned speeches about the injustices against blacks and against the barbarous death penalty. He is approached by the convicted man's grandmother to defend him and re-open the trial.

Connery is stonewalled (yawn...) by the small town officials and the good IL' boys club but finds that the case against Blair, the alleged killer, now on death row, was all fabricated. The main evidence was his confession which was beaten out of him.

The beating was administered by a black cop (!) who even played Russian roulette to get the confession out of him. Connery finds out that another inmate on death row actually did the murder and after a few tete a tetes with a seriously overacting, Hannibal Lecter-like Ed Harris, he finds out where Harris hid the murder weapon.

He gets a re-trial and Blair is freed.

I think... film over....

Then suddenly! It turns out that Blair IS a psychotic psycho and that he used \\\"white guilt\\\" to enlist Connery. He concocted the story with Ed Harris in return for Blair carrying out a few murders for Harris.

now Blair is on the loose again, thanks to Connery's deluded PC principles! The final 30 min. are a weird action movie tacked onto a legal drama, Connery and Fishburne fighting the serial killer in an alligator skinning house on stilts (yes, you read that right) in the everglades.

That was one weird film.

So the whole system is corrupt and inefficient, the cops are all just bullies and Abu Graib type torturers, but the criminals are really psychotics and deserve to fry.

Truly depressing on every level! The system is completely rotten and the PC white guilt types who challenge it are seriously deluded too.

Two thumbs down. Connery obviously had to make a mortgage payment or something.\": {\"frequency\": 1, \"value\": \"JUST CAUSE ...\"}, \"...that the Bette Davis version of this film was better than the Kim Novak version.

Despite all of the other comments written here, I really prefer the Bette Davis version, even though the Novak version has a more coherent story line.

However: Davis' Mildred's raw emotions seem to me to be more apt to a sluttish girl who seems easily to become a prostitute.

And it is those raw emotions that constitute *part* of what the poor doctor falls in love with. He has emotions of despair, of failure, of \\\"otherness\\\" - strong emotions that he represses. Davis' Mildred, on the other hand, displays her emotions immediately and without censure. She has no feelings of despair, or of failure, or of \\\"otherness\\\"; rather, she is merely surviving as a poor Cockney woman in the Victorian era.

Novak's portrayal was a more vulnerable Mildred than was Davis', almost through the the whole movie. Davis' Mildred was **never** vulnerable until she actually had to go to the doctor and beg for assistance. And when he reviles her - for her method of keeping body and soul together, and for continually taking advantage of his love for her - she unleashes arguably the most passionate repudiation of snobbish holier than thou attitude ever seen on screen: \\\"I wiped my mouth! I WIPED MY MOUTH!!\\\" Novak's vulnerability was excellent. Davis' realism was monumental.

IMDb votes concur!\": {\"frequency\": 1, \"value\": \"...that the Bette ...\"}, \"Exceptionally horrible tale that I can barely put into words. The best part of the movie was when one of the murder victims turns up at the end, alive and well, only to be massacred again. There is the chance that I missed some crucial plot elements since I may have been in a slight coma during the time this baby was on. The box that the movie comes in shows scenes that are never even in the film. I was lured in by the crude images of bondage torture and promises of a 'Euro-trash, sexy horror flick.' I get the feeling this was the budget version and about one quarter of the film was left out. All the good stuff more than likely. I got the PG-13 addition that made about as much sense as the end to the new 'Planet of the Apes' movie. Watch this one with a friend and a bottle of the hard stuff. You'll need it.\": {\"frequency\": 1, \"value\": \"Exceptionally ...\"}, \"A classic cartoon, always enjoyable and funny. It has an interesting plot complete with lovable characters. Road Rovers is a show worth seeing, it is a short 13 episodes, and if you can ever manage a chance to see it, you should. Unfortunately, it is very hard to find. I think Warner Brothers Studios should release a DVD that contains all 13 episodes. I would definitely buy it if they did, and if they do, you should buy it too. if you have kids who like dogs, they will love road rovers! Road Rovers should have gotten more attention while it was being aired, it was definitely an original and very special show that should have been appreciated much more than it was.\": {\"frequency\": 1, \"value\": \"A classic cartoon, ...\"}, \"

Upon concluding my viewing of \\\"Trance,\\\" or \\\"The Eternal,\\\" or whatever the producers are calling this film, I wondered to myself, \\\"Out of all of the bad movies I could have seen, couldn't I have at least seen one that was entertaining?\\\" Even if a film is not well made in terms of acting, directing, writing, or what have you, it can at least be fun, and therefore worthwhile. But not only is this film bad in artistic value, it's incredibly boring. For a plot of such thinness, it moves awfully slowly, with little dramatic tension. At the very least, in a low-brow attempt at entertainment, the deaths of the characters could have been cool and/or gory, but the creators of this dreck failed in that department as well.

What does this movie have going for it? Pretty much nothing, unless you get entertainment out of watching Christopher Walken, who is capable of being brilliant, put so little effort into his acting that he falls into self-parody mode (WHY did he decide to do this film anyway?).

I give this film 3/10, because, God help us, there actually have been worse movies made before.\": {\"frequency\": 1, \"value\": \"

Upon ...\"}, \"I know I know it was a good ending but sincerely it was awesome. I love when a movie ends on a terrific dark nature but this time I was impressed with Darth Vader turning against the Emperor I really stayed astonished. The anguishing sequence in that film was when Luke is tortured and defeated by the Emperor/Darth Sidious. He is about to be destroyed when Darth Vader, Dark Lord of the Sith, eliminates his dark master. A nice sacrifice. The cinematography of this film is impressive. I was surprised with all the vessels of the Rebel Battle ships and all Imperial War Ships and Super Star Destroyers. I loved the new race they brought on screen the Mon Calomari, the ewoks, the sullesteian (Lando's co pilot) and many more... Most of my favorite scenes are in that film:1-When Vader destroys the Emperor and is fatally wounded. 2- When Luke sees the spirits of Obi-Wan and Yoda and then it shows up Anakin Skywalker (Sebastian Shaw)(the greatest scene in Star Wars) 3- When LEia slays Jabba strangling the Hutt crime lord.

I personally like the script and the battle of Endor presenting a ground and space combat as well the best duel of Star Wars between Darth Vader V.s Luke Skywalker on the Death Star. Post-script: The scenes with Leia in the slave bikini are memorable. 9/10.\": {\"frequency\": 1, \"value\": \"I know I know it ...\"}, \"This is what I call a \\\"pre Sci Fi; Sci Fi\\\" movie. It gets no better than Lugosi/Karloff in this incredibly good \\\"mood\\\" type motion picture. These two genuine artists are at their very best, as is the story line.

Karloff does an amazing job as a scientist that sees himself caught in a vise of vanity, pride, and scientific competition. I was caught up in the idea of watching a man as he drowns himself in the three previously mentioned concepts. I was saddened and at the same time fascinated with the two stars as they do themselves in.

This is the sort of motion picture that begs for a remake. This time put Harrison Ford in the Karloff part and maybe Kieffer Sutherland as the Bela Lagosi role. It might be possible to do it almost as good.

This is one of the very best that Hollywood EVER produced. As I said..it gets no better. No way.\": {\"frequency\": 1, \"value\": \"This is what I ...\"}, \"Even though The Shining is over a quarter of a century old, I challenge anyone to not get freaked out by Jack Nicholson's descent into madness. This is a rare example of something so unique that no one has been able to rip it off; instead it has been referenced time and again in pop culture. The twins, the elevator of blood, RedRum, the crazy nonsense \\\"writing\\\"... this should be seen, if for nothing else, to understand all the allusions to it in daily life. The film is simultaneously scary, suspenseful, beautiful, and psychologically intriguing. It has the classic mystery of Hitchcock and the terror of a modern thriller. And it has what horror movies usually lack: a great script.\": {\"frequency\": 1, \"value\": \"Even though The ...\"}, \"Really, everybody in this movie looks like they want to be someplace else! No wonder, the casting is done not with the left hand, but rather not at all. I haven't seen anything worse than Natascha McElhone impersonating some sort of agent, carrying a gun. You don't use a spoiled city-brat-look in such a role. The only worse thing I can imagine is casting Doris Day as a prostitute. The rest of the cast is likewise awful, possibly with Hurt as the sole exception, sometimes you can see him trying, but suffering. Oh, did I mention that it is a completely insane story? Jeopardizing many peoples lives because you are divorced and want to see your family? Well, it must be because the guy (Weller) is German?

2/10, because the photography could be worse.\": {\"frequency\": 1, \"value\": \"Really, everybody ...\"}, \"First of all, let me say that this is not the movie for people looking to watch something spirited and joyous for the holidays. This movie is cold, brutal, and just downright depressing. Mary Steenburgen plays a grinchy mom who is down on Christmas because her husband has lost his job, they are losing their house, can't buy Christmas presents for the kids, etc. You get the idea, happy stuff for the holidays. So along comes Harry Dean Stanton as Gideon the Christmas angel, who in his dark hat and long overcoat comes off more like a pedophile who hangs around children all day observing them. What better way to instill the spirit of Christmas in Mary Steenburgen than to kill off her family and then offer to bring them back if she believes in Christmas again. Santa Claus is a blackmailer and his Christmas workshop looks more like a haven for refugee Nazis on the lam. The movie lays everything on so thick that you don't care about the happy ending when it comes because the rest of the movie is so bitter and unbelievable. I'm sure this film wanted to be something Capra-like, but it left out the joy and sentiment on what a holiday film should be.\": {\"frequency\": 1, \"value\": \"First of all, let ...\"}, \"It looks to me as if the creators of \\\"The Class Of Nuke 'Em High\\\" wanted it to become a \\\"cult\\\" film, but it ends up as any old high school B-movie, only tackier. The satire feels totally overshadowed by the extremely steretyped characters. It's very un-funny, even for a turkey.\": {\"frequency\": 1, \"value\": \"It looks to me as ...\"}, \"This is one of the best animated family films of all time. Moreover, virtually all of the serious rivals for this title came from the same creative mind of Hiyao Miyazaki and his Studio Ghibli. Specifically, other great films include \\\"My Neighbor Totoro\\\" and \\\"Kikki's Delivery Service.\\\" Spirited Away is quite good, but a bit too creepy for typical family fare - better for teenagers and adult. The one thing that sets \\\"Laputa: Castle in the Sky\\\" apart from other films by Miyazaki is that it is far more of a tension-filled adventure ride.

Why is this film so good? Because it's a complete package: the animation is very well done, and the story is truly engaging and compelling.

Most Japanese anime is imaginative, but decidedly dark or cynical or violent; and the animation itself is often jerky, stylized, and juvenile. None of these problems plague Castle in the Sky. It has imagination to burn, and the characters are well drawn, if slightly exaggerated versions of realistic people. (None of those trench-coat wearing posers) There is plenty of adventure, but not blood and gore. The animation is smooth, detailed, and cinematic ally composed - not a lot of flat shots. The backgrounds are wonderful.

The voice acting in the dubbed English version is first rate, particularly the two leads, Pazo (James Van der Beek) and Sheeta (Anna Paquin). The sound engineering is great, too. Use your studio sound, if you've got it.

One aspect that I particularly enjoyed is that much of the back story is left unexplained. Laputa was once inhabited, and is now abandoned. Why? We never know. We know as much as we need to know, and then we just have to accept the rest, which is easy to do because the invented world is so fully realized. Indeed, it is fair to say that the world is more fully realized than most of the minor characters, who are for the most part one-dimensional stock characters (e.g., gruff general, silly sidekick, kooky old miner, etc.) Highly recommended for people aged 6 to 60!\": {\"frequency\": 1, \"value\": \"This is one of the ...\"}, \"I haven't laughed this hard at a movie in a long time. I got to go to an advance screening, and was thrilled because I had been dying to see it. I had tears in my eyes from laughter throughout a lot of the movie. The audience all shared my laughter, and was clapping and yelling throughout most of the movie.

Kudos to Steve Carrell(who I had already been a fan of). He proves in this movie his tremendous talent for comedy. He has a style that I haven't seen before. And Catherine Keener is excellent as always. Thank God there wasn't a cameo from Will Ferrell(love him, but saw him too much this summer).

There were parts of comedic genius in this movie. Partly thanks to Carrell, and partly thanks to the writing(also Carrell). The waxing scene and the speed dater with the \\\"obvious problem\\\" were absolutely hysterical.

I will definitely go see '40 Year Old Virgin' when it's released. My advice: go to see it for huge laughs and an incredibly enjoyable movie on top of it.\": {\"frequency\": 1, \"value\": \"I haven't laughed ...\"}, \"This movie is without a doubt the worst horror movie I've ever seen. And that's saying a lot, considering I've seen such stinkers like Demon of Paradise, Lovers' Lane, and Bloody Murder (which is a close second). However, I love bad horror movies, and as you can tell from my username, this one really sticks out. At times there's nothing more entertaining than a poorly made slasher flick. As for this film, the opening scene in which a woman gets fried in a tanning booth appears to have no bearing on the film whatsoever, especially since the movie fails to tell you that the event happened 2 years prior to the rest of the film. The acting is nonexistent, and most of the camera shot are of women's areas shrink wrapped in spandex. The policeman was the most stone-faced, monotone actor I've ever seen. The best/worst part of this movie, however, has to be the murder weapon. A giant safety pin?! What were they thinking? Who's the killer? A disgruntled \\\"Huggies\\\" employee? I'd have to give this movie an overall zero, but darned if I didn't have a blast watching it\": {\"frequency\": 1, \"value\": \"This movie is ...\"}, \"Holes, originally a novel by Louis Sachar, was successfully transformed into an entertaining and well-made film. Starring Sigourney Weaver as the warden, Shia Labeouf as Stanley, and Khleo Thomas as Zero, the roles were very well casted, and the actors portrayed their roles well.

The film had inter-weaving storylines that all led up to the end. The main storyline is about Stanley Yelnats and his punishment of spending a year and a half at Camp Greenlake. The second storyline is about Sam and Kate Barlow. This plot deals with racism and it is the more deep storyline to the movie. The third is about Elya Yelnats and Madame Zeroni, which explains the 100-year curse on the Yelnats family. In my opinion, these storylines were weaved together very well.

Contrary to many people's beliefs, I think that you do not have to have read the book to understand the movie. The film is reasonably easy to understand.

The acting in the film was well done, especially Shia Labeouf (Stanley), Khleo Thomas (Zero), Sigourney Weaver (the warden), and Jon Voight (Mr. Sir). The other members of D-Tent, Jake Smith (Squid), Max Kasch (Zig-Zag), Miguel Castro (Magnet), Byron Cotton (Armpit), and Brenden Jefferson (X-Ray), enhanced the comic relief of the movie. However, the best parts were with Zero and Stanley, who made a great team together.

Although Holes is a Disney movie, it deals with some serious issues such as racism, shootings, and violence. The film's dramatization at some points is very well done.

I would suggest this movie to people of all ages, whether they have read the book or not. You shouldn't miss it.\": {\"frequency\": 1, \"value\": \"Holes, originally ...\"}, \"Probably New Zealands worst Movie ever made

The Jokes They are not funny. Used from other movies & just plain corny The acting Is bad even though there is a great cast

The story is Uninteresting & Boring Has more cheese then pizza huts cheese lovers pizza kind of like the acting Has been do 1,000 times before

I watched this when it came on TV but was so boring could only stand 30 minutes of it.

This movie sucks

Do not watch it,

Watch paint dry instead\": {\"frequency\": 1, \"value\": \"Probably New ...\"}, \"This film is an excellent military movie. It may not be an excellent Hollywood Movie, but that does not matter. Hollywood has a reputation of sacrificing accuracy for good entertainment, but that is not the case with this movie. Other reviewers have found this movie to be too slow for their taste, but \\ufffd\\ufffd as a retired Soldier \\ufffd\\ufffd I appreciate the pace the movie crew deliberately took to tell their story as completely as possible given the two hours and nine minutes allotted. The story itself has been told and retold several times over, but it remains for a professional soldier \\ufffd\\ufffd and an African American at that \\ufffd\\ufffd to report on the story as presented by the movie crew, and as it presents the US Navy to the world. The story of Brashear's work to become a Navy Diver, and his life as a Navy Diver beyond his graduation, is not the only story that is presented. There I also the story of how Master Chief Petty Officer Sunday defied the illegal order of his Commanding Officer that Petty Officer 2nd Class Brashear not be passed in his test dive no matter how well he did, and paid the price of a loss of one Stripe and a change of assignment. It also told the true story how Brashear found the third Hydrogen Bombs lost in the Atlantic Ocean off the coast of Spain in the 1950's, and how he saved the life of another seaman who was in the line of the snapped running line that would have snapped him in two if Brashear had not shoved him out of the way and took the shot himself. This was a complex story that was worth telling, and I will admit that two hours and nine minutes was not enough to tell the full story, and I can tell from the deleted scenes on the DVD that the crew tried their best to tell a story as full as possible. As a professional soldier, I was proud to see such a great story told in such a comprehensive manner, and to see the traditions and honor of the navy preserved in such a natural and full manner.\": {\"frequency\": 1, \"value\": \"This film is an ...\"}, \"I have watched quite a few Cold Case episodes over the years, beginning with Season 1 episodes back in 2003-2004. And while most have been good, this particular episode was not only the best of the best, but has few rivals in the Emmy categories. Though some may not agree with the story content (i.e. the male-to-male romantic relationship), I doubt that anyone could watch this without being deeply moved within their spirit.

The story is essentially about a case that was reopened, based on the testimony from a dying drug dealer. The two central actors are two police officers in the 1960's named Sean Coop (aka, the cold case victim who goes by his last name, Coop) and his partner, Jimmy Bruno.

In the story, Coop is single, a Vietnam war vet, with a deeply troubled past. Jimmy, however, is married, with children no less. Both are partners on the police force and form not only a friendship, but a secret romantic relationship that they both must hide from a deeply and obviously homophobic culture prevalent at that time.

The flashback scenes of their lives are mostly in black and white, with bits of color now and then sprinkled throughout. Examples include their red squad car, the yellow curtains gently blowing by the window in Jimmy's bedroom, where Jimmy's wife watched Coop and Jimmy drink, fight, and then kiss each other while being in an alcohol-induced state. I found it interesting that only selected items were colored in the flashback scenes, with everything else in black and white. I still have not figured out the color scheme and rationale.

The clearly homophobic tension between fellow patrol officers and the two central actors only heightens the intensity of the episode. One key emotional scene was when Coop was confronted by his father after the baptism of Jimmy's baby. In this scene, Coop's father, Sarge, who was a respected fellow officer on the force, confronts Coop about the rumors surrounding Coop's relationship with Jimmy. One can feel sorry for Coop, at this point, as the shame and disgrace of Coop's father was heaped upon Coop - \\\"You are not going to disgrace our family...and you're not my son, either.\\\" - clearly indicative of the hostile views of same-sex relationships of that era.

Additional tension can also be seen in the police locker room where Coop and another officer go at it after Coop and Jimmy are labeled \\\"Batman and Robin homos\\\".

As for the relationship between Coop and Jimmy, it's obvious that Coop wanted more of Jimmy in his life. Once can see the tension in Jimmy's face as he must choose between his commitment to his wife and kids, his church, and yet his undying devotion to Coop.

In the end, Jimmy walks away from Coop, realizing that he cannot have both Coop and his family at the same time. Sadly, Coop is killed, perhaps because of his relationship with Jimmy, but Coop may also have been killed for his knowledge of drug money and police corruption that reached higher up in the force.

The most moving scene in the whole episode was when Coop, as he sat dying from gunshot wounds in his squad car, quietly spoke his last words over his police radio to his partner: \\\"Jimmy...we were the lucky ones. Don't forget that.\\\"

The soundtrack selection was outstanding throughout the episode. I enjoyed the final scene with the actor Chad Everett, playing the still grieving Jimmy, only much older by now, and clearly still missing his former partner, Coop.

I highly recommend this episode and consider it the best. It is without a doubt the most well-written, well-acted, and well done of all Cold Case episodes that I've ever seen.\": {\"frequency\": 1, \"value\": \"I have watched ...\"}, \"This has got to be the best movie I've ever seen.

Combine breathtaking cinematography with stunning acting and a gripping plot, and you have a masterpiece.

Dog Bite Dog had me gripping the edge of my seat during some scenes, recoiling in horror during others, and left me drowning in my own tears after the tragic ending.

The film left a deep impression on me. It's shockingly violent scenes contrasted sharply with the poignant and tender 'love' scenes. The film is undeserving of it's Cat III (nudity) rating; there are no nude scenes whatsoever, and the 'love' scenes do not even involve kissing or 'making out'.

The message which this film presented to me? All human beings, no matter how violent or cruel they may seem, have a tender side. Edison Chen does a superb job playing the part of the murderous Pang.

I rate this film 10/10. It's a must-watch.\": {\"frequency\": 1, \"value\": \"This has got to be ...\"}, \"I was skeptical when I first saw the Calvin Kline-esque commercials, but thought I'd give it a chance. So I've watched it, and all I can say is bleh. This movie was so bad. It's rare that I hate a movie this much. Watching this flick reminded me of those funny scenes in Altman's \\\"The Player,\\\" when the writers pitch their bizarre ideas to producers. I'd like to know which MTV producer decided that an hour and a half long music video adaptation of Bronte (but this time Heathcliff's name is Heath and he's a rock star, and Hindley's name is Hendrix) would be a good idea.

Even that might not have been so bad, had they not gotten every other aspect of the film so horrible wrong as well. The direction must have been \\\"you're lonely, pout for me.\\\" I laughed out loud during all the \\\"serious\\\" scenes and was bored throughout the rest. The camera work was jagged and repeatedly reminded me that I was watching a bad movie trying to be edgy. My theory is that the sound guy got bored and went down to the beach for a few beers with his boom -- all I could hear in half the scenes were the waves. And in the other scenes, I wish that's all I could hear. And speaking of sound, what they did to the Sisters of Mercy song \\\"More\\\" is absolutely inexcusable, then again, it's inexcusable what they did to Bronte.

On the bright side, there was one entertaining scene -- specifically the moment when Johnny Whitworth licked Katherine Heigl's face -- and if you can tell me what that scene had to do with all the rest of the story more power to you.\": {\"frequency\": 1, \"value\": \"I was skeptical ...\"}, \"The various nudity scenes that other reviewers referred to are poorly done and a body double was obviously used. If Ms. Pacula was reluctant to do the scenes herself perhaps she should have turned down the role offer.

Otherwise the movie was not any worse than other typical Canadian movies. As other reviewers have pointed out Canadian movies are generally poorly written and lack entertainment value, which is what most movies watchers are hoping to get. Perhaps Canadian movie producers are consciously trying to \\\"de-commercialize\\\" their movies but they have forgotten a very important thing - movies by definition are a commercial thing....\": {\"frequency\": 1, \"value\": \"The various nudity ...\"}, \"i got to see the whole movie last night and i found it very exciting.it was at least,not like the teen-slasher movies that pop out every now and then.the search for the killer and the 'partner' relationship between the hero&the so-called bad guy was parts i liked about the movie.also,i remember once being on the edge of my seat during a specific scene in the movie.i mean it's exciting.maybe some time later,i might watch the movie again...\": {\"frequency\": 1, \"value\": \"i got to see the ...\"}, \"Joseph H. Lewis was one of the finest directors of film noir. This is surely his best.

It doesn't have some of the standard features of what we now call film noir. Though American-made, it is set entirely in England. It lacks gangsters. It lacks a femme fatale. It does not lack crime.

The title character answers an ad. She is overjoyed that she'll be making some money as a secretary. Instead, she wakes up days later as the pawn in a frightening plot. Only a very strong person could survive such a terrifyingly unsettling ordeal. And Nina Foch gives the sense of a strong woman as Julia.

Part of the excitement comes from casting against type: Ms. Foch has an elegant manner. She is no screaming, cowering victim. She is actually a bit icy and patrician, albeit impecunious. This makes her character's plight all the more believable.

Surely the single most fascinating element is the casting of Dame May Witty. She was (and is) probably most famous for the charming title character in \\\"The Lady Vanishes.\\\" She has a sweet manner and a harmless, slightly dithering manner. But here she is far from a heroine.

George Macready is excellent as her extremely troubled son. The whole cast, in fact, is superb.

It seems that this famous and brilliant movie was made almost by accident. Undoubtedly the director knew exactly what he was doing. But he did it on a low budget. That is the thrill and charm of film noir, the real film noir: It is small, convincingly lowlife, and, in this case, unforgettable.\": {\"frequency\": 1, \"value\": \"Joseph H. Lewis ...\"}, \"This two-parter was excellent - the best since the series returned. Sure bits of the story were pinched from previous films, but what TV shows don't do that these days. What we got here was a cracking good sci-fi story. A great big (really scary) monster imprisoned at the base of a deep pit, some superb aliens in The Ood - the best \\\"new\\\" aliens the revived series has come up with, a set of basically sympathetic and believable human characters (complete with a couple of unnamed \\\"expendable\\\" security people in true Star Trek fashion), some large-scale philosophical themes (love, loyalty, faith, etc.), and some top-drawer special effects.

I loved every minute of this.\": {\"frequency\": 1, \"value\": \"This two-parter ...\"}, \"This movie is great entertainment to watch with the wife or girlfriend. There are laughs galore and some very interesting little nudist stories going on here. The actresses are all very interesting and definitely worth watching in their natural beauty. Maslin beach life is full of diverse nudists and personality types. The Australian coast scenery is, simply, splendid to see. What a place to visit, to say the least, and one day it may become my hideaway. I really enjoy this movie and every time I watch it I enjoy it more. I would love to see more of these characters and I always wonder what became of them. Although the plot is somewhat soft, this movie is, of course, a great excuse to just sit back on the couch and enjoy the wonderful and famous Maslin beach with these wonderful nudists and their own personal stories.\": {\"frequency\": 1, \"value\": \"This movie is ...\"}, \"**Possible Spoilers Ahead**

Jason (a.k.a. Herb) Evers is a brilliant brain surgeon who, along with wife Virginia Leith, is involved in the most lackluster onscreen car crash ever. Leith is decapitated and the doctor takes her severed noggin back to his mansion and rejuvenates the head in his lab. The mansion's exterior was allegedly filmed at Tarrytown's Lyndhurst estate; the lab scenes were apparently shot in somebody's basement. The bandaged head is kept alive on \\\"lab equipment\\\" that's almost cheap-looking enough for Ed Wood. Some of the library music\\ufffd\\ufffdthe movie's high point\\ufffd\\ufffdlater turned up in Andy Milligan's THE BODY BENEATH. Leith's head has some heavy metaphysical discourses with another of Ever's misfires, a mutant chained in the closet. Meanwhile, the good doc prowls strip joints looking for a body worthy of his wife's gabby noodle. The ending, in uncut prints, features some ahead-of-its-time splatter and dismemberment when the zucchini-headed monster comes out of the closet to bring the movie to a welcome close. This thing took three years to be released and then, audiences gave it the bad reception it richly deserved. Between this, PLAN 9 FROM OUTER SPACE and a few others, 1959 should have been declared The Year Of The Turkey.\": {\"frequency\": 1, \"value\": \"**Possible ...\"}, \"This is Paul F. Ryan's first and only full-length feature. He hasn't done anything since. However, he managed to get an amazing ensemble cast to portray the characters of his story. I don't know when or why the idea emerged in his head, but Ryan wrote a screenplay which later became his own directed movie, \\\"Home room\\\".

Busy Philipps carries the movie on her shoulders as Alicia, a troubled girl; the ones we always see in television series. With dark hair and black clothes; a package of cigarettes in the pocket, weird look and disturbing eyes (with makeup, of course). An event has occurred at her school; a shooting. Some students have died, and she saw everything. Now Detective Martin Van Zandt (Victor Garber) is investigating the case, and, as expected, Alicia is a suspect. But the shooting is just the genesis; the movie is not about the shooting.

Lying in bed in a hospital room is Deanna Cartwright (Erika Christensen). She is one of the survivors of the hospital. The script establishes a bond between them, by the school Principal (James Pickens Jr). He is helping all the students to recover from the event, but Alicia doesn't seem to care. She's isolated. So the Principal punishes her; she needs to visit Deanna every day until five o' clock. Then the movie starts.

I can't even describe how wonderfully written I think the movie is. I can identify with the characters and the situations they live; I like reality. These things could happen to anyone. And the things they say are totally understandable. They're growing up and trying to deal with things they haven't experienced; they're doing their best. Without knowing it, Alicia (when she visits Deanna for the first time) and Deanna (when she sees Alicia standing in front of her) are commencing a journey of that will define their personalities and ideas for the next step in life; after high school.

The director leads Christensen and Philipps through their roles very well. Look the contrast between them. Deanna seems naive and with plain thoughts; no complexity inside of her mind. When Alicia enters her room and sees tons of flowers she asks: \\\"Who has brought them?\\\". \\\"Many people\\\", Deanna answers; although some days later we learn they're from her parents, who come every week. The parental figures are all well represented, but are not as important as their sons' characters. Deanna is lonely. Alicia seems mature and violent; smoking cigarettes and talking roughly. But after two days of visiting, she finds herself coming back to the hospital every day; even sleeping in Deanna's room all night. When they both have a fight afterwards, I believe Deanna says: \\\"Why do you keep coming back?\\\". Alicia is lonely too.

The ending of the movie, without ruining it, comes a bit disappointing; it's something I wasn't waiting for. It eliminates some of the strength the movie has. The revelation comes totally unnecessary; ruining the logical climax the movie could have had. It was an excellent script anyway; and an excellent direction. A damn fine movie.

When it comes to Erika Christensen, this was the role she needed to fly higher. Her role in \\\"Traffic\\\" was impressing, but this was the big step; the main role. Maybe not many had the chance to see her in this film, and that's a pity. She hasn't made one false move since then. She has even come out with good performances in awful movies. On the other hand, Busy Philipps, who proved to be very promising in this movie (what a transformation), hasn't got many opportunities for other roles.

The same I say about Paul F. Ryan (in directing, of curse), and I expect he is sitting now in his computer finishing his new script; I'm waiting for his next movie. I'm hoping the best for all of them.\": {\"frequency\": 1, \"value\": \"This is Paul F. ...\"}, \"It's been a long time since I last saw a movie this bad.. The acting is very average, the story is horribly boring, and I'm at a loss for words as to the execution. It was completely unoriginal. O, and this is as much a comedy as Clint Eastwood's a pregnant Schwarzenegger!

One of the first scenes (the one with the television show - where the hell are you?) got it right - the cast was 80% of let's face it - forgotten actors. If they were hoping for a career relaunch, then I think it might never happen with this on their CV! The script had the potential, but neither 80% of the actors nor the director (who's an actor and clearly should stick to being an actor) pulled it off. Fred Durst was the only one who seemed better than any of the rest.

I'm sorry, but if you ever consider watching this - I highly recommend you turn to something less traumatic, because not only it's a total loss of time, but also a weak example of what bad cinema looks like.\": {\"frequency\": 2, \"value\": \"It's been a long ...\"}, \"Well you take O.J. Simpson as a all american soldier turned all american bus driver who decides to rescue his passengers on his own just incase no one else is going to and Arte Johnson in an absolutely straight role as the tour guide who doesn't know what to do but doesn't want to admit they are in trouble and combine it with Lorenzo Lamas as one of three baby faced bad boys who intend to kidnap an heiress and leave a busload of people to die on the dessert and you have got to have action, plot twists and a lot of drama. Everyone was good but seeing Lamas as the baddest of the bad boys really blew my mind. He was much too believable as the overbearing bad guy who not only wanted to kidnap the heiress but rape the women and humiliate the guy who tried to stop him. This was evidently long before he cultivated his good guy image. And believe me a 20 year old Lorenzo in tight jeans you really don't want to miss!\": {\"frequency\": 1, \"value\": \"Well you take O.J. ...\"}, \"This kind of film has become old hat by now, hasn't it? The whole thing is syrupy nostalgia turned in upon itself in some kind of feedback loop.

It sure sounds like a good idea: a great ensemble cast, some good gags, and some human drama about what could have/might have been. Unfortunately, there is no central event that binds them all together, like there was in \\\"The Big Chill\\\", one of those seminal movies that spawned copycat films like this one. You end up wanting to see more of one or two particular people instead of getting short takes on everyone. The superficiality this creates is not just annoying, it's maddening. The below-average script doesn't help.\": {\"frequency\": 1, \"value\": \"This kind of film ...\"}, \"Although she is little known today, Deanna Durbin was one of the most popular stars of the 1930s, a pretty teenager with a perky personality and a much-admired operatic singing voice. This 1937 was her first major film, and it proved a box-office bonanza for beleaguered Universal Studios.

THREE SMART GIRLS concerns three daughters of a divorced couple who rush to their long-unseen father when their still-faithful mother reveals he may soon remarry--with the firm intention of undermining his gold-digger girlfriend and returning him to their mother. Although the story is slight, the script is witty and the expert cast plays it with a neat screwball touch. Durbin has a pleasing voice and appealing personality, and such enjoyable character actors as Charles Winninger, Alice Brady, Lucile Watson, and Mischa Auer round out the cast. A an ultra-light amusement for fans of 1930s film.

Gary F. Taylor, aka GFT, Amazon Reviewer\": {\"frequency\": 1, \"value\": \"Although she is ...\"}, \"The movie is pretty funny and involving for about four dates, then it becomes a blatant commercial for some guy you (and even his \\\"friends\\\") really can't stand. It is a pretty interesting concept; film dates on a quest to find true love in modern LA. The problem is that it feels incredibly (and badly) scripted at times and blatantly self-promoting. It is difficult to care about and be drawn into any of the characters because the writer/actor is so egotistical, uncool, untrue, and simply unlikeable. You end up feeling sorry for his dates.\": {\"frequency\": 1, \"value\": \"The movie is ...\"}, \"Kurosawa is a proved humanitarian. This movie is totally about people living in poverty. You will see nothing but angry in this movie. It makes you feel bad but still worth. All those who's too comfortable with materialization should spend 2.5 hours with this movie.\": {\"frequency\": 1, \"value\": \"Kurosawa is a ...\"}, \"The 1967 In Cold Blood was perhaps more like \\\"the real thing\\\" (Think about it: would we really want to see the real thing?), but it was black and white in a color world, and a lot of people didn't even know what it was, and there was an opportunity to remake it for television. Plus, if you remake it, you can show some stuff not shown in the original. The book In Cold Blood by Truman Capote was the first \\\"nonfiction novel\\\". Truman's book was in fact not 100% true to the real story. I thought the Canadian location sufficed for Kansas pretty much for a TV movie. Look for the elements of sex, drugs and rock 'n' roll: Dick's womanizing, Perry being an aspirin junkie, Perry playing blues guitar.\": {\"frequency\": 1, \"value\": \"The 1967 In Cold ...\"}, \"I didn't expect much when I rented this movie and it blew me away. If you like good drama, good character development that draws you into a character and makes you care about them, you'll love this movie.

Engrossing!\": {\"frequency\": 1, \"value\": \"I didn't expect ...\"}, \"I was rooting for this film as it's a remake of a 1970s children's TV series \\\"Escape into Night\\\" which, though chaotic and stilted at times was definitely odd, fascinating and disturbing. The acting in \\\"Paperhouse\\\" is wooden, unintentionally a joke. The overdubs didn't add tension they only reinforced that I was sat watching a botch. Casting exasperated the dreary dialogue which resulted in relationships lacking warmth, chemistry or conviction. As in most lacklustre films there are a few good supporting acts these people should be comforted, consoled and reassured that they will not be held responsible. Out of all the possible endings the most unexpected was chosen ... lamer than I could have dreamt.

\\\"Escape into Night\\\" deserves a proper remake, written by someone with life experience and directed with a subtle mind.\": {\"frequency\": 2, \"value\": \"I was rooting for ...\"}, \"Good horror movies from France are quite rare, and it's fairly easy to see why! Whenever a talented young filmmaker releases a staggering new film, he emigrates towards glorious Hollywood immediately after to directed the big-budgeted remake of another great film classic! How can France possibly build up a solid horror reputation when their prodigy-directors leave the country after just one film? \\\"Haute Tension\\\" was a fantastic movie and it earned director Alexandre Aja a (one-way?) ticket to the States to remake \\\"The Hills Have Eyes\\\" (which he did terrifically, I may add). Eric Valette's long-feature debut \\\"Mal\\ufffd\\ufffdfique\\\" was a very promising and engaging horror picture too, and he's already off to the Hollywood as well to direct the remake of Takashi Miike's ghost-story hit \\\"One Missed Call\\\". So there you have it, two very gifted Frenchmen that aren't likely to make any more film in their native country some time soon. \\\"Mal\\ufffd\\ufffdfique\\\" is a simple but efficient chiller that requires some patience due to its slow start, but once the plot properly develops, it offers great atmospheric tension and a handful of marvelous special effects. The film almost entirely takes place in one single location and only introduces four characters. We're inside a ramshackle French prison cell with four occupants. The new arrival is a businessman sentenced to do time for fraud, the elderly and \\\"wise\\\" inmate sadistically killed his wife and then there's a crazy transvestite and a mentally handicapped boy to complete the odd foursome. They find an ancient journal inside the wall of their cell, belonging to a sick murderer in the 1920's who specialized in black magic rites and supernatural ways to escape. The four inmates begin to prepare their own escaping plan using the bizarre formulas of the book, only to realize the occult is something you shouldn't mess with\\ufffd\\ufffd Eric Valette dedicates oceans of time to the character drawings of the four protagonists, which occasionally results in redundant and tedious sub plots, but his reasons for this all become clear in the gruesome climax when the book suddenly turns out to be some type of Wishmaster-device. \\\"Mal\\ufffd\\ufffdfique\\\" is a dark film, with truckloads of claustrophobic tension and several twisted details about human behavior. Watch it before some wealthy American production company decides to remake it with four handsome teenage actors in the unconvincing roles of hardcore criminals.\": {\"frequency\": 1, \"value\": \"Good horror movies ...\"}, \"My choice for greatest movie ever used to be Laughton's \\\"Night of the Hunter\\\" which remains superb in my canon. But, it may have been supplanted by \\\"Shower\\\" which is the most artistically Daoist movie I have seen. The way that caring for others is represented by the flowing of water, and the way that water can be made inspiration, and comfort, and cleansing, and etc. is the essence of the Dao. It is possible to argue that the the NOFTH and Shower themes are similar, and that Lillian Gish in the former represents the purest form of Christianity as the operators of the bathhouse represent the purest form of Daoism. I would not in any way argue against such an interpretation. Both movies are visual joys in their integration of idea and image. Yet, Shower presents such an unstylized view of the sacredness of everyday life that I give it the nod. I revere both.\": {\"frequency\": 1, \"value\": \"My choice for ...\"}, \"A warm, sweet and remarkably charming film about two antagonistic workers in the same shop (James Stewart and Margaret Sullavan) who are carrying on a romance via mailbox without either of them knowing it. The key to this film's success is that Ernst Lubitsch keeps any syrupy sentimentality absent and calls on his actors to give low-key, unfussy performances. As a result, you fall in love with virtually all of them.

There's a strong undercurrent of melancholy running through this film which I appreciated. Loneliness is a major theme, most obviously represented in the character of the shop's owner and manager, played wonderfully by Frank Morgan. He discovers that he's being cuckolded by his wife, and realizes that the successful life he's created for himself isn't enough to keep him from feeling lonely when he doesn't have a partner to share it. This makes the timid romance between Stewart and Sullavan all the more poignant, because they're both reaching out to this unseen other, who each thinks of as a soulmate before they've even met. Of course we know everything will turn out right in the end, but the movie doesn't let you forget the dismal feeling either of them would feel if they found that the reality didn't live up to the fantasy.

Lubitsch fills his movie out with a crackerjack cast that has boatloads of chemistry. The little group of shop employees refers to itself throughout the movie as a little family, and that's exactly how it feels to us as well.

This is a wonderful, unsung romance.

Grade: A+\": {\"frequency\": 1, \"value\": \"A warm, sweet and ...\"}, \"I saw this at the Mill Valley Film Festival. Hard to believe this is Ms. Blom's directorial debut, it is beautifully paced and performed. Large cast of characters could be out of an Anne Tyler novel, i.e. they are layered with back story and potential futures, there are no false notes, surprising bursts of humor amidst self-inflicted anxiety and very real if not earth-shattering dilemmas. If you saw \\\"The Best of Youth,\\\" you will recognize how well drawn the characters are through small moments, even as the story moves briskly along. I really hope this gets distribution in the USA. I live in a fairly sophisticated film market, yet we rarely get Swedish films of any kind.\": {\"frequency\": 1, \"value\": \"I saw this at the ...\"}, \"I can agree with other comments that there wasn't an enormous amount of history discussed in the movie but it wasn't a documentary! It was meant to entertain and I think it did a very good job at it.

I agree with the black family. The scenes with them seemed out of place. Like all of a sudden it would be thrown in but I did catch on to the story and the connection between the families later on and found it pretty good.

Despite it wasn't a re-enactment of the 60s it did bring into the light very big and important landmark periods of the decade. I found it very entertaining and worth my while to watch.\": {\"frequency\": 1, \"value\": \"I can agree with ...\"}, \"This is very much not the sort of movie for which John Wayne is known. He plays a diplomat, a man who gets things done through words and persuasion rather than physical action. The film moves with a quiet realism through its superficially unexciting story.

For the open-minded, the patient and the thoughtful, this movie is a rich depiction of an intriguing part of history.

There are two intertwining stories. The big story is of internalised, isolationist Japan and externalised, expansionist America clashing when their interests conflict. The small, human, story is of an outsider barbarian (Wayne) and a civilised Geisha's initial hostility and dislike turning to mutual respect and love. The human story is a reflection of the greater story of the two nations.

The movie is very well done and all actors play their roles well. The two lead roles are performed to perfection. John Wayne is excellent as Townsend Harris, striking exactly the right blend of force and negotiation in his dealings with the Japanese. Eiko Ando is likewise excellent as the Geisha of the title, charming and delightful. The interaction between her character and John Wayne's is particularly well portrayed. This is exactly how these two individuals (as they are depicted in the film) would have behaved.

The script is very well written. It lacks all pomposity. and is a realistic depiction of the manner in which the depicted events may have occurred. The characters are real people, not self-consciously \\\"great\\\" figures from history. Furthermore, the clash of cultures and interests is portrayed with great skill and subtlety. Indeed, the clash of a traditionalist, and traditionally powerful, isolationist Japan and a rising, newly powerful nation from across the ocean is summarised very well in one exchange between John Wayne and the local Japanese baron. Wayne complains that shipwrecked sailors are beheaded if they land in Japan, and that passing ships cannot even put into port for water. The Baron responds that Japan just wants to be left alone. Wayne's character replies that Japan is at an increasingly important crossroads of international shipping, and that if things continue as before the nation will be regarded as nothing more than a band of brigands infesting an important roadway. A very real summary of the way in which the two countries each saw themselves as being in the right, and saw the other as being in the wrong. The resultant clash between two self-righteous peoples with conflicting interests has its reflections throughout history, a continuing theme that echoes into the present and on into the future.

Cinematography and the depiction of mid-nineteenth century Japan, before the accelerated growth towards industrialisation that was to follow later in the century, is excellent. A visual treat, and an enlightening insight into Japan's ancient civilisation.

I highly recommend anyone, whether a John Wayne fan or not, to watch this film if you get the chance. Just be aware that it isn't an action film. It is a representation of an interesting place and time in history, and a slow-boiling love story which (much to their surprise) comes to dominate the personal lives of the two main characters. Watch this film on its merits, without preconceptions, allow yourself to be immersed in its story, and you will thoroughly enjoy it.

All in all, an excellent film.\": {\"frequency\": 1, \"value\": \"This is very much ...\"}, \"Florence Chadwick was actually the far more accomplished swimmer, of course. She swam the English Channel both directions. She swam from Catalina Island to the California coast. Marilyn Bell's is a sweet story, but the usual glorification of us Canadians in the face of a superior world. Another sample of our inferiority complex. Our political system works pretty well and the health system allows people not to die in hospital lobbies. That's pretty good. Better than Lebanon. What should we do about hockey though...? And curling. The notion of calling this a sport, of its inclusion in the Olympics...! ah, but we digress...\": {\"frequency\": 1, \"value\": \"Florence Chadwick ...\"}, \"Gregory Peck's acting was excellent, as one would expect, and the cinematography quite stunning even when playing directly into some melodramatic \\\"moment.\\\" But, the rest of the film was overacted and hard to watch, for me anyway. I tried to like it, but had to fast-forward through the last thirty minutes or so. I feel I wasted a couple of good hours. Had it not been for Gregory Peck, I wouldn't have lasted fifteen minutes. 4/10.\": {\"frequency\": 1, \"value\": \"Gregory Peck's ...\"}, \"With all the excessive violence in this film, it could've been NC-17. But the gore could've been pg-13 and there were quite a lot of swears when the mum had the original jackass bad-hairdewed boy friend. There was a lot of character development which made the film better to watch, then after the kid came back to life as the scarecrow, there was a mindless hour and ten minutes of him killing people. The violence was overly excessive and i think the bodycount was higher than twelve which is a large number for movies like this. ALmost every character in the film is stabbed or gets their head chopped off, but the teacher who called him \\\"white trash\\\" and \\\"hoodlum\\\" (though the character lester is anything but a hoodlum, not even close, i know hoods and am part hood, they don't draw in class, they sit there and throw stuff at the teacher). The teacher deserved a more gruesome death than anyone of the characters, but was just stabbed in the back. There were two suspenseful scenes in the film, but didn't last long enough to be scary at all. As i said, the killings were excessive and sometimes people who have nothing to do with the story line get their heads chopped off. If the gore was actually fun to see, then it would've been nc-17. Two kids describe a body they find in the cornfields, they describe it as a lot gorier than it actually was, they explained to the cop that there were maggots crawling around in the guys intestines. His stomach had not even been cut open so there was no way maggots were in his stomach, though i would've liked to see that. The acting was pathetic, characters were losers, and the scarecrow could do a lot of gymnastix stunts. I suggest renting this movie for the death scenes, i wont see it again anytime soon, but i enjoyed the excessive violence. Also, don't bother with the sequel, i watched five minutes of it and was bored to death, it sounds good but isn't. The original scarecrow actually kept me interested.\": {\"frequency\": 1, \"value\": \"With all the ...\"}, \"This is short and to the point. The story writing used for Star Trek: Hidden Frontier is surprisingly good. Acting is all over the map, but the main characters over the years seem to have worked at improving their skills. It is hard to believe that this series has been going on for almost 7 years and will be coming to end mid-May 2007.

I will not rehash what has already been said about the sets and graphics. Considering this is all-volunteer, for no profit, it is pretty amazing.

If this was being ranked as a professional production, I would have to give it a 5 for a good story but terrible sets. However, as a fan-based production I have to give it an excellent rating as with the exception with a few other efforts, this is in a league of its own. For sheer volume, I don't think this has been matched. Congratulations to the cast and crew for an effort that many admire.\": {\"frequency\": 1, \"value\": \"This is short and ...\"}, \"Yep, lots of shouting, screaming, cheering, arguing, celebrating, fist clinching, high fiving & fighting. You have a general idea as to why, but can never be 100% certain. A naval knowledge would be an advantage for the finer points, but then you'd probably spot the many flaws. Not an awful film & Hackman & Washington are their usual brilliant, but the plot was one you could peg pretty early on. I'm still waiting to see a submarine film where people get on with each other & don't argue, but then you probably wouldn't have a film.

4/10\": {\"frequency\": 1, \"value\": \"Yep, lots of ...\"}, \"I'm always surprised about how many times you'll see something about World War 2 on the German national television. You would think they don't like to open old wounds, but there isn't a week that goes by without a documentary or a movie about the horror and atrocities of this war. Perhaps it's a way of dealing with their past, I don't know, but you sure can't blame them of ignoring what happened. And it has to be said: most of those documentaries are really worth a watch because they never try to gloss over the truth and the same can be said about their movies (think for instance about \\\"Der Untergang\\\" or \\\"The Downfall\\\" as you might now it) which are also very realistic.

One of those movies is \\\"Rosenstrasse\\\". It tells a true story and deals with the subject of the mixed marriages during the war, even though the movie starts with a family in the USA, at the present day. After Hannah's father died, her mother all a sudden turned into an orthodox Jew even though she hasn't been very religious before. She doesn't know where the strange behavior of her mother comes from, but as she starts digging in her mother's troubled childhood, Hannah understands how little she has ever known about her mother's past.

The fact that this movie deals with the subject of the mixed marriages during the Nazi regime is already quite surprising. For as far as I know, there hasn't been another movie that deals with this subject. (For those who didn't know this yet: Being married to a so-called pure Aryian man or woman meant for many Jews that they weren't immediately sent to one of the concentration camps, but that they had to work in a factory). But it does not only tell something about the problems of the mixed marriages, it also gives a good idea of how these people were often seen by their own parents and relatives. How difficult it sometimes was for them during the Nazi regime and how these people, most of the time women, did everything within their power to free their men, once they were captured and locked away in for instance the Rosenstrasse...

The acting is really good and the story is very well written, although the way it was presented in the beginning didn't really do it for me (and that's exactly the only part that you'll get to see in the trailer). Perhaps it's just me, but I would have left out a big part of what happens in the present day. At least of the part that is situated in the USA, because the part where Hannah goes to Berlin and talks to someone who knows more about her mother's past, definitely works.

If you are interested in everything that has something to do with the Second World War, and if you aren't necessarily looking for a lot of action shots, than this is definitely a movie you should see. This isn't a movie in which you'll see any battles or gunfights, but it certainly is an interesting movie, because it gives you an idea about an aspect of the war only little is known of. I give it an 8/10.\": {\"frequency\": 1, \"value\": \"I'm always ...\"}, \"Bend it like Beckham is packed with intriguing scenes yet has an overall predictable stroy line. It is about a girl called Jess who is trying to achieve her life long dream to become a famous soccer player and finally gets the chance when offered a position on a local team. there are so many boundaries and limits that she faces which hold her back yet she is still determined and strives. i would recommend it for anyone who likes a nice light movie and wants to get inspired by what people can achieve. The song choices are really good, 'hush my child, just move on up...to your destination and you make boundaries and complications.' Anyway hope that was at help to your needs in a review. Bend it like Beckham great flick\": {\"frequency\": 1, \"value\": \"Bend it like ...\"}, \"Rain or shine outside, you enter a movie house. It makes you happy. (If not, come right out.) Lights go off. You settle down with a bar of ice cream. Moving pictures begin to flicker on the screen. You feel content. In the dark, you are back in the beginning of time. Sitting around the campfire...looking at the modern version of the flickering flames 24 times per second and sharing the joy of discovering the unknown turns and twists of the scenario with rest of your clan/spectators.

Those who are not happy with themselves, should not write comments. (Long live romantic comedies...)\": {\"frequency\": 1, \"value\": \"Rain or shine ...\"}, \"The selection of Sylvester Stallone to perform the protagonist by Renny Harlin is commendable since Stallone is that sort of tough and craggy person who had earlier rendered the requisite audaciously versatile aura to the characters of Rocky Balbao and Rambo. But to compare Die Hard series with Cliffhanger is a far-fetched notion.

The excellently crafted opening scene introduces the audience to the thrill, suspense and intrigue which is going to engulf them in the ensuing bloody and perilous encounter with the outlaws. The heist and the high altitude transfer of hard cash in suit cases from one plane to the other is something not filmed before.

The biting cold of the snow capped Alps and the unfolding deceit and treachery among the antagonist forces makes one shiver with trepidation. The forces of awesome adventure and ruthless murder kicks the drama through to the end.

Good movies are not made every year and people don't get a feast for eyes to watch every now and then. Apart from the filthy language/parlance which endows brazen excitement during certain scenes, the movie can be regarded as one that is not going to fade its captivating appeal even watching it after so many years.\": {\"frequency\": 1, \"value\": \"The selection of ...\"}, \"A long film about a very important character from South Africa, Stephen Biko. He is one of these Blacks who did not survive apartheid, who actually died a long time before their normal time. The already old film though does not show how important Biko was, what he really represented. His life and his teaching is reduced to little, at best a few witty remarks. The film being from 1987, the objective was to push South Africa over the brink that would lead her to liberation. So the film aims at showing how irrational the South African supporters of apartheid are, in 1987. To show this the film has to look beyond Biko's death, hence to center its discourse not on Biko but on a white liberal journalist and his escaping the absurd system in which he is living. His escape is made necessary because of the victimization he is the victim of, along with his family, and because he wants to publish the first book on Biko, after his death, and that can only happen in England. The film shows a way to escape South Africa, while apartheid is still standing and killing. So do not expect this way to be realistic and true. It could not be. But the film has tremendously aged because it does not show South Africa with any historical distantiation, the very distantiation that has taken place under Nelson Mandela's presidency and that is called forgiveness provided those who want to be forgiven speak up and out. The film is strong and emotional but that very historical limit makes it rather weak today, especially since the film does not mention the third racial community, the Indians. Panegyric books or films all have that defect: they are looking at the person they are supposed to portrait from only one point of view. That explains why the film has aged so much, seems to be coming from so long ago, as if nothing had changed at all. A remake is necessary.

Dr Jacques COULARDEAU, University Paris 1 Pantheon Sorbonne, University Versailles Saint Quentin en Yvelines, CEGID\": {\"frequency\": 1, \"value\": \"A long film about ...\"}, \"It really impresses me that it got made. The director/writer/actor must be really charismatic in reality. I can think of no other way itd pass script stage. What I want you to consider is this...while watching the films I was feeling sorry for the actors. It felt like being in a stand up comedy club where the guy is dying on his feet and your sitting there, not enjoying it, just feeling really bad for him coz hes of trying. Id really like to know what the budget is, guess it must have been low as the film quality is really poor. I want to write 'the jokes didn't appeal to me'. but the reality is for them to appeal to you, you'd have to be the man who wrote them. or a retard. So imagine that in script form...and this guy got THAT green lit. Thats impressive isn't it?\": {\"frequency\": 1, \"value\": \"It really ...\"}, \"Knowing how old a film is, ought to prepare the viewer for a few things, and, with those things in mind, perhaps the movie'll be more tolerable. So it was when I watched Revolt of the Zombies. The heavy reliance on tedious dialogue and corny movements should be expected, as should the primitiveness (or absence) of special effects in those days. A great deal is asked from the imagination of the onlooker - maybe too much, in this case. And the plot isn't easy to follow: Some zombiefied southeast Asian soldiers in WWI performed very admirably. Although skeptical as to why, if true, the explanation should stay out of the wrong hands, so, off goes a group to archaeologically investigate. The key to long-distance hypnosis is learned by a member of the expedition, who uses it to, among other purposes, temporarily dispense with the beau of the gal for whom he has the hots. To prove his love for her, he gives up his hold on everybody, which he shouldn't have done 'cause, once they're all unzombiefied, many want to kill him so that he'll never control them again. Below average, even with precautionary forethought. Recommended for only the extremely patient.\": {\"frequency\": 1, \"value\": \"Knowing how old a ...\"}, \"Well let me say that I have always been a Steven seagal fan and his movies are usually great but this just don't measure up to the rest. This in my opinion is very stupid I did not like it all. The biggest reason I don't like it is because it is very flawed and to me does not make much sense. The acting is very bad even Steven seagal does not do good acting, The rest of the actors I can see because they just do direct to video movies. It does not follow a straight storyline everything happens at once so that why it doesn't make much sense. Ther is barely any action in it at all and in order to make an action movie good you usually need action in it. The special effects are very bad and you can tell are fake. So all in all this has to seagals worst movie of all so if you want to see a Steven seagal movie don't rent this one just pretend it does not exist. So just avoid this movie.

Overall score: ** out of **********

* out of *****\": {\"frequency\": 1, \"value\": \"Well let me say ...\"}, \"I'll be honest, this is one of the worst movies ever. If not, then it's VERY close. Ever seen a bad teen soap opera. Well this is like one of those. Except worse. For example: (POSSIBLY SPOILER) girl: I wanna go somewhere else.

guy: all we need is here.

girl: but I wanna take myself somewhere different.

guy: I'll take YOU somewhere else.

... Proceeding this line they have sex. The music is bad pop and bad punk rock. If you've EVER read the book, avoid this movie like the plague. They completely change the personalities of the characters and the events. Additionally, they just get rid of things. Also, the movie ends about before the book finishes. It is an AWFUL movie. So, if you haven't read the book, don't watch it. If you HAVE read the book, burn it (the movie). If you like stupid teen soap operas that are lower quality than your average low quality teen soap opera, go for it. Then again, should we expect anything different from MTV?\": {\"frequency\": 1, \"value\": \"I'll be honest, ...\"}, \"Quite possibly the worst movie I've ever seen; I was ready to walk out after the first ten minutes. The only people laughing in the theater were the tweeners. Don't get me wrong, I love silly, stupid movies just as much as the next gal, but the whole premise, writing and humor stunk. It seemed to me that they were going for a \\\"Napoleon Dynamite\\\" feel - strange and random scenes which would lead to a cult audience. Instead, it ended up being forced, awkward and weird.

The only bright light was Isla Fisher and I just felt utterly awful that she (and Sissy Spacek) had signed up for this horrible thing.

Thank gosh I didn't pay for it.\": {\"frequency\": 1, \"value\": \"Quite possibly the ...\"}, \"Sandra Bernhard is quite a character, and certainly one of the funniest women on earth. She began as a stand-up comedienne in the 1970s, but her big break came in 1983 when she starred opposite Jerry Lewis and Robert De Niro in Scorsese's underrated masterpiece, \\\"The King of Comedy\\\". Her film career never quite took off, though. She did make a couple of odd but entertaining pictures, such as \\\"Dallas Doll\\\" (1994) or \\\"Dinner Rush\\\" (2000), but the most amazing parts were those she created for herself.

\\\"Without You I'm Nothing\\\" is undoubtedly her best effort. It's an adaptation of her smash-hit off-Broadway show which made her a superstar \\ufffd\\ufffd and Madonna's best friend for about four years. In ten perfectly choreographed and staged scenes, Sandra turns from Nina Simone to Diana Ross, talks about her childhood, Andy Warhol and San Francisco and performs songs made famous by Burt Bacharach, Prince, or Sylvester. Director John Boskovich got Sandra to do a 90-minute tour-de-force performance that's both sexy and uniquely funny. If you are a Bernhard fan, you can't miss out this film; it's a tribute as well to her (weird) beauty as to her extremely unconventional talent as a comedienne. And it has influenced filmmakers in their work \\ufffd\\ufffd \\\"Hedwig and the Angry Inch\\\", for instance, would look a lot different if \\\"Without You I'm Nothing\\\" didn't exist.\": {\"frequency\": 1, \"value\": \"Sandra Bernhard is ...\"}, \"Kid found as a baby in the garbage and raised at a martial arts academy has a knack for sinking baskets. With the help of the man who found him he gets in to college and is promoted to the championship as he searches for his real parents. Infinitely better in pieces action comedy is a real mess as a whole. It seems to be striving for a hipper basketball version of Shaolin Soccer, but the comedy is scatter shot, its focus wanders more than a Chihuahua with ADD on quadruple espresso. I kept asking \\\"What am I watching\\\". I watched it from start to finish and I still don't know what the hell happened. Its a shame since there are some great action scenes, some amusing jokes and the occasional moment, but nothing, none of it ever comes together, I'd take a pass.\": {\"frequency\": 1, \"value\": \"Kid found as a ...\"}, \"This bogus journey never comes close to matching the wit and craziness of the excellent adventure these guys took in their first movie. This installment tries to veer away from its prequel to capture some new blood out of the joke, but it takes a wrong turn and journeys nowhere interesting or funny.

There's almost a half-hour wasted on showing the guys doing a rock concert (and lots of people watching on \\\"free TV\\\"--since when does that happen?) Surely the script writer could have done something more creative; look at how all the random elements of the first movie were neatly tied up together by a converging them at the science presentation. Not in this film, which pretty much ended the Bill & Ted franchise. The joke was over.

The Grim Reaper is tossed into the mix, for whatever reason. This infusion, like the whole plot, is done poorly and lacks sparks for comedy or audience involvement. There's a ZZ Top impression, hammered in for no reason. There's lights, smoke, mirrors, noise. But nothing really creative or funny.

Skip this bogus thing.\": {\"frequency\": 1, \"value\": \"This bogus journey ...\"}, \"I want to clarify a few things. I am not familiar with Ming-liang Tsai movies, and I am very familiar with art cinema; I grow up in the seventies times of Goddard, Fellini, Bergman, Bertolucci and many others.

Art movies then were really ART; like paints. People did it to express their inner feelings, not really worried about if other people understand anything. They were beyond commercial values; just look some old Antonioni (or early Picasso) and you will understand.

Tian bian yi duo yun (The Wayward Cloud) has nothing to do with that. It is an opportunistic movie, intended to fool festival judges and critics, playing many things without saying anything.

The story makes no sense. The lack of water makes the government to promote the use of watermelons to hydrate. A girl in desperation, steal water from the public bathrooms WC. There is also a porno start (neighbor) trying to make a movie with an actress he does not seems to feel comfortable with. There is some romantic awakening between the girl and the porno star. The mess ends with a sexual scene (not pornographic) that many people feel shocked about, but I believe it is less provocative than you can see in American Pie or History of Violence.

The two main characters never talk. Sometimes, a musical number 60 style appears and explains (through a song) what is happening in characters minds. These video clips, are really welcomed because the previous scene, without dialog or music only people looking at each other, takes sometimes 4, 5 or even more minutes which in movie times is TOO MUCH.

There is also a few bits about \\\"the difficult to make sex without love\\\", the \\\"selfish mind of the porno industry\\\".

It is obvious, this movie intended (get away with it) to fool festival juries and critics. It have a few pseudo-shocking scenes (within the limits of Taiwan censorship) and many subjects are open, but nothing is concluded or goes anywhere.

These tricks, got the movie a few (disputed) important prices in film festivals and get the movie an undeserved commercial success (I see the movie in France and the theater was packed).

However, please, do not be fooled. There is nothing new or original or even originally told or filmed in this movie. It is boring and empty; really a fraud to public. Boogie Nights (which I did not really liked), Intimacy and 9 Songs are far better movies.\": {\"frequency\": 1, \"value\": \"I want to clarify ...\"}, \"This has to be the worst, and I mean worst biker movie ever made! And that's saying a lot because the line of stinkers is long and smelly!

Now at least we know what happened to Ginger after she was rescued from Gilligan's Island! A frightened looking Tina Louise(she was probably afraid someone would see this mess!)is a stranded motorist who is tormented by the most repulsive motorcycle gang in film history. But, don't worry fans! Batman, I mean Adam West as a hick-town doctor comes to the rescue! Pow! Crush! Boom! Holy Toledo Batman!

The only good points of this \\\"bomb\\\" are some cute women, some laughable fight scenes, and the still \\\"sexy\\\" Tina Louise!\": {\"frequency\": 1, \"value\": \"This has to be the ...\"}, \"I agree with everything people said on this one but I must add that the soundtrack is probably the WORST one I have ever heard my entire life! There are actual vocals during times when you are supposed to be listening to the actors talk! And the vocals are like a broadway version of Danzig singing, \\\"The darkness of the forest! Oh the darkness of the dark, dark forest!\\\" or something else so unthreatening. The singer has a terrible vibrato and has been recorded with a treble-y microphone over some synthed-up string section and fake drum beats. It's horrible!!

Yes, the male leads are awful. So are the female ones. This is one bad case of gender stereotyping - it's so bad! Everything they say revolves around being a male or a female, just playing up the stereotypes to the max. Makes me sick. Soooo boring!!!

The children were so echoey in their lines, you couldn't understand them. And why do female ghost children always wear cute little bows in their hair, pretty blue dresses and long hair? And ghost boys always wear clean cut slacks with cute little shiny blond hair? Not scary - STUPID.

Daddy's face was way too blemish free and clean to be that of a man living in a cave. Nice beard and bangs, pa. Did you perfectly cut those with a knife yourself or did you stroll into town and go to the salon?

Stupid movie.\": {\"frequency\": 1, \"value\": \"I agree with ...\"}, \"I wanted so much to enjoy this movie. It moved very slowly and was just boring. If it had been on TV, it would have lasted 15 to 20 minutes, maybe. What happened to the story? A great cast and photographer were working on a faulty foundation. If this is loosely based on the life of the director, why didn't he get someone to see that the writing itself was \\\"loose\\\". Then he directed it at a snail's pace which may have been the source of a few people nodding off during the movie. The music soars, but for a different film, not this one....for soap opera saga possibly. There were times when the dialogue was not understandable when Armin Meuller Stahl was speaking. I was not alone, because I heard a few rumblings about who said what to whom. Why can't Hollywood make better movies? This one had the nugget of a great story, but was just poorly executed.\": {\"frequency\": 1, \"value\": \"I wanted so much ...\"}, \"I have this film out of the library right now and I haven't finished watching it. It is so bad I am in disbelief. Audrey Hepburn had totally lost her talent by then, although she'd pretty much finished with it in 'Robin and Marian.' This is the worst thing about this appallingly stupid film. It's really only of interest because it was her last feature film and because of the Dorothy Stratten appearance just prior to her homicide.

There is nothing but idiocy between Gazzara and his cronies. Little signals and little bows and nods to real screwball comedy of which this is the faintest, palest shadow.

Who could believe that there are even some of the same Manhattan environs that Hepburn inhabited so magically and even mythically in 'Breakfast at Tiffany's' twenty years earlier? The soundtrack of old Sinatra songs and the Gershwin song from which the title is taken is too loud and obvious--you sure don't have to wait for the credits to find out that something was subtly woven into the cine-musique of the picture to know when the songs blasted out at you.

'Reverting to type' means going back up as well as going back down, I guess. In this case, Audrey Hepburn's chic European lady is all you see of someone who was formerly occasionally an actress and always a star. Here she has even lost her talent as a star. If someone whose talent was continuing to grow in the period, like Ann-Margret, had played the role, there would have been some life in it, even given the unbelievably bad material and Mongoloid-level situations.

Hepburn was a great person, of course, greater than most movie stars ever dreamed of being, and she was once one of the most charming and beautiful of film actors. After this dreadful performance, she went on to make an atrocious TV movie with Robert Wagner called 'Love Among Thieves.' In 'They all Laughed' it is as though she were still playing an ingenue in her 50's. Even much vainer and obviously less intelligent actresses who insisted upon doing this like Lana Turner were infinitely more effective than is Hepburn. Turner took acting seriously even when she was bad. Hepburn doesn't take it seriously at all, couldn't be bothered with it; even her hair and clothes look tacky. Her last really good work was in 'Two for the Road,' perhaps her most perfect, if possibly not her best in many ways.

And that girl who plays the country singer is just sickening. John Ritter is horrible, there is simply nothing to recommend this film except to see Dorothy Stratten, who was truly pretty. Otherwise, critic David Thomson's oft-used phrase 'losing his/her talent' never has made more sense.

Ben Gazarra had lost all sex appeal by then, and so we have 2 films with Gazarra and Hepburn--who could ask for anything less? Sandra Dee's last, pitiful film 'Lost,' from 2 years later, a low-budget nothing, had more to it than this. At least Ms. Dee spoke in her own voice; by 1981, Audrey Hepburn's accent just sounded silly; she'd go on to do the PBS 'Gardens of the World with Audrey Hepburn' and there her somewhat irritating accent works as she walks through English gardens with aristocrats or waxes effusively about 'what I like most is when flowers go back to nature!' as in naturalized daffodils, but in an actual fictional movie, she just sounds ridiculous.

To think that 'Breakfast at Tiffany's' was such a profound sort of light poetic thing with Audrey Hepburn one of the most beautiful women in the world--she was surely one of the most beautiful screen presences in 'My Fair Lady', matching Garbo in several things and Delphine Seyrig in 'Last Year at Marienbad.' And then this! And her final brief role as the angel 'Hap' in the Spielberg film 'Always' was just more of the lady stuff--corny, witless and stifling.

I went to her memorial service at the Fifth Avenue Presbyterian Church, a beautiful service which included a boys' choir singing the Shaker hymn 'Simple Gifts.' The only thing not listed in the program was the sudden playing of Hepburn's singing 'Moon River' on the fire escape in 'Breakfast at Tiffany's,' and this brought much emotion and some real tears out in the congregation.

A great lady who was once a fine actress (as in 'The Nun's Story') and one of the greatest and most beautiful of film stars in many movies of the 50's and 60's who became a truly bad one--that's not all that common. And perhaps it is only a great human being who, in making such things as film performances trivial, nevertheless has the largeness of mind to want to have the flaws pointed out mercilessly--which all of her late film work contained in abundance. Most of the talk about Hepburn's miscasting is about 'My Fair Lady.' But the one that should have had the original actress in it was 'Wait Until Dark,' which had starred Lee Remick on Broadway. Never as celebrated as Hepburn, she was a better actress in many ways (Hepburn was completely incapable of playing anything really sordid), although Hepburn was at least adequate enough in that part. After that, all of her acting went downhill.\": {\"frequency\": 1, \"value\": \"I have this film ...\"}, \"THE DECOY is one of those independent productions, made by obvious newcomers, but it doesn't have all the usual flaws that sink most such films. It has a definite story, it has adequate acting, the photography is very good, the hero and the bad guy are both formidable men, and the background music isn't overdone. This is a DVD New Release, so people will be looking here to see if it's worthwhile. I don't know where all the 10's come from, as there's no way this film is that good --- even if you're the filmmaker's mother.

The last film we saw at a theater was Warner's trashing of J K Rawlings much-loved and excellent book, Order of the Phoenix. In comparing THE DECOY with PHOENIX, consider that PHOENIX (as made by Warners) had no story, certainly no acting was allowed by the director, the photography was dreadful, and the wall-of-sound overbearing musical score was just a mess. I rated Phoenix a \\\"1\\\" because the scale doesn't go any lower. THE DECOY is 4 times better -- in all regards.

If you have the opportunity, give THE DECOY a chance. Remember, this isn't \\\"Decoy 3 -- the Shootout\\\" or any such nonsense. It's original. If your expectations aren't overblown by the foolish \\\"10\\\" scores here, you might just enjoy the film on its own terms.\": {\"frequency\": 1, \"value\": \"THE DECOY is one ...\"}, \"Yes, it's over the top, yes it's a bit clich\\ufffd\\ufffdd and yes, Constance Marie is a total babe and worthy of seeing again and again! The jokes and gags might get old and repetitive after a while but the show's still fun to watch. Since it's a family show the humour is toned down and the writers have incorporated family values and ideals in between the gags.

George Lopez is funny. Don't take him seriously and the show's a winner. I'm sure he didn't intend his character to be serious or a paragon of virtue. His outbursts and shouts of glee are hilarious...

I do have to say that the one big, dark, bitter spot is Benny. I hate the character...so much so that anytime she's on for more than 30 seconds I mute the TV just so I don't have to hear her. There is nothing funny about her dialogue or her jokes. As a mother she has to be the worst out there and I am just shocked and surprised that George, as the character, would stand by such a deplorable person for so long.

Even so anytime I get ticked off at seeing Benny I think to myself: seeing her is a lot better than having to watch the Bill Engvall Show. Now there's a bad sitcom...\": {\"frequency\": 1, \"value\": \"Yes, it's over the ...\"}, \"This Book-based movie is truly awful, and a big disappointment. We've been waiting for this move over a month. Many film reviewer were hopeful for it. Also in newspapers and TV, it made big sense. When 29th April comes, many people regretfully noticed that movie is really awful. Why? First of all story was so monotone. It has been many indefinite scenes, sometimes it's hard to realize what's going on. The actresses, out of Hulya Avsar, weren't harmonized with their roles, especially Vildan Atasever. She acts better in comedy films, In this movie, a kind of drama, she couldn't disposed of her previous role. And finally Movie is too short, just 66 minutes.\": {\"frequency\": 1, \"value\": \"This Book-based ...\"}, \"My dad is a fan of Columbo and I had always disliked the show. I always state my disdain for the show and tell him how bad it is. But he goes on watching it none the less. That is his right as an American I guess. But my senses were tuned to the series when i found out that Spielberg had directed the premier episode. It was then that I was thankful that my dad had bought this show that I really can't stand. I went through his DVD collection and popped this thing in when i came home for a visit from college. My opinion of the series as a whole was not swayed, but I did gain respect for Spielberg knowing that he started out like most low tier directors. And that is making small dribble until the big fish comes along (get the pun, HA,HA. Like Spielberg did. It's like Jesus before he became a man. Or thats at least what I think that would feel like. Any ways if your fan of Columbo than you would most likely like this, even though it contains little of Peter Falk. I attribute this to the fact this is the start of the series and no one knew where to go with it yet. This episode mainly focuses on the culprit of the crime instead of Columbo's investigation, as many later episodes would do.\": {\"frequency\": 1, \"value\": \"My dad is a fan of ...\"}, \"the Germans all stand out in the open and get mowed down with a machine gun. the Good guys never die, unless its for dramatic purposes. the \\\"plot\\\" has so many holes its laughable. (Where did the German soldiers go once they rolled the fuel tank towards the train? Erik Estrada? Please!) And the whole idea, hijacking a train? How moronic is that! The Germans KNOW where you are going to go, its not like you can leave the track and drive away! What a waste. I would rather bonk myself on the head with a ball peen hammer 10 times then have to sit through that again. I mean, seriously, it FELT like it was made in the 60s, but it was produced in 88!! 1988!! the A-Team is more believable than this horrid excuse for a movie. Only watch it if you need a good laugh. This movie is to Tele Sevalas what Green Beret was to John Wayne.\": {\"frequency\": 1, \"value\": \"the Germans all ...\"}, \"After a long hard week behind the desk making all those dam serious decisions this movie is a great way to relax. Like Wells and the original radio broadcast this movie will take you away to a land of alien humor and sci-fi paraday. 'Captain Zippo died in the great charge of the Buick. He was a brave man.' The Jack Nicholson impressions shine right through that alien face with the dark sun glasses and leather jacket. And always remember to beware of the 'doughnut of death!' Keep in mind the number one rule of this movie - suspension of disbelief - sit back and relax - and 'Prepare to die Earth Scum!' You just have to see it for yourself.\": {\"frequency\": 1, \"value\": \"After a long hard ...\"}, \"What was the worst movie of 2003? \\\"Cat in the Hat?\\\" \\\"Gigli?\\\" Mais non! I propose that it was this atrocious little film from earlier in the year. Badly written, badly edited, and (if I may be so bold) badly acted, \\\"The Order\\\" is the black hole of film - a movie so dense not even the slightest bit of entertainment could escape from its event horizon of suck. It isn't even accidentally funny, like (for example) \\\"Showgirls.\\\"

You know that the producers are assuming that their audience isn't going to be very smart. They renamed the movie, originally titled \\\"The Sin Eaters,\\\" because they figured Americans were too stupid to understand what a sin eater was, even though they go to great lengths to explain what a sin eater is in the movie. Instead, they figure an utterly generic title and a picture of Heath Ledger looking sullen are more than enough to get you in there.

And, hey, what do you know, they were right! My ex-girlfriend saw the picture of Heath and dragged me in. Congratulations, producers, you've met your target market. She also liked \\\"Grease II,\\\" so you're in good company.

Back on topic, Heath plays a Catholic monk from a specific (you guessed it) order that is trying to investigate the murder of his mentor. He has celibacy issues, possibly because nobody in their right mind would believe that he knew the slightest thing about religion, much less be a celibate monk. The only other member of this order is a funny alcoholic fat guy. As much as I've wanted to see the return of the funny alcoholic to the big screen, his attempts at humor reminded me of all the dorks in my high school who did imitations of Monty Python, thinking that if they just said the lines like the Pythons did they would automatically be funny. You know the sort of people I'm talking about.

If I utter any more, I would be in danger of generating spoilers. Frankly, the thing that spoiled this movie for me was the fact that it was created.\": {\"frequency\": 1, \"value\": \"What was the worst ...\"}, \"When George C. Scott played the title role in \\\"Patton,\\\" you saw him directing tanks with pumps of his fist, shooting at German dive bombers with a revolver, and spewing profanity at superiors and subordinates alike. The most action we get from Gregory Peck as \\\"MacArthur,\\\" a figure from the same war of debatably greater accomplishment, is when he taps mapboards with his finger and raises that famous eyebrow of his.

Comparing Peck's performance with Scott's may be unfair. Yet the fact \\\"MacArthur\\\" was made by the same producer and scored by the same composer begs parallels, as does the fact both films open with the generals addressing cadets at West Point. It's clear to me the filmmakers were looking to mimic that Oscar-winning film of a few years before. But while Peck looks the part more than Scott ever did, he comes off as mostly bland in a story that feels less like drama than a Wikipedia walkthrough of MacArthur's later career.

\\\"To this day there are those who think he was a dangerous demagogue and others who say he was one of the greatest men who ever lived,\\\" an opening title crawl tells us. It's a typical dishwater bit of post-Vietnam sophistry about those who led America's military, very much of its time, but what we get here is neither view. MacArthur as presented here doesn't anger or inspire the way he did in life.

Director Joseph Sargent, who went on to helm the famous turkey \\\"Jaws The Revenge,\\\" does a paint-by-numbers job with bland battle montages and some obvious set use (as when the Chinese attack U.S. forces in Korea), while the script by Hal Barwood and Matthew Robbins trots out a MacArthur who comes across as good-natured to the point of blandness, a bit too caught up in his public image, but never less than decent.

Here you see him stepping off the landing craft making his return to the Phillipines. There you see him addressing Congress in his \\\"Old Soldiers Never Die\\\" speech. For a long stretch of time he sits in a movie theater in Toyko, waiting for the North Koreans to cross the 38th parallel so we can get on with the story while newsreel footage details Japan's rise from the ashes under his enlightened rule. Peck's co-actors, Marj Dusay as his devoted wife (\\\"you're my finest soldier\\\") and Nicolas Coaster as a loyal aide, burnish teary eyes in the direction of their companion's magnificence but garner no interest on their own.

Even when he argues with others, Peck never raises his voice and for the most part wins his arguments with thunderous eloquence. When Admiral Nimitz suggests delaying the recapture of the Philippines, a point of personal pride as well as tactical concern for MacArthur, MacArthur comes back with the comment: \\\"Just now, as I listened to his plan, I thought I saw our flag going down.\\\" Doubtless the real Nimitz would have had something to say about that, but the character in the movie just bows his head and meekly accepts the insult in the presence of President Roosevelt.

The only person in the movie who MacArthur seriously disagrees with is Harry S Truman, who Ed Flanders does a fine job with despite a prosthetic nose that makes him resemble Toucan Sam. Truman's firing of MacArthur should be a dramatic high point, but here it takes place in a quiet dinner conversation, in which Peck plays MacArthur as nothing less than a genial martyr.

I've never been sold by Peck's standing at the upper pantheon of screen stars; he delivers great presence but lacks complexity even in many of his best-known roles. But it's unfair to dock him so much here, as he gets little help defining MacArthur as anything other than a speechifying bore. Except for two scenes, one where he rails against the surrender of the Philippines (\\\"He struck Old Glory and ran up a bedsheet!\\\") and another where he has a mini-breakdown while awaiting the U.S. invasion of Inchon, inveighing against Communists undermining him at the White House, Peck really plays Peck here, not the complex character who inspired the famous sobriquet \\\"American Caesar.\\\" The real MacArthur might have been worthy of such a comparison. What you get here is less worthy of Shakespeare than Shakes the Clown.\": {\"frequency\": 1, \"value\": \"When George C. ...\"}, \"Flight of Fury starts as General Tom Barnes (Angus MacInnes) organises an unofficial test flight of the X-77, a new stealth fighter jet with the ability to literally turn invisible. General Barnes gives his top pilot Colonel Ratcher (Steve Toussaint) the job & everything goes well until the X-77 disappears, even more literally than Barnes wanted as Ratcher flies it to Northern Afghanistan & delivers it to a terrorist group known as the Black Sunday lead by Peter Stone (Vincenzo Nicoli) who plans to use the X-77 to fly into US airspace undetected & drop some bombs which will kills lots of people. General Barnes is worried by the loss of his plane & sends in one man army John Sands (co-writer & executive producer Steven Seagal) to get it back & kill all the bad guy's in the process...

This American, British & Romanian co-production was directed by Michael Keusch & was the third film in which he directed Seagal after the equally awful Shadow Man (2006) & Attack Force (2007), luckily someone decided the partnership wasn't working & an unsuspecting public have thankfully been spared any further collaboration's between the two. Apparently Flight of Fury is an almost scene-for-scene word-for-word remake of Black Thunder (1988) starring Michael Dudikoff with many of the same character's even sharing the same name so exactly the same dialogue could be used without the makers even having to change things like names although I must admit I have never seen Black Thunder & therefore cannot compare the two. Flight of Fury is a terrible film, the poorly made & written waste of time that Seagal specialises in these days. It's boring even though it's not that slow, the character's are poor, it's full of clich\\ufffd\\ufffds, things happen at random, the plot is poor, the reasoning behind events are none existent & it's a very lazy production overall as it never once convinces the viewer that they are anywhere near Afghanistan or that proper military procedures are being followed. The action scenes are lame & there's no real excitement in it, the villains are boring as are the heroes & it's right down there with the worst Seagal has made.

Flight of Fury seems to be made up largely of stock footage which isn't even matched up that well, the background can change, peoples clothes change, the area changes, the sky & the quality of film changes very abruptly as it's all too obvious we are watching clips from other (better) films spliced in. Hell, Seagal never even goes anywhere near a plane in this. The action scenes consist of shoot-outs so badly edited it's hard to tell who is who & of course Seagal breaking peoples arms. The whole production feels very cheap & shoddy.

The IMDb reckons this had a budget of about $12,000,000 which I think is total rubbish, I mean if so where did all the money go? Although set in Afghanistan which is a war torn arid desert Flight of Fury looks like it was filmed down my local woods, it was actually shot in Romania & the Romanian countryside does not make a convincing Afghanistan. The acting is terrible as one would expect & Seagal looks dubbed again.

Flight of Fury is a terrible action film that is boring, amateurish & is an almost scene-for-scene remake of another film anyway. Another really lazy & poorly produced action thriller from Seagal, why do I even bother any more?\": {\"frequency\": 1, \"value\": \"Flight of Fury ...\"}, \"I've rarely been as annoyed by a leading performance as I was by Ali McGraw's in this movie. God is she bothersome or what?! She says everything in the same tone and is horrible, so horrible in fact that, by contrast, Ryan O'Neal is brilliant.

There is not much of a story. He's rich, she's wooden, they both have to Sacrifice A Lot for Love. His father is Stonewall Jackson, hers is called by his first name, in case you didn't notice the Difference in The Two of Them that They Overcame in the Name of Love.

The Oscar nominations for this movie indicate it had to have been a bad year. John Marley is fine as Wooden's father, but a Supporting Nomination? At least Ali didn't win.

I still think Katharine Ross should have played Jennifer, but then again, if it were up to me, Katharine Ross would have been in a lot more movies. She's certainly a better actress than McGraw.

I didn't even cry when she got sick, never occured to me to even feel sad.

It was nice to see Tommy Lee Jones looking like he was about 15, and the score is good. But this one is so old by now it has a beard a mile long, and the sin of that is its not that old, but it feels it.\": {\"frequency\": 1, \"value\": \"I've rarely been ...\"}, \"`The United States of Kiss My Ass'

House of Games is the directional debut from playwright David Mamet and it is an effective and at times surprising psychological thriller. It stars Lindsay Crouse as best-selling psychiatrist, Margaret Ford, who decides to confront the gambler who has driven one of her patients to contemplate suicide. In doing so she leaves the safety and comfort of her somewhat ordinary life behind and travels `downtown' to visit the lowlife place, House of Games.

The gambler Mike (played excellently by Joe Mantegna) turns out to be somewhat sharp and shifty. He offers Crouse's character a deal, if she is willing to sit with him at a game, a big money game in the backroom, he'll cancel the patients debts. The card game ensues and soon the psychiatrist and the gambler are seen to be in a familiar line of work (gaining the trust of others) and a fascinating relationship begins. What makes House of Games interesting and an essential view for any film fan is the constant guessing of who is in control, is it the psychiatrist or the con-man or is it the well-known man of great bluffs David Mamet.

In House of Games the direction is dull and most of the times flat and uninspiring, however in every David Mamet film it is the story which is central to the whole proceedings, not the direction. In House of Games this shines through in part thanks to the superb performances from the two leads (showy and distracting) but mainly as is the case with much of Mamet's work, it is the dialogue, which grips you and slowly draws you into the film. No one in the House of Games says what they mean and conversations become battlegrounds and war of words. Everyone bluffs and double bluffs, which is reminiscent of a poker games natural order. This is a running theme throughout the film and is used to great effect at the right moments to create vast amounts of tension. House of Games can also be viewed as a `class-war' division movie. With Lindsay Crouse we have the middle-class, well-to-do educated psychiatrist and Joe Mantegna is the complete opposite, the working class of America earning a living by `honest' crime.

The film seduces the viewer much like Crouse is seduced by Mantegna and the end result is ultimately a very satisfying piece of American cinema. And the final of the film is definitely something for all to see and watch out for, it's stunning.

An extremely enjoyable film experience that is worth repeated viewings. 9/10\": {\"frequency\": 1, \"value\": \"`The United States ...\"}, \"I just watched I. Q. again tonight and had forgotten how much I love this movie. It is wonderfully entertaining and leaves you feeling that all is right with the world. I love the allusions to Mozart all throughout from the opening with \\\"Einstein\\\" playing \\\"Twinkle, Twinkle Little Star\\\" on the violin to him humming Eine Kleine Nachtmusik during the IQ testing of the Ed Walters. I love that a woman is portrayed as intelligent and encouraged to have a career, an especially unique situation for the 1950's, the time in which this movie is set. (I myself have been a teacher but stayed at home to raise my children, so please don't think I am some staunch women's libber.) It's wonderful how a man who is \\\"only a grease monkey\\\" is finally seen to be just as important and worthy as Catherine's fiance, a clinical behavioral researcher. The message to me is that we are not what we do, but who we are is defined by so much more - no labels. There are so many little gags and one-liners that are almost throwaways if you don't watch and listen carefully.

I did catch a few things in the movie that are not listed on the goofs page. In the scene when Ed Walters is to speak at symposium, there are 3 instruments (protractor, ruler, etc.) hanging on the right from the chalk ledge. In the next camera shot, there only 2. In the credits on our video, it lists Tony Shaloub's character as Bob Watters, not Bob Rosetti as he introduces himself in the movie and is listed here on Imdb.

I highly recommend this movie. It may be a piece of fluff in some estimations, but has lots more substance than many give it credit for. Not only that, what a great cast is assembled here. Watch it and enjoy!\": {\"frequency\": 1, \"value\": \"I just watched I. ...\"}, \"this film needs to be seen. the truest picture of what is going on in the world that I've seen since Darwin's Nightmare. Go see it! and If you're lucky enough to have it open in your city, be sure to see it on the big screen instead of DVD. The writing is sharp and the direction is good enough for the ideas to come through, though hardly perfect. Joan Cusack is amazing, and the rest of the cast is good too. It's inspiring that John Cusack got this movie made, and, I believe, he had to use some of his own money to do it. It's a wild, absurd ride, obviously made without the resources it needed, but still succeeds. Jon Stewart, Steven Colbert, SNL, even Bill Maher haven't shown the guts to say what this film says.\": {\"frequency\": 1, \"value\": \"this film needs to ...\"}, \"And that is the only reason I posses this DVD. Now I haven't seen the first Nemesis film, but I did check the info out of it and I here by say: What? Why? Because in the first film Alex was male. But then again the first one was set in the future, so maybe this Alex is brand new one and the scientist just happened to make Alex female this time. Who knows, at least it wasn't addressed in the film in any way.

Here's a quick summary of the plot: Alex, still a baby then (or how ever you want, as it was, is, in the future) escapes with her mom using a special time vessel and ends up in the 80's Africa. There mommy gets killed and Alex (Sue Price) grows up in a African tribe. Then the tribe gets slaughtered by a cyborg from the future and Alex then runs and hides and finally she kills the cyborg. So there. Does sound familiar, doesn't it?.

Terminator isn't the only film being ripped here, Predator gets its fair share too and I think the first Fly movie, the Vincent Price one, gets special nomination for giving a solid base to build up your cyborgs head from.

Lets see, what else? Okay, the film was quite standard small budget flick, but it did have bad special effects for a mid 90's film. It would have looked okay for a 80's flick how ever. Biggest problem is the plot. Things just happen and the viewer is barely interested. Nemesis 2 isn't the crappiest piece of cinema I've had pleasure (?) to watch but it does come damn close.

I won't say a thing about acting, because let's be honest here: did anyone expect Oscar worthy performances here? Oh well... at least I did find Sue Price hot in that amazonian warrior way.

A \\\"real\\\" movie rating: 2/10 There isn't a lot of pros about the over all quality. And despite of the very basic plot the film it self makes very little sense.

A camp movie rating: 4/10 I did get occasional laughs from the sheer badness of the film, so it does have small merits in it.\": {\"frequency\": 1, \"value\": \"And that is the ...\"}, \"2 WORDS: Academy Award. Nuff said. This film had everything in it. Comedy to make me laugh, Drama to make me cry and one of the greatest dance scenes to rival Breakin 2: Electric Boogaloo. The acting was tip top of any independant film. Jeremy Earl was in top form long since seen since his stint on the Joan Cusack Show. His lines were executed with dynamite precision and snappy wit last seen in a very young Jimmy Walker. I thought I saw the next emergance of a young Denzel Washington when the line \\\"My bus!! It's.... Gone\\\" That was the true turning point of the movie. My Grandmother loved it sooo much that i bought her the DVD and recommended it to her friends. It will bring tears to your eyes and warmth to your heart as you see the white Tony Donato and African American Nathan Davis bond. Through thick( being held up at knife point) and thin( Nathan giving Tony tips on women) the new dynamic duo has arrived and are out to conquer Hollywood.\": {\"frequency\": 1, \"value\": \"2 WORDS: Academy ...\"}, \"It's like what other Dracula movies always do, the minions of Dracula always on Dracula's side, which is what disappointed me at the ending. Regardless the person wants to stay a vampire or not, I would like to see something like in the first movie that the minion fights against her master. It is much interesting (since you can almost predict how the story goes) than just either the priest or D. win the game (we need some surprising plots!).\": {\"frequency\": 1, \"value\": \"It's like what ...\"}, \"Unfortunately, because of US viewers' tendency to shun subtitles, this movie has not received the distribution nor attention it merits. Its subtle themes of belonging, identity, racial relations and especially how colonialism harms all parties, transcend the obvious dramatic tensions, the nostalgic memories of the protaganiste's childhood, and the exoticism of her relationship with her parents' \\\"houseboy,\\\" perhaps the only \\\"real\\\" human she knows. We won't even look at her mother's relationship with this elegant man. There! i hope i've given you enough of a hook to take it in, whether you speak French or like subtitles or not. I challenge you to be as brave, strong and aware as La P'tite.\": {\"frequency\": 1, \"value\": \"Unfortunately, ...\"}, \"Altered Species starts one Friday night in Los Angeles where Dr. Irwin (Guy Vieg) & his laboratory assistant Walter (Allen Lee Haff) are burning the midnight oil as they continue to try & perfect a revolutionary new drug called 'Rejenacyn'. As Walter tips the latest failed attempt down the sink the pipes leak the florescent green liquid into the basement where escaped lab rats begin to drink it... Five of Walter's friends, Alicia (Leah Rown in a very fetching outfit including some cool boots that she gets to stomp on a rat with), Gary (Richard Peterson), Burke (Derek Hofman), Frank (David Bradley) & Chelsea (Alexandra Townsend) decide that he has been working too hard & needs to get out so they plan to pick him up & party the night away. Back at the lab & the cleaner Douglas (Robert Broughton) has been attacked & killed by the now homicidal rats in the basement as Walter injects the latest batch of serum in a lab rat which breaks out of it's cage as it grows at an amazing rate. Walter's friends turn up but he can't leave while the rat is still missing so everyone helps him look for it. All six become potential rat food...

Also known as Rodentz Altered Species was co-edited & directed by Miles Feldman & has very little to recommend it. The script by producer Serge Rodnunsky is poor & coupled together with the general shoddiness of the production as a whole Altered Species really is lame. For a start the character's are dumb, annoying & clich\\ufffd\\ufffdd. Then there's the unoriginal plot with the mad scientist, the monster he has created, the isolated location, the stranded human cast & the obligatory final showdown between hero & monster. It's all here somewhere. Altered Species moves along at a fair pace which is just about the best thing I can say about it & thankfully doesn't last that long. It's basically your average run-of-the-mill killer mutant rat film & not a particularly good one at that either.

Director Feldman films like a TV film & the whole thing is throughly bland & forgettable while some of the special effects & attack scenes leave a lot to be desired. For a start the CGI rats are awful, the attack sequences feature hand-held jerky camera movement & really quick edits to try & hide the fact that all the rats are just passively sitting there. At various points in Altered Species the rat cages need to shake because of the rats movement but you can clearly see all the rats just sitting there as someone shakes the cages off screen. The giant rat monster at the end looks pretty poor as it's just a guy in a dodgy suit. There are no scares, no tension or atmosphere & since when did basements contain bright neon lighting? There are one or two nice bits of gore here, someone has a nice big messy hole where their face used to be, there's a severed arm & decapitation, lots of rat bites, someone having their eyeball yanked out & a dead mutilated cat.

Technically Altered Species is sub standard throughout. It takes place within the confines of one building, has cheap looking CGI effects & low production values. The acting isn't up to much but it isn't too bad & a special mention to Leah Rowan as Alicia as she's a bit of a babe & makes Altered Species just that little bit nicer & easier to watch...

Altered Species isn't a particularly good film, in fact it's a pretty bad one but I suppose you could do worse. Not great but it might be worth a watch if your not too demanding & have nothing else to do.\": {\"frequency\": 1, \"value\": \"Altered Species ...\"}, \"This movie was strange... I watched it while ingesting a quarter of psilcybe cubensis (mushrooms). It was really weird. Im pretty sure you are supposed to watch it high, but mushrooms weren't enough. I couldn't stop laughing.. maybe lsd would work. The movie is a bunch of things morphing into other things, and dancing. Its really cheesy for todays standards but when it was released im sure it was well... one of a kind. I could see how some people would think this movie was good, but I didn't think it was very interesting, and I was on mushrooms at the time. If your having a party or something and everybodys pretty lit, pop it on you'll get a few laughs.\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"Bangville Police supposedly marked the debut of the Keystone Kops, named after the studio they worked for. In this one, however, they don't dress in the silly cop costumes or drive the fast-paced car that's their trademark. Anyway, Mabel Normand is a farm girl here who's begged her dad for a calf. She later sees some strange men in the barn and quickly calls the police. One answers and the chase is on. Next, Mabel slams her door just as someone is coming in. Turns out it's her mother who jumps to the conclusion robbers are in there! So while Mabel blocks her door with furniture, the mother and father try to fight their way in! This was perhaps the most amusing part of the short along with some explosions of the cop car. This was a short 7 minutes that went by so fast it's over before it's begun. The only real characterization that's developed is Mabel's who exudes charm with just her face and big eyes and seems so optimistically cheery here except, of course, when she's frightened. It's easy to see why she became a star. It's largely because of her that I'd recommended seeing this at least once and why I'm giving this a 4.\": {\"frequency\": 1, \"value\": \"Bangville Police ...\"}, \"This was a marvelously funny comedy with a great cast. John Ritter and Katey Sagal were perfectly cast as the parents, and the kids were great too. Kaley Cuoco was a good choice to play Bridget, who was sort of a toned-down version of Kelly Bundy from Married with Children. The writing and performances were both first-rate.

Sadly, John Ritter died during the series, and it put a damper on things. They had to scramble to change the show and bring in more cast members, and it was obviously an uncomfortable situation, but they handled it well. James Garner was a good addition. It could have lasted longer had Ritter lived.

I especially loved it when they brought in Ed O'Neill in a guest spot. That was great.

*** out of ****\": {\"frequency\": 1, \"value\": \"This was a ...\"}, \"Way to go ace! You just made a chilling, grossly intriguing story of a necrophiliac cannibal into a soft, mellow, drama. Obviously a movie called Dahmer would be one of two kinds: Horror, or documentary right? This was neither. It wasn't close to any detailed facts, (in fact it barely had any substance at all) It wasn't really morbid or scary or didn't even try to be very disturbing.(as if you would've had to try!!) What the hell was this writer/director thinking?? Here's one of the most REAL examples of sick serial killers ever and we get badly shot, poorly acted gay bar roofie rapes and lengthy droning flashbacks to alone time in his old parent's house. I think Jacobson was actually trying to present (or invent) 'the soft side' of j.Dahmer.\": {\"frequency\": 1, \"value\": \"Way to go ace! You ...\"}, \"Mighty Morphin Power Rangers came out in 1993, supposedly based on the Japanese sentai television show that started back in the 1970s. Now as a fan of Japanese action films and series, you would think I would get a kick out of this show.

You could not be more wrong. What worked in the Japanese version has become a complete abomination of television with mighty morphin power rangers.

MMPR is based on five teenagers who get powers to becomes costumed superheroes with robotic dinosaurs who form an even bigger robot.

Now this premise is more far fetched and more laughable than anything in either Transformers movie, yet, the ridiculousness of this show is often overlooked.

It was followed by two really bad, and I do mean, really bad movie knock offs, and the actors starring in this series, completely disappeared from the scene.

If you must choose, try watching Japan's Zyuranger series instead.

Also, what's up with the awful long 1990s haircuts and all the earrings on the guys? It makes them all look feminine!\": {\"frequency\": 1, \"value\": \"Mighty Morphin ...\"}, \"Another horror flick in which a goof-ball teenager battles a madman and his supernatural sidekick who want to take over?! Yes, but the fact that this one was from Canada gives it a slightly different feel. \\\"The Brain\\\" has troublesome teenager Jim Majelewski getting put into a treatment whose leader turns out to be a cult leader aided by a big ugly \\\"brain\\\". Can Jim stop him? I guess that since our northern neighbor has accomplished all that they have accomplished, they're entitled to make at least one ridiculous horror movie. But still, they'll probably want to be known for having national health care and all.

The bad guy had a brain. Why didn't the people who made this movie?\": {\"frequency\": 1, \"value\": \"Another horror ...\"}, \"With all this stuff going down at the moment with MJ i've started listening to his music, watching the odd documentary here and there, watched The Wiz and watched Moonwalker again. Maybe i just want to get a certain insight into this guy who i thought was really cool in the eighties just to maybe make up my mind whether he is guilty or innocent. Moonwalker is part biography, part feature film which i remember going to see at the cinema when it was originally released. Some of it has subtle messages about MJ's feeling towards the press and also the obvious message of drugs are bad m'kay.

Visually impressive but of course this is all about Michael Jackson so unless you remotely like MJ in anyway then you are going to hate this and find it boring. Some may call MJ an egotist for consenting to the making of this movie BUT MJ and most of his fans would say that he made it for the fans which if true is really nice of him.

The actual feature film bit when it finally starts is only on for 20 minutes or so excluding the Smooth Criminal sequence and Joe Pesci is convincing as a psychopathic all powerful drug lord. Why he wants MJ dead so bad is beyond me. Because MJ overheard his plans? Nah, Joe Pesci's character ranted that he wanted people to know it is he who is supplying drugs etc so i dunno, maybe he just hates MJ's music.

Lots of cool things in this like MJ turning into a car and a robot and the whole Speed Demon sequence. Also, the director must have had the patience of a saint when it came to filming the kiddy Bad sequence as usually directors hate working with one kid let alone a whole bunch of them performing a complex dance scene.

Bottom line, this movie is for people who like MJ on one level or another (which i think is most people). If not, then stay away. It does try and give off a wholesome message and ironically MJ's bestest buddy in this movie is a girl! Michael Jackson is truly one of the most talented people ever to grace this planet but is he guilty? Well, with all the attention i've gave this subject....hmmm well i don't know because people can be different behind closed doors, i know this for a fact. He is either an extremely nice but stupid guy or one of the most sickest liars. I hope he is not the latter.\": {\"frequency\": 1, \"value\": \"With all this ...\"}, \"(SPOILERS IN FIRST PARAGRAPH) This movie's anti-German sentiment seems painfully dated now, but it's a brilliant example of great war-time propaganda. It was made back when Cecil B. DeMille was still a great director. (Ignore all his later Best Picture Academy Awards; he never made a very good sound film.) This movie lacks the comedy of most of Pickford's other films, and really it was DeMille's movie, not Pickford's. The vilification of the Germans can be compared to the way \\\"The Patriot\\\" of 2000 did the same to the British. The only good German in the film was a reluctant villain who had the ironic name of Austreheim. They even had Pickford take an ill-fated trip on a luxury ship that gets torpedoed by a German submarine. So what'll get the Americans more stirred up to war? The sinking of the Lusitania, or watching America's favorite Canadian import sinking in it? All throughout the film DeMille runs his protagonist from one kind of horrible calamity to another, barely escaping death, hypothermia, depravity, rape, execution, and explosions that go off in just the right place to keep her unharmed. The way she is saved from a firing squad is no more believable than the way the humans in \\\"Jurassic Park\\\" were ultimately rescued from the velociraptors. If I was any more gullible to such propaganda I would punish myself for having a part-German ancestry.

Was it a good film? Aside from a humorous running gag about Americans abroad thinking they're untouchable \\ufffd\\ufffd that was apparently a joke even back then \\ufffd\\ufffd you might not be entertained. You'll find it more than a little melodramatic, and obviously one-sided, but the first thing that came to my mind after watching it is that it was years before Potemkin's false portrayal of a massacre revolutionized the language of cinema as well as a movie's potential for propaganda. It made me wonder: what became of Cecil B. DeMille? Somewhere between the advent of sound and \\\"The Greatest Show on Earth\\\" he seemed to lose his ambition. Ben Hur looked expensive, but not ambitious. In a sentence, this movie is for 1) Film historians, 2) Silent Film Buffs, 3) Mary Pickford fans, or 4) DeMille fans, if such a person exists.\": {\"frequency\": 1, \"value\": \"(SPOILERS IN FIRST ...\"}, \"At the name of Pinter, every knee shall bow - especially after his Nobel Literature Prize acceptance speech which did little more than regurgitate canned, by-the-numbers, sixth-form anti-Americanism. But this is even worse; not only is it a tour-de-force of talentlessness, a superb example of how to get away with coasting on your decades-old reputation, but it also represents the butchery of a superb piece. The original Sleuth was a masterpiece of its kind. Yes, it was a theatrical confection, and it is easy to see how it's central plot device would work better on the stage than the screen, but it still worked terrifically well. This is a Michael Caine vanity piece, but let's face it, Caine is no Olivier. Not only can he not fill Larry's shoes, he couldn't even fill his bathroom slippers. The appropriately-named Caine is, after all, a distinctly average actor, whose only real recommendation, like so many British actors, is their longevity in the business. He was a good Harry Palmer, excellent in Get Carter, but that's yer lot, mate! Give this a very wide berth and stick to the superb original. This is more of a half-pinter.\": {\"frequency\": 1, \"value\": \"At the name of ...\"}, \"Lord Alan Cunningham(Antonio De Teff\\ufffd\\ufffd)is a nutjob{seen early on trying to escape an insane asylum}, with this castle slowly succumbing to ruin, likes to kill various hookers who resemble his deceased wife Evelyn, a woman who betrayed him for another man, with those red locks. This nutcase is quite wealthy and his bachelor status can be quite alluring. He, however, is overrun by his obsession with his late wife's memory(specifically her adultery..he saw her naked with the lover). While the memory of Evelyn is almost devouring his whole existence, Alan tries his best to find true love and believes he has with Gladys(Marina Malfatti, who spends most of the film naked..that's probably her lone attribute since she isn't a very good actress), who agrees to marry him after a very short courtship which should probably throw up flags right away{there's a key moment of dialogue where she knows exactly to the very amount what he is worth}.

The only real person Alan can confide in is his doctor from the hospital, Dr. Richard Timberlane(Giacomo Rossi-Stuart). There are other key characters in this film that revolve around Alan. Alan's cousin, George(Rod Murdock), seems to be quite a good friend who often supplies him victims..I mean dates, while holding onto hope of getting his lord's estate some day. Albert(Roberto Maldera), Evelyn's brother, is a witness to Alan's slaughter and, instead of turning him into the police, squeezes him for cash. Aunt Agatha(Joan C Davis), wheelchair bound, lives at the castle estate and is often seen snooping around behind cracked doors. We later find that she is having a love affair with Albert.

All that is described above services the rest of the story which shows what appears to be the ghost of Evelyn haunting Alan, someone is killing off members of the cast family that revolve around Alan, and the body of Evelyn is indeed missing.

The ultimate question is who is committing the crimes after Alan and Gladys are married, where is Evelyn's body, and will Alan go over the edge? I have to be honest and say I just didn't really care much for this film. It's badly uneven and the pacing is all over the place. It looks great on the new DVD and the \\\"rising from the grave sequence\\\" is cool, but what really hurts the film in my mind is that the entire cast is unlikable. You really have a hard time caring for Alan because he is a psychotic who is skating on thin ice in regards to holding his sanity. He can be quite volatile. Who commits the crime really isn't that great a surprise for after several key characters are murdered off, there aren't but a choice few who could be doing it. What happens to Alan doesn't really make your throat gulp because you can make the argument he's just getting what he deserves. Those behind the whole scheme of the film in regards to Alan, as I pointed out before, aren't that shocking because if you are just slightly aware of certain circumstances(..or advantages they'd have)that would benefit them with the collapse of Alan's sanity, then everything just comes off less than stellar. I thought the editing was choppy and unexciting, but the acting from the entire cast is really below par. Some stylistics help and there is a sniff of Gothic atmosphere in the graveyard sequences to help it some.\": {\"frequency\": 1, \"value\": \"Lord Alan ...\"}, \"Bo Derek will not go down in history as a great actress. On the other hand, starting in the 1980s, actual acting talent seemed to be less and less of a required ability in Hollywood, so Bo could very well have gone onto bigger and better things after the big box office take of Blake Edwards' \\\"10.\\\" That is if she hadn't allowed her husband, John Derek, to take over her career. Numerous Playboy spreads and bad movies like this one (this one in particular) directed by John destroyed what momentum she had and made her the butt of many a joke. In the 1980s it was assumed that you could put a certain personality in a certain movie and it would be box office gold. John figured that putting Bo in a movie wherein she was nude for much of the running time would make people flock to the theaters after the 10 hype. Maybe if the movie had been any good perhaps. This version of Tarzan has got to be the all time worst of the many iterpretations of Burrough's lord of the jungle, a slap in the face to character's book and film legacy. Tarzan is in fact an after thought as the film is primarily a vehicle for Bo's breasts and Richard Harris' wonderful over acting (remember, the pair had worked together in Orca). His scenery chewing helps you to stay awake during the boredom of it all and yes, the film is quite boring. Nothing really exciting happens and the few action scenes seem to have been shot by someone in a trance. Bo's body can only get you so far. Miles O'Keeffe who played Tarzan at least would go onto a long and enjoyable B movie career and Richard Harris can put this behind him after his recent acting triumphs, but Bo and John Derek never recovered from this fiasco and future collaborations between the two only served to show why his directing career and her acting career died in the first place.

And how did the orangutan get to Africa?\": {\"frequency\": 1, \"value\": \"Bo Derek will not ...\"}, \"The folk who produced this masterful film have done fine service to a novel that stands as perhaps the best fiction work centering upon human guilt and human responsibility ever published. Nolte takes the role of Howard W. Campbell, Jr., and makes it his own, remaining true to Vonnegut's depiction of a man who has lost ALL (to and) for Love.

No weaknesses in this fine adaptation.\": {\"frequency\": 1, \"value\": \"The folk who ...\"}, \"In Lizzie Borden's \\\"Love Crimes\\\" (1992), Sean Young plays a gritty D.A. in Atlanta. She's a loner who gets herself too deeply involved in the case of a man (Patrick Bergin) who poses as a famous fashion photographer and seduces women, takes compromising photos of them, then leaves them.

Naturally, this tough loner decides to enter the phony shutterbug's life by posing as his prey, intending to bring him to justice. They meet, they make love, then the next thing she knows, she is over his lap, getting spanked. (Note: The spanking scene is only in the \\\"unrated\\\" version of this film. The R-rated version omits it and several other scenes that would make the plot more lucid.) This psychological thriller includes several scenes of female nudity and disturbing images, such as Bergin chasing one of his victims around the room, flailing at her with a riding crop.

As a thriller, \\\"Love Crimes\\\" is at its best when Sean Young is playing her cat-and-mouse game with Bergin, trying to catch him in an incriminating act. It's unfortunate that the film doesn't end, it just stops. That's true. Director Lizzie Borden may have just run out of story to tell, but after 92 minutes the credits roll, and we are left with a puzzling \\\"what just happened?\\\" bewilderment.

The unfolding of Young's plan is played out in engaging style, but the lack of a coherent ending will be a turn-off for some viewers.

Dan (daneldorado@yahoo.com)\": {\"frequency\": 1, \"value\": \"In Lizzie Borden's ...\"}, \"In 1948 this was my all-time favorite movie. Betty Grable's costumes were so ravishing that I wanted to grow up to be her and dress like that. Douglas Fairbanks, Jr., was irresistible as the dashing Hungarian officer. Silly and fluffy as this movie might appear at first, when I was eight years old it seemed to me to say something important about relations between men and women. I saw it again the other day; I was surprised to find that it still did.\": {\"frequency\": 1, \"value\": \"In 1948 this was ...\"}, \"I watched this movie every chance I got, back in the Seventies when it came out on cable. It was my introduction to Harlem, which has fascinated me (and Bill Clinton) ever since. I was still very young, and the movie made a big impression on me. It was great to see a movie about other young girls growing up, trying to decide whom they wanted to be, and making some bad choices as well as good ones. I was dazzled by Lonette McKee's beauty, the great dresses they eventually got to wear, and the snappy dialogue. As someone being raised by a single mother as well, I could really identify with these girls and their lives. It's funny, these characters seem almost more real to me than Beyonce Knowles!\": {\"frequency\": 1, \"value\": \"I watched this ...\"}, \"The film began with Wheeler sneaking into the apartment of his girlfriend. Her aunt (Edna May Oliver--a person too talented for this film) didn't like Wheeler--a sentiment I can easily relate to. The aunt decided to take this bland young lady abroad to get her away from Wheeler. They left and Wheeler invested in a revolution in a small mythical kingdom because they promised to make him their king. At about the same time, Woolsey was in the same small mythical kingdom and he was made king. So when Wheeler arrived, it was up to the boys to fight it out, but they refused because they are already friends--which greatly disappointed the people, as killing and replacing kings is a national pastime.

I am a huge fan of comedy from the Golden Age of Hollywood--the silent era through the 1940s. I have seen and reviewed hundreds, if not thousands of these films and yet despite my love and appreciation for these films I have never been able to understand the appeal of Wheeler and Woolsey--the only comedy team that might be as bad as the Ritz Brothers! Despite being very successful in their short careers in Hollywood (cut short due to the early death of Robert Woolsey), I can't help but notice that practically every other successful team did the same basic ideas but much better. For example, there were many elements of this film reminiscent of the Marx Brother's film, DUCK SOUP, yet CRACKED NUTS never made me laugh and DUCK SOUP was a silly and highly enjoyable romp. At times, Woolsey talked a bit like Groucho, but his jokes never have punchlines that even remotely are funny! In fact, he just seemed to prattle pointlessly. His only funny quality was that he looked goofy--surely not enough reason to put him on film. Additionally, Wheeler had the comedic appeal of a piece of cheese--a piece of cheese that sang very poorly! A missed opportunity was the old Vaudeville routine later popularized by Abbott and Costello as \\\"who's on first\\\" which was done in this film but it lacked any spark of wit or timing. In fact, soon after they started their spiel, they just ended the routine--so prematurely that you are left frustrated. I knew that \\\"who's on first\\\" had been around for many years and used by many teams, but I really wanted to see Wheeler and Woolsey give it a fair shot and give it their own twist.

Once again, I have found yet another sub-par film by this duo. While I must admit that I liked a few of their films mildly (such as SILLY BILLIES and THE RAINMAKERS--which I actually gave 6's to on IMDb), this one was a major endurance test to complete--something that I find happens all too often when I view the films of Wheeler and Woolsey. Where was all the humor?!\": {\"frequency\": 1, \"value\": \"The film began ...\"}, \"Roommates Sugar and Bobby Lee are abducted by menacing dudes while out shopping one day and taken back to a secluded island that the girls reluctantly tell the thugs that they last visited when they were ten years of age and that a fortune is located on. All that just pretty much bookends a movie that is pretty much one long flashback about the girls first visit to the island and subsequent fight with a cannibalistic family.

This one is extremely horribly acted by everyone involved to the point that I started feeling bad for poor Hank Worden who truly deserved much MUCH better. As much as I didn't like \\\"Barracuda\\\" (that's on the same DVD) I have to admit that this film makes that one look like Citizen Kane.

Eye Candy: one pair of tits (they might belong to Kirsten Baker)

My Grade: F

Dark Sky DVD Extras: Vintage ads for various drive-in food; and Trailers for \\\"Bonnie's Kids\\\" (features nudity), \\\"the Centerfold Girls\\\", \\\"Part-time Wife\\\" (features nudity), \\\"Psychic Killer\\\", & \\\"Eaten Alive\\\". The DVD also comes with 1978's \\\"Barracuda\\\"\": {\"frequency\": 1, \"value\": \"Roommates Sugar ...\"}, \"Earlier today I got into an argument on why so many people complain about modern films in which I encountered a curious statement: \\\"the character development in newer movies just isn't nearly as good or interesting as it used to be.\\\" Depending on the film(s) in question, this can be attributed to a number of things, sometimes generic special effects and plot-driven Hollywood garbage like War Of The Worlds, but in the case of over-the-top, uninteresting attempts at social commentary and a desperate struggle to put \\\"art\\\" back into cinema, it's movies like Dog Days that are to blame.

I normally have a very high tolerance for movies, no matter how dull or pointless I find them (ranging from good, long ones like Andrei Rublev and Dogville, to ones I've considered painful to sit through a la Alpha Dog and Wild Wild West). I shut this movie off 45 minutes in, which is 30 minutes more than I actually should have. I wasn't interested in any of the characters whatsoever and found nothing substantial beyond a thin veil of unfocused pessimism. In an attempt to say something about the dregs of society, this film too easily falls into being self-indulgent, trite, and exploitative in a very sincere sense. Granted, I've seen many disturbing movies on the same subject, but there are so many better films out there about depressing, pathetic people (Happiness, Gummo, Kids, Salo, Storytelling, Irreversible) that actually contain characters of great emotional depth and personality. Dog Days had none more than an eighth grader's distaste for society, choosing to ignore any true intelligence about the way people actually are, and instead choosing to be a dull, awful, and hopelessly unoriginal attempt at a work of \\\"art.\\\" This isn't a characterization of the unknown or a clever observation into the dregs of society, it's just boring and nothing worth caring about.\": {\"frequency\": 1, \"value\": \"Earlier today I ...\"}, \"Pokemon 3 is little more than three or four episodes of the TV series, strung together without the usual commercials. The story is typical of Pokemon (conflict, fighting, and a resolution where all are happy in the end), and there is nothing original or unusual in the animation. Some of the holes in the plot are filled in (over the closing credits!) without explanation, and everything is just a bit too sweet.

Why see it on the big screen? The only reason is to be a part of your child's world. Both of my sons enjoy Pokemon, and by my showing an interest in what they like, we are closer. Seeing a film in a theatre is still different than seeing it on the tube, and my sons enjoy the full movie-going experience. I gave the movie a 4, mostly from my children's point of view.

\": {\"frequency\": 1, \"value\": \"Pokemon 3 is ...\"}, \"Gayniggers from Outer Space is a short foreign film about black, gay aliens who explore the galaxy until they stumble upon Earth. Being gay, their goal is to have a male-only universe in which all people are gay. Hence, when they discover women or \\\"female creatures\\\" live on Earth, they are at first terrified; eventually they decide to eliminate all women on the planet and liberate the male population.

An offensive title with a racist, homophobic and sexist storyline, albeit probably intended as a satire, give this film some shock value. However, there's little substance underneath. As another reviewer pointed out, there are few jokes besides the characters' names (eg. ArmInAss); I think I laughed once at one small gay joke. I think I got the point of the film quickly, a satire of bad science fiction, but after that I had had enough; I kept wanting the film to end already (and it is a short film!). Not brilliant or particularly well-written.\": {\"frequency\": 1, \"value\": \"Gayniggers from ...\"}, \"This is, without a doubt, the most offensive \\\"chick flick\\\" I have seen in years, if not ever. The writing & characterizations are so riddled with stereotypes that the film verges on parody. Before walking out of the theater an hour and five minutes into this disaster, we were subjected to the following themes: having a baby will solve all of your problems, \\\"performer types\\\" are miserable messes, & musicians can't be good mothers unless they toss their dreams for a more conventional lifestyle. What a waste of a talented cast & some great-looking sets & costumes. When Natasha Richardson told Toni Collette that unless she lives a more mainstream life, she'll end up - shudder - \\\"alone!\\\", I felt queasy. I can't believe this movie made it to theatrical release. It's the sort of fare one expects from those \\\"women's\\\" cable channels that I always pass right by when channel-surfing. I am female and over 35, so I should be part of this film's target audience, but boy, does \\\"Evening\\\" miss its target.\": {\"frequency\": 1, \"value\": \"This is, without a ...\"}, \"Arnold once again in the 80's demonstrated that he was the king of action and one liners in this futuristic film about a violent game show that no contestant survives. But as the tag line says Arnold has yet to play! The movie begins in the year 2019 in which the world economy has collapsed with food and other important materials in short supply and a totalitarian state has arisen, controlling every aspect of life through TV and a police state. It's most popular game show is The Running Man, in which criminals are forced to survive against \\\"Stalkers\\\" that live to kill them.

The movie opens with Ben Richards (Arnold) leading a helicopter mission to observe a food riot in progress. He is ordered by his superiors to fire on them, refusing to gets him knocked out and thrown in prison, in the meantime they slaughtered the people without his help. The government blames Richards for the massacre earning him the name \\\"Butcher of Bakersfield\\\". Eighteen months later Richards along with two friends William Laughlin (Koto) and Harold Weiss (McIntyre) breakout of a detention zone they worked in. They make their way to the underground, led by Mic (Mick Fleetwood). Mic quickly identifies Richards as the \\\"Butcher of Bakersfield\\\" and refuses to help him, but his friend's convince him otherwise. They want him to join the resistance, but he'd rather go live with his brother and get a job. Soon he finds that his brother has been taken away for reeducation and a woman name Amber Mendez (Alonso) has taken his apartment. Knowing who he is she won't help him, but he convinces her, but is busted at the airport by the cops after she ratted him out.

Meantime, The Running man is having trouble finding good new blood for the there stalkers to kill. Damon Killian (Dawson) the shows host and one of the most powerful men in the country sees Richards escape footage and is able to get him for the show after his capture. Richards refuses to play, Killian threatens to use his friends instead of him, so he signs the contract. You'll love that part. But soon he finds they will join him as well and makes sure Killian knows he'll be back. The Runners begin to make there way through the Zones and fight characters that are memorable, Sub-Zero, Buzz Saw and many others. Eventually Richards is joined by Amber who suspected he was set up but was caught and thrown into the game too. Together they find the underground and make there way back to Killian and give him a farewell send off.

The running man is another one of Arnold's great movies from the 80's. The movie was apparently somewhat based on Stephen King's book of the same name. Some have said that the book is better. I'm sure it's not and I don't care anyway I loved the movie. As in all of Arnold's films the acting is what you would expect with classic one liners from Arnold and even Ventura gets a couple in. But without a doubt Richard Dawson is the standout in this film. Being a real game show host he easily spoofed himself and was able to create a character that was truly cold blooded. The whole movie itself somewhat rips on game shows and big brother watching you. Keep an eye out for them poking fun and some old shows, \\\"hate boat\\\" among others. Also the cast was great besides Arnold, Koto, and Alonzo don't forget Professor Toru Tanaka, Jim Brown, Ventura and Sven-Ole! With all the reality TV nonsense that goes on it almost fits in better now, but I'm sure the Hollywood liberals would make it into a movie about the \\\"Evil Bush\\\". The new DVD had mostly poor extras meet the stalkers being the only redeemable one. Some how the ACLU managed to get some of there communism into the DVD and is laughable garbage that should not be anywhere near an Arnold movie of all things. Blasphemy! Overall for any Arnold fan especially we who grew up in the 80's on him ,you can't miss this. Its one of the first ones I saw back in the 80's and it's still great to this day. The futuristic world and humor are great. Overall 10 out 10 stars, definitely one of his best.\": {\"frequency\": 1, \"value\": \"Arnold once again ...\"}, \"\\\"A Girl's Folly\\\" is a sort of half-comedy, half-mockumentary look at the motion picture business of the mid-1910's. We get a glimpse of life at an early movie studio, where we experience assembly of a set, running through a scene, handling of adoring movie fanatics, even lunch at the commissary. We are also privy to little known cinematic facts - for example, did you know that \\\"Frequently, 'movie' actors do not know the plot of the picture in which they are working\\\"?

The plot of this film in essence is movie star Kenneth Driscoll's discovery and romancing of a budding young starlet whom he discovers while shooting on location in the country. I believe the 30-minute version I watched was abridged, included on the same tape with Cecil B. De Mille's \\\"The Cheat.\\\" It is a very credible film - an easy watch with a large cast of extras. As a bonus it includes some of best-illustrated captions I have ever seen accompanying a silent movie.\": {\"frequency\": 1, \"value\": \"\\\"A Girl's Folly\\\" ...\"}, \"This entertainingly tacky'n'trashy distaff \\\"Death Wish\\\" copy stars the exceptionally gorgeous and well-endowed brunette hottie supreme Karin Mani as Billie Clark, a top-notch martial arts fighter and one woman wrecking crew who opens up a gigantic ten gallon drum of ferocious chopsocky whup-a** on assorted no-count scuzzy muggers, rapists, drug dealers and street gang members after some nasty low-life criminals attack her beloved grand parents. The stunningly voluptuous Ms. Mani sinks her teeth into her feisty butt-stomping tough chick part with winningly spunky aplomb, beating jerky guys up with infectious glee and baring her smoking hot bod in a few utterly gratuitous, but much-appreciated nude scenes. Unfortunately, Mani possesses an extremely irritating chewing-on-marbles harsh and grating voice that's sheer murder on the ears (my favorite moment concerning Mani's dubious delivery of her dialogue occurs when she quips \\\"Don't mess with girls in the park; that's not nice!\\\" after clobbering a few detestable hooligans. The delectable Karin's sole subsequent film role was in \\\"Avenging Angel,\\\" in which she does a truly eye-popping full-frontal nude scene, but doesn't have any lines.) The film's single most sensationally sleazy sequence transpires when Mani gets briefly incarcerated on a contempt of court charge and shows her considerably substantial stuff in a group prison shower scene. Of course, Mani's lascivious lesbian cell mate tries to seduce her only to have her unwanted advances rebuffed with a severe beatdown! Strangely enough, the lesbian forgives Mani and becomes her best buddy while she's behind bars. Given an extra galvanizing shot in the vigorously rough'n'ready arm by Edward Victor's punchy direction, a funky-rockin' score, endearingly crummy acting by a game (if lame) cast, a constant snappy pace, numerous pull-out-all-the-stops exciting fight scenes, and Howard Anderson III's gritty photography, this immensely enjoyable down'n'dirty exploitation swill is essential viewing for hardcore fans of blithely low-grade low-budget grindhouse cinema junk.\": {\"frequency\": 1, \"value\": \"This ...\"}, \"This was a wonderful little American propaganda film that is both highly creative AND openly discusses the Nazi atrocities before the entire extent of the death camps were revealed. While late 1944 and into 1945 would reveal just how evil and horrific they were, this film, unlike other Hollywood films to date, is the most brutally honest film of the era I have seen regarding Nazi atrocities.

The film begins in a courtroom in the future--after the war is over (the film was made in 1944--the war ended in May, 1945). In this fictitious world court, a Nazi leader is being tried for war crimes. Wilhelm Grimm is totally unrepentant and one by one witnesses are called who reveal Grimm's life since 1919 in a series of flashbacks. At first, it appears that the film is going to be sympathetic or explain how Grimm was pushed to join the Nazis. However, after a while, it becomes very apparent that Grimm is just a sadistic monster. These episodes are amazingly well done and definitely hold your interest and also make the film seem less like a piece of propaganda but a legitimate drama.

All in all, the film does a great job considering the film mostly stars second-tier actors. There are many compelling scenes and performances--especially the very prescient Jewish extermination scene towards the end that can't help but bring you close to tears. It was also interesting how around the same point in the film there were some super-creative scenes that use crosses in a way you might not notice at first. Overall, it's a must-see for history lovers and anyone who wants to see a good film.

FYI--This is not meant as a serious criticism of the film, but Hitler was referred to as \\\"that paper hanger\\\". This is a reference to the myth that Hitler had once made money putting up wallpaper. This is in fact NOT true--previously he'd been a \\\"starving artist\\\", homeless person and served well in the German army in WWI. A horrible person, yes, but never a paper hanger!\": {\"frequency\": 1, \"value\": \"This was a ...\"}, \"The documentary presents an original theory about \\\"Guns, Germs and Steel\\\". The series graphically portray several episodes strongly supporting the theory, and defend the theory against common criticism.

I was deeply puzzled to find user comments complaining about lack of new information in these series. They say documentary presents information which is taught in middle school. Indeed, it does. In fact, I greatly enjoyed the original look at the information which I have known since middle school and the unexpected analysis.

So, if you like knowing WHY things work, if you have taken apart the telephone trying to determine how it worked, if you have gone to the farm to see how farm works and how cows are milked, you will enjoy this series. A definite recommendation.\": {\"frequency\": 1, \"value\": \"The documentary ...\"}, \"This is undeniably the scariest game I've ever played. It's not the average shoot-everything-that-moves kind of fps (which I usually don't care much for), but the acceptable gfx, interesting weapons and magic, great surround soundeffects (\\\"Scryeeee, scryeeee..\\\") and above all incredible atmosphere. I love the Scrye, which enables you, at certain places in the games, to see or hear events that happened there in the past. The only game I've had to take regular breaks after a few minutes of playing just because of the intensity of the atmosphere. I'm a great horror fan, escpecially of Clive Barker's stories and movies, and participating in a horror story like this makes me yearn for more games that emphasizes atmosphere and a more involving story. 9/10 (-1 because I'm no fps fan, and perhaps the game was a bit short?)\": {\"frequency\": 1, \"value\": \"This is undeniably ...\"}, \"I only watched this because it starred Josie Lawrence, who I knew

from Whose Line is it Anyway?, the wacky British improvisational

comedy show. I was very pleasantly surprised by this heartwarming and magical gem. It is uplifting, touching, and

romantic without being sappy or sentimental. The characters are

all real people, with real foibles, fears and needs. See it.!\": {\"frequency\": 1, \"value\": \"I only watched ...\"}, \"Outside of the fact that George Lopez is a pretentious jerk, his show is terrible.

Nothing about Lopez has ever been funny. I have watched his stand-up and have never uttered any resemblance to a laugh.

His stuff comes across as vindictive and his animosity towards white people oozes out of every single pore of his body.

I have laughed at white people jokes from many a comedian and love many of them.

This guy has a grudge that won't end.

I feel bad for Hispanics who have only this show to represent themselves.

The shows plots are always cookie cutter with an Hispanic accent.

Canned laugh at the dumbest comments and scenes.

Might be why this show is always on at 2AM in replay.\": {\"frequency\": 1, \"value\": \"Outside of the ...\"}, \"Yikes. This is pretty bad. The play isn't great to begin with, and the decision to transfer it to film does it no favours - especially as Peploe doesn't decide how she wants to treat the material's theatrical origins (we get occasional glances of an observing theatre audience etc.) and has decided to go with a jumpy editing style that is intended to keep reminding you that you're watching a film, whereas in fact it only serves to remind you that you are watching a very poor film by a director who is overwhelmed by her material. Mira Sorvino's central performance is breath-takingly poor: stage-y and plummy, it's as if she's playing the part via Helena Bonham-Carter's Merchant Ivory oeuvre. Only Fiona Shaw delivers a performance of note - and it may be that her theatrical pedigree means that she is best able to handle the material - but it's hard to watch a film for one performance alone, even if that performance is as light, truthful and entire as Shaw's. Ben Kingsley turns in an average and disengaged turn, and Diana Rigg's daughter, Rachel Stirling plays her supporting role as just that. Sadly, none of Bertolucci's magic has rubbed off on his wife if this film is to be the evidence.\": {\"frequency\": 1, \"value\": \"Yikes. This is ...\"}, \"My father was the warden of the prison (he is retired now) showcased in this documentary and I've grown up around the prison life, so perhaps my views will be totally different from everyone else who watches this movie. I will say this, the filmmakers who brought us this 93-minute miracle are fantastic artists and even better people. They were brave enough to A) Show up and tell this story, B) Get inside these inmates minds and hearts, and C) Do all of this responsibly. Responsible to their art and, more importantly, responsible to the inmates and staff of Luther Luckett Correctional Complex. They should be commended without end for this work. To take 170 hours, yes HOURS, of footage and be able to cut and whittle it down to 93 riveting minutes is nothing short of extraordinary and they have my utmost respect.

I saw this film under circumstances that only a very, very few were able to see it. I was at the inmate screening. I was in the same room with these men as they watched their hearts being poured out on screen. I saw men crying on television crying in the chair in front of me and let me tell you, it was a very profound experience. These men have committed horrendous crimes in some cases, yet have found ways to try to redeem themselves, even if they view themselves as unredeemable. How many of us have the courage to do this? How many people could do what they have done in such a harsh environment? To see them react to the film was an experience I am eternally grateful for, and I will never forget that. I thank the men who allowed me this glimpse into their lives, I thank my father for making ALL of this possible, and I thank Philomath Films for taking the time to pour their blood, sweat, soul, and tears into this project.

This movie will change everything you think you know about prison life, and the inmates held within it. 'Oz' is not real, television is not real. 'Shakespeare Behind Bars' is.\": {\"frequency\": 1, \"value\": \"My father was the ...\"}, \"After dipping his toes in the giallo pool with the masterful film \\\"The Strange Vice of Mrs. Wardh\\\" (1971), director Sergio Martino followed up that same year with what turns out to be another twisty suspense thriller, \\\"The Case of the Scorpion's Tail.\\\" Like his earlier effort, this one stars handsome macho dude George Hilton, who would go on to star in Martino's Satanic/giallo hybrid \\\"All the Colors of the Dark\\\" the following year. \\\"Scorpion's Tail\\\" also features the actors Luigi Pistilli and Anita Strindberg, who would go on to portray an unhappy couple (to put it mildly!) in Martino's \\\"Your Vice Is a Locked Room and Only I Have the Key\\\" (1972). (I just love that title!) I suppose Edwige Fenech was busy the month they shot this! Anyway, this film boasts the stylish direction that Martino fans would expect, as well as a twisty plot, some finely done murder set pieces, and beautiful Athenian location shooting. The story this time concerns an insurance investigator (Hilton) and a journalist (Strindberg, here looking like Farrah Fawcett's prettier, smarter sister) who become embroiled in a series of grisly murders following a plane crash and the inheritance of $1 million by a beautiful widow. I really thought I had this picture figured out halfway through, but I was dead wrong. Although the plot does make perfect sense in this giallo, I may have to watch the film again to fully appreciate all its subtleties. Highlights of the picture, for me, were Anita's cat-and-mouse struggle with the killer at the end, a particularly suspenseful house break-in, and a nifty fight atop a tiled roof; lots of good action bursts in this movie! The fine folks at No Shame are to be thanked for still another great-looking DVD, with nice subtitling and interesting extras. Whotta great outfit it's turned out to be, in its ongoing quest to bring these lost Italian gems back from oblivion.\": {\"frequency\": 1, \"value\": \"After dipping his ...\"}, \"This is a very good movie. Do you want to know the real reasons why so many here are knocking this movie? I will tell you. In this movie, you have a black criminal who outwits a white professor. A black cop who tells the white professor he is wrong for defending the black criminal and the black cop turns out to be right, thus. \\ufffd\\ufffdmaking the white professor look stupid. It always comes down to race. This is an excellent movie. Pay no attention to the racist. If you can get over that there are characters who are played by blacks in this movie who outsmart the white characters, then you shouldn't have any problems enjoying this movie. I recommended everyone to go see this movie.\": {\"frequency\": 1, \"value\": \"This is a very ...\"}, \"Oh, CGI. A blessing when used properly. A sin with it's used by people who have no idea what their doing. Sadly, that's not the only thing that's used poorly in this umpteen Jaws rip-off.

Ok, anybody who has read any number of my posted reviews has probably noticed 2 things. 1: I like low-budget horror movies. And 2: If there is a cute guy in said low-budget movie, I'll usually point them out. So, let's just get this out of the way right now. This is one low-budget horror movie I didn't like. The acting, for the most part, is horrible, effects laughable, and the script rivals Battlefield Earth as the worst I've witnessed this year. As far as the resident cute boy...Dax Miller (Bog) wins that prize hands down. This boy is hot! And surprisingly, he's not just a toned body with nice eyes and a cute butt...he can actually act (well, as much as he can in this odious film). Now that we have the housekeeping chores out of the way, let's get on with it.

In Cliff Notes version, here's the story (don't worry, I'll try not to give anything away)...

A film crew travels to a remote island to film a documentary about two surfers (established cute boy and his buddy) who surf with sharks. Unknown to them is a rather large salt water crocodile lurking around the island. Croc shows up, mayhem ensues, and people are eaten. Roll end credits.

As I said earlier, this film pretty much blows. It started pretty well, but soon devolved into being silly and stupid. A main character becomes lunch (in a rather humorous way), and our remaining heros utter one-liners at the victims expense. Also, if this croc is at the top of the food chain on both the land and in the water, what's with all the sharks around? If this thing can eat a 40 foot boat, I don't think a few skimpy sharks would stick around. The FX is some of the worst I have ever had the displeasure to see. The CGI is horrendous, and they've even managed to screw up the animatronic crocs. Attention, filmmakers. National Geographic. Discovery Store. The Croc Hunter. They know what crocodiles look like. You obviously didn't reference any of these judging by the monstrosity seen towards the end of the film. And what's with the pirate/drug pusher gang? Did you just need another reason to rip off a woman's top?

It's funny how we get little sub-genres in the movie world. With Alligator and it's sequels, Lake Placid, Crocodile, and now Blood Surf, it now looks like \\\"over-sized crocodile/alligator\\\" movies should now get their own category at Blockbuster. Alligator was good. Lake Placid was good. I even thought Tobe Hooper's Crocodile was good. Blood Surf, sucked.

My grade: D-\": {\"frequency\": 1, \"value\": \"Oh, CGI. A ...\"}, \"I didn't at all think of it this way, but my friend said the first thing he thought when he heard the title \\\"Midnight Cowboy\\\" was a gay porno. At that point, all I had known of it was the reference made to it in that \\\"Seinfeld\\\" episode with Jerry trying to get Kramer to Florida on that bus and Kramer's all sick and with a nosebleed.

The movie was great, and surprisingly upbeat and not all pissy pretentious pessimistic like some movies I can't even remember because they're all crap.

The plot basically consisted of a naive young cowboy Joe Buck going to New York trying to be a hustler (a male prostitute, basically), thinking it'll be easy pickings, only to hit the brick wall hard when a woman ends up hustling HIM, charging him for their sexual encounter.

Then he meets Enrico Salvatore Rizzo, called \\\"Ratso\\\" by everyone and the cute gay guys who make fun of him all the time. You think of him as a scoundrel, but a lovable one (like Han Solo or Lando Calrissian) and surprisingly he and Joe become friends, and the movie is so sweet and heartwarming watching them being friendlier and such and such. Rizzo reveals himself to actually be a sad, pitiable man who's very sick, and very depressed and self-conscious, hates being called \\\"Ratso\\\" and wants to go to Florida, where he thinks life will be much better and all his problems resolved, and he'll learn to be a cook and be famous there.

It's heartwarming watching Joe do all that he does to get them both down to Florida, along with many hilarious moments (like Ratso trying to steal food at that hippie party, and getting caught by the woman who says \\\"Gee, well, you know, it's free. You don't have to steal it.\\\" and he says \\\"Well if it's free then I ain't stealin' it\\\", and that classic moment completely unscripted and unscheduled where Hoffman almost gets hit by that Taxi, and screams \\\"Hey, I'm walkin' here! I'm walkin' here!\\\"), and the acting is so believable, you'd never believe Joe Buck would grow up to be the distinguished and respected actor Jon Voight, and Ratso Rizzo would grow up to be the legendary and beloved Dustin Hoffman. It's not the first time they've worked together in lead roles, but the chemistry is so thick and intense.

Then there's the sad part that I believe is quite an overstatement to call it \\\"depressing\\\". Ratso Rizzo is falling apart all throughout the movie, can barely walk, barely eat, coughs a lot, is sick, and reaches a head-point on the bus on its way to Florida. He's hurting badly, and only miles away from Miami, he finally dies on the bus. The bus driver reassures everyone that nothing's wrong, and continues on. Sad, but not in the kind of way that'd make you go home and cry and mope around miserably as though you've just lost your dog of 13 years.

All in all, great movie. And the soundtrack pretty much consists just of \\\"Everybody's Talking'\\\" played all throughout the movie at appropriate times. An odd move, but a great one, as the song is good and fits in with the tone of the movie perfectly. Go see it, it's great, go buy it\": {\"frequency\": 1, \"value\": \"I didn't at all ...\"}, \"To many people, Beat Street has inspired their lifestyle to something creative concerning the hip hop culture.

The young Lee is living in NY in the 80's when hip hop was at its beginning. His a crew member of \\\"Beat Street\\\" -a b-boy crew. The movie follows Lee in his average day, dancing, graffitiing, etc.

The director has succeeded in making a movie with a plot and at the same time presenting hip hop to the rest of the world. The movie has old school features such as

Afrika Bambaataa & the Soul Sonic Force, Grandmaster Melle Mel & the Furious Five, the Rock Steady Crew, the New York City Breakers, and many more....

Neither the movie Beat Street nor the Beat Street spirit will ever die.\": {\"frequency\": 1, \"value\": \"To many people, ...\"}, \"Indian Summer! It was very nostalgic for me. I found it funny, heartwarming, and absolutely loved it! Anyone who went to camp as a kid and wishes at times they could go back to the \\\"good Ole' days\\\" for a brief time really needs to see this one! It starts out as 20 years later, a group of old campers returns for a \\\"reunion\\\". I won't comment on the plot anymore cause you have to see it for yourself. The actors were great, and it contains an all star cast. Everyone in it played a terrific role. You actually felt like you were a part of the movie watching it. Alan Arkin was especially good in his role as Uncle Lou. He plays the kind of guy that everyone wishes they had in their lives. This is also a good family movie for the most part. I would suggest this one to anybody in a heartbeat! HIGHLY Recommended!\": {\"frequency\": 1, \"value\": \"Indian Summer! It ...\"}, \"Sydney Lumet, although one of the oldest active directors, still got game! A few years ago he shot \\\"Find me guilty\\\", a proof to everyone that Vin Diesel can actually act, if he gets the opportunity and the right director. If he had retired after this movie (a true masterpiece in my eyes), no one could have blamed him. But he's still going strong, his next movie already announced for 2009.

But let's stay with this movie right here. The cast list is incredible, their performance top notch. The little nuances in their performances, the \\\"real\\\" dialogue and/or situations that evolve throughout the movie are just amazing. The (time) structure of the movie, that keeps your toes the whole time, blending time-lines so seamlessly, that the editing seems natural/flawless. The story is heightened by that, although even in a \\\"normal\\\" time structure, it would've been at least a good movie (Drama/Thriller). I can only highly recommend it, the rest is up to you! :o)\": {\"frequency\": 1, \"value\": \"Sydney Lumet, ...\"}, \"On the 28th of December, 1895, in the Grand Caf\\ufffd\\ufffd in Paris, film history was writing itself while Louis Lumi\\ufffd\\ufffdre showed his short films, all single shots, to a paying audience. 'La Sortie des Usines Lumi\\ufffd\\ufffdre' was the first film to be played and I wish I was there, not only to see the film, but also the reactions of the audience.

We start with closed doors of the Lumi\\ufffd\\ufffdre factory. Apparently, since the image seems a photograph, people thought they were just going to see a slide show, not something they were hoping for. But then the doors open and people are streaming out, heading home. First a lot of women, then some men, and one man on a bike with a big dog. When they are all out the doors close again.

Whether this is the first film or not (some say 'L'Arriv\\ufffd\\ufffde d'un Train \\ufffd\\ufffd la Ciotat' was the first film Lumi\\ufffd\\ufffdre recorded), it is an impressive piece of early cinema. Being bored by this is close to impossible for multiple reasons. One simple reason: it is only fifty seconds long. But also for people who normally only like the special effect films there must be something interesting here; you don't get to see historical things like this every day.\": {\"frequency\": 1, \"value\": \"On the 28th of ...\"}, \"The film is almost laughable with Debbie Reynolds and Shelley Winters teaming up as the mothers of convicted murderers. With the horrible notoriety after the trial, the two women team up and leave N.Y. for California in order to open and song and dance studio for Shirley Temple-like girls.

From the beginning, it becomes apparent that Reynolds has made a mistake in taking Winters with her to California. Winters plays a deeply religious woman who increasingly seems to be going off her rocker.

To make matters worse, the women who live together, are receiving menacing phone calls. Reynolds, who puts on a blond wig, is soon romanced by the wealthy father of one of her students, nicely played by Dennis Weaver.

Agnes Moorehead, in one of her last films, briefly is seen as Sister Alma, who Winters is a faithful listener of.

The film really belongs to Shelley Winters. She is heavy here and heaviness seemed to make her acting even better. Winters always did well in roles testing her nerves.

The ending is of the macabre and who can forget Winters at the piano banging away with that totally insane look?\": {\"frequency\": 1, \"value\": \"The film is almost ...\"}, \"I loved the movie, but like everyone said, there were some bits that weren't developed enough. I thought personally that the girls were very vapid before they landed in prison; sure, they were supposed to be innocent American girls but still...I felt like they lacked that bond that best friends are supposed to have. For example, in the montage where they're sight-seeing, the way they held each other for the photograph was very awkward-looking.

Then, there are some parts that were very ambiguous. I think it's pretty much understood that Danes' character didn't do it, but I can see how that could be confusing. Also, why did the camera dwell on Manat bearing a very grim expression after he put the bags in their taxi trunk? I thought it was suggesting something, but it turned out to be nothing.

Apart from that, the movie was great. I cried when Claire Danes took the blame; she's a GREAT actress.

Also, I wanted to see that bitchy Thai inmate get her ass kicked. Talk about lack of closure...\": {\"frequency\": 1, \"value\": \"I loved the movie, ...\"}, \"This guy has no idea of cinema. Okay, it seems he made a few interestig theater shows in his youth, and about two acceptable movies that had success more of political reasons cause they tricked the communist censorship. This all is very good, but look carefully: HE DOES NOT KNOW HIS JOB! The scenes are unbalanced, without proper start and and, with a disordered content and full of emptiness. He has nothing to say about the subject, so he over-licitates with violence, nakedness and gutter language. How is it possible to keep alive such a rotten corpse who never understood anything of cinematographic profession and art? Why don't they let him succumb in piece?\": {\"frequency\": 2, \"value\": \"This guy has no ...\"}, \"Roeg has done some great movies, but this a turkey. It has a feel of a play written by an untalented high-school student for his class assignment. The set decoration is appealing in a somewhat surrealistic way, but the actual story is insufferable hokum.\": {\"frequency\": 1, \"value\": \"Roeg has done some ...\"}, \"After erasing my thoughts nearly twenty-seven times, there is a feeling that I can now conquer this review for the complex French drama, \\\"Read My Lips\\\". Having written over five hundred reviews, I have never found myself at such a loss of words as I did with director Jacques Audiard's subtle, yet inspirational love story. Thought was poured over what was loved and hated about this film, and while the \\\"loves\\\" overpowered, it was the elements that were hated that sparked further debate within my mind. \\\"Read My Lips\\\" is a drama. To be more precise, is a character driven drama which fuses social uncertainty with crime lords with the doldrums of everyday office work. Here is where this review begins to crumble, it is all of these items \\ufffd\\ufffd but it is more\\ufffd\\ufffdmuch, much more. As a viewer, you are pulled in instantly by Emmanuelle Devos' portrayal of this fragile woman named Carla, whose strength is lost to the males in her office as well as her hearing difficulty. Audiard introduces us harshly to her world by removing sound from the screen whenever she is not wearing her aid, causing an immediate unrest, not only from the characters within the film, but to those watching. Without sound, the world is left open to any possibility, and that is frightening.

As we watch this difficult and unsettling woman setting into her life, we are then uprooted and given the opportunity to meet Paul (played exquisitely by Vincent Cassel), a slicked-back hair, mustache-wearing lanky man who was just released from prison, homeless, jobless, and forced by his parole officer to get a job. This is how Carla and Paul meet. There is that moment of instant, unsettling attraction. The one where we think she loves him, but he is dark (and here is where it gets even more fun) \\ufffd\\ufffd and where we think he loves her, but she is dark. The constant role reversal creates the tone of the unknown. Who, as viewers, are we to feel the most sympathy for? Paul sleeps in the office, Carla helps him; Carla looses a contract to a rival co-worker, Paul helps her; Carla's ability to read people's lips comes in handy for a make-shift idea for Paul. The continual jumps back and forth keep you on your chair, waiting for the possibility of some light to shine through this dark cave. It never does. Audiard cannot just allow this story to take place, he continually introduces us to more characters; one just as seedy as the next. Even our rock, our solid foundation with the parole officer is in question when his wife goes missing \\ufffd\\ufffd a subplot to this film that at first angered me, but upon further debate was a staple finale for this film. Yet none of this could have happened if it weren't for our characters. Devos' solemn and homely look is breathtaking, as she changes her image for Paul; the truth of her beauty is discovered. Paul, the wildcard in the film, continues to seemingly use and abuse the friendship for his final endgame. Then, just as we assume one, Carla takes on one last shape.

Audiard knows he has amazing actors capturing his characters. Cassel and Devos could just play cards the entire time and I would still be sitting at the end of my chair. The story, probably the weakest part of this film, is at first random. The interwoven stories seem unconnected at first, but Audiard lets them connect bit by bit. Again, the entire parole officer segment was tangent, but that final scene just solidified the ends to the means. Not attempting to sound vague, but this complex (yet utterly simple) story is difficult to explain. There is plenty happening, but it is up to you to connect the pieces. A favorite scene is when Carla is attempting to discover where some money is being held. That use of sound and scene was brilliant. It was tense, it was dramatic, and it was like watching a who-dun-it mystery unfold before your eyes.

Overall, I initially though this was a mediocre French film that I could easily forget about when it was over \\ufffd\\ufffd I was proved wrong. \\\"Read My Lips\\\" opens the floor for discussion, not just with the characters, but the situations. One will find themselves rooting for Carla in one scene, and Paul in the next. When a discovery is made in Paul's apartment by Carla, I found myself deeply angry. Audiard brought true emotion to the screen with his characters and development, and what he was lacking in plot \\ufffd\\ufffd the actors were able to carry. I can easily suggest this film to anyone, but be prepared; this isn't a one time viewing film. Repeat. Repeat. Repeat.

Grade: **** out of *****\": {\"frequency\": 1, \"value\": \"After erasing my ...\"}, \"Film starts in 1840 Japan in which a man slashes his wife and her lover to death and the commits suicide. It's a very gory, bloody sequence. Then it jumps to present day...well 1982 to be precise. Ted (Edward Albert), wife Laura (Susan George) and their annoying little kid move to Japan for hubby's work. They rent a house and--surprise! surprise--it just happens to be the house where the murders took place! The three dead people are around as ghosts (the makeup is hysterically bad) and make life hell for the family.

Sounds OK--but it's really hopeless. There's a bloody opening and ending and NOTHING happens in between. There is an attack by giant crabs which is just uproarious! They look so fake--I swear I saw the strings pulling one along--and they're muttering!!!!! There's a pointless sex sequence in the first 20 minutes (probably just to show off George's body), another one about 40 minutes later (but that was necessary to the plot) and a really silly exorcism towards the end. The fight scene between Albert and Doug McClure must be seen to be believed.

As for acting--Albert was OK as the husband and McClure was pretty good as a family friend. But George--as always--is terrific in a lousy film. She gives this film a much needed lift--but can't save it. I'm giving this a 2 just for her and the gory opening and closing. That aside, this is a very boring film.\": {\"frequency\": 1, \"value\": \"Film starts in ...\"}, \"I remember seeing this film when it first came out in 1982 & loved it then. About 4 years later I had the privilege of seeing Luciano Pavarotti sing at the Metropolitan Opera house in New York (in Tosca) so seeing the ending of this film reminds me very much of that great night. What's not to like about this film? The music is brilliant and Pavarotti (Fini) was at his best and still looked great. The story is actually very funny in parts & the 'food fight' scene is still one of the funniest I have ever seen. The hot air balloon flight over the Napa valley was beautiful & so was the song he sang \\\"If we were in love\\\" (one of the few times Pavarotti sang in English). And hearing the duet of Santa Lucia gorgeous. Get real folks, this was a film about an opera singer called Georgio Fini who just happened to be played by Pavarotti. Kathryn Harrold & Eddie Albert were excellent in their supporting roles.

I am VERY glad that I still have this almost worn out VHS tape of this movie but I would love this to be released on DVD especially now that Pavarotti is no longer with us because I think this includes the best performance of Nessun Dorma sung by him still on film today!\": {\"frequency\": 1, \"value\": \"I remember seeing ...\"}, \"I loved the episode but seems to me there should have been some quick reference to the secretary getting punished for effectively being an accomplice after the fact. While I like when a episode of Columbo has an unpredictable twist like this one, its resolution should be part of the conclusion of the episode, along with the uncovering of the murderer.

The interplay between Peter Falk and Ruth Gordon is priceless. At one point, Gordon, playing a famous writer, makes some comment about being flattered by the famous Lt. Columbo, making a tongue-in-cheek allusion to the detective's real life fame as a crime-solver. This is one of the best of many great Columbo installments.\": {\"frequency\": 1, \"value\": \"I loved the ...\"}, \"I remember watching this in the 1970s - then I have just recently borrowed a couple of episodes from our public library.

With a nearly 30 year hiatus, I have come to another conclusion. Most of the principals interviewed in this series - some at the center of power like Traudl Junge (Hitler's Secretary),Karl Doenitz (head of Germany's navy) Anthony Eden (UK) - are long gone but their first hand accounts will live on.From Generals and Admirals to Sergeants, Russian civilians, concentration camp survivors, all are on record here.

I can remember the Lord Mountbatten interview (killed in the 1970s)

This is truly a gem and I believe the producer of this series was knighted by Queen Elizabeth for this work - well deserved.

Seeing these few episodes from the library makes me want to buy the set.

This is the only \\\"10\\\" I have given any review but I have discovered like a fine bottle of wine, it is more appreciated with a little time...\": {\"frequency\": 1, \"value\": \"I remember ...\"}, \"An expedition led by hunky Captain Storm (Mark Dana) travels to the Valley of the Kings in Cairo to find out what happened to an earlier expedition. They meet beautiful mysterious Simira (Ziva Rodann) who joins them. They soon find themselves faced with a blood drinking mummy...and only Simira seems to know what's going on.

A real snoozer. I caught this on late night TV when I was about 10. It put me to sleep! Seeing it again all these years later I can see why. It's slow-moving, the mummy doesn't even show up until 40 minutes in (and this is only 66 minutes long!), the acting ranges from bad (Dana) to REAL bad (George N. Neise) and there's no violence or blood to be found. This movie concentrates more on second rate dramatics (involving a silly love triangle) than horror.

This rates three stars because it actually looks pretty good, everyone plays it straight, there's some good acting from Diane Brewster, it's short and the mummy attack scenes (all three of them) aren't bad. They're not scary just mildly creepy. Still, this movie is pretty bad. A sure fire cure for insomnia.\": {\"frequency\": 1, \"value\": \"An expedition led ...\"}, \"As a cinema fan White Noise was an utter disappointment, as a filmmaker the cinematography was pretty good, nicely lit, good camera work, reasonable direction. But as a film it just seamed as predictable as all the other 'so called' horror movies that the market has recently been flooded with. Although it did have a little bit of the 'chill factor' the whole concept of the E.V.O (Electronic Voice Phenomena) did'not seem believable. This movie did not explain the reasonings for certain occurrences but went ahead with them. The acting was far from mind blowing the main character portrayed no emotion, like many recent thriller/horror movies.

Definitely not a movie I will be buying on DVD and would not recommend anyone rushes out to see it.\": {\"frequency\": 1, \"value\": \"As a cinema fan ...\"}, \"I was about 11 years old i found out i live 0.48 miles from the uncle house. the uncle house is on Westway Dr, deer park, TX. they have added homes since the movie was made. i don't know the house number but you can go look it up. i am now 21 and i enjoy watching this movie. the bar on Spencer is no longer their. Pasadena ISD wants to build a school their. I drove by the house last week the house still looks great. My dad and uncle would go to the street where the house is and watch the actors come in and out of the house trying to make the movie. where john cross over the railroad cracks they have made 225 higher. when i hear about john loesing his son i start thinking about when he made urban cowboy he was 26 or 25 at the time.\": {\"frequency\": 1, \"value\": \"I was about 11 ...\"}, \"I loathed this film. The original Phantasm had such wonderful ambiance and mystery. Like many 70s horror flicks, it looked and felt like some creepy, unfinished documentary. Phantasm II, from the late 80s, pumped up the action, but maintained this nice attention to mood. Sadly, Phantasm III is just awful. It tediously explains all of the weird happenings in the previous films, which diminishes rather than expands their power. It shamelessly degrades imagery from the first Phantasm like a cheap reenactment of the original. There are so many flying spheres in this movie that they seem more like household pests than menacing death orbs. Hundreds hang from the ceiling like Christmas balls swaying in the draft. Didn't anyone-- the prop master, the DP, the editor, the director-- notice or care that they looked so crummy? Even worse, Phantasm III presents one corny, unfunny joke after another. How different from the intensity of the first film. The original Phantasm used humor to relieve its relentless focus on death. Phantasm III uses death to set up countless cheap jokes about Reggie's horniness: several refer to the film's \\\"flying balls\\\" ha-ha, oh, I get it, balls. Maybe the crew got a kick out of these jokes, but they are on us.\": {\"frequency\": 1, \"value\": \"I loathed this ...\"}, \"This is a typical Steele novel production in that two people who have undergone some sort of tragedy manage to get together despite the odds. I wouldn't call this a spoiler because anyone who has read a Steele novel knows how they ALL end. If you don't want to know much about the plot, don't keep reading.

Gilbert's character, Ophelia, is a woman of French decent who has lost her husband and son in an accident. Gilbert needs to stop doing films where she is required to have an accent because she, otherwise a good actress, cannot realistically pull off any kind of accent. Brad Johnson, also an excellent actor, is Matt, who is recovering from a rather nasty divorce. He is gentle, convincing and compelling in this role.

The two meet on the beach through her daughter, Pip, and initially, Ophelia accuses Matt of being a child molester just because he talked art with the kid. All of them become friends after this episode and then the couple falls in love.

The chemistry between the two leads is not great, even though the talent of these two people is not, in my opinion, a question. They did the best they could with a predictable plot and a script that borders on stereotypical. Two people meet, tragedy, bigger tragedy, a secret is revealed, another tragedy, and then they get together. I wish there was more to it than that, but there it is in a nutshell.

I wanted mindless entertainment, and I got it with this. In regard to the genre of romantic films, this one fails to be memorable. \\\"A Secret Affair\\\" with Janine Turner is far superior (not a Steele book), as are some of Steele's earlier books turned into film.\": {\"frequency\": 1, \"value\": \"This is a typical ...\"}, \"I got to see this just this last Friday at the Los Angeles film festival at Laemlee's on Beverly. This movie got the most applause of all the films that evening. Considering that two music videos opened first, I didn't know what to expect since they were very fast and attention grabbing, I wasn't sure I was ready for a short immediately. But to my surprise I really enjoyed this. I thought the main actor demon guy was really good. I was so impressed with his performance that I checked out his name. I was surprised to see that this was the Witchblade guy. He's gotten really good especially since then! Either that or he was given lousy roles or had been pushed by the director really hard for this short. The girl did an okay job. I guess its hard since it was her first performance and being so young. The dad did well also. There was a lot of really nice cg work for a short, both for this and the short playing next \\\"Mexican Hat\\\" which was also nice, but I enjoyed this the most because it had the most depth and emotion and I actually cared about the characters. The other was a very simple story. The story was quite illustrative and dark! It dealt with real topics using a more fantasy like approach to keep ADD people like me interested. We won't even talk about the last film in the block which I left. My only complaint is that I only wish I had seen more of the demon character and a little less of getting started, which is why I gave it a 9 out of 10. I also thought the end credits went a little slowly. Otherwise it was beautifully told, directed and edited. The timing was very nice with a complete change from the fast MTV editing done on everything nowadays. There will be more coming from this director in the future as well as the actor. I now will think of him as the Sorrows Lost actor not the Witchblade guy.\": {\"frequency\": 1, \"value\": \"I got to see this ...\"}, \"When a film has no fewer than FIVE different titles, it usually means several things and almost always means that the film has major flaws somewhere. Necromancy has major flaws and is just out and out bad. I saw the version on video called Rosemary's Disciples. Yes, I am sure it differs from other versions, but I am not inclined to think that in any way is any other version and the few more minutes it might have - going to be really any better. The story is perhaps the biggest problem: the film opens with Laurie waking up and her husband taking her to a town where he has a new job at a toy factory for occultists(yep, it gets bad this early!). The town is called Lillith and has some guy with a rifle on the bridge to make sure only those selected by the \\\"owner\\\" of the town are allowed in. Soon we find that everyone living in Lillith is a witch and all follow the directives of Mr. Cato - the head of this municipal coven who wants his dead son back(hence the name Necromancy). The people in the town do witch kind of stuff - have ceremonies, some like wearing a goat's head, and promiscuity abounds(not much really shown in this area), but none of these people are very good actors. Mr. Cato is played robustly by the figuratively and literally larger-than-life movie maverick Orson Welles. Welles is misused, but, make no mistake, he is the best thing in this movie. And that is really the saddest part of Necromancy as Welles gives a pretty poor and pedestrian performance with little directorial guidance. In one scene at a party, director Bert I Gordon keeps going back to Welles watching the action of the party using the exact same frames! It looked ridiculous. As did the scene that was repeatedly seen over and over again of a woman's arm centered in swirling flames after a car crash. It looked like the arm of a shop mannequin. The story is never fully utilized as we never really know what happens: many scenes are shot like dreams or hallucinations and never confirmed. This also applies to the corny, hokey ending. The lead Pamela Franklin is pert and pretty and has some talent. Other than her performance, real slim pickings from the rest of the cast sans Welles. The direction and story were both done by Gordon who obviously had little gas left in the engine. This is not a good movie in any way under any name.\": {\"frequency\": 1, \"value\": \"When a film has no ...\"}, \"Imagine that in adapting a James Bond novel into a movie, the filmmakers eliminated all the action and suspense in order to make it kid-friendly. Or if a television producer told Chris Rock he couldn't cuss so that his specials could be rated PG. In the same way, the director of the movie \\\"Something Wicked This Way Comes\\\" took out the excitement and gore in favor of melodrama for younger audiences. This created a monotonous plot without the complications of the book. In trying to make the story of \\\"Something Wicked This Way Comes\\\" easier for children to follow, the filmmakers eliminated the theme of good and evil both existing in everyone, and good always prevailing over evil. This is apparent in Will's character transformation, Charles Halloway's rescue of Jim, and the carnival's defeat.

Will's transformation into a more adventurous boy has been muted in the movie. The scene in which the Dust Witch visits Will's house in a balloon has been cut from the film. Instead, a green mist follows Jim and Will home and gives them the same bad dream about the Witch and her spiders. The balloon attack shows us that Will has begun to conquer his fear of doing things on his own. He gets on top of a neighbor's roof and tears the balloon with a bow, defeating the Witch. \\\"Sorry, Dad, he thought, and sat up, smiling. This time it's me out, alone,\\\" Will decides as he prepares to face her (147.) Removing this scene from the movie prevents us from understanding that Will is becoming more adventuresome. The film shows us many examples of Will being afraid to follow Jim, but never growing curious like his friend. In the book, Will has both a good, quiet side and an \\\"evil,\\\" daring side like his Jim. In the movie, each boy only has one mode of thought, which destroys Bradbury's theme of both good and evil being present in each person.

In the book, Will saves Jim because of their friendship, but, in the movie, Charles Halloway saves Jim to repay Jim's father. Will pulls Jim off the carousel in Bradbury's novel because he doesn't want his best friend to grow up without him. It is the good in Will, the fact that he cares about his friend, that saves Jim from the evil curse of the carnival. On the carousel, Jim \\\"gestured his other hand free to trail on the wind, the one part of him, the small, white, separate part that still remembered their friendship\\\" (269.) This shows that there was good left inside of Jim, which has the potential to still defeat evil. But when Charles Halloway saves Jim in the movie, he does it to repay the debt he owes Jim's father, who saved Will when he was a little boy. By changing the motivation for saving Jim, the filmmakers have ruined Bradbury's original idea that it takes good to win against evil.

In the end of the movie, the carnival is defeated by a tornado and lightning instead of smiles and laughter. When the book ends, Mr. Dark turns himself into a little boy and Charles Halloway smiles and laughs at him so much that he can't stand it and evaporates. In Bradbury's world, evil people feed off fear and can only be defeated by happiness and love. His message is that good will always prevail over evil, but only if that goodness is expressed outwardly. \\\"Good to evil seems evil,\\\" says Charles Halloway as he holds the dying Mr. Dark. \\\"So I will do only good to you, Jed. I'll simply hold you and watch you poison yourself\\\" (275.) In the movie, Mr. Dark is the only one left on the carousel when lightning hits it, and he dies. By eliminating the weapon of laughter and smiles, the filmmakers imply that bad weather is the most effective way to defeat evil, as if lightning only strikes those who are bad. This takes away the major theme of Bradbury's book, which is that doing \\\"good\\\" toward others wards off evil.

Good may always triumph over evil, but trying to make movies more kid-friendly will always force filmmakers to leave out some of the themes from the books they are based on. In the movie, \\\"Something Wicked This Way Comes,\\\" Will does not transform, Will's friendship does not save Jim, and smiles and laughter do not defeat the carnival. As a result, the filmmakers have left out too many of Bradbury's main points. The process of adapting a book to a movie too often ruins the world the author has established. In the case of this story, Bradbury's frightening world of opposing forces of good and evil has been reduced to a tamer, simpler version of itself.\": {\"frequency\": 1, \"value\": \"Imagine that in ...\"}, \"\\\"The Tenant\\\" is Roman Polanski's greatest film IMO. And I love \\\"Chinatown\\\", but this one is so much more original and unconventional and downright creepy. It's also a great black comedy. Some people I have shown this film to have been *very disturbed* by it afterwards so be forewarned it does affect some people that way. Polanski does a great job acting the lead role in \\\"The Tenant\\\" as well as directing it.\": {\"frequency\": 1, \"value\": \"\\\"The Tenant\\\" is ...\"}, \"I just watched this movie and have to say, I was very impressed. It's very creepy and has numerous moments that will make you jump out of seat! I had to smoke several \\\"emergency\\\" cigarettes along the way to calm my nerves! If I had to criticise, I'd say that perhaps if anything, there were too many jump moments. It got to the point where every single new scene climaxed with a jump and this gradually wore away the startling effect, because you kind of new what was coming.

Although it contains virtually every clich\\ufffd\\ufffd in the ghost genre, they were all done so well that it maintained the creepy, fear-factor. It had elements of The Shining, The 6th Sense and The Changeling (in particular, the soundtrack reminded me of The Changeling).

I would highly recommend this to anyone looking for a good old-fashioned scare!\": {\"frequency\": 1, \"value\": \"I just watched ...\"}, \"This is one of the weakest soft porn film around. I can't believe somebody wrote this stupid story before making some changes. The guy Mike is a major wimp and moron I can't believe he didn't want to take a shower with his bride-to-be Toni and be in a threesome with the french photographer Jan. He does do a threesome with Toni and Kristi but that was short I hate that every time in Soft Core Porn Films threesomes between a woman, a man, and a woman is short but a girl-girl thing is about an hour. To the makers of these films have the threesomes alot longer this film should've have two threesome scenes not one but two.\": {\"frequency\": 1, \"value\": \"This is one of the ...\"}, \"As usual, i went to watch this movie for A.R.Rahman. Otherwise, the film is no good. Rajni wanted to end his movie career with this film is it would be successful. But fortunately or unfortunately the film was a failure. After this he delivered a hit with Chandramukhi. I Am eagerly waiting for his forth coming Shivaji.

I have read the other user's comment on Rajni. I found it interesting as the user is from TN too. Rajni is one actor who acts, i think, from his heart not from his mind. He is not a method actor like Kamal Hasan. I think we need to appreciate Rajni for his strong going at his age.

Any ways, i need to fill 10 lines for this comment... so wish u good luck Rajni...........\": {\"frequency\": 1, \"value\": \"As usual, i went ...\"}, \"Of course if you are reading my review you have seen this film already. 'Raja Babu' is one of my most favorite characters. I just love the concept of a spoiled brat with a 24*7 servant on his motorcycle. Watch movies and emulate characters etc etc. I love the scene when a stone cracks in Kader khans mouth while eating. Also where Shakti Kapoor narrates a corny story of Raja Babu's affairs on a dinner table and Govinda wearing 'dharam-veer' uniform makes sentimental remarks. Thats my favorite scene of the film. 'Achcha Pitaji To Main Chalta Hoon' scene is just chemistry between two great Indian actors doing a comical scene with no dialogs. Its brilliant. It's a cat mouse film. Just watch these actors helping each other and still taking away the scene from each other. Its total entertainment. If you like Govinda and Kader Khan chemistry then its a must. I think RB is 6th in my list by David Dhawan. 'Deewana Mastana', 'Ankhein','Shola or Shabnam', 'Swarg', Coolie no 1' precedes this gem of a film. 7/10.\": {\"frequency\": 1, \"value\": \"Of course if you ...\"}, \"The Gospel of Lou was a major disappointment for me. I had received an E-Mail from the theater showing it that it was a great and inspirational movie. It was neither great nor inspirational. The cinematography was pretty iffy with the whole movie. A lot the scenes were flash backs that were done in a way that couldn't tell at times what they were about. The voices were often distorted for no reason. Also many of the people in the movie were far fetched. The relationship he has with his ex & son is never made clear. Also the whole movie has most him one way, and then all of a sudden BAM, he is cured and inspiring people. The whole movie seems to show that boxing is one of the things that is bad in his life, making him live his life the way that he is living it, but when he changes, he doesn't leave boxing, he teaches others how to box. Thumbs Down.\": {\"frequency\": 1, \"value\": \"The Gospel of Lou ...\"}, \"Stargate SG-1 follows and expands upon the Egyptian mythologies presented in Stargate. In the Stargate universe, humans were enslaved and transported to habitable planets by the Goa'uld such as Ra and Apophis. For millennia, the Goa'uld harvested humanity, heavily influencing and spreading human cultures. As a result, Earth cultures such as those of the Aztecs, Mayans, Britons, the Norse, Mongols, Greeks, and Romans are found throughout the known habitable planets of the galaxy. Many well-known mythical locations such as Avalon, Camelot, and Atlantis are found, or have at one time existed.

Presently, the Earth stargate (found at a dig site near Giza in 1928) is housed in a top-secret U.S. military base known as the SGC (Stargate Command) underneath Cheyenne Mountain. Col. Jack O'Neill (Anderson), Dr. Daniel Jackson (Shanks), Capt. Samantha Carter (Tapping) and Teal'c (Judge) compose the original SG-1 team (a few characters join and/or leave the team in later seasons). Along with 24 other SG teams, they venture to distant planets exploring the galaxy and searching for defenses from the Goa'uld, in the forms of technology and alliances with friendly advanced races.

The parasitic Goa'uld use advanced technology to cast themselves as Egyptian Gods and are bent on galactic conquest and eternal worship. Throughout the first eight seasons, the Goa'uld are the primary antagonists. They are a race of highly intelligent, ruthless snake-like alien parasites capable of invading and controlling the bodies of other species, including humans. The original arch-enemy from this race was the System Lord Apophis (Peter Williams). Other System Lords, such as Baal and Anubis, play pivotal roles in the later seasons. In the ninth season a new villain emerges, the Ori. The Ori are advanced beings with unfathomable technology from another galaxy, also bent on galactic conquest and eternal worship. The introduction of the Ori accompanies a departure from the primary focus on Egyptian mythology into an exploration of the Arthurian mythology surrounding the Ori, their followers, and their enemies\\ufffd\\ufffdthe Ancients.\": {\"frequency\": 1, \"value\": \"Stargate SG-1 ...\"}, \"There is an episode of The Simpsons which has a joke news report referring to an army training base as a \\\"Killbot Factory\\\". Here the comment is simply part of a throwaway joke, but what Patricia Foulkrod's documentary does is show us, scarily, that it is not that far from the truth. After World War Two the US Army decided to tackle a problem they faced throughout the war; that many soldiers got into battle and found themselves totally unable to kill another human being unless it was a matter of 'me or them'. Since then the training process of the US army has been to remove all moral scruples and turn recruits into killing machines who don't think of combatants as people. To develop in them a most unnatural state: \\\"The sustainable urge to kill\\\".

First off, this isn't an antiwar movie as such. Whilst it certainly paints war in a very bad light, Foulkrod focuses rather on an aspect that doesn't get as much media attention as, say, the debate over the legality of a war or it's physical successes or failures; the affect the process of turning a man into a soldier has on that person as a human being. It's the paradox that to train someone to be a soldier to defend society makes them totally unsuitable to live as part of that society themselves, and whilst most of the examples and interviewees are from the current Middle East conflict Foulkrod makes the links to past conflicts, especially Vietnam, painfully clear. This isn't about any particular war, it's about the problems caused by war in general.

Structurally the film seems to be split into three sections; how recruits are drawn into the army and the training they receive, how they are treated once they are in combat, and what happens once they leave the army. Once this point is reached you realise that the main target of this film is actually the policies that are inherent in the armed forced, policies that are put into place to make soldiers into an affective combat force but removing all humanity from the individuals. Those interviewed tell the camera how the recruiting process seems so clean and simple, how word like \\\"democracy\\\" and \\\"freedom\\\" are banded around, but once the training begins they become \\\"enemy\\\" and \\\"kill\\\" and \\\"destroy\\\". How once in action soldiers don't care what they are ordered to do, as they are ingrained with the idea that as soon as they carry out an order, whatever it may be, they are one step closer to going home. They have no political or social ideals to fight for but fight and kill as that's what they've been trained to do.

But The Ground Truth's main goal is to highlight the way the US Army discards those who have fought for their country once they return home. There is no real rehabilitation given to soldiers returning, and many are forced to go home unable to cope with what they have seen and done, and most policies in place seem to be to make sure the army has no legal responsibility whatsoever for psychological affects their soldiers pick up. This is the final indignity, that once they are used they are cast away.

If there is a flaw in the film it is that Foulkrod doesn't attempt to show another side to the argument. You would get the impression that every single soldier who ever went to war would come back with Post Traumatic Stress Syndrome. It would have been interesting to see those of a\\ufffd\\ufffd less liberal upbringing give their opinions of how the army handles training and policies. There is never a chance for the other side of the argument to make itself known.

But other than that this is an expertly crafted documentary, and Foulkrod's use of stock footage and music is perfectly utilised to get across a side of war that too often get s passed by when discussing the fallout of war.\": {\"frequency\": 1, \"value\": \"There is an ...\"}, \"This is one really bad movie. I've racked my brain and I cannot come up with one positive comment to make. The acting is atrocious. I've seen more believable performances on cable access. The plot is ridiculous. Stolen diamonds, secret recordings of the President, and a shark that attacks anything that gets near it should have made for cheesy fun at the worst. Night of the Sharks isn't even so bad it's good. The dialogue sounds and is delivered as if it were written seconds before it's filmed. And to top it off, Night of the Sharks has the worst soundtrack I've ever heard. I'm surprised my ears didn't start bleeding from the 80s techno synthesized sounds that someone actually bothered to record.

From everything I've read, the Italian film industry was dead by 1987. Night of the Sharks is like a final nail in the coffin.\": {\"frequency\": 1, \"value\": \"This is one really ...\"}, \"Of all the films I have seen, this one, The Rage, has got to be one of the worst yet. The direction, LOGIC, continuity, changes in plot-script and dialog made me cry out in pain. \\\"How could ANYONE come up with something so crappy\\\"? Gary Busey is know for his \\\"B\\\" movies, but this is a sure \\\"W\\\" movie. (W=waste).

Take for example: about two dozen FBI & local law officers surround a trailer house with a jeep wagoneer. Inside the jeep is MA and is \\\"confused\\\" as to why all the cops are about. Within seconds a huge gun battle ensues, MA being killed straight off. The cops blast away at the jeep with gary and company blasting away at them. The cops fall like dominoes and the jeep with Gary drives around in circles and are not hit by one single bullet/pellet. MA is killed and gary seems to not to have noticed-damn that guy is tough. Truly a miracle, not since the six-shooter held 300 bullets has there been such a miracle.\": {\"frequency\": 1, \"value\": \"Of all the films I ...\"}, \"I really enjoyed this movie. The script is fresh and unpredictable and the acting is outstanding.It is a down-to-earth movie with characters one cares about. It brought tears into my eyes a few times but left me with a great feeling afterwards.\": {\"frequency\": 2, \"value\": \"I really enjoyed ...\"}, \"I was at the same screenwriters conference and saw the movie. I thought the writer - Sue Smith - very clearly summarised what the film was about. However, the movie really didn't need explanation. I thought the themes were abundantly clear, and inspiring. A movie which deals with the the ability to dare, to face fear - especially fear passed down from parental figures - and overcome it and, in doing so, embrace life's possibilities, is a film to be treasured and savoured. I enjoyed it much more than the much-hyped 'Somersault.' I also think Mandy62 was a bit unkind to Hugo Weaving. As a bloke about his vintage, I should look so good! I agree that many Australian films have been lacklustre recently, but 'Peaches' delivers the goods. I'm glad I saw it.\": {\"frequency\": 1, \"value\": \"I was at the same ...\"}, \"It's 1978, and yes obviously there are too many black players on the teams as well! Fans will be upset and certainly the 75,000 seats will be full, only less happy there are so many black players on the field! This made for TV Super Bowl movie is watchable. It's not much more, but it's really surprising the cast of talented actors that make an appearance (for the time), probably most notably Tom Selleck. Unfortunately any goodness Selleck brings to the screen, is quickly trumped by \\\"actors\\\" like Dick Butkus.

It's a silly story about super bowl betting. PJ Jackson is charged by \\\"New York\\\" (read mafia) for ensuring the game ends for their favor, in this case a $10,000,000 bet. PJ is innocent enough, and seems to have a loose grasp by buying off a few people here and there. But things seem to fall apart for him. Another person, the unsuspected Lainie, takes charge. For a while, the mystery of murders isn't known for certain, but is revealed rather plainly at the final murder that Lainie is the new antagonist.

It's a bad movie, but is watchable. The acting is decent, and the filming is OK. At least there weren't any silly typical 70s car chases (they have their place just not here). Just keep an open mind about past stereotyping and the cocaine era and you'll survive.

2/10 (maybe a 2.5)\": {\"frequency\": 1, \"value\": \"It's 1978, and yes ...\"}, \"It's not well shot, well written or well acted but it has to be the most addictive show I've seen since Twin Peaks. Every single revelation is timed so well that you have to see the next episode to get any kind of closure. They have even slowed down the pace of the show where they only reveal tiny amounts of information per episode however it feels like they've just told you everything you wanted to know. However some of the acting is just about awful and some of the duologue is downright brutal. Some characters are very two dimensional. The more experienced actors like Locke and Ecko really stand out over actors who play Jack, Kate, Sayid and so on. The development of the show can also be very frustrating as the following episode may not show what the previous episode lead up to. Annoying side plots have become part of the story that sometimes tell you nothing. However, the second season has developed to a point where back stories reveal more about the island than they had previously. All in all its a great show but not perfect.\": {\"frequency\": 1, \"value\": \"It's not well ...\"}, \"When I first saw this film, I thought it should have come from the children's section - It's very fun and at times humorous, and is actually quite a good story, but it severely lacks the \\\"romantic chemistry\\\" that actors like Meg Ryan and Tim Robbins are capable of delivering. I must note that Walter Matthau is perfect for the part of Albert Einstein, and his performance is extraordinary, but that's the sole exception. This film appears a bit forced, the directing lacks substance, and oh yeah...the music is ridiculously awful, it didn't put me in a very good mood. But if you are not expecting a smart, well-crafted comedy/romance tale, then this certainly can be entertaining, like I said..it should be in the children's section. Einstein and his buddies are a good relief from Tim Robbins' boring, almost tense quest to steal Meg Ryan's heart. A very conflicting film, but as long as it's not taken seriously this can be an alright movie.\": {\"frequency\": 1, \"value\": \"When I first saw ...\"}, \"I really wanted to like this western, being a fan of the genre and a fan of \\\"Buffalo Bill,\\\" \\\"Wild Bill Hickok,\\\" and \\\"Calamity Jane,\\\" all of whom are in this story! Add to the mix Gary Cooper as the lead actor, and it sounded great.

The trouble was.....it wasn't. I found myself looking at my watch just 40 minutes into this, being bored to death. Jean Arthur's character was somewhat annoying and James Ellison just did not look like nor act like \\\"Buffalo Bill.\\\" Cooper wasn't at his best, either, sounding too wooden. This was several years before he hit his prime as an actor.

In a nutshell, his western shot blanks. Head up the pass and watch another oater because most of 'em were far better than this one.\": {\"frequency\": 1, \"value\": \"I really wanted to ...\"}, \"A lot of people seemed to have liked the film, so I feel somewhat bad giving it a bad review. But after sitting through 96 minutes of it, I feel I have to do so. Where the heck is the plot in this film?! I must have missed it, I was waiting for the storyline to unfold and nothing happened. Sure the ending was \\\"somewhat shocking\\\" but they didn't build up to it. I forgot who was who half of the time, so they didn't really develop the characters. The acting was so-so, most of the time it was believable, but I was able to see through it most of the time. So... without giving anything away, I must say that unless you like the actors in the film, there is no real reason to watch this movie. I could be mistaken, but I just didn't understand why there was so little, or too much of the film. I can't decide which one that would be, so I say judge for yourselves. I don't even know if renting it would be a good idea, the cost and all...

Plot: 0/10 Characters: 1/10 Acting: 2/10 Overall: 3/10 I feel like that's too high really, I am staying with my vote up at the top.\": {\"frequency\": 1, \"value\": \"A lot of people ...\"}, \"Another double noir on one disc from Warner Home Video and by far the better of the two movies is RKO's marvellous 1950 thriller \\\"Where Danger Loves\\\". This is a memorable classic with a great cast in Robert Mitchum, Faith Domergue and Claude Rains. Crisply photographed in Black & White by Nicholas Musuraca it was tightly directed by John Farrow. \\\"Where Danger Lives\\\" is a prime example of the noir style of picture making and will always be remembered for its stylish craftsmanship that was Hollywood's past - (See my full review).

Unfortunately, none of the above praise can be applied to the second movie on the disc, the abysmal MGM 1949 stinker TENSION! Poorly written (Allen Rivkin) and directed by John Berry this movie is full of ludicrous characterisations and unlikely situations. The inconceivable relationship between a mild mannered and wimpish pharmacist - blandly played by Richard Baseheart - and his overtly floozy wife (a risible Audrey Totter) is totally implausible and unconvincing (how on earth they ever got together in the first place is anybody's guess). Then when she \\\"unsurprisingly\\\" ditches him for one of her playmates (Lloyd Gough) our timid pharmacist, instead of being euphoric and over the moon with his new found good fortune, plots revenge and attempts to kill Gough but at the last minute chickens out. The guy gets murdered anyway and our pharmacist is immediately suspected by Homicide detective Barry Sullivan (another bland performance). So who did kill him? Well, at this stage of the movie you really couldn't care less since it is all so badly executed and rendered ridiculous by director Berry. Mr. Berry has no idea of pacing and is unable to inject even a smidgen of style into the thing. There is nothing he can put in front of the camera that will prevent you from nodding off! The only TENSION contained in this movie is in the rubber band that is stretched to its limit and snaps in the fingers of Barry Sullivan as he gives the intro at the film's opening. So much for that! A most unfortunate effort! C'est La Vie!

Best things about this turkey is the smooth Monochrome Cinematography by the great Harry Stradling, an effective score by a young Andre Previn and an early dramatic appearance by the lovely Cyd Charisse before she found her dancing shoes. Hey! - maybe she could have saved the picture had she given us a few steps and a couple of pirouettes! HUH?

In its favour however, are the heaps of extras that are included which boasts trailers, commentaries and featurettes for both films. But the disc is worth it alone for the RKO Mitchum classic!\": {\"frequency\": 1, \"value\": \"Another double ...\"}, \"Gojoe is part of a new wave of Japanese cinema, taking very creative directors, editors and photographers and working on historic themes, what the Japanese call \\\"period pieces\\\". Gojoe is extremely creative in terms of color, photography, and editing. Brilliant, even. The new wave of Japanese samurai films allows a peek at traditional beliefs in shamanism, demons and occult powers that were certainly a part of their ancient culture, but not really explored in Kurosawa's samurai epics, or the Zaitochi series. Another fine example of this genre is Onmyoji (2001). I would place director Sogo Ichii as one of the most interesting and creative of the new wave Japanese directors. Other recent Japanese period pieces I would highly recommend include Yomada's Twilight Samurai (2002) and Shintaro Katsu's Zatoichi: The Blind Swordsman (2003).\": {\"frequency\": 1, \"value\": \"Gojoe is part of a ...\"}, \"Channel 4 is a channel that allows more naughty stuff than any of the other channels, this show was certainly a naughty one. The presenter of this sometimes gross adult chat show, Four-time BAFTA winning and British Comedy Award winning (also twice nominated) Graham Norton was just the perfect gay host for a good show like this. It had one or more famous celebrities in the middle of it. They basically had an adult idea which would either gross, humiliate or humour the guest, but some are not for the faint-hearted. They had women playing the recorder with their parts, men using their dicks to play a xylophone, women weeing upwards in the bath, men with or without pants under their kilts, and many more gross but hilarious ideas. This is just for adults, but enjoy it! It won the BAFTA twice for Best Entertainment (Programme or Series), it won the British Comedy Awards for Best Comedy Entertainment Programme (also nominated), Best Comedy Talk Show, it won an Emmy for episode #18 (?), and it won the National Television Awards twice for Most Popular Talk Show. It was number 52 on The 100 Greatest Funny Moments. Very good!\": {\"frequency\": 1, \"value\": \"Channel 4 is a ...\"}, \"Yikes, it was definitely one of those sleepless nights where I surfed the channels and bumped into this stinker of a movie. For some of the names in the cast, I'd expect a much better movie. I'm almost embarrassed to see Oscar Winner F. Murray Abraham being reduced to such a horrible part. I hope the money was worth it. And the students, they talked about fencing like they were talking about survival in a war or through a horrible disaster. I mean, I've fenced, it's a fun sport, but I've never been that intense. The only reason I even watched this entire movie was because the remote fell under the sofa and I was too lazy to get it back.\": {\"frequency\": 1, \"value\": \"Yikes, it was ...\"}, \"I grew up during the time that the music in this movie was popular. What a wonderful time for music and dancing! My only complaint was that I was a little too young to go to the USO and nightclubs. Guess it sounds like I'm living in the past, (I do have wonderful memories)so what's wrong with that?!!? World War 2 was a terrible time, except where music was concerned. Glenn Miller's death was a terrible sadness to us. This movie will be a favorite of mine. Clio Laine was excellent; what a voice! I don't know how I ever missed this movie. My main reason for this commentary is to alert the modern generation to an alternative to Rap and New Age music, which is offensive to me. Please watch this movie and give it a chance!\": {\"frequency\": 1, \"value\": \"I grew up during ...\"}, \"To call a film about a crippled ghost taking revenge from beyond the grave lame and lifeless would be too ironical but this here is an undeniably undistinguished combination of GASLIGHT (1939 & 1944) via LES DIABOLIQUES (1954); while still watchable in itself, it's so clich\\ufffd\\ufffd-ridden as to provoke chuckles instead of the intended chills. However, thanks to the dire straits in which the British film industry found itself in the late 1970s, even a mediocre script such as this one was able to attract 10 star names - Cliff Robertson (as the conniving husband), Jean Simmons (in the title role), Jenny Agutter (as Robertson's artist half-sister), Simon Ward (as the enigmatic chauffeur), Ron Moody (as an ill-fated doctor), Michael Jayston (as Robertson's business partner), Judy Geeson (as Simmons' best friend and Jayston's wife), Flora Robson (as the housekeeper), David Tomlinson (as the notary reading Simmons' will) and, most surprisingly perhaps, Jack Warner (as a gravestone sculptor) - although most of them actually have nothing parts, I'm sorry to say!\": {\"frequency\": 1, \"value\": \"To call a film ...\"}, \"

This movie is full of references. Like \\\"Mad Max II\\\", \\\"The wild one\\\" and many others. The ladybug\\ufffd\\ufffds face it\\ufffd\\ufffds a clear reference (or tribute) to Peter Lorre. This movie is a masterpiece. We\\ufffd\\ufffdll talk much more about in the future.\": {\"frequency\": 1, \"value\": \"

This ...\"}, \"CAROL'S JOURNEY is a pleasure to watch for so many reasons. The acting of Clara Lago is simply amazing for someone so young, and she is one of those special actors who can say say much with facial expressions. Director Imanol Urbibe presents a tight and controlled film with no break in continuity, thereby propelling the plot at a steady pace with just enough suspense to keep one wondering what the nest scene will bring. The screenplay of Angel Garcia Roldan is story telling at its best, which, it seems, if the major purpose for films after all. The plot is unpredictable, yet the events as they unravel are completely logical. Perhaps the best feature of this film if to tell a story of the Spanish Civil War as it affected the people. It was a major event of the 20th century, yet hardly any Americans know of it. In fact, in 40 years of university teaching, I averaged about one student a semester who had even heard of it, much less any who could say anything comprehensive about it--and the overwhelming number of students were merit scholars, all of which speaks to the enormous amount of censorship in American education. So, in one way, this film is a good way to begin a study of that event, keeping in mind that when one thread is pulled a great deal of history is unraveled. The appreciation of this film is, therefore, in direct relation to the amount of one's knowledge. To view this film as another coming of age movie is the miss the movie completely. The Left Elbow Index considers seven aspects of film-- acting, production sets, character development, plot, dialogue, film continuity, and artistry--on a scale for 10 for very good, 5 for average, and 1 for needs help. CAROL'S JOURNEY is above average on all counts, excepting dialogue which is rated as average. The LEI average for this film is 9.3, raised to a 10 when equated to the IMDb scale. I highly recommend this film for all ages.\": {\"frequency\": 1, \"value\": \"CAROL'S JOURNEY is ...\"}, \"Having just seen the A Perfect Spy mini series in one go, one can do nothing but doff one's hat - a pure masterpiece, which compared to the other Le Carr\\ufffd\\ufffd minis about Smiley, has quite different qualities.

In the minis about Smiley, it is Alex Guiness, as Smiley, who steals the show - the rest of the actors just support him, one can say.

Here it is ensemble and story that's important, as the lead actor, played excellently by Peter Egan in the final episodes, isn't charismatic at all.

Egan just plays a guy called Magnus Pym, who by lying, being devious and telling people what they like to hear, is very well liked by everyone, big and small. The only one who seems to understand his inner self is Alex, his Czech handler.

Never have the machinery behind a spy, and/or traitor, been told better! After having followed his life from a very young age we fully understand what it is that makes it possible to turn him into a traitor. His ability to lie and fake everything is what makes him into 'a perfect spy', as his Czech handler calls him.

And, by following his life, we fully understand how difficult it is to get back to the straight and narrow path, once you've veered off it. He trundles on, even if he never get anything economic out of it, except promotion by his MI5 spy masters. Everyone's happy, as long as the flow of faked information continues!

Magnus's father, played wonderfully by Ray McAnally, is a no-good con-man, who always dreams up schemes to con people out of their money. In later years it is his son who has to bail him out, again and again. But by the example set by his dad and uncle, who takes over as guardian when his father goes to prison, and his mom is sent off to an asylum, Magnus quickly learns early that lying is the way of surviving, not telling the truth. At first he overdoes it a bit, but quickly learn to tell the right lies, and to be constant, not changing the stories from time to time that he tell those who want to listen about himself and his dad.

His Czech handler Alex, expertly played by R\\ufffd\\ufffddiger Weigang, creates, with the help of Magnus, a network of non-existing informants, which supplies the British MI5 with fake information for years, and years, just as the British did with the German spies that were active in the UK before and during the war - they kept on sending fake information to Das Vaterland long after the agents themselves had been turned, liquidated or simply been replaced by MI5 men.

The young lads who play Magnus in younger years does it wonderfully, and most of them are more charismatic than the older, little more cynic, and tired, Pym, played by Egan. But you buy the difference easily, as that is often the way we change through life, from enthusiasm to sorrow, or indifference.

Indeed well worth the money!\": {\"frequency\": 1, \"value\": \"Having just seen ...\"}, \"A tour deforce! OK the kid that plays Oliver is a bit toooooo sweet! Starting with the great cinematography, color, costumes and most impressive performances this is a must see movie. I have seen several adaptations of this great novel, but this one stands above them all and its a musical to boot! It is a masterful Fagan, never leaving his character to do a song. You never really know if you like him or not, the same feeling I got in the book. In other versions you hate him from start to finish. Bill Sykes.... when you read the book hes a mean one, and so he is in this movie. Oliver Reed was masterful. His wife directed this masterpiece. I went and saw his last movie, Gladiator based on his many fine performances, not to see the headliners. The music fits the times and the mood. Who will buy this beautiful movie? You Should!\": {\"frequency\": 1, \"value\": \"A tour deforce! OK ...\"}, \"I have been a huge Lynn Peterson fan ever since her breakthrough role in the 1988 blockbuster movie \\\"Far North\\\", and even though I loved her in her one other film \\\"Slow\\\" (2004) where she plays \\\"Francis\\\", this is by far and away her strongest role.

Lynn, as I'm sure you all know (or should), plays the critical role of \\\"Driver\\\".

Unfortunately, other than Lynn's amazing performance, I'm afraid this movie doesn't really have much going for it.

Oh wait - there was one other thing - the amazing creativity of the editing to remove profanity for TV viewers. Memorable lines like: \\\"You son-of-a-gun!\\\", \\\"You son-of-a-witch!\\\", \\\"Shoot!\\\", and \\\"Well, Forget You!\\\"

O.K. Bye.

P.S.: Does anyone know where I can get another Lynn Peterson poster?\": {\"frequency\": 1, \"value\": \"I have been a huge ...\"}, \"Jeux d'enfants or how the film was wrongly translated into English Love me if You Dare is a film made by stupid people and about stupid people. I just don't know how I could expect something worth a look from a film with such plot: Two stupid ignorant kids make a bet that each of them will do something (certainly extremely idiotic) to prove to each other (wtf?) that they are \\\"cool dudes\\\". I know that i exaggerated some aspects but that is what the entire film is about. They grow older...and instead of realizing that they are just a couple of alienated weirdos continue to perform their crazy things, thinking that they are great people.

One could expect such a film from Hollywood, but France? It is even more offensive to watch the film from the country which created Amelie a couple of years ago, which, btw, the film tries to look like but is far, extremely far away from.

Avoid. Avoid. Avoid.\": {\"frequency\": 1, \"value\": \"Jeux d'enfants or ...\"}, \"My watch came a little too late but am glad i watched both this and the sequel together...which makes me compliment the makers of this flick for giving such a pure and basic treatment to the idea of romanticism... and very marginally separating it from the idea of relationships! As a lot has been written about the movie already, it would just be appropriate to highlight few portions of the movie which i personally loved.

I think the point where Jesse and Celine make phony phone calls to their respective friends was a very shrewd way of telling each other what they had meant to each other through a journey not even extending 24 hrs... the curiosity of two people who both think the other has made an infallible impact on the other has been very smartly dealt with...

On the plot front , making a romantic story work on pure conversation is not an easy job to accomplish..

I believe in romantic flicks of such flavor , the characters are not clearly designed even in the writer's and director's mind. What the actors bring out is what becomes of them .. right or wrong even the idea bearers would find it difficult to justify... to become the character, the life the actor gives has to go beyond instructions and the story...here both the actors do just the RIGHT job! Kudos..!!!and Before sunset is another feather which makes this one even more beautiful!\": {\"frequency\": 1, \"value\": \"My watch came a ...\"}, \"

The movie \\\"Slugs\\\" is unique because the titular vermin are actually the good guys in this horrific tale of nature gone awry. You see, these poor slugs have been mutated through the pollution of evil humans and don't mean to do anything malicious, they're just slugs- slugs with sharp teeth who eat flesh and excrete poison, but slugs none the less. The real bad guys are the humans, who either actively try to destroy our beloved slugs, or overreact when they encounter them.

For example, take the scene where the guy puts on the glove full of slugs. They were just hanging out in a comfortable work glove when out of nowhere this giant hand came at them, and they reacted instinctively, defending themselves and biting the guy. Now, instead of seeking medical attention for his slug bite, this guy runs around his greenhouse screaming like an idiot, spills some highly volatile chemicals, starts a fire, knocks a bookcase over on himself, and cuts off his own hand- then the fire and volatile chemicals mix and his house explodes. How can you blame that on the slugs?

This movie paints a portrait of humans that is less than favorable. The characters in this movie include the dumb sheriff who hates everybody, the drunk hick who's mean to his dog, and the lumpy sidekick whose wife is at least forty-five years older than him. There's also a set of drunken teens

that get attacked while copulating, and we have to see the skinny long-haired freaks' genitals. Meanwhile, there's a guy who looks like a demonic Leslie Neilson who yells \\\"You don't have the authority to declare happy birthday!\\\" for some reason. Finally, this parade of loathsomeness is rounded out by the guy from the MST3K classic \\\"Pod People\\\" whose face explodes after eating a slug-laces salad (another easily avoided fate blamed on the helpful, harmless slugs).

Humans are portrayed as greedy, stupid, racist, alcoholic, and, in one pointless scene, as would-be rapists. In the movie's climactic scene, the villainous humans try to burn the slugs who are cowering helplessly in the sewers, Well, since they're idiots, the humans succeed in BLOWING UP THE ENTIRE TOWN. They alone do more damage than the slugs ever did!

If you hate humans, and I know I do, you'll appreciate \\\"Slugs\\\". If you're a fan of bad cinema, you'll also appreciate this crapfest from the director of \\\"Pieces\\\" and \\\"Pod People\\\". There's enough bad acting, silly dialog, illogical plot twists, lame special effects, pointless scenes, and poor dubbing to hold your attention.\": {\"frequency\": 1, \"value\": \"

The ...\"}, \"If you \\\"get it\\\", it's magnificent.

If you don't, it's decent.

Please understand that \\\"getting it\\\" does not necessarily mean you've gone through a school shooting. There is so much more to this movie that, at times, the school shooting becomes insignificant.

Above all, it's a movie about acceptance, both superficially--of a traumatic event, but also of people who are different for whatever reason.

It's also a movie about unendurable pain, and how different people endure it. In this case, the contrast between Alicia's rage and Deanna's obsession creates an atmosphere of such palpable anxiety that halfway through the movie we wonder how the director could possibly pull a happy ending out of his hat. Thankfully, the audience is given credit for being human beings; our intelligence is not insulted by a sappy, implausibly moralistic ending.

Above and beyond that, I try to keep a clear head about movies being fiction and all that. Yet I must admit, I cried like a lost little baby during this movie. There were certain things about it that hit *very* close to home and opened up some old wounds that never quite healed. But that is not necessarily a bad thing.\": {\"frequency\": 1, \"value\": \"If you \\\"get it\\\", ...\"}, \"I always thought this would be a long and boring Talking-Heads flick full of static interior takes, dude, I was wrong. \\\"Election\\\" is a highly fascinating and thoroughly captivating thriller-drama, taking a deep and realistic view behind the origins of Triads-Rituals. Characters are constantly on the move, and although as a viewer you kinda always remain an outsider, it's still possible to feel the suspense coming from certain decisions and ambitions of the characters. Furthermore Johnnie To succeeds in creating some truly opulent images due to meticulously composed lighting and atmospheric light-shadow contrasts. Although there's hardly any action, the ending is still shocking in it's ruthless depicting of brutality. Cool movie that deserves more attention, and I came to like the minimalistic acoustic guitar score quite a bit.\": {\"frequency\": 1, \"value\": \"I always thought ...\"}, \"\\\"Ko to tamo peva\\\" is one of the best films I ever saw. A tragicomedy with very deep implications on the fate of humankind shown through the eyes of seemingly very plain and common people from a God-forsaken Serbian province just before the start of the World War II. I saw it in a small movie theater in Russia where the film had had a very limited distribution, and I had no chance to come across it ever since. It is such a pity that this excellent film is almost forgotten now. I searched for a VHS or DVD copy of it many times, and alas - could find none. I would be most grateful to other fans of this little gem of movie-making for a suggestion of the ways to purchase a copy.\": {\"frequency\": 1, \"value\": \"\\\"Ko to tamo peva\\\" ...\"}, \"Heavenly Days commits a serious comedy faux pas: it's desperate to teach us a civics lesson, and it won't stop until we've passed the final exam. Fibber McGee and Molly take a trip to Washington, where they see the senate in action (or inaction, if you prefer), have a spat with their Senator (Eugene Palette in one of the worst roles of his career), get acquainted with a gaggle of annoying stereotypical refugee children, and meet a man on a train reading a book by Henry Wallace. Henry Wallace!! A year later, he was considered a near communist dupe, but in 1944, he was A-OK. Add in some truly awful musical moments, a whole lot of flagwaving hooey, and a boring subplot about newspaper reporters, and you've got a film that must have had Philip Wylie ready to pen Generation of Vipers 2: D.C. Boogaloo. Drastically unfun, Heavenly Days is another reminder that the Devil has all the best tunes.\": {\"frequency\": 1, \"value\": \"Heavenly Days ...\"}, \"RUN...do not walk away from this movie!!!!! Aimed at the very young kids, this movie will bore you to tears. If the Gamera trilogy of the 90's raised the bar, this film just lowered it. It's slow paced and the monster fighting is good, but seldom seen. This movie had me dry heaving in the cat box. Just a very poor offering after a phenomenal 90's series.

SPOILERS BEYOND THIS POINT!!!!!!!!!!! Here are the top 10 reasons Gamera fans of the 90's series will HATE this film.

10. This movie is a drama that follows a kid trying to cope with the death of his mother and fears losing baby Gamera to a fight after knowing his father saw the adult Gamera die.

9. You see the adult Gamera for maybe a minute at the beginning of the film. He gets his butt kicked by a few Gyaos and self destructs??? He looks old and lethargic. Plus he looks nothing like any gamera you've ever seen. His suit looked cheap and rushed.

8. The young Gamera you see through the rest of the film looks like a Pokemon. Big-eyed and cute...it will remind you of the baby Godzilla from Godzilla vs MechaGodzilla 2. Gamera is now too cute.

7. This movie has the pace of watching a NASCAR race during a 3 hour rain delay. I watched this movie with 2 other Gamera fans and nobody was happy with how slowly this film moved along. I've seen an SUV full of fat people going up a mountain road move faster.

6. Like Godzilla:Final Wars, this movie had very little kaiju time on screen. Final Wars had much more, actually, and better fights although short.

5. Kids take the title role. The friend of all children theme and poor writing killed the original Gamera series in the 1970's and history repeats itself in the 2000's. The most successful Gamera films abandoned the Sesame Street feel and went to a darker place. Why go back to a failed formula? This was to be a new trilogy and poor ticket sales killed any hope for this story to continue (thank god).

4. Gamera lost his iconic roar. He now sounds like an Elephant with strep throat.

3. This movie may produce a new Olympic event.....Imagine a relay race that involves sending very young children into harm's way. You have to see the ending to understand this point. Where were the parents? Oh yea..right there sending their kids into a kaiju battle zone.

2. The special effects were good, but sub-par for a Gamera movie. Legion and Iris had better effects. The best effect was showing the apple sized baby Gamera fly. Not too impressive.

1. This movie is just not what adult kaiju fans come to expect. The director was involved in Power Rangers and it shows. It comes off like a cross between ET, Always: Sunset on Third Street and TMNT. Kudos if you know all 3 references.

Rental at best or watch once if you buy it to complete the DVD series.\": {\"frequency\": 1, \"value\": \"RUN...do not walk ...\"}, \"Granting the budget and time constraints of serial production, BATMAN AND ROBIN nonetheless earns a place near the bottom of any \\\"cliffhanger\\\" list, utterly lacking the style, imagination, and atmosphere of its 1943 predecessor, BATMAN.

The producer, Sam Katzman, was known as \\\"King of the Quickies\\\" and, like his director, Spencer Bennett, seemed more concerned with speed and efficiency than with generating excitement. (Unfortunately, this team also produced the two Superman serials, starring Kirk Alyn, with their tacky flying animation, canned music, and dull supporting players.) The opening of each chapter offers a taste of things to come: thoroughly inane titles (\\\"Robin Rescues Batman,\\\" \\\"Batman vs Wizard\\\"), mechanical music droning on, and our two heroes stumbling toward the camera looking all around, either confused or having trouble seeing through their cheap Halloween masks. Batman's cowl, with its devil's horns and eagle's beak, fits so poorly that the stuntman has to adjust it during the fight scenes. His \\\"utility belt\\\" is a crumpled strip of cloth with no compartments, from which he still manages to pull a blowtorch and an oxygen tube at critical moments!

In any case, the lead players are miscast. Robert Lowery displays little charm or individual flair as Bruce Wayne, and does not cut a particularly dynamic figure as Batman. He creates the impression that he'd rather be somewhere, anywhere else! John Duncan, as Robin, has considerable difficulty handling his limited dialogue. He is too old for the part, with an even older stuntman filling in for him. Out of costume, Lowery and Duncan are as exciting as tired businessmen ambling out for a drink, without one ounce of the chemistry evident between Lewis Wilson and Douglas Croft in the 1943 serial.

Although serials were not known for character development, the earlier BATMAN managed to present a more energetic cast. This one offers a group going through the motions, not that the filmmakers provide much support. Not one of the hoodlums stands out, and they are led by one of the most boring villains ever, \\\"The Wizard.\\\" (Great name!) Actually, they are led by someone sporting a curtain, a shawl, and a sack over his head, with a dubbed voice that desperately tries to sound menacing. The \\\"prime suspects\\\" -- an eccentric professor, a radio broadcaster -- are simply annoying.

Even the established comic book \\\"regulars\\\" are superfluous. It is hard to discern much romance between Vicki Vale and Bruce Wayne. Despite the perils she faces, Vicki displays virtually no emotion. Commissioner Gordon is none-too-bright. Unlike in the previous serial, Alfred the butler is a mere walk-on whose most important line is \\\"Mr Wayne's residence.\\\" They are props for a drawn-out, gimmick-laden, incoherent plot, further saddled with uninspired, repetitive music and amateurish production design. The Wayne Manor exterior resembles a suburban middle-class home in any sitcom, the interiors those of a cheap roadside motel. The Batcave is an office desperately in need of refurbishing. (The costumes are kept rolled up in a filing cabinet!)

Pity that the filmmakers couldn't invest more effort into creating a thrilling adventure. While the availability of the two serials on DVD is a plus for any serious \\\"Batfan,\\\" one should not be fooled by the excellent illustrations on the box. They capture more of the authentic mood of the comic book than all 15 chapters of BATMAN AND ROBIN combined.

Now for the good news -- this is not the 1997 version!\": {\"frequency\": 1, \"value\": \"Granting the ...\"}, \"Harold Pinter rewrites Anthony Schaeffer's classic play about a man going to visit the husband of his lover and having it all go sideways. The original film starred Laurence Olivier and Michael Caine. Caine has the Olivier role in this version and he's paired with Jude Law. Here the film is directed by Kenneth Branaugh.

The acting is spectacular. Both Caine and Law are gangbusters in their respective roles. I really like the chemistry and the clashing of personalities. It's wonderful and enough of a reason to watch when the script's direction goes haywire.

Harold Pinter's dialog is crisp and sharp and often very witty and I understand why he was chosen to rewrite the play (which is updated to make use of surveillance cameras and the like).The problem is that how the script moves the characters around is awful. Michale Caine walks Law through his odd modern house with sliding doors and panels for no really good reason. Conversations happen repeatedly in different locations. I know Pinter has done that in his plays, but in this case it becomes tedious. Why do we need to have the pair go over and over and over the fact that Law is sleeping with Caine's wife? It would be okay if at some point Law said enough we've done this, but he doesn't he acts as if each time is the first time. The script also doesn't move Caine through his manipulation of Law all that well. To begin with he's blindly angry to start so he has no chance to turn around and scare us.(Never mind a late in the game revelation that makes you wonder why he bothered) In the original we never suspected what was up. here we do and while it gives an edge it also somehow feels false since its so clear we are forced to wonder why Law's Milo doesn't see he's being set up. There are a few other instances but to say more would give away too much.

Thinking about the film in retrospect I think its a film of missed opportunities and missteps. The opportunities squandered are the chance to have better fireworks between Caine and Law. Missteps in that the choice of a garish setting and odd shifts in plot take away from the creation of a tension and a believable thriller. Instead we get some smart dialog and great performances in a film that doesn't let them be real.

despite some great performances and witty dialog this is only a 4 out of 10 because the rest of the script just doesn't work\": {\"frequency\": 1, \"value\": \"Harold Pinter ...\"}, \"Depardieu's most notorious film is this (1974)groundbreaker from Bertrand Blier. It features many highly sexual scenes verging on an X-rating, including one of Jeanne Moreau doing a hot 1970s version of her Jules and Jim menage a trois with the two hairy French hippies (Depardieu and Deware). There is no such thing as a sacred territory in this film; everything is fair game.

It's very odd that Americans tend to not like this film very much while many French people I've met consider it a classic. Something about it goes against what Americans have been programmed to 'like.'

Gerard and the late Patrick Deware are two bitch-slapping, hippy drifters with many sexual insecurities, going around molesting women and committing petty crimes. They're out for kicks and anti-capitalist, Euro-commie, slacker 'freedom.' Blier satirizes the hell out of these two guys while at the same time making bourgeois society itself look ultimately much more ridiculous. Best of all though, is the way the wonderful Stephane Grappelli score conveys the restless soul of the drifters, the deeper subconscious awareness or 'higher ideal' that motivates all the follies they engage in.\": {\"frequency\": 1, \"value\": \"Depardieu's most ...\"}, \"I don't want to bore everyone by reiterating what has already been said, but this is one of the best series ever! It was a great shame when it was canceled, and I hope someone will have the good sense to pick it up and begin the series again. The good news is that it is OUT ON DVD!!!! I rushed down to the store and picked up a copy and am happy to say that it is just as good as I remembered it. Gary Cole is a wonderfully dark and creepy character, and all actors were very good. It is a shame that the network did not continue it. Shaun Cassidy, this is a masterpiece. Anyone who enjoys the genre and who has not seen it, must do so. You will not be disappointed. My daughter who was too young to view it when it was on television (she is 20) is becoming very interested, and will soon be a fan. She finds it \\\"very twisted\\\" and has enjoyed the episodes she has seen. I cannot wait to view the episodes which were not aired.

This show rocks!!!!\": {\"frequency\": 1, \"value\": \"I don't want to ...\"}, \"can any movie become more naive than this? you cant believe a piece of this script. and its ssooooo predictable that you can tell the plot and the ending from the first 10 minutes. the leading actress seems like she wants to be Barbie (but she doesn't make it, the doll has MORE acting skills).

the easiness that the character passes and remains in a a music school makes the phantom of the opera novel seem like a historical biography. i wont even comment on the shallowness of the characters but the ONE good thing of the film is Madsen's performance which manages to bring life to a melo-like one-dimensional character.

The movie is so cheesy that it sticks to your teeth. i can think some 13 year old Britney-obsessed girls shouting \\\"O, do give us a break! If we want fairy tales there is always the Brothers Grimm book hidden somewhere in the attic\\\". I gave it 2 instead of one only for Virginia Madsen.\": {\"frequency\": 1, \"value\": \"can any movie ...\"}, \"I generally find Loretta Young hard to take, too concerned with her looks and too ladylike in all the wrong ways. But in this lyrical Frank Borzage romance, and even though she's playing a low-self-esteem patsy who puts up with entirely too much bullying from paramour Spencer Tracy, she's direct and honest and irresistible. It's an odd little movie, played mostly in a one-room shack in a Hooverville, unusually up-front about the Depression yet romantic and idealized. Tracy, playing a blustery, hard-to-take \\\"regular guy\\\" who would be an awful chauvinist and bully by today's standards, softens his character's hard edge and almost makes him appealing. There's good supporting work from Marjorie Rambeau and Glenda Farrell (who never got as far as she should have), and Jo Swerling's screenplay is modest and efficient. But the real heroes are Borzage, who always liked to dramatize true love in lyrical close-up, and Young. You sort of want to slap her and tell her character to wise up, she's too good for this guy, but she's so dewy and persuasive, you contentedly watch their story play out to a satisfying conclusion.\": {\"frequency\": 1, \"value\": \"I generally find ...\"}, \"Given that a lot of horror films are based on the premise that one or more of the central characters does something stupid at some stage during the proceedings, the girls in this film would be collecting Gold, Silver and Bronze at a Darwin Awards Olympic ceremony. A mentally disabled baboon would have made better choices than they did, and would have screamed a lot less while doing so.

If you like films with a grainy picture, deliberately amateur camera-work (my 92 year-old grandmother wields a camcorder with better results), extremely poor sound and no discernible plot/narrative, then this is your ideal film. Also note that you should enjoy the following: women screaming for no reason, women whining for no reason. In fact reason and logic don't appear much in this film. For example: \\\"we have to find Stephanie\\\" \\\"yeah I can't believe I was speaking to her, like, last night\\\" \\\"she called you last night?\\\" \\\"yeah, she wanted to talk about some date she got asked one\\\" \\\"WHAT? How come she didn't tell me\\\"? As in, our friend is being chased by a serial killer with a shotgun and an array of grisly weapons but I have a problem with the fact that she didn't tell me she was going on a date.

Okay, so the budget is low. That doesn't mean you have to make it look like it cost half the budget. The 'score' is interesting since all - with the exception of one - tracks have been written and performed by the writers/directors of the film itself. In fact it would appear that the entire budget has been blown on sampling a track by The Duskfall, a death metal band from Sweden.

The most worrying thing of all in the entire film is the ending which leaves us with the possibility for a sequel.\": {\"frequency\": 1, \"value\": \"Given that a lot ...\"}, \"As I watch this film, it is interesting to see how much it marginalizes Black men. The film spends its time showing how powerless the most visible Black man in it is (save for an heroic moment). For much of the film, the other Black men (and dark-skinned Black women) in the film are way in the background, barely visible.

Vanessa Williams' character was strong and sympathetic. The viewer can easily identify and sympathize with her. There are also some fairly visible and three-dimensional support characters who are light-skinned, and some White characters of some warmth and dignity. But 99% of the Black males in this film are nothing but invisible men. Voiceless shadows in the background, of no consequence. Such a horrible flaw, but anything but unusual in the mainstream media.\": {\"frequency\": 1, \"value\": \"As I watch this ...\"}, \"I found the storyline in this movie to be very interesting. Best of all it left out the usual sex and violence (they're getting old) inserted in many movies. The movie was well done in its flashbacks to days gone by in that area of the Southwest. The acting was also superb.\": {\"frequency\": 1, \"value\": \"I found the ...\"}, \"From the opening scene aboard a crowded train where a ruthless pickpocket is at work (RICHARD WIDMARK) stealing from a woman's purse (JEAN PETERS), PICKUP ON SOUTH STREET is relentlessly fascinating to watch. Partly it's because the acting is uniformly strong from the entire cast, the B&W photography is crisp and adds to the starkness of the story and characters, and because Samuel Fuller's direction puts him in the same league with the biggies like John (ASPHALT JUNGLE) Huston. In fact, it has the same urgency as the Huston film about a heist that goes wrong--but the payoff is not quite as strong.

JEAN PETERS is excellent as the hard-edged girl whom Widmark describes as being \\\"knocked around a lot\\\". She gives a lot of raw energy and sex appeal to her role of the not too bright woman carrying a micro-film in her purse for her boyfriend (RICHARD KILEY), something the FBI already knows about. They're on her trail when the theft occurs.

THELMA RITTER adds realism to her portrait of a woman called \\\"Moe\\\" who buys and sells anything to make a profit and ends up paying for it with her life. She's particularly touching in her final scene with Kiley.

This one is guaranteed to hold your attention through its one hour and twenty minute running time. Good noir from Fox and notable for the performances of Widmark, Peters and Ritter.\": {\"frequency\": 1, \"value\": \"From the opening ...\"}, \"Prof. Janos Rukh (Boris Karloff) discovers Radium X--a powerful force to be used for atomic power. Unfortunately Rukh has been contaminated by the Radium and starts to glow in the dark--and his touch causes instant death. Dr. Felix Benet (Bela Lugosi) develops an antidote--but Rukh starts to go mad due to the Radium AND the antidote and sets out to kill all he believed wronged him.

The plot is silly and the \\\"effects\\\" that make Karloff glow in the dark are laughable, but this is still a fun little chiller. It moves quickly, has some great atmosphere (notice Rukh's \\\"house\\\" and the movie starts on a dark and rainy night) and Karloff and Lugosi (as always) give great performances. There is also good acting by Franic Drake (as Rukh's wife) and Violet Kemble Cooper (as his mother). So it's OK but just a notch below all the other Karloff/Lugosi movies. The plot is just too far-fetched for me to swallow. Still I did like this. I give it a 7.\": {\"frequency\": 1, \"value\": \"Prof. Janos Rukh ...\"}, \"It's unlikely that anyone except those who adore silent films will appreciate any of the lyrical camera-work and busy (but scratchy) background score that accompanies this 1933 release. Although sound came into general use in 1928, there are no more than fifty words spoken to tell the story of a woman, unhappily married, who deserts her husband for a younger man after a romantic interlude in the woods.

The most vividly photographed scene has the jealous husband giving a lift to the young man for a ride into town, proceeding to drive normally until he realizes the man is his wife's lover. In a frenzy of jealousy, he drives at top speed toward a railroad crossing but changes his mind at the last moment, losing his nerve. It's probably the most tension-filled scene in the otherwise decidedly slow-moving and obviously contrived story.

HEDY LAMARR is given the sort of close-up treatment lavished on Marlene Dietrich by her discoverer, but her beauty had not yet been refined by the cosmeticians as they were when she was transported to Hollywood. Her performance consists mostly of looking sad and morose while mourning the loss of her marriage with only brief glimpses of a smile when she finds her true love (ARIBERT MOG), the handsome young stud who retrieves her clothes after a nude swim.

The swimming scene is very brief, discreetly photographed, and not worth all the heat it apparently generated. The love-making scene, later on, is also artfully photographed with the sort of lyrical photography evident throughout most of the film--artfully so. More is left to the imagination with the use of symbolism--and this is the sort of thing that has others proclaiming the film is some kind of lyrical masterpiece.

Not so. It's disappointing, primitively crude in its sound portions (including the laborious symphonic music in the background) and certainly Miss Lamarr is fortunate that Louis B. Mayer saw the film and on the basis of it, gave her a career in Hollywood. He must have seen something in her work that I didn't.

It's apparent that this was conceived as a silent film with the camera doing all the work. The jarring \\\"workers\\\" scene at the conclusion goes on for too long and is a jarring intrusion where none is needed. It fails to end the film on the proper note.\": {\"frequency\": 1, \"value\": \"It's unlikely that ...\"}, \"\\\"Deliverance\\\" is one of the best exploitation films to come out of that wonderful 1970's decade from whence so many other exploitation films came.

A group of friends sets out on a canoe trip down a river in the south and they become victimized by a bunch of toothless hillbillies who pretty much try to ruin their lives. It's awesome.

We are treated to anal rape, vicious beatings, bow and arrow killings, shootings, broken bones, etc... A lot like 1974's \\\"Texas Chainsaw Massacre,\\\" to say that \\\"Deliverance\\\" is believable would be immature. This would never and could never happen, even in the dark ages of 1972.

\\\"Deliverance\\\" is a very entertaining ride and packed full of action. It is one in a huge pile of exploitation films to come from the early 70's and it (arguably) sits on top of that pile with it's great acting, superb cinematography and excellent writing.

8 out of 10, kids.\": {\"frequency\": 1, \"value\": \"\\\"Deliverance\\\" is ...\"}, \"Red Rock West is one of those tight noir thrillers we rarely see anymore. It's well paced, well acted and doesn't leave us with loose ends or unanswered questions so typical in this genre.

Nicolas Cage stars as Michael, an unemployed Texas roughneck, desperate enough for a job to drive all the way to Wyoming for potential employment. He is honest to a fault, but always on the dark side of fate.

After failing to obtain gainful employment, Michael stumbles into the Red Rock bar where the owner Wayne (J.T.Walsh) mistakes him for a contract killer he summoned from Dallas, hired to do in his lovely but lethal wife Suzanne (Lara Flynn Boyle).

Wayne gives Michael the necessary details and a down payment for the hit on the adulterous Suzie. With no intent on following through, Michael accepts the money and then sets out to warn Suzanne of her impending demise. He also mails a letter to the local sheriff exposing the plot and splits.

As fate would dictate, Michael is not going to be rid of the situation that easy. While leaving in a violent rainstorm, he runs down Suzannes lover. Of course Michael being Michael, he takes him to the local hospital where it's discovered that he's also been shot.

The sheriff is summoned and as luck would have it, Wayne is also the local law. Michael manages to escape while being taken on that last ride and is subsequently picked up by the real \\\"Lyle from Dallas\\\" played with murderous glee by the quirky Dennis Hopper. After discovering that they're fellow marines, Lyle insists that Michael join him for a drink at, where else, the Red Rock bar. There Wayne realizes his mistake and soon he and Lyle are in hot pursuit of Michael who falls willingly into Suzannes waiting arms.

As the pace picks up we learn that Wayne and Suzanne are really wanted armed robbers, on the lam for a multi million dollar theft. Getting the money now becomes the films central focus with a series of betrayals, double crosses and murders.

The film was very well cast. Nicolas Cage was typically low key, Dennis Hopper and Lara Flynn Bolye assumed their respective roles with more than ample ability. The best performance was by the late J.T. Walsh who was menacing without appearing to be. Walsh was a great character actor who left us much too soon.

Marc Reshoskys photography utilized many unique angles which added to the suspense and plot development. The film was further enhanced by John Dahl's tight directorial style and Morris Chestnut's rapid fire editing.\": {\"frequency\": 1, \"value\": \"Red Rock West is ...\"}, \"So...we get so see added footage of Brando...interesting but not exactly Oscar worthy stuff. Susannah York was hardly a slouch. New scene where Lois finds out Clark is Superman is slightly unbelievable in that he doesn't notice that there are blanks coming out of the gun instead of real bullets. Real bullets would have penetrated his clothes and then bounced off him onto the floor but forget that...let's listen to Donner make fun of Lester's version that made more logical sense. The president talks of the Zod \\\"defacing\\\" the Washington monument when it was originally Mount Rushmore. Tweaking that scene made that line quite absurd. Superman's \\\"freedom of the press\\\" line sounded silly compared to \\\"..Care to step outside\\\" which was delivered better and had a fitting connection to Clark's earlier scene in the truck stop. Then there is the ending with the \\\"turn back the world to go back in time\\\" effect. It turned back everything in the whole movie and made you wonder where exactly the rocket aimed for Hackensack, N.J. ever went since it doesn't free Zod and company any more.\": {\"frequency\": 1, \"value\": \"So...we get so see ...\"}, \"Is there a book titled \\\"How to Make a Movie with Every 'Man vs. Nature' Clich\\ufffd\\ufffd Imaginable\\\"? If not, Ants would make excellent source material for the chapter on killer insects. Ants doesn't have one shred of originality to be found at any point of its 100 minute runtime. I suppose the most surprising thing about Ants is that they actually stretched the film to 100 minutes. The set-up, the characters, the various sub-plots, the death scenes, and the way the ants are presented have been done before any number of times \\ufffd\\ufffd and in most cases, much better. It's amazing that so many of these Insects on a Rampage films were made in the 70s because they're all basically the same movie.

And can someone please tell me what in God's name Myrna Loy is doing in this monkey-turd of a movie? A woman as talented and classy as Loy deserved better than Ants as one of her final movies.\": {\"frequency\": 1, \"value\": \"Is there a book ...\"}, \"Picture the classic noir story lines infused with hyper-stylized black and white visuals of Frank Miller's Sin City. Then picture a dystopian, science fiction thriller, such as Steven Spielberg's Minority Report or Richard Linklater's A Scanner Darkly. An amalgamation of the above would be a suitable way of describing visionary french director Christian Volckman's bleak and atmospheric take on the future in his feature film debut. But although Volckman's work does unquestionably take reference from the aforementioned films and those similar to them, such a simplistic hybrid does not do Renaissance, Volckman's end result, justice - the film itself is a far more complex piece of work than that.

Genre hybridity is usually a hit and miss affair, especially in a contemporary context, with the well of individuality appearing to be increasingly exhausted. As such, Renaissance is laudable as a cinematic experiment at the very least, with its unique interspersing of the gritty nihilism of the neo-noir detective thriller and the fantastic allegorical terror of the dystopian sci-fi drama, which serve to compliment each other's storytelling conventions in a strangely fitting fashion. The screenplay is a clever and intriguing one (although one gets the sense that many of the lines in the script would have been much more effective in their original french than the English translation - the film's title also becomes far more poignant) managing to stay one step ahead of its audience all the way through. Though many elements of the plot will seem quite familiar to those who frequent such science fiction thrillers, the script throws unexpected twists and turns in at exactly the right moment to keep the viewer on their toes, making for a truly compelling work.

Volckman's film truly excels in its visual component, and the stunning black and white animation is easily the film's highlight - superbly moody and stylish, it goes to show what tremendous aesthetic effect the simple use of two shades can have. With tremendous detail paid to the composition and look of each shot, and superb use of very noir shadows and intriguing angles to accentuate the emotional tension of the scene, the film appears straight out of a Frank Miller comic, but with a twist, the end result being consistently visually sumptuous.

The film's English rendition is also given added credence by its very fitting array of voice casting. The gruff voice of Daniel Craig is an absolutely perfect piece of casting for grim, stoic policeman Karas, and Catherine McCormack is a strong presence as the mysterious woman whose sister's disappearance he is investigating. Despite a wavering English accent, Romola Garai does great work as the frantic sister in question, and Jonathan Pryce is suitably menacing as the shady head of ominous mega-corporation Avalon. Ian Holm's reedy voice is also a strong choice as a mysterious scientist, and Holm makes a powerful impression in his brief scenes.

All together, Renaissance boasts a visually stunning, unique and compelling futuristic thriller, just as intelligent as it is entertaining. Though the plot may seem familiar to those who frequent such fare and the occasional weak line may inhibit the film from being the moody masterpiece it set out to be, the superb animation in itself easily carries the film through its occasional qualms. For fans of either of the film's intertwined genres or the gritty graphic novels of Frank Miller, or those willing to appreciate a capably crafted, slightly less conventional take on the futuristic thriller, the film is without question worth a watch.

-8/10\": {\"frequency\": 1, \"value\": \"Picture the ...\"}, \"I enjoy watching western films but this movie takes the biscuit. The script and dialogue is laughable. The acting was awful, where did they get them from? Music was OK i have to say. Luckily i didn't buy or rent the movie but its now disposed of.

I was geared up at the beginning when the stranger (martin sheen) started to tell his story. I have to admit i did enjoy the confrontation between Hopalong and Tex where Hopalong shot Tex's finger off and told him to practise for 40 years to reach his league. But thats where it all went pear shaped thereafter. I had to watch the whole film in the hope that it would get better, never did.\": {\"frequency\": 1, \"value\": \"I enjoy watching ...\"}, \"On the surface, this movie would appear to deal with the psychological process called individuation, that is how to become a true self by embracing the so-called 'dark' side of human nature. Thus, we have the Darkling, a classic shadowy devilish creature desperately seeking the company (that is, recognition) of men, and the story revolves around the various ways in which this need is handled, more or less successfully.

However, if we dig a little deeper, we find that what this movie is actually about is how you should relate to your car like you would to any other person: - in the opening scene, the main character (male car mechanic fallen from grace)is collecting bits and pieces from car wrecks with his daughter, when a car wreck nearly smashes the little girl. Lesson #1: Cars are persons embodied with immortal souls, and stealing from car wrecks is identical with grave robbery. The wicked have disturbed the dead and must be punished. - just after that, another character (Rubin) buys a car wreck intending to repair it and sell it as a once-lost-now-found famous race-car and is warned by the salesman. Lesson #2: Just like any other person, a car has a unique identity that cannot be altered nor replaced. In addition, there is the twist that Rubin actually sees a hidden quality in what most people would just think of as junk, but eventually that quality turns out to be a projection of Rubin's own personal greed for more profit. Lesson #3: Thou shalt never treat thy car as a means only, but always as an end in itself. - then we have the scene where the main character is introduced to Rubin and, more importantly, Rubin's car: The main character's assessment of the car's qualities is not just based on its outer appearance, but also by a thorough look inside the engine room. Lesson #4: A car is not just to be judged by its looks, it is what is inside that really counts. There is punishment in store for those who do not keep this lesson in mind, as we see in the scene where another man tries to sell Rubin a fake collector's car. This scene by the way also underlines the importance of lesson #3.

There are numerous other examples in the movie of the 'car=person'-theme, and I am too tired now to bother citing all of them, but the point remains (and I guess this is what I'm really trying to say) that this movie is fun to watch if you have absolutely nothing else to do - or, if you're a car devotee.\": {\"frequency\": 1, \"value\": \"On the surface, ...\"}, \"I saw \\\"Shiner\\\" on DVD. While I was watching it, I thought, \\\"This is a really bad porn flick without the porn.\\\" I also thought, \\\"Whoever wrote this has some real issues.\\\" Then I watched the director/writer Carlson explain his process as a special feature. Yeah, it was real special.

The emphasis of the film is placed on two alcoholic losers who hit each other to get off. They are marginally attractive. There is frontal and full nudity. These factors probably account for the film being seen at all.

The most upsetting element of the film is the gay bashing and the subsequent further gay bashing of the same victim who tries ineptly to exact revenge from his assailants, the two drunken losers. Not only is the subject handled absurdly and badly from a technical point of view, but the acting is horrendously bad.

Then there's the boxer-stalker theme. This is really insane, not just absurd. This hunky boxer is somehow traumatized by the persistent attentions of a fleshy momma's boy who works at his gym's parking lot. This is in LA, mind you. The boxer is so traumatized that he turns up at the stalker's house, strips in front of him and gets excited in the process.

Well, all I can say is, why would a boxer who is at heart an exhibitionist be so traumatized by the attention of a stalker? It simply makes no sense. And, I'm afraid, some psycho-dynamics actually do make sense, if you take the time to read about them. However, bad scripts seldom make sense at all.

The director/writer seems to have thought that this film represents a considerable minority within the gay community. Well, he may be correct, I suppose. We may never know, since that minority would be so dysfunctional they would hardly be able to get organized enough to ever get to an obscure gay film festival or DVD store, the only two places they could possibly find this turkey. Thank goodness for that.\": {\"frequency\": 1, \"value\": \"I saw \\\"Shiner\\\" on ...\"}, \"Very smart, sometimes shocking, I just love it. It shoved one more side of David's brilliant talent. He impressed me greatly! David is the best. The movie captivates your attention for every second.\": {\"frequency\": 1, \"value\": \"Very smart, ...\"}, \"This was a fairly creepy movie; I found the music to be effective for this. The photographs Mario took of the village were also unnerving. However, I had three problems with this film. One is that the lighting was very dark so some of the time it was hard to tell what was going on, but this may have just been my copy. The second is that the very beginning is not explained very well and I'm still not sure what was going on there. The third problem is that I didn't understand the ending, but apparently some people do. Of course there are also the usual problems of people doing stupid things, and the male lead is very 70s. All in all, watchable but not even close to being a favorite.\": {\"frequency\": 1, \"value\": \"This was a fairly ...\"}, \"From a modern sensibility, it's sometimes hard to watch older films. It's annoying to have to watch the stereotypical wallflower librarian have to take off her glasses and become pretty and stupid to win a man. Especially such a shallow and inconstant man. He's obviously a player (I wouldn't trust him to stay true to her) who doesn't want to settle down, who only looks at dumb attractive women and always calls them \\\"baby\\\" (ick!). Even after she totally changes her appearance and her life for him, he only goes to her after he's (supposedly) rejected by another woman and learns that Connie spent all her money renovating a boat for him. I wanted her to stand up to him, not pathetically chase after him! His sudden conversion within a few minutes was totally unrealistic and did not work for me.

Apart from that subplot, I did like the movie. How can you not like sailors dancing with each other?! (You can tell they were from San Francisco.... ;D) The \\\"rehearsal\\\" dance was great, watching Ginger Rogers purposefully fall in and out of the \\\"correct steps\\\" was great. The last dance scene \\\"Face the Music\\\" with the beautiful costumes and the art deco set was beautiful. And I really enjoyed \\\"We Saw the Sea\\\" (though they did use it a few too many times, as if they realized it was their best song).

Anyway, the plot was a bit weak, like most musicals (IMO) - and the songs were OK, but the dancing was worth watching the film for. I wish they could have showed some shots of San Francisco since that was were the film was supposedly set.

It's also weird to see such a lighthearted naval film with the knowledge of what Hitler was already doing at that time. I have to try to suspend all knowledge to submerge myself into a made up fantasy land.\": {\"frequency\": 1, \"value\": \"From a modern ...\"}, \"Another very good Mann flick thanks to the father/son combination of Walter Brennan and Jimmy Stewart. Brennan (Ben Tatum) is often the comedic conscience of either Stewart or Wayne (Red River/ Rio Bravo). He's there to see that the younger man takes the ride fork or bend. \\\"You're wrong Mr. Dunston\\\". Jeff Webster(Stewart) gives off the impression he cares only for himself but it is clear he cannot desert Brennan. John McIntire is excellent as the law of Skagway with due respect for the trappings of justice over the reality of it. Another key theme is helping people and in turn being helped by people. The loner can do neither and suffers for it.

The caption above plays on Tatum's assertion that he can't live without his coffee. This nicotine addiction proves fatal. Probably the first and last time on the screen.

I recommend this film and now own the DVD.\": {\"frequency\": 1, \"value\": \"Another very good ...\"}, \"The original is a relaxing watch, with some truly memorable animated sequences. Unfortunately, the sequel, while not the worst of the DTV sequels completely lacks the sparkle.

The biggest letdown is a lack of a story. Like Belle's Magical World, the characters are told through a series of vignettes. Magical World, while marginally better, still manages to make a mess of the story. In between the vignettes, we see the mice at work, and I personally think the antics of Jaq and Gus are the redeeming merits of this movie.

The first vignette is the best, about Cinderella getting used to being to being a princess. This is the best, because the mice were at their funniest here. The worst of the vignettes, when Jaq turns into a human, is cute at times, but has a lack of imagination. The last vignette, when Anastasia falls in love, was also cute. The problem was, I couldn't imagine Anastasia being friendly with Cinderella, as I considered her the meaner out of the stepsisters. This was also marred by a rather ridiculous subplot about Lucifer falling in love with PomPom.

The incidental music was very pleasant to listen to;however I hated the songs, they were really uninspired, and nothing like the beautiful Tchaikovsky inspired melodies of the original.

The characters were the strongest development here. Cinderella while still caring, had lost her sincerity, and a lot of her charm from the original, though she does wear some very pretty clothes. The Duke had some truly funny moments but they weren't enough to save the film, likewise with Prudence and the king. As I mentioned, the mice were the redeeming merits of the movie, as they alone contributed to the film's cuteness. I have to say also the animation is colourful and above average, and the voice acting was surprisingly good.

All in all, a cute, if unoriginal sequel, that was marred by the songs and a lack of a story. 4/10 for the mice, the voice acting, the animation and some pretty dresses. Bethany Cox\": {\"frequency\": 1, \"value\": \"The original is a ...\"}, \"VAMPYRES

Aspect ratio: 1.85:1

Sound format: Mono

A motorist (Murray Brown) is lured to an isolated country house inhabited by two beautiful young women (Marianne Morris and Anulka) and becomes enmeshed in their free-spirited sexual lifestyle, but his hosts turn out to be vampires with a frenzied lust for human blood...

Taking its cue from the lesbian vampire cycle initiated by maverick director Jean Rollin in France, and consolidated by the success of Hammer's \\\"Carmilla\\\" series in the UK, Jose Ramon Larraz' daring shocker VAMPYRES pushed the concept of Adult Horror much further than British censors were prepared to tolerate in 1974, and his film was cut by almost three minutes on its original British release. It isn't difficult to see why! Using its Gothic theme as the pretext for as much nudity, sex and bloodshed as the film's short running time will allow, Larraz (who wrote the screenplay under the pseudonym 'D. Daubeney') uses these commercial elements as mere backdrop to a languid meditation on life, death and the impulses - sexual and otherwise - which affirm the human condition.

Shot on location at a picturesque country house during the Autumn of 1973, Harry Waxman's haunting cinematography conjures an atmosphere of grim foreboding, in which the desolate countryside - bleak and beautiful in equal measure - seems to foreshadow a whirlwind of impending horror (Larraz pulled a similar trick earlier the same year with SYMPTOMS, a low-key thriller which erupts into a frenzy of violence during the final reel). However, despite its pretensions, VAMPYRES' wafer-thin plot and rough-hewn production values will divide audiences from the outset, and while the two female protagonists are as charismatic and appealing as could be wished, the male lead (Brown, past his prime at the time of filming) is woefully miscast in a role that should have gone to some beautiful twentysomething stud. A must-see item for cult movie fans, an amusing curio for everyone else, VAMPYRES is an acquired taste. Watch out for silent era superstar Bessie Love in a brief cameo at the end of the movie.\": {\"frequency\": 1, \"value\": \"VAMPYRES


Then again, this isn't really a boxing movie. How do you make a movie about a girl who wants to be a boxer that isn't a boxing movie? You don't. But Karyn Kusama has anyway. Like many indie films, \\\"Girlfight\\\" defies classification or genre and stands on its own as folklore that could darn near happen in real life.

Diana is doing poorly in school. She beats up people she doesn't like (all the other girls in her school for example). She doesn't fit in. Her father is forcing her kid brother Tiny to learn to box so he can defend himself when things get tough. He gives Tiny money for his boxing sessions and gives Diana nothing, as if she has no need to defend herself, nor anything worthwhile to make of her life. Tiny wants to go to art school (cliche', yuck), so he gives up his boxing allowance to Diana, who actually wants to box. Things get complicated when Diana falls for another boxer, Adrian (Santiago Douglas), who's looking to turn pro. From there the story winds down toward the inevitable...the two meet in the amateur title fight.

What left me cold was that I never found any of this all that interesting. It's all just a bit too believable. Kids with tough lives growing up in rough urban areas fall back on sports. A lot of professional boxers have risen from these circumstances. The mental and physical toughness this upbringing requires lends itself to a game like boxing, where anger is your friend. So this time it's a girl. Big deal.

Or there's another position to take: finally, a boxing movie about a girl. Women's boxing has been around a long time. The brutality we usually see in boxing films is replaced here by discussions of people's their lives and their feelings. The whole fighting thing is used as a platform from which to paint a larger picture. Respect. Overcoming adversity. Self-discovery.

I recommend \\\"Girlfight\\\" because it has a good spirit and is an example of some great work by a first time director. The dialogue never rises above soap opera quality, but the story itself actually changed my view on some things. Yes, the world now seems like a better place. A film did that.

Grade: B-\": {\"frequency\": 1, \"value\": \"Casting unknown ...\"}, \"Okay, sorry, but I loved this movie. I just love the whole 80's genre of these kind of movies, because you don't see many like this one anymore! I want to ask all of you people who say this movie is just a rip-off, or a cheesy imitation, what is it imitating? I've never seen another movie like this one, well, not horror anyway.

Basically its about the popular group in school, who like to make everyones lives living hell, so they decided to pick on this nerdy boy named Marty. It turns fatal when he really gets hurt from one of their little pranks.

So, its like 10 years later, and the group of friends who hurt Marty start getting High School reunion letters. But...they are the only ones receiving them! So they return back to the old school, and one by one get knocked off by.......Yeah you probably know what happens!

The only part that disappointed me was the very end. It could have been left off, or thought out better.

I think you should give it a try, and try not to be to critical!

~*~CupidGrl~*~\": {\"frequency\": 1, \"value\": \"Okay, sorry, but I ...\"}, \"There are a lot of pretentious people out there who will pretend that this is endowed with some kind of beautiful meaning, and that ignorant fools like me don't 'get' it. Obviously this means that we should stick to Hollywood dross.

It has every, a-hem, artistic clich\\ufffd\\ufffd in the book - I guess it is good that the director is one of the chosen few. Almost a self parody drowning in its own pretense.

The director of the (almost equally embarrassing) movie 'Ratcatcher' returns with another piece wallowing in artistic nonsense; it is difficult to understand and apparently is a study of alienation. The best way to describe this film is alienating for its viewers.\": {\"frequency\": 1, \"value\": \"There are a lot of ...\"}, \"An excellent example of \\\"cowboy noir\\\", as it's been called, in which unemployed Michael (Nicolas Cage) loses out on a job because he insists on being honest (he's got a bum leg). With really nothing else he can do, he decides that for once he's going to lie. When he walks into a bar, and the owner Wayne (the late, great J.T. Walsh) mistakes him for a hit-man whom Wayne has hired to do in his sexy young wife Suzanne (Lara Flynn Boyle in fine form), Michael plays along and accepts Waynes' money. *Then* he goes to Suzanne and informs her of her husbands' intentions, and accepts *her* money to get rid of Wayne! If that didn't complicate things enough, the real hit-man, \\\"Lyle from Dallas\\\" (Dennis Hopper, in a perfect role for him) shows up and Michael is in even more trouble than before.

\\\"Red Rock West\\\" gets a lot out of the locations. Director John Dahl, who co-wrote the script with his brother Rick, was smart in realizing the potential of a story set in a truly isolated small town that may have seen better days and in which the residents could be involved in any manner of schemes. It's also an amusing idea of the kind of trouble an honest person could get into if they decided to abandon their principles and give in to any level of temptation. It's an appreciably dark and twist-laden story with an assortment of main characters that are if not corrupt, have at least been morally compromised like Michael. The lighting by cinematographer Marc Reshovsky is superb in its moodiness; even the climax set in a graveyard lends a nice morbid quality to the whole thing. Even if the writing isn't particularly \\\"logical or credible\\\", the film has a nice way of intriguing the viewer and just drawing them right in.

Cage does a good job in the lead, but his co-stars have a grand old time sinking their teeth into their meaty and greed-motivated characters. Hopper, Boyle, and Walsh are all fun to watch in these parts. Timothy Carhart and Dan Shor are fine as Walshs' deputies (in one especially good twist, Walsh is also the local sheriff), and there's an entertaining cameo role for country & western star Dwight Yoakam, who also graces the film with an enjoyable end credits tune.

It's quite a good little film worth checking out. It moves forward at an impressive pace, and if nothing else is certainly never boring.

8/10\": {\"frequency\": 1, \"value\": \"An excellent ...\"}, \"The original movie, The Odd Couple, has some wonderful comic one-liners. The entire world it seems knows the story of neurotic neat-freak Felix Ungar and funny, obnoxious, slob Oscar Madison. This paring of mismatched roommates created one of the most successful TV series of all time as well as countless, not anywhere near as good, imitations.

The Odd Couple movie has some wonderful jokes about Oscar's apartment and his sloppy habits. He says, \\\"Who wants food?\\\" One of his poker player buddies asks, \\\"What do ya got?\\\" Oscar says, \\\"I got brown sandwiches and green sandwiches.\\\" \\\"What's the brown?\\\" It's either very new cheese or very old meat!\\\" I also love the line about Oscar's refrigerator, \\\"It's been out of order for two weeks, I saw milk standing in there that wasn't even in a bottle!\\\" There is no question that Walter Matthau's Oscar Madison is a joy to watch on screen. He's almost as good as Jack Klugman's version in the TV series.

The problem with the movie is Jack Lemmon's Felix Ungar. Jack makes a very, very, honest effort at the role. The problem is that he makes Felix SO depressing and down-trodden that he becomes more annoying than comical. Tony Randall's performance in the series, brought the kind of humor, warmth, and sensitivity, to Felix's character, which Lemmon's portrayal lacks. Tony's Felix Unger obviously could be annoying some of the time. However, in the TV series, it related to specific situations where the annoyance was needed in the storyline. Jack's Felix Ungar, (note the different spelling) in the movie, seems to never be happy, fun, or interesting. The movie Felix Ungar is a roommate that drives you up the wall, all the time.

The movie still has great moments that withstand the test of time, the \\\"famous\\\" meatloaf fight is one of the greatest scenes ever! One of the other great examples of Felix's \\\"little notes\\\" on Oscar's pillow will be remembered forever. However, there are some darker sides where Oscar goes over the top, His \\\"crying\\\" near the end after bawling out Felix, and a scene involving Felix's Linguine dinner, (although lightened by a funny line.) seem more depressing than comical.

Perhaps there wasn't enough time to see the lighter side of these characters that made the series so memorable in the movie. The beginning 20 minutes are very boring. The same issue occurs with Felix's conversation with the Pidgeon Sisters. The movie's ending is predictable and too pat. There's very little care or compassion for each of them by the other. The result is that the darker side of the film leads to a lot of depression and anger, rather than comedy, unless you are watching the great scenes described above. It appears that Jack Lemmon's monotone persona of Felix brings the film down, rather than enhances or embraces the comedy between the characters.

It really took the 1970's TV series to make The Odd Couple the best that it could be. The original film is still very good. However, the TV series is much better.\": {\"frequency\": 1, \"value\": \"The original ...\"}, \"This, and \\\"Hidden fortress\\\" are the Kurosawa's that are most dear to me. I don't hand out 10's like candy, but this certainly deserved it, if anything. Even though it's quite long (like all Kurosawa's pretty much are) it concurred the problem which bugs me with most of his films; the storyline is often too loose and slowly evolving, containing scenes that are unnecessary or just lenghtened too much without any real purpose to the storyline or the character description. Dodesukaden delivered to me the same experience that for example \\\"Hidden fortress\\\" did; despite its lenght, there wasn't a single minute I would cut out.

This is also a very unusual Kurosawa film in a way, it has no storyline, but many little independent stories which are based more to the character description than storyline, unlike any other Kurosawa-film I have seen so far. It also leans much on the dialogue, which he uses brilliantly (especially in the story between the father and the son planning their \\\"new house\\\").

Still the thing that makes this one a masterpiece is how the subject being so tragic as it is, is managed to be described so humanely and sympathetically, without pointing fingers at anybody at any point. From the beginning to the end it delivers the whole emotional scale from laughter to tears in perfect balance.\": {\"frequency\": 1, \"value\": \"This, and \\\"Hidden ...\"}, \"After \\\"A Dirty Shame\\\", I never thought that I was going to see another John Waters movie. That movie was really so bad, that I was convinced that all his movies would be like that. But when the DVD of this movie was reviewed in a popular magazine and they said that this was an excellent movie, I decided to give it a try anyway. Only a couple of days later it was shown on television. I taped it out of curiosity and now that I've seen it, I can tell you that this \\\"Pecker\\\" sure is a lot better than \\\"A Dirty Shame\\\".

In this movie we see how a young 'nobody' from Baltimore becomes an overnight sensation in the art world of New York. He's a sandwich shop employee who photographs his weird family or things that he sees on the street as a hobby. When he keeps his very first 'exhibition' in the shop where he works, his pictures are noticed by a gallery owner who loves the pictures full of misery and weirdness. His photographs are sold for enormous prices, but when he sees how his family, friends and strangers react to his success he decides that he will no longer go to New York, they will have to come to him if they want to see more of him. And they do, but what they get to see there, is a bigger shock than they could ever imagine...

It's not difficult to see why I loved this movie a lot more than \\\"A Dirty Shame\\\". The first reason is that this movie has an actual story. This movie really has something to say and isn't just intended to shock as many people as possible. The fact that they make fun of the art world who considers everything out of the ordinary as art because they don't know what the reality is like, isn't just funny, it's not that far from the truth either. I guess there are many people who feel about modern art that way. Nobody understands why they are making such a fuss about it, but apparently we are all supposed to like it. The second reason why I liked this movie is because this one had much better acting performances to offer. I'm not saying that everything that you will see is great, but at least the characters have some meaning thanks to the performances of the different actors like Edward Furlong, Christina Ricci,...

Overall this isn't a great movie, but thanks to its criticism and some good jokes - which never really go too far - this is an enjoyable movie. It certainly isn't the best comedy ever, but I liked it a lot more than \\\"A Dirty Shame\\\". I give this movie a 6.5/10.\": {\"frequency\": 1, \"value\": \"After \\\"A Dirty ...\"}, \"I will never forget when I saw this title in the video store way back when. I was always a big Weird Al fan and when I saw this video I rented and watched it. I was too young to appreciate all of Al's subtle humor and satire at the time but I remember it much later when I was old enough to understand what I was watching. If you are an \\\"Al\\\" fan, especially of his earlier work, you will thoroughly enjoy this film. It is done in the MTV-esque \\\"Rockumentary\\\" style and tells a true (but sometimes exaggerated) tale of how Al got to be where he was in 1985. You will love it if you like his brand of humor and, more importantly, his music.\": {\"frequency\": 1, \"value\": \"I will never ...\"}, \"i liked this film a lot. it's dark, it's not a bullet-dodging, car-chasing numb your brain action movie. a lot of the characters backgrounds and motivations are kinda vague, leaving the viewer to come to their own conclusions. it's nice to see a movie where the director allows the viewer to make up their own minds.

in the end, motivated by love or vengeance, or a desire to repent - he does what he feels is \\\"right\\\". 'will god ever forgive us for what we've done?' - it's not a question mortal men can answer - so he does what he feels he has to do, what he's good at, what he's been trained to do.

denzel washington is a great actor - i honestly can't think of one bad movie he's done - and he's got a great supporting cast. i would thoroughly recommend this movie to anyone.\": {\"frequency\": 1, \"value\": \"i liked this film ...\"}, \"If the creators of this film had made any attempt at introducing reality to the plot, it would have been just one more waste of time, money, and creative effort. Fortunately, by throwing all pretense of reality to the winds, they have created a comedic marvel. Who could pass up a film in which an alien pilot spends the entire film acting like Jack Nicholson, complete with the Lakers T-shirt. Do not dismiss this film as trash.\": {\"frequency\": 1, \"value\": \"If the creators of ...\"}, \"This movie is the biggest waste of nine dollars that I've spent in a very, very long time. If you knew how often I went to the movies you'd probably say, that's hard to imagine, but never-the-less, it's true! After seeing the trailer for this movie, I knew that I had to see it! If you're a fan of horror, mystery, and suspense, why wouldn't you? The trailer is nothing less than intriguing and exciting; unfortunately, the movie is none of these.

From the cinematography, to the script, to the acting, this movie is a complete flop. If you're reading this, planning to go to the movie expecting some thrills, mystery, action, horror, or anything other than a waste of an hour and forty-five minutes I'm afraid you are in for disappointment.

\\\"Why is it so bad,\\\" you might be asking yourself. Let me tell you. The movie was neither mysterious nor suspenseful. Nothing about the movie made me the least bit \\\"on edge,\\\" frightened, or curious. The script was at best laughable. There were numerous times throughout the film where the dialogue was just so ridiculous I began to write it off as comic relief only to find out a few seconds later that it wasn't. The acting was absolutely dreadful. I like Nicholas Cage but this was a miss. Without exception, every performance in this movie was incredibly below average. The cinematography was awful with not one moment of suspense or mystique. Finally, the story is completely transparent. You can see the end of this movie coming a mile away.

I am not usually a very harsh critic. Frankly, when I go to see a comedy I want to laugh and when I go to see a mystery/suspense/horror, I just want to be surprised. This movie was boring, poorly acted, poorly written, and an overwhelming disappointment. Do yourself a favor and go see something else.\": {\"frequency\": 1, \"value\": \"This movie is the ...\"}, \"A featherweight plot and dubious characterizations don't make any difference when a movie is as fun to watch as this one is. Lively action and spectacular stunts - for their day - give this movie some real zip. And there's some actual comedy from the ripping chemistry between the two leads. Quinn makes a good villain also, although his role is completely overshadowed.

But don't be fooled by Maureen O'Hara's tough broad role, this is as sexist as any Hollywood movie of this era. You might be able to forgive that because of the time in which it was made, but it's still hard to get past. For all the heroism and gruesomely adult off-screen situations, this is still little more than an adolescent good time.\": {\"frequency\": 1, \"value\": \"A featherweight ...\"}, \"Seven Pounds, this was the movie where I was just convinced Will Smith is really going for the \\\"I'm going to make you cry\\\" films. One thing I can give him a ton of credit for, the man can cry. My only thing is, as moving as the story is, Will Smith has proved time and time again that he can act, so why is he taking this extremely depressing story? But nevertheless it's still a good movie. I do have to admit it made me cry, but I felt that the stand out performance was Rosario Dawson, I absolutely love this girl, ever since I saw her in 25th Hour with Ed Norton, I knew this girl was going to go far. She's beautiful, charming, funny and talented, can't wait to see how much further her career is going to go. But her and Will Smith, not so sure if they had the great chemistry that the film needed that would've made this into a great film.

Two years ago Tim Thomas was in a car crash, which was caused by him using his mobile phone; seven people died: six strangers and his fianc\\ufffd\\ufffde. A year after the crash, and having quit his job as an aeronautical engineer, Tim donates a lung lobe to his brother, Ben, an IRS employee. Six months later he donates part of his liver to a child services worker named Holly. After that he begins searching for more candidates to receive donations. He finds George, a junior hockey coach, and donates a kidney to him, and then donates bone marrow to a young boy named Nicholas. Two weeks before he dies he contacts Holly and asks if she knows anyone who deserves help. She suggests Connie Tepos, who lives with an abusive boyfriend. Tim moves out of his house and into a local motel taking with him his pet box jellyfish. One night, after being beaten, Connie contacts Tim and he gives her the keys and deed to his beach house. She takes her two children and moves in to their new home. Having stolen his brother's credentials, and making himself known by his brother's name Ben, he checks out candidates for his two final donations. The first is Ezra Turner, a blind vegetarian meat salesman who plays the piano. Tim calls Ezra Turner and harasses him at work to check if he is quick to anger. Ezra remains calm and Tim decides he is worthy. He then contacts Emily Posa, a self-employed greeting card printer who has a heart condition and a rare blood type. He spends time with her, weeding her garden and fixing her rare Heidelberg printer. He begins to fall in love with her and decides that as her condition has worsened he needs to make his donation.

Seven Pounds is a good film and no doubt worth a look, I would just recommend going for the rental vs. the theater. Will Smith pulls in a good performance, but not his best, just most of the film required him crying in every scene, but the last one with him is a doozy. But I loved the ending, it was beautiful and really made you appreciate life and to not take it for granted. There is still good people in this world and Ben's character reminds you to value life and to give to those who are in desperate need. Although he went a little far, but it was still a beautiful story.

7/10\": {\"frequency\": 1, \"value\": \"Seven Pounds, this ...\"}, \"The hip hop rendition of a mos def performance (according to the film's musical credits)...it is an incredible piece of savage consciousness that slams the violence in your heart with each \\\"snap\\\" if anyone can tell me someplace this song, \\\"Live Wire Snap\\\" by Mos Def from \\\"The Ground Truth\\\", an undeniable duty to see as the Americans who might not support the mission but embrace each soul caught inside this savage miscalculation of purpose...they take on the haunting as so many of us can sit back and be angry...

\\\"Live Wire Snap\\\" by Mos Def, where can it be found

desperate to find it :

medically unable to serve\": {\"frequency\": 1, \"value\": \"The hip hop ...\"}, \"What could be more schlocky than the idea of private detectives getting involved with the women they're supposed to be spying on? And most of the dialogue as written is perfectly banal.

But the actors turn the dialog into something that makes sense. You can see real people behind the unreal lines. And the directing is wonderful. Each scene does just what it has to and ends without dragging on too long.

I showed this to several friends in the mid-80s because I was perplexed at how such bad material could be made into such a good movie. The friends enjoyed it too.\": {\"frequency\": 1, \"value\": \"What could be more ...\"}, \"When I was at the movie store the other day, I passed up Blonde and Blonder, but something about it just seemed like it could possibly be a cute movie. Who knows? I mean, I'm sure most people bashed Romy and Michelle before they saw it, Blonde and Blonder might have just been another secret treasure that was passed up. But when I started watching it: Executive Producer Pamela Anderson, wow, I knew I was in for something scary. Not only that, but both of what were considered the pinnacle of hotness: Pam Anderson and Denise Richards, not to offend them, but they were not aging well at all and they're playing roles that I think were more meant for women who are supposed to be in their 20's, not their 40's. The story was just plain bad and obnoxious.

Dee and Dawn are your beyond stupid stereotypical blonde's, they really don't have a clue when it comes to what is going on in the world, it's just really sad. But when the girls are somehow mistaken for murder assassins, the cops are on their tale and are actually calling the girls geniuses due to their \\\"ignorance is bliss\\\" attitudes. They are set up to make a \\\"hit\\\" on a guy, and they think they're just going to \\\"show him a good time\\\", but the real assassin is ticked and wants the case and to kill the girls.

Denise and Pam just look very awkward on the screen and almost like they read the script the day before. I know that this was supposed to be the stupid comedy, but it was more than stupid, it went onto obnoxious and was just unnecessary. Would I ever recommend this? Not in a million years, the girls are just at this point trying to maintain their status as \\\"sex kittens\\\", it's more a sign of desperation and Blonde and Blonder is a huge blonde BOMBshell.

1/10\": {\"frequency\": 1, \"value\": \"When I was at the ...\"}, \"I have seen many, many films from China - and Hong Kong. This is the worst. No, the worst one was 'Unknown Pleasures'. I watched 'Platform' yesterday evening and thought that Jia Zhang Ke's other two films must be better. This evening I was disappointed again. I will not be watching 'Xiao Wu' tomorrow evening because I have just placed all three films in the bin! Whoever gave this film, 'Platform' ten out of ten, needs to watch more cinema! The photography was very poor: it was very difficult to differentiate between some of the characters because of the lack of close-up work. The storyline was so disjointed that I fast-forwarded it towards the end out of pure frustration. I would not recommend this film to anyone. Give me Zhang Yimou or Chen Kage any day. These are true masters of Chinese cinema, not pretentious con men!\": {\"frequency\": 1, \"value\": \"I have seen many, ...\"}, \"It tries to be the epic adventure of the century. And with a cast like Sh\\ufffd\\ufffd Kasugi, Christopher Lee and John-Rhys Davies it really is the perfect B-adventure of all time. It's actually is a pretty fun, swashbuckling adventure that, even with it's flaws, captures your interest. It must have felt as the biggest movie ever for the people who made it. Even if it's made in the 90s, it doesn't have a modern feel. It more has the same feeling that a old Errol Flynn movie had. Big adventure movie are again the big thing in Hollywood but I'm afraid that the feeling in them will never be the same as these old movies had. This on the other hand, just has the real feeling. You just can't hate it. I think it's an okay adventure movie. And I really love the soundtrack. Damn, I want the theme song.\": {\"frequency\": 1, \"value\": \"It tries to be the ...\"}, \"Poorly-made \\\"blaxploitation\\\" crime-drama aimed squarely at the black urban market of the early 1970s. Pam Grier stars in the title role, that of a nurse who becomes a one-woman vigilante after drug-dealing thugs make Coffy's little sister a junkie. Violent nonsense plods along doggedly, with canned energy and excitement; only Grier's flaring temper gives the narrative a jolt (she's not much of an actress here, but she connects with the audience in a primal way). Not much different from what Charles Bronson was doing at this time, the film was marketed and advertised as crass exploitation yet still managed to find a sizable inner-city audience. Today however, it's merely a footnote in '70s film history, and lacks the wide-range appeal of other movies in this genre. *1/2 from ****\": {\"frequency\": 1, \"value\": \"Poorly-made ...\"}, \"the movie sucked, it wasn't funny, it wasn't exciting. they tried to make it so bad that it would be good, but failed. and thinking it's cool to like this movie, next to the hype, are the only reasons that this movie is a success...

the fact that at this moment 50% voted a 10 out of 10 for this movie seems pretty concerning to me, either the movie going public is going insane or this vote is unrealistic which can have numerous causes, and should be dealt with. anyway it is a less than average movie which bloomed through mouth to mouth advertising. It's success can only be described as a marketing marvel.\": {\"frequency\": 1, \"value\": \"the movie sucked, ...\"}, \"In the Comic, Modesty is strong. Alexandra Staden who plays Modesty Blaise looks more like an anorectic fashion model. She does not either have the moral or personality that Modesty have in the comics. Modesty would never give a woman an advice to show more skin to earn more money. I cannot see any similarities with my comic books with Modesty and this movie. Its like a Mission Impossible movie would be about Ethan Hunt locked in the detention room in high school talking with the janitor about when he went to junior high school and Hunt would have been played by DJ Qualls (in Road Trip). Soo if you are an Modesty fan do not see the movie you will just get angry. If do not know much about the Modesty comics rent an other movie do not wast your time with this one.I cannot understand how Quentin Tarantino can put his name on it. I will ask for a refund at my DVD rent store tomorrow.\": {\"frequency\": 1, \"value\": \"In the Comic, ...\"}, \"So, Prom Night was supposed to be a horror and thriller movie. I'm a big wuss and was scared to see this movie at the beginning, but upon seeing it, it is neither horror or thriller.

I was basically making fun of the movie in my seat because it was so predictable. You could predict what was going to happen next. The young actors were alright at playing their characters, but I'd have to say the killer was definitely at the top of the game - acting wise.

Yes, I'll give props for the plot because it was good, but it's not thrilling or scary. There were almost zero \\\"jump-in-your-seat\\\" scenes. So, don't waste ten dollars seeing it in theatres, wait 'til it comes to DVD.\": {\"frequency\": 1, \"value\": \"So, Prom Night was ...\"}, \"(When will I ever learn-?) The ecstatic reviewer on NPR made me think this turkey was another Citizen Kane. Please allow me to vent my spleen...

I will admit: the setting, presumably New York City, has never been so downright ugly and unappealing. I am reminded that the 70's was a bad decade for men's fashion and automobiles. And all the smoking-! If the plan was to cheapen the characters, it succeeded.

For a film to work (at least, in my simple estimation), there has to be at least ONE sympathetic character. Only Ned Beaty came close, and I could not wait for him to finish off Nicky. If a stray shot had struck Mikey, well, it may have elicited a shrug of indifference at the most.

I can't remember when I detested a film as strongly. I suppose I'm a rube who doesn't dig \\\"art\\\" flicks. Oh, well.\": {\"frequency\": 1, \"value\": \"(When will I ever ...\"}, \"I saw this ages ago when I was younger and could never remember the title, until one day I was scrolling through John Candy's film credits on IMDb and noticed an entry named \\\"Once Upon a Crime...\\\". Something rang a bell and I clicked on it, and after reading the plot summary it brought back a lot of memories.

I've found it has aged pretty well despite the fact that it is not by any means a \\\"great\\\" comedy. It is, however, rather enjoyable and is a good riff on a Hitchcock formula of mistaken identity and worldwide thrills.

The movie has a large cast of characters, amongst them an American couple who find a woman's dog while vacationing in Europe and decide to return it to her for a reward - only to find her dead body upon arrival. From there the plot gets crazier and sillier and they go on the run after the police think they are the killers.

Kind of a mix between \\\"It's a Mad Mad Mad Mad World\\\" and a lighter Hitchcock feature, this was directed by Eugene Levy and he managed to get some of his good friends - such as John Candy - to star in it. The movie is mostly engaging due to its cast, and the ending has a funny little twist that isn't totally unpredictable but also is kind of unexpected.\": {\"frequency\": 1, \"value\": \"I saw this ages ...\"}, \"I watched this movie also, and altho it is very well done, I found it a heartbreaker and would not recommend this to women who have small children.. The terror on this mother's face when she sees her child about to be run over by a train is truly heartbreaking. And the sad thing is--internally she dies. Eventually she goes back to the Applacian mountains. All the money in the world which she makes from making dolls does not conceal the grief she has. I remember her desperate face as she pulls money out of her clothes to try to have her child healed. I'm surprised this movie takes place in Detroit, because when I watched it I thought for sure the people had come to Cincinnati, Ohio. This also was a route for the poor from the mountains.\": {\"frequency\": 1, \"value\": \"I watched this ...\"}, \"The director states in the Behind-the-Scenes feature that he loves horror movies. He loves them so much that he dedicated the movie to Dario Argento, as well as other notable directors such as George A. Romero and Tobe Hooper. Basically dedicating this movie to those great directors is like giving your mother a piece of sh*t for Mother's Day. The first thing they did wrong was the casting. CAST PEOPLE THAT CAN ACT. Also, don't cast a person that is 40 years old for the role of a misunderstood, 18 year old recluse. That's right, he's been in high school for 22 years. The reactions made by people as they watch their boyfriends get their hearts ripped out is amusing. Or like one part when a guy gets stabbed in the ear with an ear of corn (haha get it), and his girlfriend just goes, \\\"Oh..my.. God?\\\" The scarecrow himself is quite a character. Doing flips off cars and calling people losers.

The movie does have one redeeming factor... oh wait, no it doesn't.

If you absolutely MUST see this movie, than just watch the Rock and Roll trailer on the DVD. It covers about everything and has a really gnarly song dude.\": {\"frequency\": 1, \"value\": \"The director ...\"}, \"Munchies starts in deepest darkest Peru (looks more like a dirt road to me) where archaeologist Simon Watterman (Harvey Korman) & his son Paul (Charles Stratton) are on an expedition. Simon thinks that ancient Aztec buildings were in fact spacecraft control centres & he is on a mission to gain proof that alien lifeforms have visited Earth, while in once such structure he discovers a strange small creature which he sticks in his backpack & takes back home with him to the small American town of Sweetwater in California. Simon feels that the creature is the proof he has been looking for & for some inexplicable reason decides to leave the thing at home while he goes to share his discovery. Simon ask's Paul & his wife Cindy (Nadine Van der Velde) to take care of it. Meanwhile Simon's brother & fast-food businessman Cecil Watterman (Harvey Korman again) steals the creature so his brother won't make any money out of it, but his idiotic stepson Dude (Jon Stafford) has a fight with it & chops it up with a knife but the individual parts grow back into separate little creatures that proceed to cause much havoc amongst the townspeople...

Directed by Bettina Hirsch this has to be one of the worst horror comedy's ever, if not the worst. The script by Lance Smith is so unfunny it's painful. Every joke in Munchies misses the target by the proverbial mile, I doubt the humour in this piece of crap would even appeal to pre-teens. There just isn't anything even remotely funny or even amusing in Munchies as far as I'm concerned. The basic story is crap too, they just happen to find this creature running around with no explanation of what it is, why no-ones ever seen it before, how it manages to learn English so quickly & how it learns to drive etc. The whole thing is a big Gremlins (1984) rip-off with none of the elements that made that film so good. The character's are moronic, the stupid Deputy (Charlie Phillips) & his dad (Hardy Rawls), Cecil wearing an embarrassing wig & fake moustache & his air head wife Melvis (Alix Elias) & more besides. They just plain embarrass & are ridiculous, I defy anyone to find any of this rancid rubbish funny. Basically Munchies fails spectacularly at being either a comedy or horror & ends up being, yes you've guessed it, crap.

Director Hirsch was obviously working with a low budget here & it shows, the entire thing takes place in two houses, the desert, some caves & a miniature golf course. This is really cheap & incompetent film-making. The special effects on the Munchies themselves are really awful, their just dolls that have no movement unless someone off camera pulls a string attached to it's arm. I cannot stress how bad the effects are, these things wouldn't convince my 4 year old nephew (as proved by me & him yesterday!). Total incompetence all the way, this film sucks.

Technically the film is terrible, bad special effects, lame production design, rubbish sets & well, just everything's crap. The acting is rotten through & through, from the cops to Korman who has two roles both of which prove he can't act & isn't funny.

Munchies is a really bad film that fails in everything that it tries to achieve, sure watch it if you want I won't stop you but just don't say you weren't warned! My advice would be to watch Gremlins again instead, but the decision is yours!\": {\"frequency\": 1, \"value\": \"Munchies starts in ...\"}, \"As if most people didn't already have a jittery outlook on the field of dentistry, this little movie will sure make you paranoid patients squirm. A successful dental hygienist witnesses his wife going down on the pool man (on their anniversary of all days!) and snaps big time into a furious breakdown. After shooting an attack dog's head off, he strolls into work and ends up taking his marital aggression out on the patients as he plans what to do about his \\\"slut\\\" of a wife. There are plenty of up-close shots of mouth-jabbing, tongue-cutting, and beauty queen fondling, as well as a marvelously deranged performance by Corbin Bernsen. The scene in which he ties up and gases his wife before mercilessly yanking her teeth out is definitely hard to watch. A dentist is absolutely the wrong kind of person to go off the deep end and this movie sure explains that in detail. \\\"The Dentist\\\" is incredibly entertaining, fast-paced, and laughably gory at times. Check it out!\": {\"frequency\": 1, \"value\": \"As if most people ...\"}, \"I don't know about you, but what I love about Tom and Jerry cartoons is the (often violent) interaction between the two characters. Mouse In Manhattan sees Jerry leaving Tom behind to have an adventure in New York, and as far as I am concerned, this one definitely suffers from a lack of cat!

As magical as Jerry's exploration of the 'Big Apple' might be for the other T&J fans who have commented here on IMDb, I couldn't wait for this self-indulgent rubbish to end, so I could watch the next cartoon on my DVD.

In fact, the only part of the whole episode that I genuinely enjoyed was when Jerry almost 'buys the farm', hanging precariously off the end of a broken candle, hundreds of feet above a busy road.\": {\"frequency\": 1, \"value\": \"I don't know about ...\"}, \"I have not seen many low budget films i must admit, but this is the worst movie ever probably, the main character the old man talked like, he had a lobotomy and lost the power to speak more than one word every 5 seconds, a 5 year old could act better. The story had the most awful plot, and well the army guy had put what he thought was army like and then just went over the top, i only watched it to laugh at how bad it was, and hoped it was leading onto the real movie. I cant believe it was under the 2 night rental thing at blockbusters, instead of a please take this for free and get it out of our sight. I think there was one semi decent actor other than the woman, i think the only thing OK with the budget was the make up, but they show every important scene of the film in the beginning music bit. Awful simply awful.\": {\"frequency\": 1, \"value\": \"I have not seen ...\"}, \"Movie \\\"comedies\\\" nowadays are generally 100 minutes of toilet humor, foul language, and groin-kicking. Modern comedies appeal to the lowest common denominator, the undemanding and slow of brain. Sure, an occasional good comedy will come along, but they're becoming rarer all the time.

\\\"Mr. Blandings Buildings his Dream House\\\" shows what 1940s Hollywood was capable of, and it's just screamingly funny. Jim and Muriel Blandings (Cary Grant and Myrna Loy) decide to build a house in the Connecticut suburbs. The film follows their story, beginning with house hunting trips, the house's riotous construction, all the way to the finished home--with its \\\"zuzz-zuzz water softener\\\".

Grant and Loy are perfect for their roles, of course (Grant is particularly funny as he watches the house's costs zoom out of control). However, the film is stolen by the Blandings' wise attorney, played to perfection by Melvyn Douglas. Managing to steal every scene he's in, Douglas is understatedly hilarious while he watches the Blandings lurch from crisis to crisis. Reginald Denny as the Blandings' harried architect and Harry Shannon as the crusty old water well driller are also wonderful.

I've watched this movie numerous times and it always makes me laugh. I think it's a good film to watch when you need a lift, whether you're building a house or not.\": {\"frequency\": 1, \"value\": \"Movie \\\"comedies\\\" ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"Disregard the plot ...\"}, \"The big bad swim has a low budget, indie feel about it. So many times I start to watch independent films that have had really good reviews only to find out they are pretentious crud, voted for by people who are so blinded by the idea of the film and its potential to be provocative that they forget that film is a form of entertainment first and foremost.

I do not know if The big bad swim has any message or higher meaning or metaphor, if it does then I missed it.

From the get go BBS felt right, it was easy and warm and human, there were no major dramas or meaningful insights, I just connected with the characters straight off. And when, as with all good films the end came around I felt sadness at the loss of that connection.

If you are looking for something big, or fast or insightful look elsewhere, look for a film trying to deliver more than it can. BBS delivers a solid, enjoyable, real experience and I felt rewarded and satiated having watched it.\": {\"frequency\": 1, \"value\": \"The big bad swim ...\"}, \"This is a excellent start to the film career of Mickey Rooney. His talents here shows that a long career is ahead for him. The car and truck chase is exciting for the 1937 era. This start of the Andy Hardy series is an American treasure in my book. Spring Byington performance is excellent as usual. Please Mr Rooney or owners of the film rights, take a chance and get this produced on DVD. I think it would be a winner.\": {\"frequency\": 1, \"value\": \"This is a ...\"}, \"This is a great movie, I did the play a while ago. It had an extra zing-- to it. I loved Vanessa Williams as Rosey, and also Jason Alexander has a good voice. It was great. The setting were also very good. Except the fact that it is 2 hours and 50 minutes, makes it pretty long. Overall I give it 8.5 stars. They also added a few parts, but it was still cool.\": {\"frequency\": 1, \"value\": \"This is a great ...\"}, \"badly directed garbage. a mediocre nihilist sadistic gorefest ... if you are the sort of person who likes that ... see a shrink. even if you are that person it doesn't make this a good film, the acting is really poor, the story full of plot holes, the director really should just give up and find a real job as he has no talent for this one. I can see why people dislike uwe boll .. we have had a few of his films on lately and this is the best of them, which is really sad! A complete absence of any sort of humanity seems to suit some people but here it just grates. Horror films can be full of desolation, they can be miniature works of art, they can be just good viewing when there is nothing else on ... SEED is just really really poor.\": {\"frequency\": 1, \"value\": \"badly directed ...\"}, \"Still a sucker for Pyun's esthetic sense, I liked this movie, though the \\\"unfinished\\\" ending was a let-down. As usual, Pyun develops a warped sense of humour and Kathy Long's fights are extremely impressive. Beautifully photographed, this has the feel it was done for the big screen.\": {\"frequency\": 1, \"value\": \"Still a sucker for ...\"}, \"I remember seeing this in a the Salem movie theater (where I used to attend \\\"Kiddie Matin\\ufffd\\ufffde\\\"s almost every Saturday) in Dayton, Ohio when I was a young boy and have never forgotten it. It simply amazed me and my friends. I do wish there were some way I could see it again! I have tried to find some compilation of shorts or something like that to no avail. I only recently discovered that it was a Cousteau film and that blew my mind even more. How the heck he accomplished this is beyond my understanding. The fish is ACTUALLY IN THE CAT'S MOUTH at one point, if I remember correctly! If anyone could help me find a way to see it again I would be extremely grateful!\": {\"frequency\": 1, \"value\": \"I remember seeing ...\"}, \"Simply put, this is a simplistic and one dimensional film. The title, The Rise to Evil, should tell you that this isn't going to attempt to be anything deep or do much with Hitler's character. Rather, from the first minutes of the movie where we see baby Hitler looking evil with evil music playing the background, we are given a view of Hitler that presents his as a cartoony supervillian, seemingly ripped right out of a Saturday morning TV show. The film REALLY wants to make its case that Hitler was evil but does anyone need a movie to convince them that Hitler was evil? Ultimately, making him such a one-dimensionally evil character is both boring and confusing (one must ask how the inept, phsycotic character in the film cold ever persuade a nation to follow him or be named Time's man of the year). This film had a great opportunity to take a figure who has committed some of the most horrible acts in the 20th century, and try to delve into his mind. Instead, it basically just says, \\\"Hey! Hitler was evil! Just thought you might like to know...\\\" over and over again. The great irony is that the film still was attacked for presenting too sympathetic a view of the character. Give me a break.\": {\"frequency\": 1, \"value\": \"Simply put, this ...\"}, \"Meet Peter Houseman, rock star genetic professor at Virgina University. When he's not ballin' on the court he's blowing minds and dropping panties in his classroom lectures. Dr. Houseman is working on a serum that would allow the body to constantly regenerate cells allowing humans to become immortal. I'd want to be immortal too if I looked like Christian Bale and got the sweet female lovin that only VU can offer. An assortment of old and ugly university professors don't care for the popular Houseman and cut off funding for his project due to lack of results. This causes Peter to use himself as the guinea pig for his serum. Much to my amazement there are side effects and he, get this, metamorphoses! into something that is embedded into our genetic DNA that has been repressed for \\\"millions of years\\\". He also beds Dr. Mike's crush Sally after a whole day of knowing her. She has a son. His name is Tommy. He is an angry little boy.

Metamorphosis isn't a terrible movie, just not a well produced one. The whole time I watched this I couldn't get past the fact that this was filmed in 1989. The look and feel of the movie is late seventies quality at the latest. It does not help that it's packaged along with 1970's movies as Metamorphosis is part of mill creek entertainment's 50 chilling classics. There is basically no film quality difference whatsoever. The final five minutes are pure bad movie cheese that actually, for me at least, save the movie from a lower rating. Pay attention to the computer terminology such as \\\"cromosonic anomaly\\\". No wonder Peter's experiment failed. Your computer can't spell! This is worthy of a view followed by a trip to your local tavern.\": {\"frequency\": 1, \"value\": \"Meet Peter ...\"}, \"This is a most handsome film. The color photography is beautiful as it shows the lavishness of the Metropolitan Opera House in brilliant color. Other indoor scenes at various mansions, etc are equally brilliant. As for the music, what more can be said other than that Lanza's voice was at its' peak as he sang so many of the worlds' best known and beloved arias. The marvelous Dorothy Kirsten is also a joy as her soprano voice blends with that of Lanza in delightful harmony. Of course, Hollywood took their customary liberties with the life story of Caruso. There is precious little in the story line that relates to actual events. For example, the facts relating to his death are totally fabricated and bear no relationship to the truth. There are some very good web sites that tell the true story of Caruso and contain several pictures of him. These web sites can be located by using any good search engine. There are also several books available concerning his life history. But, the fictional story line does nothing to mar this beautiful film. The voices of Lanza, Kirsten, and the chorus members are the real stars of this movie. Enjoy, I know that I sure did.\": {\"frequency\": 1, \"value\": \"This is a most ...\"}, \"STUDIO 666 (aka THE POSSESSED in the UK) is another sub-par slasher that has the appearance of a straight-to-DVD movie.

Whilst many of the straight-to-DVD movies are fast-paced or unintentionally hilarious in the so-bad-it's-good sense, STUDIO 666 is a lamentable failure.

At the time of writing, every comment on the first page includes a negative rating and a negative review. Every one of these people have hit the nail on the head.

The two people (at the time of writing) who wrote comments with a rating of 10 out of 10 should not be taken seriously. Obviously they've seen few slasher movies and have an even more limited understanding of horror.

The only really positive point I can make about this movie is that it does fare better than THE CHOKE and ONE OF THEM, two extremely mediocre slasher movies that I would not wish on my worst enemy!

The plot of this movie must have been done hundreds, if not thousands of times. The movie only has a slight twist (and one that is badly handled) to the usual expectations. A depressed singer commits suicide. Soon after, her spirit returns to possess one of her surviving friends. The said possessed friend goes on a killing spree. The rest of the plot really is too bizarre to sum up. You'll just have to see it for yourself, providing your interest has not yet waned to the point of extinction of course.

The acting in the movie is very poor for the most part. The actress who played Dora was an exception to this. Her character was always interesting and seductive when she was on the screen. She helps to elevate the movie above similar contemporary efforts. Unfortunately, some of the lines she was given to say were badly written to put it mildly and thus prevent her from saving the movie.

The direction was equally poor. The villains did not seem the least bit menacing, every killing was totally devoid of suspense or tension, atmosphere was non-existent and the camera-work was incredibly basic. Some of the special effects (if you can call them that) reminded me of the TV series, GHOST STORIES. Unfortunately for the producers of this movie, GHOST STORIES had intelligently written scripts, believable performances and made superb use of camera angles. Maybe if the producers had watched that TV series closely, they'd have picked up some more techniques that might have saved this excuse for a movie!

The music is completely unsuited to the tone of the movie. It's just rock music and not the best examples of this type either. Don't get me started on that awful song played at the beginning!

Some aspects of the movie, particularly dialogue, are unintentionally funny. Unfortunately they are not funny enough to move the movie up (or should it be down) to the so-bad-it's-good level.

Overall, STUDIO 666 is a mundane mediocre slasher with very little noteworthy aspects. I recommend this only to those who are fans of straight-to-DVD movies and have a desire to see every single slasher ever made.\": {\"frequency\": 1, \"value\": \"STUDIO 666 (aka ...\"}, \"Lame, lame, lame!!! A 90-minute cringe-fest that's 89 minutes too long. A setting ripe with atmosphere and possibility (an abandoned convent) is squandered by a stinker of a script filled with clunky, witless dialogue that's straining oh-so-hard to be hip. Mostly it's just embarrassing, and the attempts at gonzo horror fall flat (a sample of this movie's dialogue: after demonstrating her artillery, fast dolly shot to a closeup of Barbeau's vigilante character\\ufffd\\ufffdshe: `any questions?' hyuck hyuck hyuck). Bad acting, idiotic, homophobic jokes and judging from the creature effects, it looks like the director's watched `The Evil Dead' way too many times.

I owe my friends big time for renting this turkey and subjecting them to ninety wasted minutes they'll never get back. What a turd.\": {\"frequency\": 1, \"value\": \"Lame, lame, ...\"}, \"There's something wonderful about the fact that a movie made in 1934 can be head and shoulders above every Tarzan movie that followed it, including the bloated and boring 1980s piece Greystoke. Once the viewer gets past the first three scenes, which are admittedly dull, Tarzan and his Mate takes off like a shot, offering non-stop action, humor, and romance. Maureen O'Sullivan is charming and beautiful as Jane and walks off with the movie. Weismuller is solid as well. Highly recommended.\": {\"frequency\": 1, \"value\": \"There's something ...\"}, \"I have to say the first I watched this film was about 6 years ago, and I actually enjoyed it then. I bought the DVD recently, and upon a second viewing I wondered why I liked it. The acting was awful, and as usual we have the stereo-typical clansmen in their fake costumes. The acting was awful at best. Tim Roth did an OK job as did Liam Neeson, but I've no idea what Jessica Lange was thinking.

The plot line was good, but the execution was just poor. I'm tired of seeing Scotland portrayed like this in the films. Braveheart was even worse though, which is this films only saving grace. But seriously, people didn't speak like that in those days, why do all the actors have to have Glaswegian accents? Just another film to try and capture the essence of already tired and annoying stereotypes. I notice the only people on here who say this film is good are the Americans, and to be honest I can see why they'd like it, I know they have an infatuation for men in Kilts. However, if you are thinking of buying the DVD, I'd say spend your money on something else, like a better film.\": {\"frequency\": 1, \"value\": \"I have to say the ...\"}, \"I got to say that Uma Thurman is the sexiest woman on the planet. this movie was uber cute and I mean uber cute. It had all the \\\"sex\\\" content that most Ivan Reitman comedies have but with something a lil extra, CHEMISTRY. Uma and Luke both have this awkrawrd but believable chemistry that seem to transcend in each scene . Both seem to create this odd, twisted and interesting relationship with powerful \\\"sexual\\\" tension that you laugh until you can't feel your face anymore. Anna Farris and the rest of the supporting cast seem to play off each other's roles perfectly and even Wanda Sykes' rather small role will keep you laughing. Though these kind of comedies aren't for everybody, but I have to say I went with a person that doesn't usually enjoy these films and he was laughing like crazy. This movie is certainly not for everyone. especially younger children since some moments are little too...well lets say ADULT for younger viewers. All in all I was pleasantly surprised by this movie, tough the ending I found was a little weak compared to the rest of the film. (3 1/2* out of 5*)\": {\"frequency\": 1, \"value\": \"I got to say that ...\"}, \"This movie is just so awful. So bad that I can't bear to expend anything other than just a few words. Avoid this movie at all costs, it is terrible.

None of the details of the crimes are re-enacted correctly. Lots of slaughterhouse footage. Weird cuts and edits. No continuity to the plot. The acting is absolutely the most amateur I have ever seen.

This bomb of a movie was obviously made to make some money without any regard to the accuracy of it's content. The camera work is out of focus at times and always shaky. It looks as if it was shot on video.

In fact, now that they've got Dennis Rader with life in prison, I wish they would put the guys that made this horrible movie into prison as well.

Seriously, don't even think about watching this one. I'd give it a negative star if I could.\": {\"frequency\": 1, \"value\": \"This movie is just ...\"}, \"This is one of those unique horror films that requires a much more mature understanding of the word 'horror' in order for it to be appreciated. The main thing people may fail to realize that this story is told through the point of view a little boy and, as with most younger children, he gets frightened easily. Mainly because he simply doesn't understand things, like why his father is hardly ever there for him. From watching the film you can see the husband arguing with his wife the balance between work time and family time and you can easily understand it, but the little boy doesn't. Also one can imagine the boy being afraid of the woods, as it is established early on in the film, that the family is from the city. Also, in the beginning as the family is traveling to the house they hit a deer, then get held up, then they argue with the locals about it, and the little boy surely didn't find this introduction to the woods pleasant at all.

The \\\"Wendigo\\\" is ultimately what his young, innocent mind fabricates to explain all of this. There is the American Indian legend, but when looking at the scene where the young boy hears about about it, it is explained to him like bluntly and simplistically. Not because that's what the Wendigo actually is, but because that is how he understands it. When you look at the film from this point of view you can really begin to appreciate it. Obviously it was low-budget and shot cheaply, but the jumping montages, use of light, and general eeriness more than make up for it. And the final question the film asks is: is it all in your head, or is it really out there? 8/10

Rated R: profanity, violence, and a sex scene\": {\"frequency\": 1, \"value\": \"This is one of ...\"}, \"This is a very rare film and probably the least known from Shirley Temple as it isn't on any of her collections.The reason why is probably because it doesn't have a happy ending,unlike all her other films.Its also not a musical,although she does belt out one song called' The world owes me a living'.The film was made in 1934 and originally in black and white,the version i have is in colour and on VHS,i would say they have done a fine job as the colour does look realistic,unlike i would say the colourised films of Laurel And Hardy which are dreadful.The film is good for its age and the story hasn't dated at all,I'm surprised no one has tried to do a remake.At times the film is a little bit to talky as some of the scenes with Gary Cooper and Carole Lombard seem really dragged out, in some scenes they seem to take fifteen minutes to say what they could have said in five.Although don't be put off by this because this film does have some genuinely good moments in it,especially when {Jerry}Gary Cooper steals a necklace,and hides it in Shirley's teddy bear.The tension and slow build up to his actions,{while at the same time his daughter is singing to an audience in another room}is very well directed.Gary and Caroles edgy facial expressions when they are put under scrutiny are also very good.In all this is a good film from the early 30's,accept it for its age.\": {\"frequency\": 1, \"value\": \"This is a very ...\"}, \"I am working my way through the Chilling Classics 50 Movie Pack Collection and THE WITCHES' MOUNTAIN (El Monte de las brujas)is something like the 17th movie in the set.

The movie had nothing to it to hold my attention at all. The plot was incoherent. The dialog seemed improvised. The acting was poor. The characters were unsympathetic.

The best scene is the beginning, with an exasperated woman that is driven to burning her seemingly bratty daughter. However, the only connection this scene has to the rest of the movie, is the lead character, Mario, who has the most stupendous mustache ever. But, that's it.

The film was not effective on any level. The music was too intrusive. The lighting was very dark, so that some scenes are almost completely black. It really is barely watchable -- what more can I say?\": {\"frequency\": 1, \"value\": \"I am working my ...\"}, \"This has to be the funniest stand up comedy I have ever seen. Eddie Izzard is a genius, he picks in Brits, Americans and everyone in between. His style is completely natural and completely hilarious. I doubt that anyone could sit through this and not laugh their a** off. Watch, enjoy, it's funny.\": {\"frequency\": 1, \"value\": \"This has to be the ...\"}, \"There is only one reason to watch this movie if you are not related to one of the stars or a producer: actress Nichole Hiltz. She is the show in this slow moving and wildly unlikely story of revenge. Directed by Simon Gornick, the film stars Joyce Hyser as a betrayed wife who decides to seek revenge on her cheatin' spouse. Oh, but not by conventional means. She plans a total guerrilla war and recruits bad girl Nichole Hiltz as her weapon of choice. She wants Nichole (as Tuesday) to get close to her ex (the handsome but dull Stephan Jenkins, who should stick to music) to embarrass him and ruin his life. David DeLuise is good in his few brief moments, and former \\\"Crime Story\\\" star Anthony Dennison is given virtually nothing to do but scowl. Hiltz on the other hand comes off at various times as sexy and playful, then evil and devious. She also handles vulnerable and \\\"maybe a bit psychotic\\\" well. She's also quite hot (though there's no naughty bits show) so you can understand how she might be able to get to any guy she is aimed at. But the performance is kind of wasted in this movie, which is just not edgy or interesting enough to recommend.\": {\"frequency\": 1, \"value\": \"There is only one ...\"}, \"Highly enjoyable, very imaginative, and filmic fairytale all rolled into one, Stardust tells the story of a young man living outside a fantasy world going inside it to retrieve a bit of a fallen star only to find the star is alive, young, and beautiful. A kingdom whose king is about to die has said king unleash a competition on his several sons to see who can retrieve a ruby first to be king whilst a trio of witches want the star to carve up and use to keep them young. These three plot threads weave intricately together throughout the entire picture blended with good acting, dazzling special effects, and some solid sentiment and humour as well. Stardust is a fun film and has some fun performances from the likes of Claire Danes as the star(I could gaze at her for quite some time) to Michelle Pfeiffer(I could gaze at her at full magical powers even longer) playing the horrible witch to Robert Deniro playing a nancy-boy air pirate to perfection. Charlie Cox as the lead Tristan is affable and credible and we get some very good work from a group of guys playing the sons out to be king who are constantly and consistently trying to kill off each other. Mark Strong, Jason Flemyng, and Ruppert Everett plays their roles well in both life and death(loved this whole thread as well). Peter O'Toole plays the dying killer daddy and watch for funny man Ricky Gervais who made me laugh more than anything in the entire film in his brief five minutes(nice feet). But the real power in the film is the novel by Neil Gaiman and the script made from his creative and fertile mind. Stardust creates its own mythology and its own world and it works.\": {\"frequency\": 1, \"value\": \"Highly enjoyable, ...\"}, \"I hired this movie expecting a few laughs, hopefully enough to keep me amused but I was sorely mistaken. This movie showed very minimal moments of humour and the pathetic jokes had me cringing with shame for ever hiring it... Aimed at an age group of 10-15, this movie will certainly leave viewers outside of these boundaries feeling very unsatisfied. Worth no more than 3 votes highly unrecommended for anyone not wanting to waste 2 hours of their lives.\": {\"frequency\": 1, \"value\": \"I hired this movie ...\"}, \"As one of the few commentators not to have seen the 1st film, I found this to be a very disappointing movie.

Yes, it has a funny awkward type of humour if you can bear the (highly) morally dubious premise. However, it fails abysmally in the important areas.

There is thin and nonsensical plot line involving Gordon Sinclair's generous friend who may or may not be entwined in a conspiracy to supply dangerous electronics to Third World countries - possibly in free computers ... or possibly not. Vague, long-winded and inconclusive. The lack of any substantial ending is so infuriating and what is present is pompous and wholly illogical. The film feels half-finished.

Suspension of disbelief is extremely difficult when witnessing a very attractive female teacher (Maria Doyle Kennedy) can be drawn to Gordon Sinclair's unimpressive character, especially when he fends off her advances. Laughable. It worsens later in the film when he achieves his romantic ambitions then throws it all away for some ideals based on very little evidence of ambiguous value.

Not many films leave me feeling cheated, but I felt my time was stolen.\": {\"frequency\": 1, \"value\": \"As one of the few ...\"}, \"I was literally preparing to hate this movie, so believe me when I say this film is worth seeing. Overall, the story and gags are contrived, but the film has the charm and finesse to pull them off. That gag where Jason Lee thinks he has crabs, and tries not to let his boss/future father-in-law and co-workers see him scratching himself isn't terribly intelligent, but it sent me into a frenzy of laughter. Very few of the film's gags are high-brow, but they made me laugh. As I said, the film has charm and charm can go a long way.

The characters are likable, too. I must say I wish I got to see more of James Brolin's character, since he was a hoot in the very few scenes he was in. Plus, I admire any romantic comedy that has the guts to not make the character of the wife (who serves as the obstacle in the plot) a total witch. The Selma Blair character is hardly unlikable, and there's never a scene where I thought to myself, \\\"Why did he want to marry her in the first place?\\\" The ending is Hollywood-ish, but it could've been much more schmaltzy.

The cast is talented. I haven't had a favorable view of most of Jason Lee's mainstream work. I just loved him so much in Kevin Smith's films that I couldn't help but feel disappointed at seeing him in these dopey roles. And he never looks comfortable in these dopey roles. Even in this movie, he doesn't look perfectly comfortable, but he contributes his own two cents and effectively handles each scene. But I still miss his work in independent films. Julia Stiles proves again why she's so damn likable. Of course, she's a very beautiful girl with a radiant smile that makes me want to faint, but she also possesses a unique charm and seems to have good personality. In other words, her beauty shows inside and out. I don't know the actresses' name, but the woman who plays the drunk granny is hilarious. Julie Hagerty also has a small part, and she's always enjoyable to watch, which makes me wish she received better roles. I loved her so much in \\\"Airplane\\\" and \\\"Lost in America\\\" that it's a shame she doesn't get the same opportunities to flaunt her skills.

Don't be put off by the horrible trailers and even more horrible box office records. This is a funny, charming film. Romantic comedies are getting so predictable nowadays that it feels like the genre itself is ready to be flushed down the toilet, so it's always to see a good one among all these bad apples.

My score: 7 (out of 10)\": {\"frequency\": 1, \"value\": \"I was literally ...\"}, \"Maybe this isn't fair, because I only made it about halfway through the movie. One of the few movies I have actually not been able to watch due to lameness.

The acting is terrible, the camera work is terrible, the plot is ridiculous and the whole movie is just unrealistic and cheesy. For example - during a coke deal, the coke is just kept loose in a briefcase - I'm no expert, but I think people generally put it in a bag.

They use the same stupid sound effect whenever a punch is thrown (it's that over the top 'crunching' sound\\\" and they use toy guns with dubbed in sound effects.

Worst movie ever.\": {\"frequency\": 1, \"value\": \"Maybe this isn't ...\"}, \"This straight-to-video duffer is another nail in the coffin of Rick Moranis's career. As is the Disney tradition, quality is sacrificed in the name of a quick cash-in; this is a lazy retread with Moranis accidentally shrinking himself and a few relatives so they can repeat all the best scenes from the original movie. Instantly dated visual effects and crummy dialogue abound in this cheesy lamer, which did nothing but make me pine for the days of 'The Incredible Shrinking Man', when this kind of thing was done properly. Shockingly, this is directed by top cinematographer Dean Cundey, who should either stick to the day job or pick better material next time.\": {\"frequency\": 1, \"value\": \"This straight-to- ...\"}, \"This is by far one of my favorite of the American Pie Spin offs mainly because in most of the others the main character (one of the young Stiflers) always seems unrealistic in nature.

For example AP: The Naked Mile. You have a teenage guy surrounded by naked college chicks , and has one in particular hot on his trail to rid him of his virginity \\\"problem\\\" and he ends up stopping mid-deed and rides a horse back to sleep with his girlfriend, who keep in mind gave him a \\\"guilt free pass\\\" for the weekend. I can appreciate the romantic aspect of the whole thing but let's be realistic; most people who are watching these movies aren't particularly searching for a romantic story.

Whereas the most recent installment finally seems to realize who the audience is and good old Erik Stifler seems to wake up and smell the roses and as always Mr. Levenstein lends his \\\"perfectly natural\\\" eyebrow humor to the equation and scored a touchdown with this new movie.\": {\"frequency\": 1, \"value\": \"This is by far one ...\"}, \"I thought this movie was fantastic. It was hilarious. Kinda reminded me of Spinal Tap. This is a must see for any fan of 70's rock. (I hope me and my friends aren't like that in twenty years!)

Bill Nighy gives an excellent performance as the off kilter lead singer trying to recapture that old spirit,

Stephen Rea fits perfectly into the movie as the glue trying to hold the band together, but not succeeding well.

If you love music, and were ever in a band, this movie is definitely for you. You won't regret seeing this movie. I know I don't. Even my family found it funny, and that's saying something.\": {\"frequency\": 1, \"value\": \"I thought this ...\"}, \"Some news reporters and their military escorts try to tell the truth about a epidemic of zombies, despite the 'government controlling the media'. The makings of the film don't understand that the George Romero zombie films only worked because he kept his politics subtly in the background of most of his films (\\\"Land of the Dead\\\" withstanding). This satire is about as subtle as a brick to the face or a bullet to the head is more apropos for this scenario. What's subversive or subtle about seeing a military guy masturbating to death and destruction? Anything nuanced about the various commercials that are inter-cut with the film? Nope. Furthermore the acting is uniformly horrible, the characters thoroughly unlikable, and the plot inane. Add this all up and you have the worst, most incompetent zombie film since, \\\"C.H.U.D. 2\\\" reared it's hideous head.

My Grade: D\": {\"frequency\": 1, \"value\": \"Some news ...\"}, \"This film, originally released at Christmas, 1940, was long thought lost. A very poor copy has resurfaced and made into a CD, now for sale. Don't buy it! The film is unspeakably terrible. The casting is poor, the script is awful, and the directing is dreadful.

Picture Roland Young singing and dancing. And that was the highlight.

Perhaps this movie was lost deliberately.\": {\"frequency\": 1, \"value\": \"This film, ...\"}, \"The Broadway musical, \\\"A Chorus Line\\\" is arguably the best musical in theatre. It's about the experiences of people who live for dance; the joys they experience, and the sacrifices they make. Each dancer is auditioning for parts in a Broadway chorus line, yet what comes out of each of them are stories of how their lives led them find dance as a respite.

The film version, though, captures none of the passion or beauty of the stage show, and is arguably the worst film adaptation of a Broadway musical, as it is lifeless and devoid of any affection for dance, whatsoever.

The biggest mistake was made in giving the director's job to Sir Richard Attenborough, whose direction offered just the right touch and pacing for \\\"Gandhi.\\\" Why would anyone in his or her right mind ask an epic director to direct a musical that takes place in a fairly constricted place?

Which brings us to the next problem. \\\"A Chorus Line\\\" takes place on stage in a theatre with no real sets and limited costume changes. It's the least flashy of Broadway musicals, and its simplicity was its glory. However, that doesn't translate well to film, and no one really thought that it would. For that reason, the movie should have taken us in the lives of these dancers, and should have left the theatre and audition process. The singers could have offered their songs in other environments and even have offered flashbacks to their first ballet, jazz or tap class. Heck, they could have danced down Broadway in their lively imaginations. Yet, not one shred of imagination went into the making of this film, as Attenborough's complete indifference for dance and the show itself is evident in his lackadaisical direction.

Many scenes are downright awkward as the dancers tell their story to the director (Michael Douglas) whether he wants to hear them or not. Douglas' character is capricious about choosing to whom he extends a sympathetic ear, and to whom he has no patience.

While the filmmakers pretended to be true to the nature of the play, some heretical changes were made. The very beautiful \\\"Hello Twelve, Hello Thirteen, Hello Love\\\"--a smashing stage number which took the dancers back to their adolescence--was removed and replaced with the dreadful, \\\"Surprise,\\\" a song so bad that it was nominated for an Oscar. Adding insult to injury, \\\"Surprise\\\" simply retold the same story as \\\"Hello, Love\\\" but without the wit or pathos.

There is no reason to see this film unless you want a lesson in what NOT to do when transferring a Broadway show to film. If you want to see a film version of this show, the next closest thing is Bob Fosse's brilliant \\\"All That Jazz.\\\" While Fosse's daughter is in \\\"A Chorus Line,\\\" HE is the Fosse who should have been involved, as director. He would have known what to do with this material, which deserved far greater respect than this sad effort.\": {\"frequency\": 1, \"value\": \"The Broadway ...\"}, \"No redeeming features, this film is rubbish. Its jokes don't begin to be funny. The humour for children is pathetic, and the attempts to appeal to adults just add a tacky smuttishness to the whole miserable package. Sitting through it with my children just made me uncomfortable about what might be coming next. I couldn't enjoy the film at all. Although my child for whom the DVD was bought enjoyed the fact that she owned a new DVD, neither she nor her sisters expressed much interest in seeing it again, unlike with Monsters inc, Finding Nemo, Jungle Book, Lion King, etc. which all get frequent requests for replays.\": {\"frequency\": 1, \"value\": \"No redeeming ...\"}, \"I think it great example of the differences between two cultures. It would be a great movie to show in a sociology class. I thought it was pretty funny and I must say that i am a sucker for that \\\"lets band together and get the job done\\\" plot device. It seems most people don't realize that this movie is not just a comedy. It has a few dramatic elements in it as well and I think they blend in nicely. Overall, I give it a solid 8.\": {\"frequency\": 1, \"value\": \"I think it great ...\"}, \"....as to the level of wit on which this comedy operates. Barely even reaching feature length, \\\"Can I Do It....'Till I Need Glasses\\\" is a collection of (mostly) dirty jokes. Many of them are so short that you can't believe it when you realize that THAT was supposed to be the punchline (example: the Santa Claus gag); others are so long that you can't believe it when you realize that they needed so much time to set up THAT punchline (example: the students' awards gag). And nearly all are directed without any artistry. Don't get me wrong: about 1 every 10 jokes actually manages to be funny (the iron / phone one is probably my favorite). There is also some wonderful full-frontal nudity that proves, yet again, that the female body, especially in its natural form, is the best thing on this planet (there is some comedic male nudity as well). And I agree with others that the intentionally stupid title song is actually pretty damn catchy! But none of those reasons are enough to give this film anything more than * out of 4.\": {\"frequency\": 1, \"value\": \"....as to the ...\"}, \"I picked this movie on the cover alone thinking that i was in for an adventure to the level of \\\"Indiana Jones and The Temple of Doom\\\". Unfortunately I was in for a virtual yawn. Not like any yawn i have had before though. This yawn was so large that i could barely find anything of quality in this movie. The cover described amazing special effects. There were none. The movie was so lightweight that even the stereotypes were awfully portrayed. It does give the idea that you can solve problems with violence. Good if you want to teach your kids that. I don't. Keep away from this one. If you are looking for family entertainment then you might find something that is more inspiring elsewhere.\": {\"frequency\": 1, \"value\": \"I picked this ...\"}, \"This is where the term \\\"classic film\\\" comes from. This is a wonderful story of a woman's bravery, courage and extreme loyalty. Poor Olan got sold to her uncaring husband, who through the years learned to appreciate her. (Yeah right, A PEARL!!)

Luise Rainer was the beautiful star who had won the Best Actress Oscar the year before for her small role (and what a waste of an oscar) in \\\"The Great Zigfield\\\". It really didn't show what, if any, talent she had other than her exotic beauty. But in \\\"Good Earth\\\" she shows that she can really act! Her beauty was erased and she had no great costumes either. People say that she didn't show any real emotions in this film. Like hell. Her character Olan is a shy and timid woman, with inner strength. She is quiet during parts of the film with only her eyes and body to convey her emotions. Example: those scenes during the fall of the city and when looters were being shot. If you people are saying that she doesn't act well in this film, you are NOT looking!

Paul Muni shows that he can act as well. His character is not a likeable one to me. He never sees her for what she is, until the very end of the story. A sweet loving and dedicated wife and mother, with her own special beauty. The greatest one of all, the beauty from within, like a pearl.

If you get a chance to see this film, watch it. You will see one of the best films that the golden age of Hollywood created.\": {\"frequency\": 1, \"value\": \"This is where the ...\"}, \"This is one of the most irritating, nonsensical movies I've ever had the misfortune to sit through. Every time it started to look like it might be getting good, out come more sepia tone flashbacks, followed by paranoid idiocy masquerading as social commentary. The main character, Maddox, is a manipulative, would-be rebel who lives in a mansion seemingly without any parents or responsibility. The supporting cast are all far more likeable and interesting, but are unfortunately never developed. Nor do we ever really understand the John Stanton character supposedly influencing Maddox to commit the acts of rebellion. At one point, I thought \\\"Aha! Maddox is just nuts and is secretly making up all those communications from escaped mental patient Stanton! Now we're getting somewhere!\\\" but of course, that ends up to not be the case and the whole movie turns out to be pointless, both from Maddox's perspective and the viewer's. Where's Ferris Bueller when we need him?\": {\"frequency\": 1, \"value\": \"This is one of the ...\"}, \"Unless you are petrified of Russian people or boars, this movie is a snorefest. Actually, I fell asleep about 40 minutes in & had to fight the urge to just leave the theater. I wish I had. A waste of a perfectly lovely Saturday evening.

Even \\\"Silent Hill\\\" was scarier. Heck, even \\\"Pan's Labyrinth\\\" was scarier. I'm still unclear on what was supposed to be scary in this flick.

To begin with, I'm very leery of movies that use \\\"pidgin Russian\\\" like this one did in the opening credits. It's embarrassing to me since I brought a group of my Russian friends & we all cringed. Oh my god.

Hmm. Well, luckily for me (& probably you, too) this movie has already escaped my brain & I just stepped out of it an hour ago. So I have no specifics, just murky visuals that go nowhere & some languishing-now-dead hope that anything would happen.

Perhaps I saw a completely mutilated version of this film because I can't believe it got such great reviews here (which is why I saw it) & ended up being so completely devoid of not only Horror or Suspense but Overall Entertainment Value as well.

I give it a 2 because, yes, I fell asleep & wanted to leave after 40 minutes but I woke up & didn't leave.\": {\"frequency\": 1, \"value\": \"Unless you are ...\"}, \"The movie \\\"Holly\\\" is the story of a young girl who has been sold by her poor family and smuggled across the border to Cambodia to work as a prostitute in the infamous \\\"K11\\\" red light village. In the movie, Holly is waiting to be sold at a premium for her virginity when she meets Patrick who is losing money and friends through gambling and bar fights. Patrick and Holly have an immediate bond over their \\\"stubbornness\\\", but this is all disrupted when Holly is sold to a child trafficker and disappears. As movie goers, we are then thrust into Patrick's pursuit to find Holly again. Holly then shows her willingness to leave this lifestyle but her confusion on what is right and wrong. \\\"Holly\\\" carries us through the beautiful and harsh Cambodia while discovering that HOLLY is not just one girl. She is the voice of millions of children who are exploited and violated every year with no rights or protection.

Holly is less extreme than its subject matter might suggest, such as documentaries that involve 4-year olds and sexual trafficking, but does manage to shed considerable light on Cambodian / Vietnamese trafficking of children into prostitution. It is a moving story that helps to shed light on the horrible situation in which many children face and their struggles to trust and realize what is right and wrong.

Patrick, the antagonist of the film is an American dealer of stolen artifacts who is also losing money and friends while playing cards and getting into bar fights. While on a journey, his motorbike runs out of fuel, and he is forced to rent a room at a brothel. During his stay he comes across Holly, a twelve year old girl who has been sold by her parents and is being abducted into slavery and prostitution. Holly and Patrick begin a friendship of trust and understanding. He discovers a clever, stubborn girl beneath the traumatized exterior and becomes determined to save her -- though their strictly platonic relationship is misinterpreted by almost everyone they meet. When she suddenly disappears, he starts a journey to track her down, without having thought if he can really help her.

Holly is able to escape on her way to another brothel, when she jumps from the truck and runs into a field filled with mines. A mine is set off by a cow and the truck driver believes she is dead, so Holly is then left on her own. During Patrick's journey to find holly he meets a social worker who tries to talk some sense into him and shares the facts with him that haunts the Cambodian region. The idea of paying for her freedom simply fuels the demand, she explains: 30,000 children in prostitution in Cambodia - next year it could be 60,000. \\\"I'm not trying to save 60,000,\\\" he tells her, \\\"I'm trying to save one.\\\" Patrick discovers that the idea of whisking her to safety is quickly put to rest when the social worker tells him that the US will not let him adopt and, although it takes five minutes to 'save' a child, it takes five years to reintegrate her into society. Patrick is not affected by the information and he continues his quest to find Holly.

The audience is then shown that Holly makes it to a small town and is foraging for food with other homeless children. She is then befriended by a local policemen who seem little better than criminals with a badge, when they sell her to another brothel and then make a deal to a Vietnamese businessman who then takes her virginity. Holly then seems to think that this is her destiny and when Patrick finally find her, she is willing to \\\"yum yum\\\" and \\\"boom boom\\\" her distant friend. Patrick is utterly confused by this change in behavior, but he is not deterred in his plan to take her away from this world. In the end, he steals her away and brings her to a safe-land in the comfort of the social worker. Holly is given fresh clothes, if feed and brought to a dance class, but she is forbidden to see Patrick. This intense yearning to be in the comfort of Patrick's friendship, she runs away from the safe house and back onto the streets in Cambodia.

Meanwhile, Patrick is dealing with the decision to leave the country and flee back to the United States or to stay in Cambodia. His thoughts continue to revert back to Holly and during a visit to a bar; an older male sees the picture he is holding and comments on his sexual appetite when he had sex with her. This enrages Patrick and he hits the man and runs out of the bar. Eventually, Patrick is caught by the police in the eyes of Holly, who is hiding behind a pole.

The movie \\\"Holly\\\" may make the audience want to donate money towards organizations that improve the life for these poor youngsters, and even campaign to reduce the amount of brothels in the region, but the film's dramatic weaknesses may reduce its chances of being seen by enough people to make a difference. Overall, I think the concept is better as a documentary and it was not as touching as a movie. The actors did a great job of showing their raw emotion and the true confusion of the youngsters who are affected by this lifestyle, but in the end, the harsh lifestyle of the region and the desperate notions of the parents who sell their children to uphold their own starvation, does nothing to help the children's situations.\": {\"frequency\": 1, \"value\": \"The movie \\\"Holly\\\" ...\"}, \"I grew up in Houston and was nine when this movie came out. As a result I don't remember anything about the movie. But I do remember the sensation it caused from Gilley's and the mechanical bull to Johnny Lee's hit song \\\"Lookin' for Love\\\" which still brings back memories of childhood whenever I hear it.

However, a few years ago I saw this movie for the first time as an adult and all I can say is, I was blown away. Few movies have hit me harder. This movie is as raw and real as you can get. From Uncle Bob's ranch house, the chemical plant in Texas City, Gilley's dance hall, and Bud and Sissy. And maybe for that reason it doesn't have a wider appeal. But no matter how you feel about country music (I for one can't stand it despite my Houston roots) Urban Cowboy is a unique slice of American pie. For that reason I love it!\": {\"frequency\": 1, \"value\": \"I grew up in ...\"}, \"

The movie starts out as an ordinary comic-hero-movie. It\\ufffd\\ufffds about the boy who is picked on, has no parents and is madly in love with the schools #1 girl. Nothing surprises in the movie, there is nothing that you can\\ufffd\\ufffdt guess coming in the movie. Toby Mcguire shows us that either he is no good actor or that no actor in the world can save a script like this one. Maybe kids around the age of ten can enjoy the film but it is a bit violent for the youngest. You can\\ufffd\\ufffdt get away from thinking of movies like X-men, Batman and Spawn. All of those titles are better. I almost walked out the last 20 minutes! One thing that could have been good though was the computeranimation, BUT not even that is anything to put in the christmas-tree! So my recomendation: Don\\ufffd\\ufffdt see this film even if you get paid for it!\": {\"frequency\": 1, \"value\": \"

The ...\"}, \"As the first of the TV specials offered on the elaborate box set, \\\"Barbra Streisand: The Television Specials\\\", released last November, this disc is being released separately for those who do not want to fork over the dollars for all five specials. As an investment, this is indeed the best of the bunch if only for the fact that this is Streisand at her purest and most eager to impress. That she succeeds so brilliantly is a key component of her legend. Signed to a long-term contract with CBS to produce hour-long variety shows, an almost extinct format nowadays, Streisand was all of 22 in this CBS special first broadcast in April 1965. At that point of her career, her notoriety was limited to a handful of best-selling albums, a few dazzling TV appearances on variety and talk shows, and her successful Broadway run in \\\"Funny Girl\\\".

Filmed in crisp black-and-white, the program is divided into three distinct parts. With the creative transitional use of \\\"I'm Late\\\" from Disney's \\\"Alice in Wonderland\\\", the first segment cleverly shows her growing up from childhood through numbers as diverse as \\\"Make Believe\\\" and \\\"I'm Five\\\". Opening with a comic monologue about Pearl from Istanbul, the second part moves on location to Manhattan's chic Bergdorf Goodman's where she is elegantly costumed in a series of glamorous outfits while singing Depression-era songs like \\\"I've Got Plenty of Nuthin'\\\" and \\\"The Best Things in Life Are Free\\\" with comic irony. Back to basics, the third segment is a straight-ahead concert which opens with a torchy version of \\\"When the Sun Comes Out\\\", includes a \\\"Funny Girl\\\" medley, and ends with her classic, melancholic take on \\\"Happy Days Are Here Again\\\" over the ending credits. Also included is the brief introduction she taped in 1986 when the special was first released on VHS. For those who know Streisand only for her pricey concert tickets and political fundraising, this is a genuine eye-opener into why she is so revered now.\": {\"frequency\": 1, \"value\": \"As the first of ...\"}, \"since this is part 2, then compering it to part one...

man that was on many places wierd... too many time jumps etc.

I have to say that I was really disapointed...

only someplaces little lame action... and thats it....

they could have done that better....

\": {\"frequency\": 1, \"value\": \"since this is part ...\"}, \"As far as I can recall, Balanchine's alterations to Tchaikovsky's score are as follows:

1) The final section of the Grossvatertanz (a traditional tune played at the end of a party) is repeated several times to give the children a last dance before their scene is over.

2) A violin solo, written for but eliminated from Tchaikovsky's score for The Sleeping Beauty, is interpolated between the end of the party scene and the beginning of the transformation scene. Balanchine chose this music because of its melodic relationship to the music for the growing Christmas tree that occurs shortly thereafter.

3) The solo for the Sugar Plum Fairy's cavalier is eliminated.

It seems to me the accusation that Balanchine has somehow desecrated Tchaikovsky's great score is misplaced.\": {\"frequency\": 1, \"value\": \"As far as I can ...\"}, \"A little girl lives with her father and brother in the middle of the countryside. This little girl Rosalie has some psychotic tendencies as the movie opens with her feeding kittens to some kind of creatures in the cemetery, and she has recently lost her mother who went crazy but whilst alive enjoyed staying in the woods all night. The premise of the film has a new young lady coming to Rosalie to take care of her. She is introduced to the evil of the woods while driving and, imagine the suspense here, experiences a huge blue barrel falling over the side of a cliff to somehow stop her car dead in its tracks. From there she walks to the nearest house and discovers Mrs. Whitfield who then goes into a whole lot of explanation about Rosalie and her family. The earnestness exuded by the Mrs. Whitfield character has to be seen to be believed. Well, the young lady meets up with the child and we soon learn that not only is she strange but everyone in the film is very bizarre as well. They all do share one thing in common which is none of them ever heard of an acting school. None of these people can act - as evidenced by the few vehicles any of them in the entire film appeared in before or since - and all of them look like they have little idea what is going on, pause to remember lines, and have all the conviction of a paper bag. The director plods through the material in a slow pace with this horrible piano music crescendoing here and there at things that are suppose to be scary. It takes us a bit before we get to a couple of murders by the creature friends, but by that time I didn't care. The murders are not convincing either, and truth be told the whole film looks like someone through it together on their friend's farm with the people and things on hand there. That all being said the ending does have some creepy aspects to it though we don't learn one darn thing about why Rosalie is like this or more importantly who the creature with the cheap masks are. Cheap doesn't even begin to describe the budget here with. It basically is a couple old farmhouses and some sheds at the end and of course the woods. Someone lent the director a couple old cars too. No special effects of any kind and only the most minimal make-up. There are so many guffaws/ridiculous moments to list, but I will just list a few here that at the very least made me chuckle from the lack of aptitude from the creative powers involved: 1)Watch the gardener's body well after he has been \\\"slain\\\". Len comes in and sees him butchered and you can see his fat belly heave with life. 2)the dying scene at the end where the actress playing Rosalie is killed. She looks like she is listening to directions and takes her sweet time dying considering the method. 3)How about the guy playing Roaslie's father giving us a cranky poor man's Andy Griffith. The scene where he is laughing about boy scouts dying was a weird hoot. The Child is indeed a very bad film and is very bad even for the standards of 70's cheese if you will. This isn't a B film but more like a Z film with producer Harry Novak making some money on virtually nothing.\": {\"frequency\": 1, \"value\": \"A little girl ...\"}, \"Bugs life is a good film. But to me, it doesn't really compare to movies like Toy story and stuff. Don't get me wrong, I liked this movie, but it wasn't as good as Toy story. The film has the visuals, the laughs, and others that Toy story had. But the film didn't feel quite as... I don't know, but I thought it was still a pretty good film.

A bugs life... I don't want to say this, is a film that I don't remember. I saw it years ago. Of course, I haven't seen Toy story in years, but I still remember it. I shouldn't have reviewed this film, but I am. I am giving it a thumbs up, though it's not exactly the best work Pixar has done.

A bug's life:***/****\": {\"frequency\": 1, \"value\": \"Bugs life is a ...\"}, \"I was pretty young when this came out in the US, but I recorded it from TV and watched it over and over again until I had the whole thing memorized. To this day I still catch myself quoting it. The show itself was hilarious and had many famous characters, from Frank Sinatra, to Sylvester Stallone, to Mr. T. The voices were great, and sounded just like the characters they were portraying. The puppets were also well done, although a little creepy. I was surprised to find out just recently that it was written by Rob Grant and Doug Naylor of Red Dwarf, a show that I also enjoy very much. Like another person had written in a comment earlier, I too was robbed of this great show by a \\\"friend\\\" who borrowed it and never returned it. I sure wish there was enough demand for this show to warrant a DVD release, but I don't think enough people have heard of it. Oh well, maybe I'll try e-bay...\": {\"frequency\": 2, \"value\": \"I was pretty young ...\"}, \"Eva (Hedy Lamarr) has just got married with an older man and in the honeymoon, she realizes that her husband does not desire her. Her disappointment with the marriage and the privation of love, makes Eva returning to her father's home in a farm, leaving her husband. One afternoon, while bathing in a lake, her horse escapes with her clothes and an young worker retrieves and gives them back to Eva. They fall in love for each other and become lovers. Later, her husband misses her and tries to have Eva back home. Eva refuses, and fortune leads the trio to the same place, ending the affair in a tragic way. I have just watched \\\"Extase\\\" for the first time, and the first remark I have is relative to the horrible quality of the VHS released in Brazil by the Brazilian distributor Video Network: the movie has only 75 minutes running time, and it seems that it was used different reels of film. There are some parts totally damaged, and other parts very damaged. Therefore, the beauty of the images in not achieved by the Brazilian viewer, if he has a chance to find this rare VHS in a rental or for sale. The film is practically a silent movie, the story is very dated and has only a few lines. Consequently, the characters are badly developed. However, this movie is also very daring, with the exposure of Hedy Lamarr beautiful breasts and naked fat body for the present standards of beauty. Another fantastic point is the poetic and metaphoric used of flowers, symbolizing the intercourse between Eva and her lover. The way the director conducts the scenes to show the needs and privation of Eva is very clear. The non-conclusive end is also very unusual for a 1933 movie. I liked this movie, but I hope one day have a chance to see a 87 minutes restored version. My vote is eight.

Title (Brazil): \\\"\\ufffd\\ufffdxtase\\\" (\\\"Ecstasy\\\")\": {\"frequency\": 1, \"value\": \"Eva (Hedy Lamarr) ...\"}, \"\\\"Batman: The Mystery of the Batwoman\\\" is about as entertaining as animated Batman movies get.

While still true to the feeling of the comic books, the animation is done with a lighter spirit than in the animated series. Bruce Wayne looks much like he has before, but now he appears somewhat less imposing. The Dick Grayson Robin has been replaced by the less edgy, more youthful Tim Drake Robin.

Kevin Conroy, as usual, invokes the voice of Batman better than most live action actors.

Kelly Ripa did a much more decent voice-acting job than I was expecting.

As in the live action Batman films, the movie lives or dies based on the quality of the villains. My all-time favorite, the Penguin, is here. His design is sleeker than it has appeared before, hearkening more to the Burgess Meredith portrayal of the '60's than the Danny DeVito portrayal of \\\"Batman Returns.\\\" David Ogden Stiers is the perfect choice for the Penguin's voice. The Penguin is finally portrayed as a cunning sophisticate, just as he most commonly appears in the comics. Hector Elizondo's voice creates a Bane who's much more memorable than the forgettable version in \\\"Batman & Robin.\\\" And finally, Batman has a descent mystery to solve, putting the \\\"Detective\\\" back in \\\"Detective Comics\\\" (that is what \\\"DC\\\" stands for, after all.) The revolution to the mystery is a delightfully sneaky twist.

The score adds to the mysterious ambiance of the movie. It sounds like a mix between the score from \\\"Poirot\\\" and the score from \\\"Mission: Impossible.\\\" All in all, it's more entertaining than your average cartoon.\": {\"frequency\": 1, \"value\": \"\\\"Batman: The ...\"}, \"You can do a lot with a little cash. Blair Witch proved that. This film supports it. It is no more than a sitcom in length and complexity. However, because it has John Cleese as Sherlock Holmes it manages to be hilarious even on a budget that couldn't afford a shoestring. The highlight of this film is Arthur Lowe as the sincere, bumbling Watson, his dimness and slowness foils Cleese's quick-tempered wit. If you ever run across the film watch it for a quirky laugh or two.\": {\"frequency\": 1, \"value\": \"You can do a lot ...\"}, \"I think Cliff Robertson certainly was one of our finest actors. He has a half dozen classics to his credit. He does fine here as the heavy, but the direction is so bad and the pacing so tiresome, it never gets off the mark. The story starts off well although it makes me wonder how he could count on his wife hanging herself. Still he mugs well and carries things along. The death knell is twofold. First of all, if we were to take the amount of time characters spend walking from one room to another or one part of the house to another, it would eat up about a third of the movie. Add to that, Robertson's character sitting up in bed in the blue light, looking confused, that might add another chunk. I agree with those that said a half hour shorter would have made it a pretty decent, though insignificant film. The biggest weakness is just a convoluted plot that, when all is said and done, leaves incredible questions. I'm not putting in spoilers, but when it ends, don't think too much. I can come up with ten what-ifs without raising a sweat. It would have been better if it had remained a ghost story.\": {\"frequency\": 1, \"value\": \"I think Cliff ...\"}, \"Nothing's more enjoyable for me than a who-dun-it or suspense tale that keeps you guessing throughout as to how the whole thing will end. And that's precisely what happens in DEATHTRAP, based on a chilling play by Ira Levin (\\\"Rosemary's Baby\\\").

And in it, MICHAEL CAINE and CHRISTOPHER REEVE get to do the kind of stunt that Caine and Laurence Olivier pulled off in SLEUTH--with just about as much skill and as many puzzles as ever existed in that extraordinarily clever play.

But because it's meant to scare you, surprise you, and keep you guessing as to the outcome, it's difficult to write a review about the plot. Let's just say that what we know in the beginning is all you have to know about the film for the present. MICHAEL CAINE is an insanely jealous playwright whose latest play has failed miserably. When a young aspiring writer CHRISTOPHER REEVE sends him the manuscript of his play, Caine realizes that passing it off as his own would solve all his problems and get his reputation back.

From that point on, it's a matter of fun and games for the audience as Ira Levin's story unwinds, managing to trump Agatha Christie for the number of twists.

Caine and Reeve play off each other brilliantly, each bringing a certain dynamic tension to the tale as well as some humorous touches that come from a script that laces drama with humor.

Summing up: Well worth seeing--but not everyone is pleased with the ending.\": {\"frequency\": 1, \"value\": \"Nothing's more ...\"}, \"I was about thirteen when this movie came out on television. It is far superior in action than most movies since. Martin Sheen is excellent, and though Nick Nolte has a small part, he too provides excellent support. Vic Morrow as the villain is superb.

When Sheen \\\"tests the water\\\" in his '34 Ford (COOL) along the mountainous highway it is spectacular!

The ending is grand.

I'm disappointed in the low vote this received. I figure the younger generations have more interest in much of the junk that is coming out these days.

Good taste eludes the masses!\": {\"frequency\": 1, \"value\": \"I was about ...\"}, \"I'm a Christian. I have always been skeptical about movies made by Christians, however. As a rule, they are \\\"know-nothings\\\" when it comes to movie production. I admire TBN for trying to present God and Jesus in a positive and honest way on the screen. However, they did a hideous job of it. The acting was horrible, and unless one is familiar with the Bible in some fashion, one COULD NOT have understood what the movie was trying to get across. Not only was the movie terribly made, but the people who made it even had some facts wrong. However, in this \\\"critique\\\", those facts are irrelevent and too deep to delve into. In short, the Omega Code is the absolute worst movie I have ever seen, and I would not recommend it to anyone, except for comic relief from the every day grind.\": {\"frequency\": 1, \"value\": \"I'm a Christian. I ...\"}, \"The idea had potential, but the movie was poorly scripted, poorly acted, poorly shot and poorly edited. There are lots of production flaws ... for example, Dr. Lane's daughter who never ages despite the passing years. Wait for video, but don't expect much.\": {\"frequency\": 1, \"value\": \"The idea had ...\"}, \"This has got to be the worst horror movie I have ever seen. I remember watching it years ago when it initially came out on video and for some strange reason I thought I enjoyed it. So, like an idiot, I ran out to purchase the DVD once it was released...what a tragic mistake! I won't even bother to go into the plot because it is so transparent that you can see right through it anyhow. I am a fan of Herschell Gordon Lewis so I am accustomed to cheesy gore effects and bad acting but these people take this to a whole different level. It is almost as if they are intentionally trying to make the worst movie humanly possible...if that was their goal, they suceeded. If they intended to make a film that was supposed to scare you or make you believe in any way, shape, or form that it is real then they failed...MISERABLY! Avoid this movie...read the plot synopsis and you've seen it!\": {\"frequency\": 1, \"value\": \"This has got to be ...\"}, \"I recently watched this film at the 30'Th Gothenburg Film Festival, and to be honest it was on of the worst films I've ever had the misfortune to watch. Don't get me wrong, there are the funny and entertaining bad films (e.g \\\"Manos \\ufffd\\ufffd Hands of fate\\\") and then there are the awful bad films. (This one falls into the latter category). The cinematography was unbelievable, and not in a good way. It felt like the cameraman deliberately kept everything out of focus (with the exception of a gratuitous nipple shot), the lighting was something between \\\"one guy running around with a light bulb\\\" and \\\"non existing\\\". The actors were as bad as soap actors but not as bad as porn actors, and gave the impression that every line came as a total surprise to them. The only redeeming feature was the look of the masked killer, a classic look a la Jason Vorhees from \\\"Friday the 13'Th\\\". The Plot was extremely poor, and the ending even worse. I would only recommend this movie to anyone needing an example of how a horror film is not supposed be look like, or maybe an insomniac needing sleep.\": {\"frequency\": 1, \"value\": \"I recently watched ...\"}, \"Star Wars: Episode 4 .

the best Star Wars ever. its the first movie i ever Sean were the bad guys win and its a very good ending. it really had me wait hing for the next star wars because so match stuff comes along in this movie that you just got to find out more in the last one. whit Al lot of movies i always get the feeling that it could be don bedder but not whit this one. and i Will never ever forget the part were wader tels Luke he is his father.way too cool. also love the Bob feat figure a do hes a back ground player. if you never ever Saw a star wars movie you go to she this one.its the best.

thanks Lucas\": {\"frequency\": 1, \"value\": \"Star Wars: Episode ...\"}, \"This movie . . . I don't know. Why they would take such an indellible character as Pippi Longstocking and cast the singularly charmless Tami Erin, I will never know. Why they would spend money on art direction and some not-all-that-bad special effects, then not bother to edit it properly, I will never know. Why the sets and costumes are sometimes in period, and sometimes bizarrely not, why they commissioned SUCH bad songs, why the script doesn't make any sense whatsoever (not even on a silly, children's film level) . . . . what were they thinking?? Nothing about this movie is quite as it should be. Every single part is dubbed (and always poorly,) every sound effect is slightly wrong, every edit is in the wrong place, every performance is bad in some way. It does manage to create an appropriate atmosphere, despite all the problems, but it NEVER captures the magic that is Astrid Lindgren's creation.\": {\"frequency\": 1, \"value\": \"This movie . . . I ...\"}, \"Body Slam (1987) is a flat out terrible movie. The low budget reeks, the direction is pedestrian (at best) and the writing and acting is lame. But if you're into old school wrestling (circa 1970's through the mid-80') then you'll be more entertained than the average viewer. I have to warn you, this movie stinks on ice. I gave it a two because I felt like being generous. This turkey was \\\"directed\\\" by stunt master Hal Needham. The stars are Roddy Piper, The Tonga Kid and a bunch of scrub wrestlers and c-list actors (Dirk Benedict).

The synopsis of this \\\"movie\\\" is about a promoter who wants to combine \\\"hair rock\\\" and wrestling. But their are others that don't want him to succeed. There's more but I don't want to SPOIL it for you. If you can stomach the bad acting and inane storyline, there's a few surprises near the end for die-hard wrestling fans.

I wouldn't recommend this to my worse enemy (and I mean it).\": {\"frequency\": 1, \"value\": \"Body Slam (1987) ...\"}, \"Famous words of foreign nightclub owner Roman Maroni, that \\\"lousy cork sucker\\\" who spends the whole movie not only as Johnny Dangerously's rival, but butchering the English language as well.

Another underrated classic that you can only find on afternoon matin\\ufffd\\ufffdes or \\\"Late Late Late Show\\\"'s, Johnny Dangerously is a terrific satirical hit about a good hearted boy who secretly leads a life of crime to help pay for his mother's medical care and put his brother through law school.

Yes there's a story, but who cares?? A cast that includes Joe Piscopo, Dom DeLuise, Marilu Henner, and Alan Hale Jr will keep you waiting to see what happens next.

There's too many laughs in this to put on here. Like Airplane, you have to pay attention or you'll miss something. Highly recommended to anyone who can use a good laugh or two!!!\": {\"frequency\": 1, \"value\": \"Famous words of ...\"}, \"San Francisco is a big city with great acting credits. In this one, the filmmakers made no attempt to use the city. They didn't even manage the most basic of realistic details. So I would not recommend it to anyone on the basis of being a San Francisco movie. You will not be thinking \\\"oh, I've been there,\\\" you will be thinking \\\"how did a two story firetrap/stinky armpit turn into a quiet hotel lobby?\\\" Some of the leads used East Coast speech styles and affectations. It detracts, but the acting was always competent.

The stories seemed to be shot in three distinct styles, at least in the beginning. The Chinatown story was the most effective and interesting. The plot is weak, ripped scene for scene from classy Hong Kong action movies. The originals had a lot more tension and emotional resonance, they were framed and paced better. But the acting is fun and we get to see James Hong and other luminaries.

The white boy intro was pointless. I think the filmmakers didn't know what to do with it, so they left it loosely structured and cut it down. The father is an odd attempt at a Berkeley liberal - really, folks, everyone knows it's not \\\"groovy\\\" to live in the ghetto - but his segments are the most humorous. They threw away some good opportunities. Educated and embittered on the West Coast, a yuppie jerk here is a different kind of yuppie jerk than they make in New York. They are equally intolerable but always distinguishable. That would have been interesting; this was not.

The Hunter's Point intro was the most disappointing. It was the most derivative of the three, and stylistically the most distant from San Francisco. You've seen it done before and you've seen it done better. Even the video game was better!

Despite the generic non-locality and aimless script, these characters have potential, the actors have talent, and something interesting starts to force its way around the clumsy direction... about ten minutes before the ending. Good concept placed in the wrong hands.

PS, there is a missing minority here, see if you can guess which one.\": {\"frequency\": 1, \"value\": \"San Francisco is a ...\"}, \"How can the viewer rating for this movie be just 5.4?! Just the lovely young Alisan Porter should automatically start you at 6 when you decide your rating. James Belushi is good in this too, his first good serious role, I hadn't liked him in anything but About Last Night until this. He was pretty good in Gang Related with Tupac also. Kelly Lynch, you gotta love her. Well, I do. I'm only wondering what happened to Miss Porter?

i gave Curly Sue a 7\": {\"frequency\": 1, \"value\": \"How can the viewer ...\"}, \"This is a lovely tale of guilt-driven obsession.

Matiss, on a lonely night stroll in Riga (?) passes by a woman on the wrong side of a bridge railing. He passes by without a word. Only the splash in the water followed by a cry for help causes him to act. And then only too little and too late.

The film chronicles his efforts at finding out more about the woman. On a troll of local bars, he finds her pocketbook. He pieces more and more of her life together. His \\\"look\\\" changes as his obsession grows. He has to make things right. In a marvelously filmed dialog with the \\\"bastard ex-boyfriend\\\" he forces Alexej to face up to the guilt that both feel.

Haunting long takes, a gritty soundtrack to accentuate the guilt, barking dogs. Footsteps. Lovely film noir with a lovely twist. A good Indie ending.\": {\"frequency\": 1, \"value\": \"This is a lovely ...\"}, \"This movie was on British TV last night, and is wonderful! Strong women, great music (most of the time) and just makes you think. We do have stereotypes of what older people \\\"ought\\\" to do, and there are fantastic cameos of the \\\"sensible but worried children\\\". Getting near to my best movie ever !\": {\"frequency\": 1, \"value\": \"This movie was on ...\"}, \"This gloriously turgid melodrama represents Douglas Sirk at his most high strung. It eschews the soft wistfulness of \\\"All That Heaven Allows\\\" and the weepy sentimentality of \\\"Imitation of Life\\\" and instead goes for feverish angst and overheated tension. And of course, it's all captured in vibrant Technicolor.

The cornball story has something to do with a friendship between Rock Hudson and Robert Stack that becomes a rivalry when Hudson snags the affections of Lauren Bacall, but who's really paying attention to the story? Dorothy Malone won a Best Supporting Actress Academy Award for her splendidly over-the-top performance as Stack's sister, who takes the family business into her own hands when no one else will. A highlight of the film comes when this high-spirited wild child breaks into a frantic dance in her bedroom, unable to bear the restraints placed upon her by middle-class propriety. As so frequently happens in Sirk movies, the scene is both unintentionally hilarious in its absurdity and yet strangely moving in its effectiveness.

Sirk came closer than anyone else to turning pure camp into high art, satisfying the philistines and the high brows at the same time within the same films. His was a unique talent and I don't know that there's ever been another film maker quite like him since.

Grade: A-\": {\"frequency\": 1, \"value\": \"This gloriously ...\"}, \"I think we all begin a lot of reviews with, \\\"This could've made a GREAT movie.\\\" A demented ex-con freshly sprung, a tidy suburban family his target. Revenge, retribution, manipulation. Marty's usual laying on of the Karo syrup. But unfortunately somewhere in Universal's high-rise a memorandum came down: everyone ham it up.

Nolte only speaks with eyebrows raised, Lange bitches her way through cigarettes, Lewis \\\"Ohmagod's!\\\" her way though her scenes, and Bobby D...well, he's on a whole other magic carpet. Affecting some sort of Cajun/Huckleberry Hound accent hybrid, he chomps fat cigars and cackles at random atrocities such as \\\"Problem Child\\\". And I want you to imagine the accent mentioned above. Now imagine it spouting brain-clanging religious rhetoric at top volume like he swallowed six bibles, and you have De Niro's schtick here. Most distracting of all, though, is his most OVERDONE use of the \\\"De Niro face\\\" he's so lampooned for. Eyes squinting, forehead crinkled, lips curled. Crimany, Bob, you looked like Plastic Man.

The story apparently began off-screen 14 years earlier, when Nolte was unable to spare De Niro time in the bighouse for various assaults. Upon release, he feels Nolte's misrep of him back then warrants the terrorizing of he and his kin. And we're supposed to give De Niro's character a slight pass because Nolte withheld information that might've shortened his sentence. De Niro being one of these criminals who, despite being guilty of unspeakable acts, feels his lack of freedom justifies continuing such acts on the outside. Mmm-kay.

He goes after Notle's near-mistress (in a scene some may want to turn away from), his wife, his daughter, the family dog, ya know. Which is one of the shortcomings of Wesley Strick's screenplay: utter predictability. As each of De Niro's harassments becomes more gruesome, you can pretty much call the rest of the action before it happens. Strick isn't to be totally discredited, as he manages a few compelling dialogue-driven moments (De Niro and Lewis' seedy exchange in an empty theater is the film's best scene), but mostly it's all over-cranked. Scorsese's cartoonish photographic approach comes off as forced, not to mention the HORRIBLY outdated re-worked Bernard Hermann score (I kept waiting for the Wolf Man to show up with a genetically enlarged tarantula).

Thus we arrive at the comedic portion of the flick. Unintentionally comedic, that is. You know those scenes where something graphically horrific is happening, but you can't help but snicker out of sight of others? You'll do it here. Nolte and Lange squawking about infidelity, De Niro's thumb-flirting, he cross-dressing, and a kitchen slip on a certain substance that has to be seen to believed. And Bob's infernal, incessant, CONSTANT, mind-damaging, no-end-in sight blowhard ramblings of all the \\\"philosophy\\\" he disovered in prison. I wanted him killed to shut him up more than to save this annoying family.

I always hate to borrow thoughts from other reviewers, but here it's necessary. This really *is* Scorsese's version of Freddy Krueger. The manner in which De Niro relishes, speaks, stalks, withstands pain, right down to his one-liners, is vintage Freddy. Upon being scalded by a pot of thrown water: \\\"You trying' to offer sumpin' hot?\\\" Please. And that's just one example.

Unless you were a fan of the original 1962 flick and want a thrill out of seeing Balsam, Peck, and Mitchum nearly 30 years later (or want a serious head-shaking film experience), avoid a trip to the Cape.\": {\"frequency\": 1, \"value\": \"I think we all ...\"}, \"I had watched snippets from this as a kid but, while I purchased Blue Underground's set immediately due to its being a Limited Edition, only now did I fit it in my viewing schedule - and that's mainly because Bakshi's American POP (1981) just turned up on late-night Italian TV (see my review of that film below)!

Anyway, I found the film to be a quite good sword-and-sorcery animated epic with especially impressive-looking backdrops (the rather awkward rotoscoped characters were, admittedly, less so) with a rousing if derivative score. The plot, again, wasn't exactly original, but proved undeniably engaging on a juvenile level and the leading characters well enough developed - especially interesting is the villainous Ice-lord Nekron and the enigmatic warrior Darkwolf; the hero and heroine, however, are rather bland stereotypes - but one can hardly complain when Bakshi and Frazetta depict the girl as well-endowed (her bra could be torn off any second) and half-naked to boot (her tiny panties are forever disappearing up her ass)! Still, it's clearly an action-oriented piece and it certainly delivers on this front (that involving Darkwolf being particularly savage); the final showdown though brief, is also nicely handled and sees our heroes astride pterodactyls assaulting the villains' lair inside a cave .

In the long run, apart from the afore-mentioned Frazetta backdrops, the main appeal of this movie for me now is its nostalgia factor as it transported me back to my childhood days of watching not just films like CONAN THE BARBARIAN (1982) and THE BEASTMASTER (1982) but also animated TV series such as BLACKSTAR (1981-82) and HE-MAN AND THE MASTERS OF THE UNIVERSE (1983-85).

As for the accompanying THE MAKING OF \\\"FIRE AND ICE\\\" (TV) (Mark Bakshi, 1982) **1/2:

Vintage featurette on the sword-and-sorcery animated film which is only available via the washed-out VHS print owned by Ralph Bakshi himself! It goes into some detail about the rotoscope technique and also shows several instances of live-action 'performances' (in a studio) of segments from the script - which would then be traced, blended in with the backgrounds and filmed. Still, having watched several such behind-the-scenes featurettes on the art of animation (on the Disney Tins and the Looney Tunes sets, for instance), it's doesn't make for a very compelling piece...\": {\"frequency\": 1, \"value\": \"I had watched ...\"}, \"I am a huge fan of the comic book series, but this movie fell way below my expectations. I expected a Heavy Metal 2000 kinda feel to it.....slow moving, bad dialogue, lots o' blood.....but this was worse than anything I could have imagined.

The plot line is almost the same as the comic, but the good points pretty much stop there. The characters don't have the energy or spirit that drew my attention in the comic series. The movie only covers a small portion of the comic, and the portion used is more slow and boring than later parts. The focus in the movie is on the insignificant events instead of the more interesting overall plot of the comic book.

With the right people working on this project, it could have been amazing. Sadly, it wasn't that way, so now there is yet another terrible movie that few will see and even fewer will love. My copy will surely collect dust for years until I finally throw it out.\": {\"frequency\": 1, \"value\": \"I am a huge fan of ...\"}, \"This is your standard musical comedy from the '30's, with a big plus that it features some well known '30's actors in small fun cameo's.

There is not much to the story and basically the movie is all about its fun and 'no-worries' overall kind of atmosphere, with a typical Hal Roach comedy touch to it. Appereantly it's a 'Cinderella story' but I most certainly didn't thought of it that way while watching the movie. The story gets very muddled in into the storytelling, that features many different characters and also many small cameo appearance, when the main characters hit the Hollywood studios.

Of course the highlight of the movie is when Laurel & Hardy make their appearance and show some of their routines. It's like watching a movie and getting a Laurel & Hardy short with it for free. Also Laurel & Hardy regular Walter Long makes an appearance in the routine and James Finlayson (without a mustache this time) as the director of the short.

It's certainly true that all of the cameo's and subplots distract from the main plot line and character but in this case that is no problem, since its all way more fun and interesting to watch than the main plot line and the shallow typical main character.

The movie is most certainly not any worse than any of its other genre movies from the same time period, though the rating on here would suggest otherwise.

7/10\": {\"frequency\": 1, \"value\": \"This is your ...\"}, \"I went to see this one with much expectation. Quite unfortunately the dialogue is utterly stupid and overall the movie is far from inspiring awe or interest. Even a child can see the missing logic to character's behaviors. Today's kids need creative stories which would inspire them, which would make them 'daydream' about the events. That's precisely what happened with movies like E.T. and Star Wars a decade ago. (How many kids imagined about becoming Jedi Knights and igniting their own lightsabers?) Seriously don't waste your time & money on this one.\": {\"frequency\": 1, \"value\": \"I went to see this ...\"}, \"My Super X-Girlfriend is one hell of a roller coaster ride. The special effects were excellent and the costumes Uma Thurman wore were hubba buba. Uma Thurman is an underrated comedic actress but she proved everyone wrong and nailed her role as the lunatic girlfriend. She was just simply FABULOUS!!! Luke Wilson was also good as the average Joe but he was a brave man to work with one of the greatest actresses of all time. The supporting cast was also superb especially Anna Faris who was extremely good (A lot better than in the Scary Movie franchise).

Ivan Rietman did very well in directing this film because if it wasn't for him and Uma Thurman this film wouldn't have done so well. This film is clearly a 10/10 for it's cast (Uma Thurman), it's director, it's screenplay and from it's original plot line. This film is very highly recommended.\": {\"frequency\": 1, \"value\": \"My Super ...\"}, \"Six for the price of one! So it is a bonanza time for Cinegoers. Isn't it? Here it is not one, not two but all SIX-love stories, an ensemble cast of top stars of bollywood, plus all stories in the genre of your favorite top directors Johar, Bhansali, Chopra et al. You will get to see every damn type of love story that you enjoyed or rather tolerated for years now. So no big deal for you. Do you need anything more than this? No sir, thank you. Why sir? Enough is enough. Please spare us. They signed every top star that they manage to sign, whether required or not, so they end up making a circus of stars, believe it or not. Too crowded Every thing depicted here is exactly how it is prescribed in bollywood textbook of romances. Plus you have to justify the length given to each story, as each has stars. Therefore, it is too long-three hours plus. The gags are filmy. Characters are filmy. Problems, Barriers, situations, resolution \\ufffd\\ufffd yes you guessed it right, again\\ufffd\\ufffd. filmy-tried and tested. Same hundreds of dancers dancing in colorful costumes in background. Why they have no other work to do? All couples are sugary-sweet, fairy tale type, Picture perfect. All are good looking. Each story beginning in a perfect way and therefore should ends also in that impossible perfect manner? Too haphazard. You can't connect to a single story. Here you have everything that you already seen a million times. Bloody fake, unreal, escapist abnormal stories considered normal for more than hundred years since evolution of this Indian cinema. What a mockery of sensibilities of today's audience? Yes it could have worked as a parody if he just paid tribute to love-stories of yesteryear but alas even that thing is not explored. At least, Director Nikhil Advani should have attempted one unconventional, offbeat love story but then what will happen to the tradition of living up to the mark of commercial bollwood potboiler brigade? Oh! Somebody has to carry on, no. Imagine on one hand audience finds it difficult to sit through one such love story and here we have six times the pain. I mean six damn stories. I mean double the fun of chopra's Mohabbatein (Year 2000) In this age and time, get something real, guys. We are now desperate to see some not so colorful people and not so bright stories Oh, What have you said just now- come on, that is entertainment. My advice, please don't waste your time henceforth reading such reviews. Go instead, have some more such entertainment! Thank you.\": {\"frequency\": 1, \"value\": \"Six for the price ...\"}, \"(spoilers)The one truly memorable part of this otherwise rather dull and tepid bit of British cuisine is Steiner's henna rinse, one of the worst dye jobs ever. That, and the magnificent caterpillar eyebrows on the old evil dude who was trying to steal Steiner's invention. MST3K does an admirable job of making a wretchedly boring and grey film funny.I particularly like it when Crow kills Mike with his 'touch of death', and when he revives him in the theatre, Mike cries \\\"Guys, I died, I saw eternal truth and beauty! oh, it's this movie...\\\" That would be a letdown, having to come back from the afterlife to watch the rest of The Projected Man. The film could make a fortune being sold as a sleep aide. Some of the puns in the film were wicked: police inspector-\\\"electrocution!\\\" Crow-\\\"Shocking, isn't it?\\\" police inspector-\\\"That's LOwe, all right\\\" Tom Servo-\\\"Very low, right down by the floor!\\\" police inspector-\\\"Can I get on?\\\" Tom Servo-\\\"He's dead, but knock yourself out\\\" MST3K is definitely the only way to watch this snoozer.\": {\"frequency\": 1, \"value\": \"(spoilers)The one ...\"}, \"I think part of the reason this movie was made...and is aimed at us gamers who actually play all the Nancy Drew PC games. There's been a lot of movies lately based on video games, and I think this in one of them.

So this movie does not follow any book. But it does follow parts of the games. I buy and play every Nancy Drew games as soon as it comes out. And the games are from HerInteractive and are for \\\"girls who aren't afraid of a mouse!\\\" And some of these games actually won Parents' Choice Gold Awards. They are not only fun but you can actually learn a thing or two while playing.

I took two of my step children with me to go see it and they loved it! The 10 yr. old had started playing her first Nancy Drew game a day before I took her to see the movie, and she was having so much fun playing the game I thought she would enjoy the movie as well. And I was right...she not only loved this movie but couldn't wait to get home to finish her first game and start another one.

My other step daughter is only 7 and she also loved the movie but she is still a little to young too play the games yet, but she enjoys watching her sister play at times just to see what's going on.

The games are based for children 10 yrs and older. All the games usually get pretty descent reviews and are classified as adventure games. For more information on the games just check out HerInterative Nancy Drew games. So personally I thought the movie was pretty good and I will buy it when it comes out on DVD.\": {\"frequency\": 1, \"value\": \"I think part of ...\"}, \"This movie is entertaining enough due to an excellent performance by Virginia Madsen and the fact that Lindsey Haun is lovely. However the reason the movie is so predictable is that we've seen it all before. I've haven't read the book A Mother's Gift but I hope for Britney and Lynne Spears sake it is completely different than this movie. Unless you consider ending a movie with what is essentially a music video an original idea, the entire movie brings to mind the word plagiarized.\": {\"frequency\": 1, \"value\": \"This movie is ...\"}, \"This really should deserve a \\\"O\\\" rating, or even a negative ten. I watched this show for ages, and the show jumped the shark around series 7. This episode, however, is proof that the show has jumped the shark. It's writing is lazy, absurd, self-indulgent and not even worthy of rubbish like Beavis and Butthead.

It is quite possible to be ridiculous and still be fun -- Pirates of the Caribbean, the Mummy, Count of Monte Cristo -- all \\\"fun\\\" movies that are not to be taken seriously. However, there is such thing as ridiculous as in \\\"this is the worst thing I've ever seen.\\\" And indeed, this is the worst episode of Stargate I've ever seen. It's absolutely dreadful, and this coming from someone with a stargate in her basement.

Makes me want to sell all of my stargate props, most seriously.\": {\"frequency\": 1, \"value\": \"This really should ...\"}, \"I had the pleasure of attending a screening of The Pacific and Eddy last weekend at the Santa Barbara International Film Festival. This film had caught my attention a little while back when I stumbled across an article about it in Jalouse magazine. Seemed interesting at the time, but nothing too exciting. Anyhow, I saw it on the festival program and decided to check it out. All I can say is that I was speechless when the ending credits began to roll. This is one of the most beautiful and refreshing films that I have seen in some time. The photography, art direction, acting, and especially directing, were seamless and impeccable. Nothing is 'spelled out' for you in this film and actually makes you think. Something that a vast majority of films today do the exact opposite. The dialogue is carefully crafted and, although this script is not wall to wall chatter, the characters words are very deliberate and meaningful.

It's definitely one of those films that deserves a second viewing and the more you see it, the more things you notice. It's a very layered and intelligent film. Not sure when or where it's playing again, but a definite must see for film enthusiasts.\": {\"frequency\": 1, \"value\": \"I had the pleasure ...\"}, \"If this is the first of the \\\"Nemesis\\\" films that you have seen, then I strongly urge you to proceed no further. The sequels to \\\"Nebula\\\" prove to be no better...hard to believe considering this entry is bottom-of-the-barrel. This movie tries, but it's just not worth your time, folks. Take a nap instead.\": {\"frequency\": 1, \"value\": \"If this is the ...\"}, \"***SPOILERS*** ***SPOILERS*** From its very opening credits this fantastic movie sets the record straight: it's an instant classic. It doesn't take long to realize that this movie is big, bigger than `Kindergarten Cop' or `Police Academy 7.' The sheer greatness of it left me speechless as I walked out of the movie theater and proceeded right back to the ticket counter to purchase myself another dozen of tickets.

This is a movie that simply requires multiple viewings. The first watching will surely leave you with that strange `Huh?' feeling, but don't feel embarrassed - it happens to the best of us. The story is so diabolically clever that one has to wonder about the mortality of its authors. What seems to be a simple story of an idiot infiltrating the FBI, turns out to be an allegorical story that works on several levels and teaches us all about the really important things in life. The complexity of the plot structure will baffle you on your first viewing, but don't give up! Not until my sixth or seventh viewing did I only begin to unravel some of the hidden mysteries of `Corky Romano.' And watch out for the unexpected twist at the end, otherwise you might be caught completely off guard when it is revealed that FBI agent Brick Davis is FBI's most-wanted criminal, Corky is not a real FBI agent, Pops Romano is innocent, Peter Romano admits he's illiterate and Paulie Romano comes out of the closet as a homosexual. Surprised the hell out of me, I can tell you that much.

Chris Kattan's comedic talents are unmatched as he leads his character Corky Romano through a maze of totally unpredictable situations. Reminiscent of John Reynolds' performance in `Manos, the Hands of Fate,' Kattan takes on innumerable multiple personalities and tackles all scenes with perfect comedic timing. However, Kattan is not just about comedy. He is a master of drama as well, as he controls the audience's feelings with the slightest moves of his face. His facial expressions reflect life itself, in a way. For example, in the scene in which he farts into his brothers' faces, you can see the expression of social injustice and alienation clearly reflected on his anguished face. At a moment like that, it's hard to find a dry eye in the house.

Screenwriters David Garret and Jason Ward are the real heroes of `Corky Romano.' With a story of such proportions, it's easy to understand why two experienced writers had to be employed to complete this ambitious project. Their skillful storytelling and unorthodox structuring makes `Pulp Fiction' look like a mediocre Saturday Night Live skit. Garret and Ward's story is so compelling and alluring that it grips you by your hair, swallows you entirely, shakes you around and spits you right out. At the end of the out-of-this-world experience known as `Corky Romano' you find yourself a different person with different worldviews and different ideas, and with only one question on your mind:

Why, God? Why?!?\": {\"frequency\": 1, \"value\": \"***SPOILERS*** ...\"}, \"Actress Ruth Roman's real-life philanthropic gesture to help entertain troops arriving from and leaving for the Korean War at an air base near San Francisco jump-started this all-star Warner Bros. salute to patriotism and song. Many celebrities make guest appearances while a love-hate romance develops between a budding starlet and a painfully green and skinny Air Force Corporal (Ron Hagerthy, who looks like he should be delivering newspapers from his bicycle). Seems the Corporal has fooled the actress into thinking he's off to battle when actually he's part of a airplane carrier crew, flying to and from Honolulu (you'd think she'd be happy he was staying out of harm's way, but instead she acts just like most childish females in 1950s movies). Doris Day is around for the first thirty minutes or so, and her distinct laugh and plucky song numbers are most pleasant. Roman is also here, looking glamorous, while James Cagney pokes fun at his screen persona and Gordon MacRae sings in his handsome baritone. Jane Wyman sings, too, in a hospital bedside reprise following Doris Day's lead, causing one to wonder, \\\"Did they run out of sets?\\\" For undemanding viewers, an interesting flashback to another time and place. Still, the low-rent production and just-adequate technical aspects render \\\"Starlift\\\" strictly a second-biller. *1/2 from ****\": {\"frequency\": 1, \"value\": \"Actress Ruth ...\"}, \"With the amount of actors they have working on the project they have a wide variety of cast. Nice starship CGI in places BUT their green screen needs some work. Anyone heard of Adobe After Effects 7, they should buy it get their keying better.

Stories are well thought out, plenty of trek elements in this to keep it in the right context. BUT BUT the idea of two guys kissing makes me wind forward the episode. Im not homophobic but i cant help that i don't find men kissing entertaining (dont mind women). Anyway... For a fan series this is good stuff. With minor improvement in their green screen, brush up acting and some guidance ratings this series is stunning. Anyway i recommend this series to who ever enjoyed TNG and DS9.\": {\"frequency\": 1, \"value\": \"With the amount of ...\"}, \"For me,this is one of the best movies i ever saw.Overcoming racism,struggling through life and proving himself he isn't just an ordinary \\\"cookie\\\" ,Carl Brashear is an amazing character to play ,who puts Cuba in his best light,best performance in his life.De Niro,who is a living legend gives THAT SOMETHING to the movie.Hated his character in movie,but he gives so much good acting to this film,great performance.And appearance of beautiful Charlize was and as always is a big plus for every movie. So if you haven't seen this movie i highly recommended for those who love bravery,greatness who seek inspiration.You must look this great drama. My Vote 9/10.\": {\"frequency\": 1, \"value\": \"For me,this is one ...\"}, \"Just Cause is one of those films that at first makes you wonder quite why it was so heavily slated when it came out - nothing special but competent enough and with an excellent supporting performance from Ed Harris. Then you hit the last third and everything starts to get increasingly silly until you've got a killer with a flashlight strapped to his forehead threatening to fillet Sean Connery's wife (a typically mannered and unconvincing Kate Capshaw) and kid (a very young Scarlet Johannsen) in an alligator skinner's shack.

The kind of movie that's probably best seen on a plane, and even then only once.\": {\"frequency\": 1, \"value\": \"Just Cause is one ...\"}, \"I hadn't seen this film in probably 35 years, so when I recently noticed that it was going to be on television (cable) again for the first time in a very long time (it is not available on video), I made sure I didn't miss it. And unlike so many other films that seem to lose their luster when finally viewed again, I found the visual images from the \\\"Pride of the Marines\\\" were as vivid and effective as I first remembered. What makes this movie so special, anyway?

Everything. Based on the true story of Al Schmid and his fellow Marine machine gun crew's ordeal at the Battle of the Tenaru River on Guadalcanal in November, 1942, the screenplay stays 95% true to the book upon which it was based, \\\"Al Schmid, Marine\\\" by Roger Butterfield, varying only enough to meet the time constrains of a motion picture. This is not a typical \\\"war movie\\\" where the action is central, and indeed the war scene is a brief 10 minutes or so in the middle of the film. But it is a memorable 10 minutes, filmed in the lowest light possible to depict a night battle, and is devoid of the mock heroics or falseness that usually plagues the genre. In a way probably ahead of its time, the natural drama of what happened there was more than sufficient to convey to the audience the stark, ugly, brutal nature of battle, and probably shocked audiences when it was seen right after the war. This film isn't about \\\"glorifying\\\" war; I can't imagine anyone seeing that battle scene and WANTING to enlist in the service. Not right away, anyway.

What this film really concerns is the aftermath of battle, and how damaged men can learn to re-claim their lives. There's an excellent hospital scene where a dozen men discuss this, and I feel that's another reason why the film was so so well received--it was exceptionally well-written. There's a \\\"dream\\\" sequence done in inverse (negative film) that seems almost experimental, and the acting is strong, too, led by John Garfield. Garfield was perfect for the role because his natural temperament and Schmid's were nearly the same, and Garfield met Schmid and even lived with him for a while to learn as much as he could about the man and his role. Actors don't do that much anymore, but added to the equation, it's just another reason why this movie succeeds in telling such a difficult, unattractive story.\": {\"frequency\": 1, \"value\": \"I hadn't seen this ...\"}, \"I saw the omen when i was 11 on tv. I enjoyed the Trilogy. So when the chance to finally see one at the cinema came around i didnt pass it up. I went in to the cinema knowing that what i was about to see wasnt a cinema release but a made for TV film. However being a fan i couldnt resist. But this Omen movie which i saw at a midnight screening didnt bring chills it brought laughter. Risible Dialogue such as \\\"it is written that if a baby cries during baptism they reject there god\\\". What nonsense.No decent set pieces. Faye Grant so Good in V is wasted with this script from hell. No suprises and no fun. However i did laugh out loud several times at our bad it was.Truly Pathetic.1 out of 10\": {\"frequency\": 1, \"value\": \"I saw the omen ...\"}, \"Wonderful romance comedy drama about an Italian widow (Cher) who's planning to marry a man she's comfortable with (Danny Aiello) until she falls for his headstrong, angry brother (Nicholas Cage). The script is sharp with plenty of great lines, the acting is wonderful, the accents (I've been told) are letter perfect and the cinematography is beautiful. New York has never looked so good on the screen. A must-see primarily for Cher and Olympia Dukakis--they're both fantastic and richly deserved the Oscars they got. A beautiful, funny film. A must see!\": {\"frequency\": 1, \"value\": \"Wonderful romance ...\"}, \"This man is nothing short of amazing. You truly feel as if you have lived his life with him throughout these tragic events, and cry along with his family in the end. He was so passionate about his cause, not just for himself, but to ensure others who will survive him do not have to go through this wretched pain. I watch this video every time I am having a bad or \\\"down\\\" day, and it always manages to make me see the great and brighter side of life, just like Jonny did, even with his unbearable pain. My only regret is not knowing about Jonny sooner, as I visited England 2 times during his life, and would have been able to say I'd met him. It is comforting to know Jonny is sitting on his cloud, pain free! Rest in peace, Dear Jonny. You deserve it!\": {\"frequency\": 1, \"value\": \"This man is ...\"}, \"The subject is certainly compelling: a group of people take their love of gaming one step further by creating a fake medieval world full of warriors, kings, princes and castles. Wargaming is an interesting phenomena that delves into our collective need to \\\"escape\\\" from reality and the sometimes mundaneness of our existence -- something almost everyone can relate to. The characters are the predictable mix of Lord of the Rings nerds and Star Trek enthusiasts. That's enough to get most people to watch. However, very quickly the film turns into an insider's view of wargaming with an almost stereotypical thumbing of the nose to viewers who \\\"don't get it\\\". The filmmakers seem to take the subject of wargaming, and this particular one, waaaaay too seriously rather than once in awhile recognizing the humor and fun in making a film about adults drssing up in medieval gear and pounding each other with foam swords. It's pretty hard for anyone who doesn't sit on their computer for 7-10 hours a day playing games or desiging the latest star destroyer to understand what the characters are talking about and why we should even care. However, the filmmakers themselves seem not to care choosing to focus solely on the subject of the game itself rather than building a strong narrative with a clear story that anyone can understand. Moreover, the characters themselves are not that compelling and you quickly become bored of them: a big no-no when you're trying to keep people's attention for 90 minutes.\": {\"frequency\": 1, \"value\": \"The subject is ...\"}, \"I really enjoyed Girl Fight. It something I could watch over and over again. The acting was Fantastic and i thought Michelle Rodriguez did a good job in the film. Very convincing might I say. The movie is showing how women should stand up for what they want to do in life. She had so much compassion and yet so much hate at the same time. Dealing with a ignorant dad didn't really help her much. Even though he loved her he was really hateful. Her mother died when she was younger and that also put some sadness in the role. The love story was a part that i really enjoyed in the movie also. I felt the passion the y had for one another. Then again drama sets in and then its like she is choosing between her boyfriend and her life long dream. I thought it ended just right. It was the kind of ending where you have to decide what happened in the future for them.For all you people who likes a movie based on a sport with a good plot i 'd suggest that you check this one out\": {\"frequency\": 1, \"value\": \"I really enjoyed ...\"}, \"Songwriter Robert Taylor (as Terry) is \\\"dizzy, slap-happy\\\" and can't see straight over otherworldly Norma Shearer (as Consuelo). \\\"She makes the sun shine, even when it's raining,\\\" Mr. Taylor explains. But, Mr. Taylor gets a lump in his throat whenever he gets near Ms. Shearer. Finally, at the Palm Beach casino Shearer frequents, Taylor proclaims \\\"I love you!\\\" Shearer brushes him off, as she is engaged to George Sanders (as Tony). However, to settle a gambling debt, Shearer hires Taylor to pose as \\\"Her Cardboard Lover\\\", to make Mr. Sanders jealous.

This film's title invites the obvious and appropriate three-word review: \\\"Her Cardboard Movie\\\". It is most notable as the last film appearance for Shearer, one of the biggest stars in the world from \\\"He Who Gets Slapped\\\" (1924, playing another Consuelo) to \\\"The Women\\\" (1939). To be fair, this was likely the kind of Shearer film MGM believed audiences wanted to see. However, the part is unflattering.

Plucked and powered, Taylor and Shearer were better off in \\\"The Escape\\\" (1940). If Shearer had continued, she might have become a better actress than \\\"leading lady\\\"; apparently, she was no longer interested, and certainly didn't need the money. Taylor has a great scene, reciting Christina Rossetti's \\\"When I am Dead, My Dearest\\\" while threatening to jump from Shearer's balcony, as directed by George Cukor.

**** Her Cardboard Lover (6/42) George Cukor ~ Norma Shearer, Robert Taylor, George Sanders\": {\"frequency\": 1, \"value\": \"Songwriter Robert ...\"}, \"Let's cut a long story short. I loved every minute of it. A lavish fantasy in true Arabian-Nights style. There's an evil magician, a pretty princess, a djinn and everybody lives happily ever after. Modern Hollywoond sure does have one or two things to learn from this classic. Only quibble: the special effects are pretty dated (loved Sabu with the djinn's foot, though!)\": {\"frequency\": 1, \"value\": \"Let's cut a long ...\"}, \"Having just seen this on TMC, it's fresh in my mind. It's obvious that while the stooges are featured stars, they don't really run the show. First, they're broken into 2 groups - Moe, as \\\"Shorty\\\" and Larry and Curly as a pair of vagrants, so there's not a whole lot of full team work. The love story that fuels the plot is uninteresting, the two ladies are the only ones with any acting ability, there's another group of musical stooges that are unfunny, unless you consider their attempts at being funny to be sadly buffoonish. The music is tiresome, they drive cars to the ranch and then depend on horses, the dorky western wear is silly, and there's an awful lot of the movie with no stooges on camera. By the way, this is obviously after Curley's first stroke, and his reduced energy level is clear. Vernon Dent appears early on in an uncredited role. I loved everything these guys ever did, including all the non-Curley stuff, but this little dogie is pretty lousy.\": {\"frequency\": 1, \"value\": \"Having just seen ...\"}, \"A funny comedy from beginning to end! There are several hilarious scenes but it's also loaded with many subtle comedic moments which is what made the movie for me. Creative story line with a very talented cast. I thoroughly enjoyed it!\": {\"frequency\": 1, \"value\": \"A funny comedy ...\"}, \"I watch this movie all the time. I've watched it with family ages 3 to 87, and everyone in between; They all loved it. It really shows the true scenes a dog has, and the love and loyalty you get from a pet. Just beautiful.

It's great for thoes who love comedy movies, the tear-jerker movies, or even just pets.

The music is wonderful, the animals spectacular, the scenes truly thought out, and the characters perfect. What I liked about the characters is the true and nicely mixed personalities: Shadow (The oldest, a Golden Retriever) He's the wise one, filled with the wisdom and mindset of any dog, Chance (the American Bulldog puppy) is basically a puppy with a witty side, the comical character; And Sassy (The Hymilayan cat) She's the real cat who shows what a real cat will do for their owner, the real girly one.\": {\"frequency\": 1, \"value\": \"I watch this movie ...\"}, \"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.

\": {\"frequency\": 1, \"value\": \"WOW!


This program was disgraceful. What's New Scooby Doo is much better. Why change a winning format. Bin this piece of garbage and go back to the true Scooby\": {\"frequency\": 1, \"value\": \"I have grown up ...\"}, \"This 2004 Oscar nominee is a very short b/w film in Spanish. A young woman goes into a caf\\ufffd\\ufffd, gets a coffee, and notices a couple of musicians standing silently with their instruments. All the patrons are motionless, like mannequins. One guy, however, is quite jolly and breaks into a song about what goes on at 7:35 in the morning. There is one surprising moment after another until the end which is quite, well, surprising. The people, the place, everything looks quite ordinary. And like the musical piece \\\"Bolero\\\", the thing keeps building until the climax. With its structure, theme,movement and wit,it is an 8 minute masterpiece.\": {\"frequency\": 1, \"value\": \"This 2004 Oscar ...\"}, \"Poor Ingrid suffered and suffered once she went off to Italy, tired of the Hollywood glamor treatment. First it was suffering the torments of a volcanic island in STROMBOLI, an arty failure that would have killed the career of a less resilient actress. And now it's EUROPA 51, another tedious exercise in soggy sentiment.

Nor does the story do much for Alexander KNOX, in another thankless role as her long-suffering husband who tries to comfort her after the suicidal death of their young son. At least this one has better production values and a more coherent script than STROMBOLI.

Bergman is still attractive here, but moving toward a more matronly appearance as a rich society woman. She's never able to cope over the sudden loss of her son, despite attempts by a kindly male friend. \\\"Sometimes I think I'm going out of my mind,\\\" she tells her husband. A portentous statement in a film that is totally without humor or grace, but it does give us a sense of where the story is going.

Bergman is soon motivated to help the poor in post-war Rome, but being a social worker with poor children doesn't improve her emotional health and from thereon the plot takes a turn for the worse.

The film's overall effect is that it's not sufficiently interesting to make into a project for a major star like Bergman. The film loses pace midway through the story as Bergman becomes more and more distraught and her husband suspects that she's two-timing him. The story goes downhill from there after she nurses a street-walker through her terminal illness. The final thread of plot has her husband needing to place her for observation in a mental asylum.

Ingrid suffers nobly through it all (over-compensating for the loss of her son) but it's no use. Not one of her best flicks, to put it mildly.

Trivia note: If she wanted neo-realism with mental illness, she might have been better off accepting the lead in THE SNAKE PIT when it was offered to her by director Anatole Litvak!! It would have done more for her career than EUROPA 51.

Summing up: Another bleak indiscretion of Rossellini and Bergman.\": {\"frequency\": 1, \"value\": \"Poor Ingrid ...\"}, \"I wish more movies were two hours long. On the other hand, I wish more American Civil War movies were MERELY two hours long. \\\"Gone with the Wind\\\", \\\"Gettysburg\\\" - that's about the length I've come to expect; although those two at least entertained for however many hours they lasted; and even \\\"Gettysburg\\\" lasted as long as it did because things HAPPENED in the course of it.

By contrast Ang Lee's film is bloated and uneventful. It actually feels as if it takes much less than two hours. That wasn't a compliment. It's really no different to any other form of sensory deprivation: at the time it feels as though it will never end, afterwards it seems to have taken no time at all.

The film gets off on the wrong foot, as Lee plays his interminable credits OVER the opening footage (bad mistake) in which we are introduced to some characters we take an instant dislike to and will later come to loathe. The central two are Jake, the son of German immigrants who are staunch supporters of Lincoln, and Jack, an equally staunch Southerner whose values Jake shares. (I had to re-read that sentence to make sure I hadn't written \\\"Jack\\\" instead of \\\"Jake\\\" at some point or vice versa.) The two go off to become \\\"bushwhackers\\\" - Southern militia who so strongly lust after revenge and violence that they can't even be bothered to join the official Southern army, which I presume they think is for sissies. I'm afraid Lee lost me right there. It's easy to feel for characters who make moral mistakes: if we have some independent reason to like them, or feel as if we know them in some way, then their moral flaws can make us care for them all the more. Not so here. We aren't properly introduced to Jake for at least an hour; when we are, it becomes clear he's a gormless pimple of a man, who isn't a confederate by choice so much as by habit - the kind of person who says and does what everyone around him says and does, whose psychology is purely immitative. The people he associates with are either just the same or positively evil in some uninteresting way. I found myself cheering whenever the Northern cavalry appeared on the screen. I thought: good - kill the rebels, end the damned war, let me go home.

Aggravating this problem is the horrible, horrible dialogue. Everyone speaks in the same whining Southern accent. I've heard accents from all over the English-speaking world and this is the worst of them all. I don't care if Southerners really did talk like that, it's simply not fair to ask an audience to listen to it for two hours. And believe me, we do listen to it for the full two hours: Lee's picture is a talky one, largely because characters take so long to say what they mean in their ungrammatical, say-everything-three-times, folksy drawl. It would help if they talked faster, but not much. Can't these people find a more efficient language in which to communicate?

In short: the film is little but a gallery of uniformly unattractive characters with no inner life, who talk in an offensively ugly mode of speech, who don't bathe often enough, to whom nothing of interest happens, despite their being involved in a war. Good points? Jewel was nice to look at, and so was the scenery. But I have complaints even here. The cinematography, nicely framed, looked as if someone had susbtituted colour film for black and white by mistake; and as for Jewel, we were teased with her body, but never actually allowed to gaze upon it, which I think is the least we were owed.\": {\"frequency\": 1, \"value\": \"I wish more movies ...\"}, \"There's some very clever humour in this film, which is both a parody of and a tribute to actors. However, after a while it just seems an exercise in style (notwithstanding great gags such as Balasko continuing the part of Dussolier, and very good acting by all involved) and I was wondering why Blier made this film. All is revealed in the ending, when Blier, directing Claude Brasseur, gets a phone call from his dad (Bernard Blier) - from heaven, and gets the chance to say how much he misses him. An effective emotional capper and obviously heartfelt. But there isn't really sufficient dramatic tension or emotional involvement to keep the rest of the film interesting throughout it's entire running time. Some really nice scenes and sequences, however, and anyone who likes these 'mosntres sacr\\ufffd\\ufffds' of the French cinema should get a fair amount of enjoyment out of this film.\": {\"frequency\": 1, \"value\": \"There's some very ...\"}, \"Absolutely laughable film. I live in London and the plot is so ill-researched it's ridiculous. No one could be terrorised on the London Underground. In the short time it is not in service each night there are teams of maintenance workers down there checking the tracks and performing repairs, etc. That there are homeless people living down there is equally unlikely. Or that it's even possible to get locked in and not have access to a mobile phone in this day and age...

The worst that's likely to happen if someone did find themselves there after the last train is that they might get graffiti sprayed on them. Although this has been coming under control due to the massive number of security cameras on the network, another thorn in the side of the story. (Remember in London as a whole we have more security cameras than any other city in the world.)

If it had been set in a city I am not familiar with perhaps I could have enjoyed it through ignorance, but it's not a high quality film so I just couldn't bring myself to suspend my disbelief and try and enjoy it for the banal little tale that it is.

I would have given it 0/10 if such a rating existed! Possibly the most disappointing film I ever thought I would like.\": {\"frequency\": 1, \"value\": \"Absolutely ...\"}, \"Wow. Saw this last night and I'm still reeling from how good it was. Every character felt so real (although most of them petty, selfish a**holes) and the bizarre story - middle aged widow starts shagging her daughter's feckless boyfriend - felt utterly convincing. Top performances all round but hats off to Anne Reid and Our Friends in the North's Daniel Craig (the latter coming across as the next David Thewlis).

And director Roger Michell? This is as far from Notting Hill as it's possible to be. Thank God.

Watch this movie!!!\": {\"frequency\": 1, \"value\": \"Wow. Saw this last ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"For Romance's ...\"}, \"Apparently, the people that wrote the back of the box did not bother to watch this so-called \\\"movie.\\\" They described \\\"blindingly choreographed intrigue and violence.\\\" I saw no \\\"intrigue.\\\" I instead saw a miserable attempt at dialogue in a supposed kung fu movie. I saw no \\\"violence.\\\" At least, I saw nothing which could cause me to suspend my disbelief as to what could possibly hurt a man with \\\"impervious\\\" skin--but here I am perhaps revealing too much of the \\\"plot.\\\" Furthermore, as a viewer of many and sundry films (some of which include the occasional kung fu movie), I can authoritatively say that this piece of celluloid is unwatchable. Whatever you may choose to do, I will always remain

Correct,

Jonathan Tanner



P.S. I was not blinded by the choreography.\": {\"frequency\": 1, \"value\": \"Apparently, the ...\"}, \"This film is about British prisoners of war from the World War II escaping from a camp in Germany.

I find \\\"The Wooden Horse\\\" disappointingly boring. The subject could have been thrilling, suspenseful and adrenaline fuelled, but \\\"The Wooden Horse\\\" is told in a very plain way. It's a collection of plain and poorly told events, with no suspension and thrill. The first half plainly tells how the prisoners of war dug a tunnel, but the events are so plain, with not enough blunders and close shaves to make me on edge. The latter half of the film is even worse, they are just moving from one place to another without any cat and mouse chase. And could the characters talk a bit less and have more action in an action film! I am disappointed by \\\"The Wooden Horse\\\", it wasted the potential to be a great film.\": {\"frequency\": 1, \"value\": \"This film is about ...\"}, \"Unless you understand wretched excess this movie won't really mean much to you. An attempt was made to interject a bit of humanity into a cold and bleak period consumed by alcohol and drugs -- it doesn't work.

When Salma Hayak does her big disco number her voice is so obviously dubbed it is pathetic -- the producers could at least have gotten someone that sounded remotely like her.

The documentary that has been playing on television lately is far superior and gives a much truer view of that period of our history.

No one, with the exception of Mikey Myers, could be accused of acting; however, he does an incredible job.\": {\"frequency\": 1, \"value\": \"Unless you ...\"}, \"Some very interesting camera work and a story with much potential. But it never comes together as anything more than a student's graduate thesis in film school.

There are two primary reasons for this. Fist, there is not a single likable character, not even a villain we might admire for his/her chutzpah. Secondly, all the acting is awful - even from veteran Willem DaFoe. The ham is so plentiful here, you feel like you're at a picnic - but one of those wretched company employee picnics where you drink too much cheap beer and get your hangover before you even stop drinking. Then you eat an underdone hotdog and throw up.

All right, I'm being a little rough on a young director who might still go places - as I said, the camera work is quite good.

But I feel cheated - the blurb for this film suggests we will get to watch a \\\"Modern western\\\", and the DVD packaging has pictures on it that suggest this as well - but nobody actually connected to the film's making seems to know that this is the kind of film they're supposed to be making.

That betrayal is what hurts; but even without it, the fact remains that we don't like these characters, we feel embarrassed for the actors, the story is hopelessly muddled, and in the last analysis, we just don't care.

I took it out of the DVD player about half way through. but the rental store wouldn't give me my money back.

Now, that really hurts.\": {\"frequency\": 1, \"value\": \"Some very ...\"}, \"Unless somebody enlightens me, I really have no idea what this movie is about. It looks like a picture with a message but it\\ufffd\\ufffds far from it. This movie tells pointless story of a New York press agent and about his problems. And, that\\ufffd\\ufffds basically all. When that agent is played by Pacino, one must think that it must be something important. But it takes no hard thinking to figure out how meaningless and dull this movie is. To one of the best actors in the world, Al Pacino, this is the second movie of the year (the other is \\\"Simone\\\") that deserves the title \\\"the most boring and the most pointless motion picture of the year\\\". So, what\\ufffd\\ufffds going on, Al?\": {\"frequency\": 1, \"value\": \"Unless somebody ...\"}, \"The Bourne Ultimatum is the third and final outing for super-spy Jason Bourne, a man who is out to kill the people who made him into a killer. The Bourne series is one of the highest regarded trilogies by critics (Ultimatum has an 85/100 on metacritic.com, meaning it's status is \\\"universal acclaim) and for good reason- the fighting is choreographed very well and the deep story can be very engrossing.

First, I highly advise you watch The Bourne Identity and The Bourne Supremacy, the two fancy-titled prequels to Ultimatum. There may be three different movies, but in reality they are all a continuance of one another: missing one leaves you stranded and confused, just like I was. You will still be about to enjoy the action and fight scenes of Ultimatum if you missed the first two, but then the story will definitely lead to some confusion.

If you were lucky enough to view the prequels to this movie, you probably had a treat watching Bourne take down his enemies and track down the man who screwed him from Supremacy. Jason Bourne is played very well by Matt\\ufffd\\ufffdDamon. Damon does nothing to deserve an Oscar nod, but his work here is good enough to hold it's own. Bourne's adventures take place in many different cities; the cities are all varied enough to keep the movie from becoming bland at times. The agency tracking Bourne takes advantage of every technological tool known to mankind to track him down.

I won't go into detail on the characters because they are continuations off of the first two movies. However, it wouldn't hurt the movie to spell a few things out for the audience- not every viewer is a die-hard movie watcher who can pick up on every little hint about story development. Ultimatum wouldn't have been harmed at all if the story was a little more up front.

It seems most people agree that Ultimatum was a success of a film: the movie opened to $69 million, and -box office total now is up to $216 mil- is currently still going very strongly for a movie that has been in theatres since August 3. It's the best action movie I've seen since Live Free or Die Hard.

Good) Damon is solid but not spectacular, very smart movie Bad) Story is like many others\": {\"frequency\": 1, \"value\": \"The Bourne ...\"}, \"I have just recently purchased collection one of this awesome series and even after just watching three episodes, I still am mesmerized by sleek styling of the animation and the slow, yet thoughtful actions of the story-telling. I am still a fan.....with some minor pains.

Though this installment into the Gundam saga is very cool and has what the previous series had-a stylish satiric way of telling about the wrongs of war and not letting go of the need to have control or power over everything(sound familiar?), I have to say that this one gets a bit too mellow-dramatic on continuing to explain the lives of the main characters and their incessant need to belly-ache about every thing that happens and what they need to do to stop the OZ group from succeeding in their plans(especially the character called Wufei...I mean he whines more than an American character on a soap opera. Get a counselor,will ya?)

Besides for the over-exaggerated drama(I think that mostly comes from the dubbing of the English voice actors), this series is still very exciting and will still captivate me once again. I mean it can always be worse. It could be like the recent installment, SEED......eeeewwww, talk about mellow-dramatic....I'll chat about that one later.\": {\"frequency\": 1, \"value\": \"I have just ...\"}, \"I enjoyed a lot watching this movie. It has a great direction, by the already know Bigas Luna, born in Spain. And it is precisely in Spain that the movie takes place, in Catalu\\ufffd\\ufffda, to be more precise.

Luna explores once more the theme of an obcession, in this case the obcession of a young boy for the women's milk. There are some psychological concepts in this story such as the rejection complex that the elder son feels with the birth of his brother. In the movie this is what leads to the obcession of the young boy who suddenly sees all his mother's milk go to the recently born son. So he starts trying to find a breast who is able to feed him. He finds it in a woman recently arrived and from here on the movie is all around this.

This movie lives a lot on imagery, more than the story itself, the espectator captures certain moments (unforgettable moments) and certain symbols (the movie deserves a thourough analyses on almost everything that happens because it usually means something...). The surroundings, the landscapes, typical from the region as well as the surreal behaviors of the characters, also symbolic, and the excelent ambiguous soundtrack by Nicola Piovani transport us to another dimension, not parallel to the real world, but which intersects it from times to times... Worth living in that world, worth watching this movie, even though we may eventually and for moments get tired and a bit sick with the excessive obcession, which is perhaps taken beyond the limits...

I also enjoyed the performance of the protagonist... 8/10\": {\"frequency\": 1, \"value\": \"I enjoyed a lot ...\"}, \"There's a lot the matter with Helen and none of it's good. Shelley Winters and Debbie Reynolds play mothers of a pair of Leopold & Loeb like killers who move from the mid-west to Hollywood to escape their past. Reynolds, a starstruck Jean Harlow wannabe, opens a dance studio for children and Winters is her piano player. Soon Winters (as Helen) begins to crack up. It's all very slow going and although there are moments of real creepiness (nasty phone calls, a visit from wino Timothy Carey), the movie is devoid of any real horror. Nevertheless, it's still worthy entertainment. The acting divas are fine and the production values are terrific. A music score by David Raskin, cinematography by Lucien Ballard and Oscar-nominated costumes contribute mightily. With this, A PLACE IN THE SUN and LOLITA to her credit, does anyone do crazy as well as Winters? Directed by Curtis Harrington, a master at this type of not quite A-movie exploitation. In addition to Carey, the oddball supporting cast includes Dennis Weaver, Agnes Moorehead (as a very Aimee Semple McPherson like evangelist), Yvette Vickers and Miche\\ufffd\\ufffdl MacLiamm\\ufffd\\ufffdir (the Irish Orson Welles) as Hamilton Starr, aptly nicknamed hammy.\": {\"frequency\": 1, \"value\": \"There's a lot the ...\"}, \"Walt Disney's CINDERELLA takes a story everybody's familiar with and embellishes it with humor and suspense, while retaining the tale's essential charm. Disney's artists provide the film with an appealing storybook look that emanates delectable fairy tale atmosphere. It is beautifully, if conventionally, animated; the highlight being the captivating scene where the Fairy Godmother transforms a pumpkin into a majestic coach and Cinderella's rags to a gorgeous gown. Mack David, Al Hoffman, and Jerry Livingston provide lovely songs like \\\"A Dream Is a Wish Your Heart Makes\\\" and \\\"Bibbidi-Bobbidi-Boo\\\" that enhance both the scenario and the characters.

Even though CINDERELLA's story is predictable, it provides such thrilling melodrama that one shares the concerns and anxieties of the titular heroine and her animal friends. Both the wicked stepmother and her dreadful cat Lucifer present a formidable menace that threatens the dreams and aspirations of Cinderella and the mice. It is this menace that provides the story with a strong conflict that holds the viewers' interest. The film's suspense, however, is nicely balanced by a serene sweetness, especially in the musical numbers. It is in these segments that reveal the appealing personalities of Cinderella and her friends, moving the viewers to care for them. Overall, Walt Disney's CINDERELLA is wonderful family entertainment that has held up remarkably well after half a century.\": {\"frequency\": 1, \"value\": \"Walt Disney's ...\"}, \"This movie was like a bad train wreck, as horrible as it was, you still had to continue to watch. My boyfriend and I rented it and wasted two hours of our day. Now don't get me wrong, the acting is good. Just the movie as a whole just enraged both of us. There wasn't anything positive or good about this scenario. After this movie, I had to go rent something else that was a little lighter. Jennifer Tilly is as usual a very dramatic actress. Her character seems manic and not all there. Darryl Hannah, though over played, she does a wonderful job playing out the situation she is in. More than once I found myself yelling at the TV telling her to fight back or to get violent. All in all, very violent movie...not for the faint of heart.\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"A sequel to (actually a remake of) Disney's 1996 live-action remake of 101 Dalmations. Cruella deVil (Glenn Close) is released from prison after being \\\"cured\\\" of her obsession with fur by a psychologist named Dr. Pavlov (ugh!). But the \\\"cure\\\" is broken when Cruella hears the toll of Big Ben, and she once again goes on a mad quest to make herself the perfect coat out of dalmation hides.

This movie is bad on so many levels, starting with the fact that it's a \\\"Thanksgiving family schlock\\\" movie designed to suck every last available dime out of the Disney marketing machine. Glenn Close over-over-over-over-acts as Cruella. With all that she had to put up with in this movie -- the lame script, the endless makeup, getting baked in a cake at the end -- I hope they gave her an extremely-large paycheck.

(Speaking of which, where in the world are you going to find a fur coat factory, a bakery with a Rube Goldberg assembly line, and a candlelight restaurant all located within the same building -- as you do in the climax of this film?) Of course, the real stars of the movie are supposed to be the dogs. They serve as the \\\"Macaulay Culkin's\\\" of this movie, pulling all the stupid \\\"Home Alone\\\" gags on the villains. (Biting them in the crotch, running over their hands with luggage carts, squirting them with icing, etc., etc., etc., ad nauseum.) I have to admit, the dogs were fairly good actors -- much better than the humans.

Gerard Depardieu is completely wasted in this movie as a freaked-out French furrier. The two human \\\"dog lovers\\\" -- rehashed from the earlier film, but with different actors -- are completely boring. When they have a spaghetti dinner at an Italian restaurant, the movie cuts back and forth between the two lovers, and their dogs at home, watching the dinner scene from \\\"Lady and the Tramp.\\\" I thought to myself, \\\"Oh please, don't go there!\\\" I half-expected the humans to do a satire on the \\\"Lady and the Tramp\\\" dinner scene -- as Charlie Sheen did in \\\"Hot Shots: Part Deux\\\" -- doing the \\\"spaghetti strand kiss,\\\" pushing the meatball with his nose, etc.

And don't get me started on the annoying parrot with Eric Idle's voice.

The costumes were nominated for an Oscar, and the costumes in the movie *are* good. But they are the only good thing in the movie. The rest of it is unbearable dreck.\": {\"frequency\": 1, \"value\": \"A sequel to ...\"}, \"FORBIDDEN PLANET is the best SF film from the golden age of SF cinema and what makes it a great film is its sense of wonder . As soon as the spaceship lands the audience - via the ships human crew - travels through an intelligent and sometimes terrifying adventure . We meet the unforgetable Robbie , the mysterious Dr Morbuis , his beautiful and innocent daughter Altair and we learn about the former inhabitants of the planet - The Krell who died out overnight . Or did they ?

You can nitpick and say the planet is obviously filmed in a movie studio with painted backdrops but that adds to a sense of menace of claustraphobia I feel and Bebe and Louis Barron`s electronic music adds even more atmosphere

I`m shocked this film isn`t in the top 250 IMDB films .\": {\"frequency\": 1, \"value\": \"FORBIDDEN PLANET ...\"}, \"Towards the end of the movie, I felt it was too technical. I felt like I was in a classroom watching how our Navy performs rescues at sea. I liked seeing that the engines have fire extinguishers. I guess I should have figured that out before, but I never thought about it. Using a 747 to transport valuable old paintings with very little security is odd and not realistic. The acting was pretty good, since they're mostly seasoned professionals, but if you're going to stretch so far from what would most likely happen, it should be more like a fantasy, comical, etc. Everything was taken too seriously. At least the movie had Felix Ungar as pilot, with Buck Rogers, the night stalker, and Dracula also on board. The movie was filled with well known faces. I understand that Hollywood has to exaggerate a bit for drama, but it does hurt the quality of a movie when a serious subject is made into a caricature. That's why I said it should have been more comical. My pet peeve with movies about airline travel is that everybody just casually moves about. They walk around with drinks, setting them down and picking them up 5 minutes later, just as if they're in a building or something, and acting as if turbulence just doesn't exist. Also, I know it's a disaster movie, but suspense doesn't have to include a 30 second crash after hitting something. Anyway, the skilled actors and actresses keep this weak script from having been made into a movie that got canned after it's first screening. I like Lee Grant, but it was fun to watch a psychotic person get decked...:)\": {\"frequency\": 1, \"value\": \"Towards the end of ...\"}, \"Even in the 21st century, child-bearing is dangerous: women have miscarriages, and give birth prematurely. Seventy-five years ago, it was not uncommon for women to die during childbirth. That is the theme of \\\"Life Begins\\\": a look at the \\\"difficult cases\\\" ward of a maternity hospital. Loretta Young plays the lead, a woman brought here from prison (what crime she committed is not germane to the plot) to give birth; she's conflicted about the fact she's going to have to give her baby up after birth. She's in a ward with several other women, who share their joys and pain with each other.

Although Loretta Young is the lead, the outstanding performance, as usual, is put in by Glenda Farrell. Farrell was one of Warner's \\\"B\\\" women in the 1930s, showing up quite a bit in supporting roles, and sometimes getting the lead in B movies (Farrell played Torchy Blane in several installments of the \\\"Torchy\\\" B-movie series.) Here, Farrell plays an expectant mother who doesn't want her children, since they'll only get in the way. She does everything she can to get in the way of the nurses, including smuggling liquor into the ward (this of course during the Prohibition days), and drinking like a fish -- apparently they'd never heard of fetal alcohol syndrome back in the 30s.

Interestingly, unlike most movie of the early 1930s, it's not the women being bumbling idiots getting in the way of the heroic men -- that situation is reversed, with the expectant fathers being quivering mounds of jelly. (Watch for veteran character actor Frank McHugh as one of the expectant fathers.) \\\"Life Begins\\\", being an early talkie, treats the subject with a fair dollop of melodrama, to be sure, but it's quite a charming little movie. Turner Classic show it, albeit infrequently; I've only seen it show up on a few days honoring Loretta Young. But it's highly recommended viewing when it does show up.\": {\"frequency\": 1, \"value\": \"Even in the 21st ...\"}, \"This is one of the worst movies I have ever seen. Robin Williams fit into the part like a rhino would fit into a tutu, even so his performance was still pitiful. Kurt Russell was more believable but still was awful. The plot left much to be desired and the rest of the acting was also terrible. The only thing this movie had going for it was the trailer, which suckered me in to wasting 90 minutes of my life which could have been better spent trying to lick the back of my head.

Do yourself a favor and burn this movie if you have it. If not, just be happy you don't.\": {\"frequency\": 1, \"value\": \"This is one of the ...\"}, \"This film was hard to get a hold of, and when I eventually saw it the disappointment was overwhelming. I mean, this is one of the great stories of the twentieth century: an unknown man takes advantage of the unsuspecting airline industry and GETS AWAY with millions in ransom without hurting anyone or bungling the attempt. With all of this built-in interest, how could anyone make such a lackluster, talk-laden flick of this true-life event. While Williams is always interesting, the screenwriters assumed that the D.B. Cooper persona was stereotypically heroic like a movie star, s what we get is a type-without any engaging details or insights into the mind of a person daring enough and clever enough to have pulled it off. Harrold practically steals the movie with her spunk and pure beauty, but the real letdown was in the handling of the plot and the lame direction. Shame on this film for even existing.\": {\"frequency\": 1, \"value\": \"This film was hard ...\"}, \"This was my first, and probably the last Angelopoulos movie. I was eager to get into it, as it featured Mastroianni, one of my favorite actors and was a film By Theo, of whom I've heard a lot. The opening was promising, a long shot over a jeep of soldiers across the Albanian-Greek border. OK! but that was all. Nothing left. The movie had big holes and I don't know which to mention first. The main plot of the story is revealed to the journalist by the old woman. during a long walk. It's like a 15 minutes monologue, killing the action and viewers patience, nothing happening on screen for 15 or even 20 minutes, apart this old lady telling a story. All that is presumed to be shown through action, was simply told to the camera by the old lady. In a moment, the equippe of TV was heading to the bar. They turn the corner and immediately the winter begins! Probably, shot in different days, continuity leaked. A lot of problems with the story-telling, it went from absurd to irrational never sticking to a style, making the viewer asking questions that never got answers. Poor Mastroianni, given a role which lacked integrity or charm. On the other hand, as many Greeks or Albanians or Balcan people would agree with, the movies showed lot of historic, ethnic, or politically incorrectness, just for the sake of making a movie about \\\"humanity\\\" as a red in another review. A lot more to say, but no time to lose on a poor movie, which was not movie at all, but lunacies of a person impressed on film and paid with state money.\": {\"frequency\": 1, \"value\": \"This was my first, ...\"}, \"I've seen this movie, when I was traveling in Brazil. I found it difficult to really understand Brazilian culture and society, because it has so many regional and class differences. To see this movie in Sao Paulo itself was a revelation. It shows something of the everyday life of many Brazilians. On the other side, it is sometimes a little bit over-dramatized. And that's the only negative comment I have on this film. It's sometimes too much, too much sex, too many murders and too much cynicism for one film. The director could film some things a bit more subtle, it would make the film more effective.

Despite this I liked the movie and the way the story unravels itself. The characters are complex, and very much like real-life people. Not pretty American actors and actresses with a lot of cosmetics, but people who could be ugly and beautiful at the same time. That makes the film realistic, even when the story is not that convincing.\": {\"frequency\": 1, \"value\": \"I've seen this ...\"}, \"dark angel rocks! the best show i have seen in ages damn those people who took it off! me and my friends have gatherings to watch every DA episode! takes like 4 days but it is worth it! it finished before it finished what it wanted to say and that annoys the hell out of me!\": {\"frequency\": 1, \"value\": \"dark angel rocks! ...\"}, \"Julie Waters is outstanding and Adrian Pasdar a revelation in a very warm, very real, and extraordinarily entertaining look at the complications gender dysphoria and transvestism cause in a young executive's life. At the heart of this movie is the very real truth that you must accept yourself before you can hope for others to accept you.\": {\"frequency\": 1, \"value\": \"Julie Waters is ...\"}, \"This movie is so, so, so horrible, that it makes angels lose their wings. Shaq had tried to make other crossover efforts, like his work in Shaq-Fu for the NES and his plethora of unbearable rap albums, and later, the epic serving of horrible film-making that is Steel.

There's not a single good thing to be said about this movie. I saw it a bunch of times when I was very young, but I must've been an idiot then, because this movie takes all that is enjoyable about films and tears it apart. It's fun to mock. I saw it on the Disney Channel a while back and spent a few minutes doing that. Although, once the thrill of mocking it is done, you still become overwhelmed by its terribleness.

If you see it on TV, try this: consider, as your watching the film, removing from it all the scenes in which Shaq uses his magical genie powers. If you do that, it becomes like a film about a pedophile chasing a kid and rapping to seduce him. That's kinda funny, and disturbing.

A horrible example of film. Do not, unless looking to mock it, see this movie.\": {\"frequency\": 1, \"value\": \"This movie is so, ...\"}, \"Only seen season 1 so far but this is just great!! A wide variety of people stuck on a island. Nobody are who they seem to be and everybody seems to have loads of skeletons in their closets .... it sounds like Melrose Place meets the Crusoe family and why is that so great ? It probably is not but then ad a spoon full of X Files, a dose of \\\"what\\\" ?? and a big \\\"hey\\\" and a island that is everything You ever dreamed of - in Your freakiest nightmares and You'll be Lost to. The story got so many twists and turns it is unbelievable. Great set up, solid acting with a liberating acceptance that at the end of the everybody is human (well almost everybody ... I think ...)with good and bad sides. But weird oh so weird ...\": {\"frequency\": 1, \"value\": \"Only seen season 1 ...\"}, \"I have loved this movie since I first saw it in 1979. I'm still amazed at how accurately Kurt Russell portrays Elvis, right down to how he moves and the expressions on his face. Sometimes its scary how much he looks, acts, and talks like the real Elvis. Thankfully this is being released on DVD, so all of us that have been waiting can finally have an excellent quality version of the full length film. I have heard the detractors, who say that there are some inaccuracies, or some things left out, but I think that keeping in mind that John Carpenter only had about 2 1/2 hours to work with, and that this was being shown on television (just two years after Elvis's death!) that he did a fine job with this. In fact I haven't seen another Elvis movie that even comes close to this one. Highly recommended.\": {\"frequency\": 1, \"value\": \"I have loved this ...\"}, \"I am completely appalled to see that the average rating for this movie is 5.2/10 For what affects me, it is definitely one of the worst movies I have ever seen and I still keep wondering why I watched it until the end. First of all, the plot is totally hopeless, and the acting truly awful. I think that any totally unknown actress would have been better for the role than Susan Lucci; concerning Mr. Kamar Del's Reyes, I think it would have been a better choice for him to remain in his \\\"Valley of the Dolls\\\". To sum up, it is total waste of time(and i'm trying to stay polite...) to avoid at any cost. My rating is 1 and I still think it is well paid, but since we cannot give a O....\": {\"frequency\": 1, \"value\": \"I am completely ...\"}, \"In the funeral of the famous British journalist Joe Strombel (Ian McShane), his colleagues and friends recall how obstinate he was while seeking for a scoop. Meanwhile the deceased Joe discloses the identity of the tarot card serial killer of London. He cheats the Reaper and appears to the American student of journalism Sondra Pransky (Scarlett Johansson), who is on the stage in the middle of a magic show of the magician Sidney Waterman (Woody Allen) in London, and tells her that the murderer is the aristocrat Peter Lyman (Hugh Jackman). Sondra drags Sid in her investigation, seeking for evidences that Peter is the killer. However, she falls in love with him and questions if Joe Strombel is right in his scoop.

\\\"Scoop\\\" is another great Woody Allen's comedy outside Manhattan, actually again in London. His ironic and witty lines are simply fantastic, and I laughed a lot inclusive with his fate of hero in a country where people drive \\\"in the wrong side\\\". Sid Waterman is extremely funny and Woody Allen is in an excellent shape as comedian. However, his present muse Scarlett Johansson, of whom I am a big fan, has over-acting and is annoying in many moments, changing inclusive her accent to a histrionic pronunciation. Her character is absolutely silly and promiscuous, and I was quite disappointed with her performance (probably for the first time in her filmography). But this supernatural comedy is still a hilarious and worthwhile entertainment. My vote is eight.

Title (Brazil): \\\"Scoop \\ufffd\\ufffd O Grande Furo\\\" (\\\"Scoop \\ufffd\\ufffd The Big Scoop\\\")\": {\"frequency\": 1, \"value\": \"In the funeral of ...\"}, \"Wow...speechless as to the making of this film, I can't say much. The coverbox at the local videostore should've said it all...nothing but 6 actors/actresses who get lost on the set of Scream and decide to shoot a movie!

The acting was apparently not in the budget, but they were able to afford nudity and good-looking actors! Style over substance almost makes its mark here, except most of these acting-class failures keep forgetting that there is a plot that needs to go somewhere when they were reading this script. After only 4 or 5 kills by the so-called masked murderer and a confusing tie-in plot about a Murder Club which the dumb lead actress thinks is a real club that she can join (only if she can get over a girl bumping into her car), you want to stab your hands with the nearest sharp object to remind yourself never to get overly excited by a possibly good movie such as this.

I feel bad for the people who bought this film and can't find anyone to take it off their hands. Another example of what's wrong with the growing number of straight to video horror releases with no thought put into the essentials. Throw it away if you did buy this.\": {\"frequency\": 1, \"value\": \"Wow...speechless ...\"}, \"Okay, first off, Seagal's voice is dubbed over for like 50% of the film... Why? Because apparently there were rewriting the script and story as they were shooting and they need to change his dialogue for story continuity as they have multiple versions. From the very beginning, you just scratch your head because the overdubs are not only distracting, but they make no sense.

That said, the story still sucked and doesn't make any sense at all. When I got the the end, I was just scratching my head cause the movie was so pointless and the ending didn't even make sense.

Avoid like the plague. This movie made me stop watching Seagal straight to video movies cause they just get worse and worse.\": {\"frequency\": 1, \"value\": \"Okay, first off, ...\"}, \"It's a tale that could have taken place anywhere really, given the right circumstances. Street entertainer catching the attention of famous opera star and friendship ensuing. The aging entertainer finds/buys a male child to pass his art to. From there, we follow them through the rigors of their challenging, but free life along the river. Traveling town to town, he performs and has some degree of notoriety. Despite the times and the influences, the man is kind and good.

Overall, the performances are first rate, especially Xu Zhu, who portrays the street performer. The child (Renying Zhou) is beautiful, and downright strong, and withstands the overt prejudices well. The two protagonists, along with supporting help from the kind opera singer, Master Liang (an interestingly androgynous Zhao Zhigang), paint a very interesting tale of forgiveness, sadness and love. Some have mentioned this film's remote similarities to BA WANG BIE JI (FAREWELL MY CONCUBINE); yet this film can't stand easily on its own, any resemblance is remote at best.

My only qualm with the KING OF MASKS, is the ending. It was weak, cliche and about as subtle as a sledgehammer. The audience was already wrapped up in the story, what was the needless manipulation for? What a shame. To bring a fine motion picture that far, only to surrender to emotional (and corny) pathos like that. It frankly made this film good, instead of the classic, it should've been. That aside, the KING OF MASKS is still very well worth your time. I was happy to see the Shaw Brothers are still producing good films. Highly recommended.\": {\"frequency\": 1, \"value\": \"It's a tale that ...\"}, \"As soon as I began to see posters and hear talk about this movie, I was immediately excited. The Matrix was an incredible to behold and I couldn't wait to see the second one, especially after beginning to see the trailers for it at other movies. However, when I saw it, I left the theater extremely disappointed, as did many other movie-goers at the theater with me. While the action scenes in the movie were amazing as always, there simply were too few of them. In the first movie, there was constant fighting going on it seemed, but the second took a much more (and much unfortunate) preachy point of view. To sum up the plot, there wasn't much to it that wasn't expected. The machines were digging toward Zion with intent of destroying it (that's not a spoiler, everyone saw it in the commercials). The dialogue of the movie was absolutely horrendous. Unless you're a psychology major, you most likely will not understand most of what is said in the movie, and because of that simply won't care. It became somewhat of a romantic movie with the showing of events happening in the lives and relationship of Neo and Trinity. Agent Smith, for as bad-ass as he was in the first movie, seemed to get all religious and preachy. Personally, I don't need to hear about that or pay money to listen to it. The movie was a serious waste of my time, and I don't think I can watch the first one anymore. The dialogue and the constant boring and dry monologues from basically every character made me lose interest in the film quickly, and the small amount of good fighting scenes pushed me nearer the edge, and the ending of the movie shoved me right off. What movie ends with \\\"To Be Concluded\\\"? How original is that folks. I wonder if the Wachowski brothers had to burn the midnight oil to come up with that one. In conclusion, the movie was bad and that's the end of it.\": {\"frequency\": 1, \"value\": \"As soon as I began ...\"}, \"First of all, don't go into Revolver expecting another Snatch or Lock Stock, this is a different sort of gangster film.

I saw the gala the other night and this movie definitely split the audience. It's the kind of movie where half the audience will leave thinking WHAT was that? That was awful, and the other half will leave thinking WHAT was that? That was cool. Personally i like films that i don't understand, i.e.Mullholland Drive, and Usual Suspects, so i enjoyed Revolver.

It definitely wasn't perfect though. I saw the big twist coming a mile away, at least part of it, and though sometimes some loose ends left unexplained is good, Revolver leaves A LOT of questions unexplained for no reason it seemed. Also some scenes, like the animation, and the scene where Sorter goes on a killing spree(actually one of my favourites), although, awesome scenes to watch, seemed to just be there because they were awesome to watch, not because they fit in with the movie.

However there were many good things too. I thought the acting was superb from all the main actors, Jason stratham, Ray Liotta, Vincent Pastore, and even Andre Benjamin(who was a pleasant surprise). This movie definitely kept my interest, with one great, suspenseful, action packed, scene after another. When Ray Liotta was being held under the table wow....well you have to see it. The script was extremely well done, and the soundtrack, as with most Guy Ritchie films, was great.

Though a step below such movies as,Fight Club, Mullholland Drive, and Usual Suspects, it was still an awesome fast paced, psychological, action movie, with many twists and turns and tons of scenes you will remember long after the movie is over.\": {\"frequency\": 1, \"value\": \"First of all, ...\"}, \"I was given the opportunity to see this 1926 film in a magnificently restored theater that was once part of the extensive Paramount chain of vaudeville houses. This Paramount has a \\ufffd\\ufffdMighty Wurlitzer' organ \\ufffd\\ufffd also magnificently restored -- that was used to accompany the silent films of the day.

We were fortunate enough to have Dennis James, a key figure in the international revival of silent films at the Mighty Wurlitzer playing appropriate music and thematic compositions fitting to the action on the film. The print was a nearly perfect digital copy of the rapidly decaying nitrate negative and the entire experience was a once-in-a-lifetime chance to see a silent film as it was meant to be seen.

This was Greta Garbo's first American film. She was only 20 years old but already had 6 Swedish films in her repertoire.

It is somewhat ironic that this is a silent film about an opera star; even though the Mighty Wurlitzer added immensely to the mise-en-scene, it was necessary to leave much to the imagination.

Modern audiences, for the most part, do not understand silent films\\ufffd\\ufffd Acting was different then, with expansive gestures and broad facial expressions. Therefore audiences laugh at inappropriate times \\ufffd\\ufffd the acting is seen as \\ufffd\\ufffdhammy' and over-done \\ufffd\\ufffd but it was simply the style of the period.

Garbo, with all her subtlety, did much to usher in the new age of acting: she could say more with a half-closed eye and volumes could be read into a downward glance or a simple shrug. She exemplifies the truism that `a picture is worth a thousand words.'

Even though this is Garbo's first American film it is pretty obvious the studio knew what they had on their hands: This was MGM filmmaking at its best. The sets and costumes were magnificent. The special effects \\ufffd\\ufffd which by today's standards are pretty feeble \\ufffd\\ufffd were still electrifying and amazing.

The script by Vicente Blasco Ibanez (from the novel by Entre Naranjos) would seem to be tailor made for Garbo; it showcases her strengths, magnifies her assets and there is no pesky language problem to deal with: a Swedish actress can play a Spanish temptress with no suspension of disbelief on our part.

Her co-star was MGM's answer to Rudolph Valentino: Ricardo Cortez. He does an admirable job and did something that few romantic stars of the day ever would have done in a film: allow himself to look unnactractive, appear foolish and to grow old ungracefully.

There are some fairly good character parts that are more than adequately acted \\ufffd\\ufffd especially when you consider the powerhouse that was Garbo. Notable among them are Lucien Littlefield as \\ufffd\\ufffdCupido' and Martha Mattox as \\ufffd\\ufffdDo\\ufffd\\ufffda Bernarda Brull.'

This is when the extraordinary cinematographer, William H. Daniels, met Garbo \\ufffd\\ufffd they went on to make 20 films together. (He was the cinematographer on 157 films and his career spanned five decades!) He was able to capture her ethereal beauty and it was his photography that was primarily responsible for the moniker by which she became known: The Divine Garbo. Without his magnificent abilities she would not have been the success that she was.

Seeing this film is an all-too-rare opportunity: if you ever have the chance, do not miss it.\": {\"frequency\": 1, \"value\": \"I was given the ...\"}, \"Mysterious murders in a European village seem the result of THE VAMPIRE BAT horde plaguing the terrified community.

This surprisingly effective little thriller was created by Majestic Pictures, one of Hollywood's Poverty Row studios. The sparse production values and rough editing actually add to its eerie atmosphere and lend it an almost expressionistic quality. Overall, it leaves the viewer the feeling of being caught up in a bad dream, which is appropriate for a thriller of this sort.

Even though the eventual explanation for the hideous crimes is quite ludicrous and is not given proper plot development, the film can boast of a good cast. Grave Lionel Atwill gives another one of his typically fine performances, this time as a doctor doing scientific research in an old castle. Beautiful Fay Wray plays his assistant in a role which requires her to do little more than look lovely & alarmed. Dour Melvyn Douglas appears as the perplexed police inspector who also happens to be, conveniently, Miss Wray's boyfriend.

Maude Eburne, who could be extremely funny given the right situation, steals most of her scenes as Miss Wray's hypochondriac aunt. Elderly Lionel Belmore plays the village's terrified burgermeister. And little Dwight Frye, who will always be remembered for his weird roles in the FRANKENSTEIN and Dracula films, here is most effective as a bat-loving lunatic.\": {\"frequency\": 1, \"value\": \"Mysterious murders ...\"}, \"Someone will have to explain to me why every film that features poor people and adopts a pseudo-gritty look is somehow seen as \\\"realistic\\\" by some people.

I didn't see anything realistic about the characters (although the actors did their best with really bad parts) or the situations. Instead, I saw a forced, self-conscious effort at being \\\"edgy\\\", \\\"gritty\\\" and \\\"down and dirty\\\".

Sadly, it takes a lot more than hand-holding the camera without rhyme or reason and failing to light the film to achieve any of the above qualities in any significant way.

It's a sad commentary on the state of independent film distribution that the only films that see the inside of a movie theater are nowadays all carbon copies, with bad cinematography, non-existent camera direction and a lot of swearing striving to pass themselves as \\\"Art\\\".

It's little wonder that films like \\\"In the Bedroom\\\" or \\\"About Schmidt\\\" get such raves. I found them to be meandering and very average, but compared to the current slew of independent clones like \\\"Raising victor Vargas\\\" they are outright brilliant and inspired.

A few years ago seeing an \\\"independent\\\" film meant that you would likely be treated to some originality and a lot of energy and care, and maybe a few technical glitches caused by the low budgets, nowadays, it means that chances are you'll get yet another by-the-numbers, let's-shake-the-camera-around-for-two-hours attempt at placating the lack of taste of independent distributors. And of course all that to serve characters and situations that are completely unreal and contrived.

Is it any surprise that the independent marketplace has fewer and fewer surviving companies? Not at all when you see films like Raising Victor Vargas that do nothing but copy the worst of the films that preceded them.\": {\"frequency\": 1, \"value\": \"Someone will have ...\"}, \"It makes the actors in Hollyoaks look like the Royal Shakespeare Company. This movie is jaw dropping in how appalling it is. Turning the DVD player off was not a sufficient course of action. I want to find the people responsible for this disaster and slap them around the face. I will never get that time back. Never. How is it possible to create such a banal, boring and soulless film? I could not think of a course of action that would relieve the tedium. Writing the required ten lines is incredibly difficult for such a disgraceful piece of cinema. What more can you say than reiterate how truly awful the acting is. Please avoid.\": {\"frequency\": 1, \"value\": \"It makes the ...\"}, \"a friend gave it to me saying it was another classic like \\\"Debbie does Dallas\\\". Nowhere close. I think my main complaint is about the most unattractive lead actress in porn industry ever. Even more terrible is that she is on screen virtually all the time. But I read somewhere that back in those days, porn had to have some \\\"artistic\\\" value. I was unable to find it though. See it only if you are interested in history of development of porn into mainstream, or can appreciate art in porn movies. I know I am not. But the director of the movie appears to be a talented person. He even tried to get Simon & Garfunkel to give him permissions to use his songs. Of course, they rejected.\": {\"frequency\": 1, \"value\": \"a friend gave it ...\"}, \"No,

Basically your watching something that doesn't make sense. To not spoil the film for people who actually want to this take a look at the flick I will explain the story.

A normal everyday to day women, is walking down a street then find's herself driving by in her own car. She follows her and many events take place during that time that include her and her family.

I specifically made an account to comment on this film, of how horribly written this was. The acting was great, the events were great, but the story just brought it nowhere - it could of been added to tremendously and be made into a worldwide epidemic. I'm not sure what the writer was trying to accomplish by making this, usually at the end of films most of your questions get answers but this film has you asking, What just happened and 1 hour 20 minutes just passed for nothing.

Spoiler Starts__

They had this area between 2 dimensions (ours and behind the glass) that would come into our world and kill us. It was not elaborated on all during the film, and you never know how it was happening or why it was or when it happened. Nothing gets explained during the film. The main character shouldn't of even been the main character. At the end of the film the guy who finally figures it all out and runs away (her sisters boyfriend) should of been the main character but sadly the movie ends 20 seconds after.

I bought this movie for $10, threw it out right after.. don't waste your time. I really hope nothing like this is made again.\": {\"frequency\": 1, \"value\": \"No,


13 Gantry Row combines a memorable if somewhat clich\\ufffd\\ufffdd story with good to average direction by Catherine Millar into a slightly above average shocker.

The biggest flaws seem partially due to budget, but not wholly excusable to that hurdle. A crucial problem occurs at the beginning of the film. The opening \\\"thriller scene\\\" features some wonky editing. Freeze frames and series of stills are used to cover up the fact that there's not much action. Suspense should be created from staging, not fancy \\\"fix it in the mix\\\" techniques. There is great atmosphere in the scene from the location, the lighting, the fog and such, but the camera should be slowly following the killer and the victim, cutting back and forth from one to the other as we track down the street, showing their increasing proximity. The tracking and the cuts need to be slow. The attack needed to be longer, clearer and better blocked. As it stands, the scene has a strong \\\"made for television\\\" feel, and a low budget one at that.

After this scene we move to the present and the flow of the film greatly improves. The story has a lot of similarities to The Amityville Horror (1979), though the budget forces a much subtler approach. Millar and scriptwriter Tony Morphett effectively create a lot of slyly creepy scenarios, often dramatic in nature instead of special effects-oriented, such as the mysterious man who arrives to take away the old slabs of iron, which had been bizarrely affixed to an interior wall.

For some horror fans, the first section of the film might be a little heavy on realist drama. At least the first half hour of the film is primarily about Julie and Peter trying to arrange financing for the house and then trying to settle in. But Morphett writes fine, intelligent dialogue. The material is done well enough that it's often as suspenseful as the more traditional thriller aspects that arise later--especially if you've gone through similar travails while trying to buy your own house.

Once they get settled and things begin to get weirder, even though the special effects often leave much to be desired, the ideas are good. The performances help create tension. There isn't an abundance of death and destruction in the film--there's more of an abundance of home repair nightmares. But neither menace is really the point.

The point is human relationships. There are a number of character arcs that are very interesting. The house exists more as a metaphor and a catalyst for stress in a romantic relationship that can make it go sour and possibly destroy it. That it's in a posh neighborhood, and that the relationship is between two successful yuppies, shows that these problems do not only afflict those who can place blame with some external woe, such as money or health problems. Peter's character evolves from a striving corporate employee with \\\"normal\\\" work-based friendships to someone with more desperation as he becomes subversive, scheming to attain something more liberating and meaningful. At the same time, we learn just how shallow those professional friendships can be. Julie goes through an almost literal nervous breakdown, but finally finds liberation when she liberates herself from her failing romantic relationship.

Although 13 Gantry Row never quite transcends its made-for-television clunkiness, as a TV movie, this is a pretty good one, with admirable ambitions. Anyone fond of haunted house films, psycho films or horror/thrillers with a bit more metaphorical depth should find plenty to enjoy. It certainly isn't worth spending $30 for a DVD (that was the price my local PBS station was asking for a copy of the film after they showed it (factoring in shipping and handling)), but it's worth a rental, and it's definitely worth watching for free.\": {\"frequency\": 1, \"value\": \"After a brief ...\"}, \"A wealthy Harvard dude falls for a poor Radcliffe chick much to the consternation of his strict father (Ray Milland).

Syrupy, sugary, and most of all, sappy story about a battle of the 'classes' when rich-kid Ryan O'Neal brings home a waif of a librarian for his snobbish parents to ridicule. Ali MacGraw is the social derelict with the filthy mouth while John Marley plays her devout-Catholic father, but no one in the film is more annoying than O'Neal himself with his whimpering portrayal as Harvard's champion yuppie.

Followed 8(!) years later by 'Oliver's Story'.\": {\"frequency\": 1, \"value\": \"A wealthy Harvard ...\"}, \"_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.\": {\"frequency\": 1, \"value\": \"_Waterdance_ ...\"}, \"I can see why Laurel and Hardy purists might be offended by this rather gentle 're-enactment', but this film would be an excellent way to introduce children to the pleasures of classic L & H. Bronson Pinchot and Gailard Sartain acquit themselves reasonably as the comedy duo and there's a reasonably good supporting cast. I enjoyed it.\": {\"frequency\": 1, \"value\": \"I can see why ...\"}, \"I would have liked to give this movie a zero but that wasn't an option!! This movie sucks!!! The women cannot act. i should have known it was gonna suck when i saw Bobby Brown. Nobody in my house could believe i hadn't changed the channel after the first 15 minutes. the idea of black females as gunslingers in the western days is ridiculous. it's not just a race thing, it's also a gender. the combination of the two things is ridiculous.i am sorry because some of the people in the movie aren't bad actors/actresses but the movie itself was awful. it was not credible as a movie. it might be 'entertaining' to a certain group of people but i am not in that group. lol. and using a great line from a great, great movie...\\\"that's all I have to say about that.\\\"\": {\"frequency\": 1, \"value\": \"I would have liked ...\"}, \"I don't give much credence to AIDS conspiracy theories but its sociologically interesting to see the phenomenon dramatized. In the early years of the AIDS epidemic, the suffering and paranoia of the scared and dying often generated such dark fantasies. This was especially true in the politically radical and sexually extreme demi-monde of San Francisco. The city, renowned for its beauty, has rarely appeared uglier than in this film. A sense of darkness and decomposition pervades every scene.

While the acting and plot can't be said to be well-done the films unique cultural context and oppressively dark mood at least partly saves the film from being a complete loss. Actually, I found the most interesting performance to be Irit Levi as a crusty and cynical Jewish, lesbian (?) police detective. She's interesting, though not necessarily convincing.

Highlights: the film's use of the garishly tragic Turandot is an effective motif and there is a sublime silent cameo by iconic performance artist, Ron Athey.\": {\"frequency\": 1, \"value\": \"I don't give much ...\"}, \"Bette Midler is indescribable in this concert. She gives her all every time she is on stage. Whether we are laughing at her jokes and antics or dabbing our eyes at the strains of one of her tremendous ballads, Bette Midler moves her audience. If you can't see it live (which is the best way to see Bette) then this is the next best thing. An interesting thing to look at is how incredible her voice has changed and matured over the years but never lost its power. Her more \\\"vocally correct\\\" version of \\\"Stay With Me\\\" never loses anything in spirit from THE ROSE or DIVINE MADNESS, Here it is just more pure and as heartfelt as ever. I will treasure this concert for a very long time.\": {\"frequency\": 2, \"value\": \"Bette Midler is ...\"}, \"This service comedy, for which Peter Marshall (Joanne Dru's brother and later perennial host of The Hollywood Squares) and Tommy Noonan were hyped as 'the new Lewis and Martin' is just shy of dreadful: a few random sight gags are inserted, everyone talks fast and nothing works quite right -- there's one scene in which Noonan is throwing grenades at officers and politicians in anger; they're about five feet apart, Noonan is throwing them in between, and the total reaction is that everyone flinches.

In the midst of an awfulness relieved only by the fetching Julie Newmar, there are a few moments of brightness: Marshall and Noonan engage in occasional bouts of double talk and argufying, and their timing is nigh unto perfect -- clearly they were a well honed comedy pair.

It isn't enough to save this turkey, alas.\": {\"frequency\": 1, \"value\": \"This service ...\"}, \"Pam Grier stars as Coffy. She's a nurse who seeks revenge, on the drug dealers who got her sister hooked on bad heroine. Like any 70s Blaxploitation flick, you can expect to see the racist bad guys get their just desserts.

There were scores of these films made during the 70s, and they were really demeaning to both black and white audiences alike. This is mainly due to the vicious racial hostility in these films, and the degrading, stereotypical characters. Especially the female characters.

Other common threads between Coffy, and other films of its type, include brutal violence, corrupt cops, car chases, a generous abundance of nudity, and sex-crazed gorgeous women. Not to mention urban ghettos populated by drug-dealers, pimps, mobsters, and other criminal scum.

Pam Grier, was the undisputed queen of 70s Blaxploitation heroines. She was magnificent, being both tough-as-nails, and drop-dead gorgeous. Like in her other films, Pam outshines the other characters, in Coffy. In fact, Pam is so charismatic on screen, that these sorts of films are unwatchable, without her as the main character.

If you like Pam Grier, you're better off seeing her other films, like Foxy Brown, or perhaps Friday Foster. These films have much less empty sleaze, than Coffy does. Pam's character in Coffy, degrades herself way too much to get the bad guys. Pam's characters in her other Blaxploitation films, don't stoop as low to get revenge, as Coffy did.

I'd say, only watch Coffy, if you're unable to see any of Pam Grier's other films. Otherwise, Coffy is a waste of time. Only Pam's talent as an actress, makes viewing Coffy bearable.\": {\"frequency\": 1, \"value\": \"Pam Grier stars as ...\"}, \"This movie could be used in film classes in a \\\"How Not to Script a B-Movie\\\" course. There are inherent constrictions in a B-movie: Budgets are tight, Time is precious (Scarecrow was apparently shot in 8 days) and the actors are often green and inexperienced. The one aspect you have complete control over is writing the best script you can within the limitations set before you. Scarecrow's script seems to have been written in a drunken haze. I could go through about fifteen examples of the nonsensical scripting of this movie, but I'll just mention one: The Gravedigger. The character of the gravedigger is introduced about an hour into the movie. He seemingly has no connection to any of the other characters already in the movie. He is shown with his daughter, who also has no connection to anybody else in the movie. The gravedigger is given a couple scenes to act surly in and then is killed to pad out the body count. Why give the Gravedigger a daughter? Why give the daughter a boyfriend? Why introduce them so late in the movie? Why not try to make them part of the ongoing storyline? Scarecrow doesn't seem to care.

The \\\"story\\\" of Scarecrow goes something like this: Lester is a high school kid (played by and actor who'd I'd peg to be in his early 30's) who is picked on by the other kids. He is an artist who draws birds and has a crush on a classmate named Judy. His mom is a lush and the town whore. One of her reprobate boyfriends makes fun of his drawings (by calling him a \\\"faggot\\\" for drawing birds instead of \\\"monsters and cowboys.\\\" If you have a high school student still drawing cowboys I'd think him to more likely be gay than a high school student who draws crows) and later, kills Lester, in a cornfield, under the titular scarecrow. Magically, Lester's soul goes into the scarecrow. Somehow, this transference changes Lester's soul from that of an artist into that of a wisecracking gymnast (I know some reviews have called the scarecrow a Kung-Fu scarecrow. I disagree. The scarecrow practically does a whole floor routine before jumping onto the truck during the climax of the movie). The scarecrow then goes on to kill those who tormented him, those who smoke pot in the corn field, those who dig graves, boyfriends of daughters of gravediggers, pretty much anyone who showed up on the movie set.

The bonus feature on the DVD should be mentioned. The director (a Frenchman) does an impromptu version of rap music, admits he enjoys not having executives around on set so he can screw his wife while working and gives a quote to live by (and I'm paraphrasing): \\\"Life ez a bitch, but et has a great ass\\\"

Number of Beers I drank while watching this movie: 5 Did it help: No Number of Beers needed to enjoy this movie: Whatever it takes to get to blackout drunk level.\": {\"frequency\": 1, \"value\": \"This movie could ...\"}, \"Hmmm...where to start? How does a serious actress like Demi Moore got involved in such crap? \\\"First blood\\\" might be rated as bull***t but this type of nonsense is just Rambo with tits, point. Of course if you are interested in the crapstory (Demi Moore just wants to prove that a woman can be part of the NAVY Seals) that is the most stupid clich\\ufffd\\ufffd one I can think of, you'll say \\\"GI Jane\\\" is a great movie. Just the performance from Viggo Mortensen made this movie bearable but hell, I can't think of Demi Moore being Rambo (especially not during the last, useless, 30 minutes). Ridley Scott doesn't deserve the credits to make this movie one that comes up for women with equal rights, it's just brainless propaganda for the American army and to make it more attractive they dropped Moore in it. Awful movie.\": {\"frequency\": 1, \"value\": \"Hmmm...where to ...\"}, \"The Sentinel is a movie that was recommended to me years ago, by my father, and i've seen it many times since. It always manages to entertain me, while being effectively creepy as well. The flashback scenes are what really made it for me. Cristina Raines's father running around all creepily, with the two creepy woman, always manages to send chills down my spine. it's your typical good vs evil thing, but at least it manages to be entertaining. The ending I consider to be one of the finest in Horror history. It has plenty of shocks and suspense, seeing Burgess Meredith do his thing as Chazen, had me on the edge of my seat. The Sentinel has the perfect build up of tension. We are never fully comfortable whenever Allison is on screen. We know something terrible is always awaiting her, and that made things all the more tense. This movie is often neglected among horror fans, but I personally think it's one of the better one's out there, and it certainly has enough for all Horror fans, to be satisfied.

Performances. Cristina Raines has her wooden moments, but came though in a big way for the most part. She's beautiful to look at, and her chemistry with Saranadon felt natural. Chris Sarandon is great as the boyfriend, Michael. He had an instant screen presence, and I couldn't help but love him. Martin Balsam,Jos\\ufffd\\ufffd Ferrer,John Carradine,Ava Gardner,Arthur Kennedy,Sylvia Miles,Deborah Raffin,Jerry Orbach,Richard Dreyfuss,Jeff Goldblum and Tom Berenger all have memorable roles, or small cameos. Burgess Meredith is terrific as Chazen. He looks like a normal old man, but what we find out, is absolutely terrifying. Eli Wallach&Christopher Wlaken do well, as the bumbling detectives. Beverly D'Angelo has one chilling scene, that I won't spoil.

Bottom line. The Sentinel is an effective Horror film that Horror fans, sadly tend to neglect. It will give you the thrills and scares you need to be satisfied. Well worth the look.

7/10\": {\"frequency\": 1, \"value\": \"The Sentinel is a ...\"}, \"I read the novel some years ago and I liked it a lot. when I saw the movie I couldn't believe it... They changed everything I liked about the novel, even the plot. I wonder what did Isabel Allende (author) say about the movie, but I think it sucks!!!\": {\"frequency\": 2, \"value\": \"I read the novel ...\"}, \"This is the kind of movie Hollywood needs to make more of. No extravagant props, no car chases, no clever one-liners. Just people dealing with being people.

William Macy plays an unlikely hitman who works for his father, Donald Sutherland. Macy is the dutiful son, Sutherland is the domineering father. Son wants out of the business, father won't let him. Macy loves his own son, played beautifully by David Dorfman (\\\"The Ring\\\"). He also starts to fall in love with Neve Campbell, a girl he meets in the waiting room of his psychiatrist's office.

It's an interesting juxtaposition of characters and the film follows the reluctant killer as he balances his own needs with those of his family. There are many touching scenes, especially between Macy and his little boy. And as you'd expect in a film with William Macy in it, there's a bit of humor too.

Excellent job all around, actors and director. Nice to know they can still make a good film in Hollywood on a small budget.\": {\"frequency\": 1, \"value\": \"This is the kind ...\"}, \"Cynthia Rothrock,(China O'Brien),\\\"Manhattan Chase\\\",2000, made this film enjoyable to watch and of course,e this cute petite gal burned up the screen with her artistic abilities and hot sexy body. China O'Brien gets upset as a police officer and decides to call it quits and go back home to her hometown and get back to her roots and her dad, who is the local sheriff. Her dad is getting older and the town has changed, gangsters have taken over the town and started to get the local women to start turning tricks and the city people were getting sick and tired of their town going to Hell. Well, you almost can guess what happens, and you are right, China O'Brien fights back after great tragedy strikes her life. Bad acting through out the picture, but Cynthia Rothrock brings this film to a wonderful conclusion.\": {\"frequency\": 1, \"value\": \"Cynthia ...\"}, \"demonicus rocked, you guys need to understand how hard it rocked, unfortunately, the words needed to explain the extent of the rocking have not been discovered. for a tiny idea, pop like 50 hits of E, watch Death Factory while on the phone with Jesus, wait, Jesus is on call waiting, you're having phone sex with Will Smith on the primary line. seriously, that movie... so good. you need to watch it at least a 4 times to catch all the subtleties... well, not so much subtleties as much as it takes the length of the movie, times 4 in order to ponder why the people at full moon are allowed to A, live, and B, reproduce. what is our world coming to?\": {\"frequency\": 1, \"value\": \"demonicus rocked, ...\"}, \"I am always wary of taking too instant a dislike to a film. Look at it a month later and you might see it differently, or dig it up after 50 years in a different continent and some cult followers find something stylistically remarkable that went unnoticed at first. After sitting through The Great Ecstasy of Robert Carmichael at its UK premiere, it came as no surprise to me that I found the question and answer session afterwards more interesting than the film itself. Shane Danielsen (Artistic Director of the Edinburgh International Film Festival), aided by the film's director and producer, gave a spirited defence of a movie than received an overall negative response from the audience. Edinburgh Festival audiences are not easily shocked. Only one person walked out in disgust. The criticisms of the film included very articulate and constructive ones from the lay public as well as an actor and a woman who teaches M.A. film directors. This was not an overly 'shocking' film. There was a degree of uninterrupted sexual violence, but far less extreme than many movies (most actual weapon contact was obscured, as were aroused genitals). The audience disliked it because they had sat through two hours that were quite boring, where the acting standards were not high, where the plot was poor, predictable and drawn out, and where they had been subjected to clumsy and pretentious film-making on the promise of a controversial movie. Metaphors to the war in Iraq are contrived, over-emphasised and sloppy (apart from a general allusion to violence, any deeper meaning is unclear); and the 'fig-leaf' reference Marquis de Sade, as one audience member put it, seems a mere tokenistic excuse for lack of plot development towards the finale.

We have the story of an adolescent who has a certain amount going for him (he stands out at school for his musical ability) but takes drugs and hangs out with youths who have little or nothing going for them and whose criminal activities extend to rape and violence. When pushed, Robert seems to have a lot of violence locked inside him.

The film is not entirely without merit. The audience is left to decide how Robert got that way: was it the influence of his peers? Why did all the good influences and concern from parents and teachers not manage to include him in a better approach to life? Cinematically, there is a carefully-montaged scene where he hangs back (whether through too much drugs, shyness, a latent sense of morality or just waiting his turn?). Several of his friends are raping a woman in a back room, partly glimpsed and framed in the centre of the screen. In the foreground of the bare bones flat, a DJ is more concerned that the girl's screams interrupt his happy house music than with any thought for the woman. Ultimately he is a bit annoyed if their activities attract police attention. The stark juxtaposition of serious headphones enjoyment of his music even when he knows a rape is going on points up his utter disdain in a deeply unsettling way. Robert slumps with his back to us in the foreground.

But the rest of the film, including its supposedly controversial climax involving considerable (if not overly realistic) sexual violence, is not up to this standard. Some people have had a strong reaction to it (the filmmakers' stated intention: \\\"If they vomit, we have succeeded in producing a reaction\\\") but mostly - and as far as I can tell the Edinburgh reaction seems to mirror reports from Cannes - they feel, \\\"Why have programmers subjected us to such inferior quality film-making?\\\" Director Clay Hugh can talk the talk but has not developed artistic vision. His replies about holding up a mirror to life to tell the truth about things that are swept under the carpet, even his defence that there is little plot development because he didn't want to do a standard Hollywood movie - all are good answers to criticisms, but unfortunately they do not apply to his film, any more than they do to holding up a mirror while someone defecates, or wastes film while playing ineptly with symbols. Wanting to try and give him the benefit of any lingering doubt, I spoke to him for a few minutes after the screening, but I found him as distasteful as his movie and soon moved to the bar to wash my mouth out with something more substantial. There are many truths. One aspect of art is to educate, another to entertain, another to inspire. I had asked him if he had any social or political agenda and he mentions Ken Loach (one of the many great names he takes in vain) without going so far as to admit any agenda himself. He then falls back on his mantra about his job being to tell the truth. I am left with the feeling that this was an overambitious project for a new director, or else a disingenuous attempt to put himself on the map by courting publicity for second rate work

Andy Warhol could paint a tin of soup and it was art. Clay Hugh would like to emulate the great directors that have made controversial cinema and pushed boundaries. Sadly, his ability at the moment only extends to making high-sounding excuses for a publicity-seeking film.\": {\"frequency\": 1, \"value\": \"I am always wary ...\"}, \"Spoilers!

From the very moment I saw a local film critic trash this movie in a review on the 10:00 news, I wanted to see it. I don't remember who it was, or which local Omaha newscast carried the review, but the critic was very insistent that this film was way too sleazy for the average church-going Nebraskan. They showed a snippet from the scene where John Glover is about to kidnap Ann-Margret when she's swimming in the pool. Glover's character is commending her on how nice her body is and so forth, using many words that the local station felt necessary to edit out. I was hooked. There was one problem, though. I was only 13 years old at the time, and I had to wait a year until it came out on cable. Let's just say, it was worth the wait!

If ever there was a guilty pleasure of mine, this movie is it. To call this film sleazy would be a huge understatement. The film centers around a successful businessman who is blackmailed by three small time scumbags after an affair with a young woman. Roy Scheider, who is as effective as ever, plays the poor guy who just wanted a little fling and now finds himself at the mercy of three terrific villains. John Glover's character is one of the most memorable scumbags of all time. He's sleazy, funny at times, and always on the brink of doing something crazy. Then there's Robert Trebor's (nice name, by the way!) character Leo who is clearly in over his head with this blackmail scheme. He is a whimpering, sweating, coward who runs a peep show place with live nude models. Then, you have Clarence Williams III as Bobby Shy, a brooding sociopath who everyone is afraid of with good reason. Who could forget the wake-up call he gives Vanity with the giant teddy bear?

After dealing with the initial shock of realizing what he's up against, Scheider turns the tables on these creeps and takes control of the situation, that is until Glover goes after his wife! The conflict is played out brutally, with virtually the entire cast getting shot, raped, or blown up.

I don't know why I love this movie so much. It really should creep me out, but it doesn't. Maybe it's because these characters are all interesting, and the story takes plenty of chances that most films today would never try. It's scary to think that the adult film industry probably has more than a few characters like Glover's running around out in L.A. looking for trouble. Just thinking about his voice is enough to make me chuckle. \\\"Hey sport, have a nice day!\\\"

This film has plenty of shootouts, cool cars, great dialog (like the line in my opening statement), and decent acting. Plenty of cameos by real life porno stars. Look for Ron Jeremy frolicking around in a hot tub with two chicks in a party scene at Glover's place.

Another thing I must add: How hot are the women in this film??? Wow! Travolta did right by marrying Kelly Preston. Yum! We also see Vanity get nude in a time before she became a born again Christian. And Ann-Margret. What else could you say about her except that she is the quintessential American Beauty.

9 of 10 stars.

So sayeth the Hound.

Added Feb 14, 2008: RIP Roy Scheider!\": {\"frequency\": 1, \"value\": \"Spoilers!


1. The most exciting part is the beginning, where the guy is walking... and walking... and walking (spoiler). There is about 15 minutes of just walking. How?

2. Not to mention there's a lot of issues with the lighting, and it's almost like they even shot the night scenes during the day.

3. The acting was TERRIBLE. It looks like they found a community theater (in Mexico)... and then took the people who were turned away.

Please, for the love of everything holy, don't rent this movie. If you know someone who owns it, apologize to them. The director should be subject to punishment through the war crimes tribunal for foisting this on the public.\": {\"frequency\": 1, \"value\": \"This may be one of ...\"}, \"There is not much more I can say about this movie than all of the commentaries on page one, except - as Jesse says - \\\"it's the berries\\\". All of page one's commentators wrote eloquently - as almost so as the dialog is in this movie. This just may be one of those illusive things we hear so much about, but usually are made so by the actors who deliver the lines: a beautiful script. Maybe Robert Redford did hold strict sway onto the actors/actresses during the filming of this movie, so that the beauty of the story would not get lost.

I, too, attended church when I was very young and into my late teens. The church's pastor spoke very eloquently and quietly as the Rev. Maclean did in his church. That, in itself, is a totally different picture that is portrayed of Southern Baptist churches - no holy-rollering in my church. It was a big church, with many different programs to keep its congregation busy - the most inspiring perhaps was the music-department with its huge choir and almost classical anthems. Too, the Sunday evening-congregation was almost entirely younger people. Are you even aware it was once safe to go to church on Sunday night? How I wish it still was ! Watching \\\"A River Runs through It\\\" is very much like going to hear a beautiful sermon in a church whose members are fully involved in life. As has already been so beautifully written, the sermon for this movie is the open-space beauties of Montana - yet, aren't there also missile-silos there, too? Fly-fishing or any other activity which draws family-members closer together for a happy life - and deep understanding of one another - becomes a blessing. Although you see some of the shadier aspects of life then, too, the simplicity of the story paints a lasting impression on your heart, if you let it. Speakeasies and prostitutes are counter-balanced by the simple gatherings of old-fashioned, community picnics as this movie contains - in heavy contrasts to modern families taking their kids to Disney Land for screeching joyrides and calling it \\\"a day together\\\". There is noting wrong with that, but as \\\"River\\\" demonstrates, some of its taciturn beauty could do nothing but make life richer. This is the third film I've seen in which Tom Skeritt (?) plays a father, all different styles and brilliantly acted.

Brad Pitt, mostly an undiscovered talent except for \\\"Thelma and Louise\\\" and \\\"Meet Joe Black\\\", and all of the cast-members deserved many awards. Little stories superbly told will get 10-of-10 from me over any movie with violence, foul language, ugliness and \\\"action\\\". I am thinking particularly of \\\"Crash\\\" and most of \\\"Arnold's\\\" movies. What a savior for peace this movie is.\": {\"frequency\": 1, \"value\": \"There is not much ...\"}, \"Demer Daves,is a wonderful director when it comes to westerns and \\\"broken arrow\\\" remains in everybody's mind.As far as melodrama is concerned,he should leave that to knowing people like Vincente Minelli,George Cukor or the fabulous Douglas Sirk. The screenplay is so predictable that you will not be surprised once while you are watching such a tepid weepie.Natalie Wood 's character was inspired by Fannie Hurst's \\\"imitation of life\\\" (see Stahl and Sirk),but who could believe she's a black man's daughter anyway?Susan Kohner was more credible in \\\"imitation of life\\\")and Sinatra and Curtis are given so stereotyped parts that they cannot do anything with them:the poor officer,and the wealthy good-looking -and mean- sergeant.Guess whom will Natalie fall in love with?France is shown as a land of tolerance ,where interracial unions are warmly welcome.At the time(circa 1944) it was dubious,it still is for narrow-minded people you can find here there and everywhere.\": {\"frequency\": 1, \"value\": \"Demer Daves,is a ...\"}, \"I tend to like character-driven films. I also think Hope Davis turns in consistently good work, so I had high hopes for this movie. Those hopes were soon dashed.

The main flaw with this movie is the direction. There are a lot of scenes that are daydream sequences. The movie makes frequent use of the Denis Leary character as the alter ego of the Campbell Scott character. It doesn't work for me at all. This would have worked better as a play than a movie.

There are problems with the plot as well. It is important that the characters in a movie take a journey and end up in a place different from where they started. I didn't feel that the characters grew in the experiences portrayed in the movie.

Finally, the editing wasn't well done, either. There was a very big sag in the middle of the movie that was exceptionally boring.

Except for acting, which I felt was consistently strong, this movie failed in almost every aspect of cinema.\": {\"frequency\": 1, \"value\": \"I tend to like ...\"}, \"Watching The Tenants has been a interesting experience for me. It is the first film I have ever seen where I have shuttled at speed through parts of the (non)action - and I can normally watch anything from turgid action movies to Serbo-Croat indie and find them fascinating.

The Tenants is frustratingly sluggish and over-orchestrated. One of the main problems of the script is there is little realistic character dialogue, apart from the set pieces where characters 'collide' in a very structured setting (to make this work, the film needed to feel more conceptual, which it didn't). This leads to a lack of realistic character development; everyone seems two-dimensional.

The worse for this is the character of Bill Spear, aka Snoop Dogg. I found his characterization very uncomfortable and very unsympathetic. At one point, I even stopped the film because I got so annoyed by the character's aggressive, violent and monotonal delivery, the lack of any other personality layer apart from that of the reactionary \\\"on\\\" switch (which gets really predictable after a while) and I so desperately wanted him to have some redeeming qualities. However, one reason for this jar might be the nebulous time scape of the film (supposedly 70s, it feels and looks more early noughties). If it had been more securely fixed in the 70s, his character might have seemed more understandable.

The lighting of the film was also awkward. All the way through, the soundtrack attempts to provide a certain gritty, jazz-infused atmosphere that just did not come off, largely because the set was too well-lit.

The Tenants, to me, is an unbelievable film. It doesn't depict real people or propose any interesting ways of thinking about race, identity or the life of a writer, be they white or black.

Strangely, I came away with the feeling that this project needed David Lynch; his eerie, clastrophobic and obsessive look and feel would have lifted both the actors and the script into something quite remarkable.\": {\"frequency\": 1, \"value\": \"Watching The ...\"}, \"Like Freddy's Revenge, this sequel takes a pretty weird idea and doesn't go to great lengths to squeeze a story out of it. Basically Alice from number 4 is pregnant and her baby is haunted by Freddy which gives him an outlet to haunt her friends. This has the least deaths out of the whole series and the wise-cracks are quite poor, so neither the horror fans or comedy fans are happy.

I've not alot to say about this. It's moderately interesting to see the characters of Alice and Dan returning from four, but not worth watching a movie over. Uninspriring and unenjoyable, possibly only the competant direction saves it from being the worst in the series.\": {\"frequency\": 1, \"value\": \"Like Freddy's ...\"}, \"Do we really need any more narcissistic garbage on the Baby Boomer generation? Technically, I am a Boomer, though at the time when all the \\\"idealistic youths\\\" of the '60s were reading Marx, burning their draft cards, and generally prolonging a war which destroyed tens of thousands of lives; I was still in grade school. But I remember them well, and 9 out of 10 were just moronic fools, who would believe anything as long as it was destructive.

This is just another excercise in self-importance from the kids who never really grew up.\": {\"frequency\": 1, \"value\": \"Do we really need ...\"}, \"Just watched this after hearing about how bad it was and wanted to see for myself. Seriously, even if you read all the negative comments on here you will be nowhere near able to comprehend how awful this film actually is, although it has to be one of the most hilarious things I have ever seen! Never bothered to post a comment on here before, but this piece of crap really warrants it.

Firstly the entire plot is ridiculous and nonsensical. Brother of the lead character (either Ben or Arthur, I forget which is which, and frankly it's never very clear) wants to stop some kind of gay marriage by killing everyone in sight - because homosexuality is abhorrent to Christians, but apparently mass murder isn't. Then there's some other crap thrown in about one of the gay couple's ex-wife trying to force him to remarry her at gunpoint. This leads to nothing, but provides us with one of the funniest lines of dialogue in the whole \\\"film\\\" - \\\"I don't make sense? You don't make sense! That's who makes sense!\\\". Brilliant.

Then there's the acting, which is just atrocious. It must be seen to be believed. My personal favourite is the apparently stoned civil rights lawyer woman, who is clearly reading her lines off of something, yet still managing to mess them up. Enough said. The gay couple couldn't be less convincing. There's the vaguely attractive and completely gormless guy, and his boyfriend who looks like that little cartoon dough man of the bisto adverts. Only fatter. And less talented.

The \\\"film\\\" has also been filmed by someone who is incapable of holding a camera even remotely still, and the number of mistakes throughout is amazing. The whole thing kicks off with the fat main guy in bed with a pair of boots on. Yep.

But anyways, we all know how terrible this thing is, so I'd like to highlight some of the most priceless comedy moments that the \\\"film\\\" provides.

- When the fat guy sets the church on fire and then prances like a six year old girl across the car park to make his escape. Hilarious.

- Mildread! No idea what relation she is to the main characters - sometimes they know her, sometimes they don't, but she pops up in a couple of scenes nonetheless. Hilarious.

- The stoned lawyer. Already mentioned her, but she's so funny she's worth another mention.

- The evil brothers dinner of crackers that he lays on for his guests.

- The evil brother's anti-gay potion.

- The evil brother's cats.

- The ending, which I won't give away because it MUST be seen to be believed. I warn you though, make sure you're not eating at the time!!!! The tub of lard main character/director/producer gets naked. It's foul.

Basically, Ben and Arthur is indescribably bad, but unintentionally the most comical thing you'll see for a long time. Literally, nothing is good about this excuse for a film, the goon of a director even manages to make the opening credits into a joke by writing his own name about 15 times.\": {\"frequency\": 2, \"value\": \"Just watched this ...\"}, \"This movie is so cheap, it's endearing!!! With Ron Liebmann (Major Vaughn) providing the most entertaining on-screen diatribes in film history. I own 2 copies of this movie on video...on one, Ralph Macchio is caught actually cracking up in the background at Major Vaugn while he is ranting at \\\"Hash\\\". Obviously they forgot to edit this mistake out of the film, but it goes to show just how funny the movie is, when the actors themselves can't keep a straight face!!!\": {\"frequency\": 1, \"value\": \"This movie is so ...\"}, \"Robin Williams does his best to combine comedy and pathos, but comes off a bit shrill. Donald Moffat is too one-note as his father-in-law. Jeff Bridges is excellent though as the quarterback, and Holly Palance and Pamela Reed are marvelous, carrying the film through most of its rough spots. It fills time nicely, but is little more than that.\": {\"frequency\": 1, \"value\": \"Robin Williams ...\"}, \"Anyone who knows me even remotely can tell you that I love bad movies almost as much as I love great ones, and I can honestly say that I have finally seen one of the all-time legendary bad movies: the almost indescribable mess that is MYRA BRECKINRIDGE. An adaptation of Gore Vidal's best-selling book (he later disowned this film version), the star-studded MYRA BRECKINRIDGE is truly a movie so bad that it remains bizarrely entertaining from beginning to end. The X-rated movie about sex change operations and Hollywood was an absolute catastrophe at the box office and was literally booed off the screen by both critics and audiences at the time of it's release. Not surprisingly, the film went on to gain a near-legendary cult status among lovers of bad cinema, and I was actually quite excited to finally see for the first time.

Director Michael Sarne (who only had two other previous directing credits to his name at the time), took a lot of flack for the finished film, and, in honesty, it really does not look like he had a clue about what he was trying to achieve. The film is often incoherent, with entire sequences edited together in such a half-hazzard manner that many scenes become nearly incomprehensible. Also irritating is the gimmick of using archival footage from the Fox film vaults and splicing it into the picture at regular intervals. This means that there is archival footage of past film stars such as Judy Garland and Shirley Temple laced into newly-film scenes of often lewd sexual acts, and the process just doesn't work as intended (this also caused a minor uproar, as actors such as Temple and Loretta Young sued the studio for using their image without permission).

Perhaps Sarne is not the only one to blame, however, as the film's screenplay and casting will also make many viewers shake their heads in disbelief. For instance, this film will ask you to believe that the scrawny film critic Rex Reed (in his first and last major film role) could have a sex change operation and emerge as the gorgeous sex goddess Raquel Welch?! The film becomes further hard to follow when Welch as Myra attempts to take over a film school from her sleazy uncle (played by legendary film director John Huston), seduce a nubile female film student (Farrah Fawcett), and teach the school's resident bad boy (Roger Herren) a lesson by raping him with a strap-on dildo. Did everyone follow that?

And it gets even better (or worse, depending upon your perspective)! I have yet to mention the film's top-billed star: the legendary screen sex symbol of the nineteen-thirties, Mae West! Ms. West was 77 year old when she appeared in this film (she had been retired for 26 years), and apparently she still considered herself to be a formidable sex symbol as she plays an upscale talent agent who has hunky men (including a young Tom Selleck) throwing themselves at her. As if this weren't bad enough, the tone-deaf West actually performs two newly-written songs about halfway through the film, and I think that I might have endured permanent brain damage from listening to them!

Naturally, none of this even closely resembles anything that any person of reasonable taste would describe as \\\"good,\\\" but I would give MYRA BRECKINRIDGE a 4 out of 10 because it was always morbidly entertaining even when I had no idea what in the hell was supposed to be going on. Also, most of the cast tries really hard. Raquel, in particular, appears so hell-bent in turning her poorly-written part into something meaningful that she single-handedly succeeds in making the movie worth watching. If she had only been working with a decent screenplay and capable director then she might have finally received some respect form critics.

The rest of the cast is also fine. The endearingly over-the-top John Huston (who really should have been directing the picture) has some funny moments, Rex Reed isn't bad for a non-actor, and Farrah Fawcett is pleasantly fresh-faced and likable. Roger Herren is also fine, but he never appeared in another movie again after this (I guess he just couldn't live down being the guy who was rapped by Raquel Welch). And as anyone could guess from the description above, Mae West was totally out of her mind when she agreed to do this movie - but that's part of what makes it fun for those of us who love bad cinema.\": {\"frequency\": 1, \"value\": \"Anyone who knows ...\"}, \"Why is it that any film about Cleopatra, the last phaoroh brings out the worst in movie making? Whatever attraction the woman had for the greatest Roman of them all, Julius Ceasar, and his successor, Mark Anthony, never seems to come across on the screen as other than the antics of over sexed high school seniors. Despite lavish sets and costumes, this movie is as bad as any Italian \\\"sandals and toga\\\" extravaganza of the 50's. Admittedly, this kind of spectacular belongs on the big screen, which is why \\\"Gladiator\\\" went over well, but \\\"Gladiator\\\" did not have all the romance novel sex.

Miss Varela has as little acting talent as Elizabeth Taylor, but Timothy Dalton has talent to spare. Pity some of it didn't wash off on the others.\": {\"frequency\": 1, \"value\": \"Why is it that any ...\"}, \"Having been pleasantly surprised by Sandra Bullock's performance in Miss Congeniality, I decided to give Murder By Numbers a shot. While decent in plucky, self-effacing roles, Ms. Bullock's performance in \\\"serious\\\" roles (see Hope Floats, Speed 2, 28 Days) leave much to be desired. Her character is at the same time omniscient, confused, and sexually maladjusted (the sub-plot of Sandra's past comes across as needless filler that does little to develop her already shallow character). The two teenage boys gave decent performances, although their forensics expertise and catch-me-if-can attitude is belied by stupid errors that scream \\\"We did it!\\\" Chris Penn as the all-too-obvious suspect is wasted here, as is Ben Chaplin's token partner/love interest character.

***Spoilers Ahead*** Mediocre acting aside, the biggest flaws can be traced to a TV-of-the-week plot that never has you totally buying into the murder motives in the first place, and as mentioned, the stupid errors (vomiting up a rare food on the murder scene, an all too convenient and framing of the school janitor, the two boys hanging out together in public, a convenient love interest to cause friction, etc. etc) cause the view to go from being intrigues to being bored and disappointed by the murderers. The ending was strictly \\\"By the Numbers\\\" and was probably the most disappointing aspect of the movie. Using the now-cliched tactic of almost showing the climactic scene at the beginning of the film, and then filling the audience in how we arrived at that moment, the final scenes surprise no one and lacked any of the so-called intelligence the film purported to arrive at it's conclusion. A somewhat promising concept, but poorly executed and weak in nearly every way. * out of ****.\": {\"frequency\": 1, \"value\": \"Having been ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"The title says it ...\"}, \"If \\\"The Cabinet of Dr. Caligari\\\" is the father of all horror films (and of German expressionist cinema), this pre-WWI film is the grandfather. The titular student, starving in an empty garret, makes a deal with the Devil-- the Devil gives him a bottomless sack of gold, in exchange for \\\"anything in this room.\\\" The Devil chooses the student's reflection in his mirror. He walks off with the student's doppelganger, who commits crimes for which the student is blamed.

The film is marred by some limitations arising out of the technically primitive state of 1913 filmmaking; the plot cries out for chiaroschuro effects, but the film is, of necessity, virtually all shot in shadowless daylight. But the scene where the reflection walks out of the mirror still packs a wallop.

More interesting for the trends it fortells than for its own sake, The Student of Prague is still worthwhile.\": {\"frequency\": 1, \"value\": \"If \\\"The Cabinet of ...\"}, \"Don't listen to fuddy-duddy critics on this one, this is a gem! Young rich Joan and her brother find themselves penniless after their father dies - and now they have to work for a living! She, naturally, becomes a reporter, and he, just as naturally, a driver for the mob! By wild co-incidences their careers meet head on, thanks to gangster Clark Gable. In the meantime there is the chance for a moonlight underwear swim for a bunch of pretty young things and for Joan to do a couple of risque dance numbers (with all the grace of a steam-shovel).

But none of this is supposed to be taken seriously - it's all good fun from those wonderful pre-code days, when Hollywood was really naughty. Joan looks great, and displays much of the emotional range that would give her career such longevity (thank God she stopped the dancing!). Gable is remarkable as a slimy gangster - he wasn't a star yet and so didn't have to be the hero. Great to see him playing something different. And William Bakewell is excellent as the poor confused brother. And there are some great montages and tracking shots courtesy of director Harry Beaumont, who moves the piece on with a cracking pace - and an occasional wink to the audience! Great fun!\": {\"frequency\": 1, \"value\": \"Don't listen to ...\"}, \"In my humble opinion, this version of the great BDWY musical has only two things going for it - Tyne Daly and the fact that there is now a filmed version with the original script. (OK Vanessa Williams is good to watch.)But to me that's all there is. Most of the cast seem to be walking through the show - Chynna Phillips has no idea who Kim really is and no wonder people walk over Harry McAfee when it's played by George Wendt who looks like he'd rather be back on a bar stool in Boston. Jason Alexander is passable, but that wig has to go and I saw better dancing in Bugsy Malone. As I mentioned, it's good to have a version of the stage script now, but I hope the young out there, who have never seen a musical, DON'T judge them all by this.\": {\"frequency\": 1, \"value\": \"In my humble ...\"}, \"I love Paul McCartney. He is, in my oppinion, the greatest of all time. I could not, however, afford a ticket to his concert at the Tacoma Dome during the Back in the U.S. tour. I was upset to say the least. Then I found this DVD. It was almost as good as being there. Paul is still the man and I will enjoy this for years to come.

I do have one complaint. I would of like to hear all of Hey Jude.

Also Paul is not dead.

The single greatest concert DVD ever.

***** out of *****.\": {\"frequency\": 1, \"value\": \"I love Paul ...\"}, \"There are many reasons to watch this movie: to see the reality that whips Latin America with regard to the kidnappings thing, the police corruption at continental level, among so many realities that we live the Latins.

The performance of Denzel Wahington was brilliant, this guy continues being an excellent actor and that it continues this way. Dakota Fanning just by 10 years, an excellent actress has become and I congratulate her. The rest of the movie was of marvel, I have it in my collection.

I hope that they are happened to those producing of Hollywood to make a movie completely in Venezuela, where they show our reality better with regard to the delinquency, the traffic of drugs or the political problems. They have been few the movies that they play Venezuelan land (for example: Aracnophobia, Jungle 2 Jungle, Dragonfly) they should make more, as well as they make in Mexico.

The song \\\"Una Mirada\\\" I hope that it leaves in the soundtrack, it is excellent. My vote is 10/10\": {\"frequency\": 1, \"value\": \"There are many ...\"}, \"I do not recommend this movie , because it's inaccurate and misleading, this story was supposed to be in Algerian Berber territory, this one was shot in the southern Tunisian desert, (completetly different culture, I know I am from both Tunisia and Algeria), the other shocking element was the character of her companion aunt, speaks in the movie with a very eloquent french, university level academic french while the character she plays was supposed to be of a disturbed never left her mountain kind of personage, so living as a Bedouin with that kind of education i that context is impossible, The most disgraceful scene and disrespectful especially for the people of the region is the \\\"femme repudiee\\\" segment which is s pure invention from the writer/director, things like that will never happen in a Algerian Society ever!!!\": {\"frequency\": 1, \"value\": \"I do not recommend ...\"}, \"This movie was rented by a friend. Her choice is normally good. I read the cover first and was expecting a good movie. Although it

was a horror movie. Which i don't prefer. But no horror came to mind while watching the movie. It was a dull,

not very entertaining movie. The appearance of Denise Richards

was again a pleasure for the eye. But that's it. We (the four of us)

we're a little bit disappointed. But feel free to see this movie and

judge it yourself.\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"One of the finest films ever made! Why it only got a 7.6 rating is a mystery. This film is a window into the world of the black experience in America. Should be mandatory viewing for all white people and all children above age 10. I recommend watching it with \\\"The Long Walk Home\\\" as a companion piece. If you think Whoopi Goldberg's work is about \\\"Homer and Eddie\\\" or \\\"Hollywood Squares,\\\" think again. Don't miss this movie, which should have won the Oscar. (And read the book, too!)\": {\"frequency\": 1, \"value\": \"One of the finest ...\"}, \"This enjoyable minor noir boasts a top cast, and many memorable scenes. The big distraction is the complete disregard for authentic accents. The Spanish characters in the film are played by a Frenchman (Boyer), a Belgian (Francen), a Greek (Paxinou) and a Hungarian (Lorre)! And to top it all off Bacall is supposed to be an English aristocrat! Despite these absurdities, the performances are all very good - especially those of Paxinou and Lorre. But the scene in which Boyer, Paxinou and Lorre meet, and talk in wildly different accents, is a real hoot! And I guess, seeing as how they were alone, that they should actually have been speaking in Spanish anyway! It seems pretty weird that the Brothers Warner couldn't find any Spanish speaking actors in Los Angeles! Of course Hollywood has often had an \\\"any old accent will do\\\" policy - my other favorite is Greta Garbo (Swedish) as Mata Hari (Dutch), who falls in love with a Russian soldier played by a Mexican (Ramon Novarro). Maybe they should have got Novarro for \\\"Confidential Agent\\\" - he would have been great in Boyer's role or at least in Francen's (which would have saved greatly on the dark make-up budget).\": {\"frequency\": 1, \"value\": \"This enjoyable ...\"}, \"Once in a while you get amazed over how BAD a film can be, and how in the world anybody could raise money to make this kind of crap. There is absolutely No talent included in this film - from a crappy script, to a crappy story to crappy acting. Amazing...\": {\"frequency\": 1, \"value\": \"Once in a while ...\"}, \"Notable because of it's notorious explicit scene when the gorgeous Maruschka Detmers takes her young lover's penis from his trousers and into her mouth. Even without this moment the film is a splendid if slightly disturbing passionate and blindingly sexy ride. Detmers puts in a great performance as the partly deranged, insatiable delight, wandering about her flat nude. Dressed, partly dressed and naked she steals most of the film about love, sexual passion, philosophy and politics. For me the last two get a little lost and the ending is most confusing when her fianc\\ufffd\\ufffd is released whilst fellow terrorists are released, she seems uncertain as to who she wants and the young lover seems more interested in his exams than anything else as she weeps, beautifully of course!\": {\"frequency\": 1, \"value\": \"Notable because of ...\"}, \"I can not believe such slanted, jingoistic material is getting passed off to Americans as art house material. Early on, from such telling lines like \\\"we want to make sure they are playing for the right team\\\" and manipulative framing and lighting, A Love Divided shows it's true face. The crass manner in which the Irish Catholics are shown as hegemonic, the Protestants as peaceful and downtrodden, is as poor a representation of history as early US westerns that depict the struggle between cowboys and American Indians. The truth of the story is distorted with the stereotypes and outright vilification of the Irish Catholics in the story; a corruption admitted by the filmmakers themselves! It is sad that people today still think that they can win moral sway by making a film so easily recognized for it's obvious intent, so far from attempting art. This film has no business being anywhere in any legitimate cinema or library.\": {\"frequency\": 1, \"value\": \"I can not believe ...\"}, \"I saw the trailer to this film and it looked great, so I went out and bought it. What a mistake, the acting is a shambles, the special effects (if you could call them that), look like something that wouldn't be out of place at a school play. Some of the characters are so stupid in this film you will cringe the minute they are on the screen, which unfortunately is all to often. As for a story, forget it. This is a warning, don't waste any money at all on this film it has to be one of the worst things I have ever seen. If, for some reason, you like this film watch Troll 2, you will probably enjoy that as well.\": {\"frequency\": 1, \"value\": \"I saw the trailer ...\"}, \"There are movies that are awful, and there are movies that are so awful they are deemed long-forgotten and unwatchable. Also, lots of violence and bad stuff (not just cheesy stuff; you know what I mean) add to the mix as well. What is the result of bad movies with such raunchy content? Why, \\\"Final Justice,\\\" of course!

Remember \\\"Mitchell?\\\" Joe Don Baker was the star of that movie, and that was riffed by Joel and the Bots on \\\"Mystery Science Theater 3000.\\\" Now this time, with Mike taking Joel's place on the Satellite of Love (but with the same bots), that trio got to make fun of MST3K's second Joe Don Baker movie, \\\"Final Justice.\\\" Of course, much of the naughty stuff that I mentioned was removed for television release, but still, I want to watch that episode (and \\\"Mitchell\\\" as well), because what does Joe Don \\\"hate\\\" the most? Why, none other than \\\"Mystery Science Theater 3000!\\\"

P.S. If you have a Big Lots nearby, check that store for the uncut tape! LOL That happened to another user!\": {\"frequency\": 1, \"value\": \"There are movies ...\"}, \"Carla works for a property developer's where she excels in being unattractive, unappreciated and desperate. She is also deaf.

Her boss offers to hire in somebody to alleviate her heavy workload so she uses the opportunity to secure herself some male company. Help arrives in the form of Paul, a tattooed hoodlum fresh out of prison and clearly unsuited to the mannered routine of an office environment.

An implicit sexual tension develops between the two of them and Carla is determined to keep him on despite his reluctance to embrace the working week. When Carla is edged out of an important contract she was negotiating by a slimy colleague she exploits Paul's criminality by having him steal the contract back. The colleague quickly realises that she's behind the robbery, but when he confronts her, Paul's readiness to punch people in the face comes in handy too - but this thuggery comes at a price.

Paul is given a 'going over' by some mob acquaintances as a reminder about an unpaid debt. He formulates a plan which utilises Carla's unique lip reading abilities to rip-off a gang of violent bank robbers. It's now Carla's turn to enter a frightening new world.

The fourth feature from director Jacques Audiard, 'READ MY LIPS' begins as a thoroughly engaging romantic drama between two marginalised losers only to shift gears halfway through into an edgy thriller where their symbiotic shortcomings turn them into winners. The leads are excellent; effortlessly convincing us that this odd couple could really connect. Carla's first meeting with Paul is an enjoyable farce in which she attempts to circumnavigate his surly reticence and jailbird manners only to discover that he was, until very recently, a jailbird. Emmanuelle Devos, who plays Carla, has that almost exclusive ability to go from dowdy to gorgeous and back again within a frame. Vincent Cassel plays Paul as a cornered dog who only really seems at home when he's receiving a beating or concocting the rip-off that is likely to get him killed.

Like many French films, 'READ MY LIPS' appears, at first, to be about nothing in particular until you scratch beneath the surface and find that it's probably about everything. The only bum note is a subplot concerning the missing wife of Paul's parole officer; a device that seems contrived only to help steer the main thrust of the story into a neat little feelgood cul-de-sac.

It was the French 'New Wave' of the 60's that first introduced the concept of 'genre' to film making and I've always felt that any medium is somewhat compromised when you have to use a system of labels to help define it; so it's always a pleasure to discover a film that seems to transcend genre, or better still, defy it.\": {\"frequency\": 1, \"value\": \"Carla works for a ...\"}, \"This is a superbly imaginative low budget Sci-fi movie from cult director Vincenzo Natali. The film plays out like a crossing of Phillip K Dick with Hitchcock and Cronenberg and the film takes on a unique feel like nothing you would have seen. The film is superbly shot, I love the cinematography in this, it feels fresh and original. Plot-wise the film explores similar themes to films like Total Recall, Dark City and the Matrix and its pretty staple Sci-fi stuff. Morgan Sullivan (Jeremy Northam) is a suburbanite who is bored with his life and has decided to take a job as a company spy for Digicorp, a large technological corporation. He meets up with a recruitment officer at the beginning who brings Sullivan on board and instructs him on what he has to do. It basically involves going to conferences of rival companies and recording them via a satellite transmission device disguised as a pen. It also means that he must take on a different persona and keep it a secret from his wife. After his first job things become strange, his habits change, his personality begins to differ and he suffers pains in his neck and headaches as well as nightmares. He encounters a beautiful woman named Rita Foster (played by an intriguingly cast Lucy Liu.) he takes an instant attraction to. However when he goes in his next job and sees her again she reveals herself to be an agent of some sort who reveals that his job is not quite what it seems. He finds out later on that he and the rest of the people attending the conference all work for Digicorp. The conferences are all covers to allow the company men to brainwash their spies. Sullivan, whose alternate name is Jack Thursby has been given an antidote to Digicorps drugging and while the rest of the spies at the latest conference drift off into what seems like a brain-dead day dream while the speakers drone on (the speakers send all the attendants to sleep via subliminal messages.) suddenly the rooms lights turn off and workers at Digicorp come in shining lights in all the occupants eyes to ensure they are not conscious and then in a fairly nightmarish situation they bring in head sets for each member which send messages into the brain and brainwash the precipitants into believing they are someone else. Digicorp are using these people as puppets and creating personalities and lives for these people while wiping their own existence. Sullivan now must pretend that he entirely believes he is now Jack Thursby. Digicorp want to steal information from their rivals Samways and they want their own puppets to do it, they now effectively control what these spies do, except for Sullivan. When Samways get a hold of Sullivan and discover he has not actually been brainwashed they decide to use him as a pawn to spy on Digicorp, make Sullivan a double agent. They know that Digicorp have sent Thursby to them to work his way into Samways and work his way up the system until he can get into a situation to download important company information that could shut the company down. Samways realises he had been planted and decide they will play along with Digicorp and allow Thursby to infiltrate their databanks but they will give Digicorp a dodgy disc that will ruin their system. The plot begins to twist and turn as both companies are using Sullivan as a pawn. He is stuck in the middle and Rita Foster is a mystery as he tries to work out why she is helping him. When a mysterious third party becomes involved, the person it is revealed that Foster works for, Sullivan must decide whether to go to this freelance agent, who could guarantee him a new life and safety or to stick with one of the companies he works for. The tension all builds to a stonking climax as it seems just about everyone wants to dispose of him once his usefulness has expires. The cast are great. Northam is superb and the subtlety in his performance is excellent. He brings a great visual aspect to his performance, his eyes tell a story and we see a great subtle change as his character changes from Sullivan to Thursby. Lucy Liu is just sexy beyond belief and her presence gives a great dynamic to the film because it seems strange casting but works because of that fact. The rest of the cast are also good.

Director Natali whose previous film was the cult classic sci-fi flick Cube, has a real visual flair. He paces the film superbly as well and has given it a great look. For a low budget film it features some imaginative visual effects and although the CGI isn't great it never begins too much of a centre piece to effect the film negatively. The film really does bring feelings of The Matrix and other great sci-fi films, it is up there with them. The plot nearly becomes too convoluted at times but in truth that helps in a film like this, that is where the Cronenberg and Lynch influence is evident. The film has you constantly working out what is going on and genuinely surprises as it goes along. This is overall an obvious cult classic and I can see this being incredibly popular when it is released in the states. ****1/2

\": {\"frequency\": 1, \"value\": \"This is a superbly ...\"}, \"You gotta wonder how some flics ever get made... this one decided to skip with the why among many other things and just wanders off beyond the moot.

And yet you have a number of decent actors doing their best to pump some life into the story. The blue tint throughout the movie overshoots into 'yet again', which on its own would be depressing but here it's overkill. The idea that it's not a medical condition, not some house or gypsy or trinket curse but just something that for no apparent reason starts to happen to our protagonist and then to everyone else around her, just winds up being much like taking a big swig out of an empty mug. Some doppelgangers have super powers but others don't or don't know they do? It seems they're just as clueless as we are.

It's a poor man's rip-off of \\\"Invasion of the Body-Snatchers\\\" with Keifer Sutherland's \\\"Mirror\\\" and \\\"The Sixth Sense\\\", were you to seriously botch those three together.\": {\"frequency\": 1, \"value\": \"You gotta wonder ...\"}, \"Will Smith delivers yet again in a film about a man with the weight of the world on his shoulders and his crusade to right his wrongs in a way that will touch even the most hardened of hearts!!! Writer Grant Nieporte and Italian Director Gabriele Muccino come together and created a masterpiece that I highly recommend to purchase and keep in your movie collection as you will never grow tired of watching/feeling this film!!! I have the Highest Respects for Will Smith as he is not only a brilliant Actor but one can tell he has a genuine love for people and life which no doubt made him perfect for the character (IRS Agent Ben Thomas) he played in this film. You will find yourself feeling his pain and anger, the frustrations over his love for Emily, played by Rosario Dawson, who by the way was Fantastic as usual. I found myself falling in love with the fact their characters were falling in love. Woody Harrelson also stars in this Top Notch film. I find it very difficult to write this review without giving away key plot points...All I can say is, Watch it and when you do make sure you have nothing to interrupt you, take the phone off the hook, sit back and get ready to start trying to unravel the mysterious life and past of IRS Agent Ben Thomas...I thank you Will Smith for another Great Film!!!\": {\"frequency\": 1, \"value\": \"Will Smith ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"There are enough ...\"}, \"There are pretty landscape shots. Writers putting trite mouthings into actors mouths. With lesser actors this show would be silly. 'Art must uplift humanity or it's BS.' Not so because art of all those mentioned is also to stir humanity and express the dark side. The lead character even says those who don't drink hide the shadow side. Wrong , he lived in darkness and repressed his dark side by drinking and being one dimensional not expanding his horizons with something other than landscapes. There wasn't a breathing organism in his work nor expression of his pain. All the artist did was limit himself to dime a dozen landscapes. The discussions between the characters was grade school, trite stuff always giving the one character the upper hand the writer wanted. I tried to like it after reading all the first wow comments on here. I had to dig deep to see those i agreed with. I figure the great comments were from those connected to the movie. I was moved only once towards the end. The kid was way too passive. The scenery was nice and the music ridiculous. Just my opinion but nowhere show for me.\": {\"frequency\": 1, \"value\": \"There are pretty ...\"}, \"Pushing Daisies is just a lovely fairy tale, with shades of \\\"Amelie\\\"'s aesthetic and romance. It's got a beautiful palette, its shots well thought out and detailed, its names and dialogue whimsical and too cutesy to be real, its imagination great, and its romance deep.

Watch the blue in the sky pop out at you, as blue can't be found in the rest of the sets or shots (with few exceptions).

Watch a weirdly natural and totally satisfying song break out of a scene.

Its score is gorgeous, its cast is supremely likable, there's great music, and the two leading romantic stars can't touch each other or she'll die. How much more sexual tension do you need? (Actually, I had wished they found a way around this one, but c'est la vie).

It is simply a show that it is a pleasure to spend an hour with, and I recommend it highly. There hasn't been other television quite like it, and I would like to see more. It got me through a flu one crappy week, as it makes for good company.

Bring it back!\": {\"frequency\": 1, \"value\": \"Pushing Daisies is ...\"}, \"I grew up watching the original Disney Cinderella, and have always loved it so much that the tape is a little worn.

Accordingly, I was excited to see that Cinderella 2 was coming on TV and I would be able to see it.

I should have known better.

This movie joins the club of movie sequels that should have just been left alone. It holds absolutely NONE of the originals super charm! It seems, to me, quite rough, and almost brutal, right from the (don't)Sing-a-longs to the characterization.

While I remember the character's telling a story through a song, this film's soundtrack was laid over the top, and didn't seem to fit. Jaq's transformation into a human is a prime example: Where he was walking around eating an apple and adding a few little quips in here and there, he should have been dancing around and singing about how great it was to be tall! And in the ballroom, there's old barn dance type country music. It's as though the writers forgot where and when this story was set. The upbeat fiddles certainly didn't fit.

Even the artwork and animation in Cinderella 2 isn't up to scratch with the original. The artwork in this film seems quite raw and less detailed. And we see part of Cinderella's hoop skirt, which doesn't feel right.

The movie itself could have been it's own story, I think that it should have been just that. I wouldn't say that I hate it, but I believe that it had many shortcomings. It seems to downgrade in a significant way from the beloved Cinderella original.\": {\"frequency\": 1, \"value\": \"I grew up watching ...\"}, \"An interesting TV movie based on true fact, betrayed by the description of one of the leading characters, that of a prisoner. Giovanni Ribisi plays his younger brother, who has the delicate mission of deciding if he will appeal to the courts for his brother's death penalty. But when he goes to visit him and enters Elias Koteas, the problem starts. It has nothing to do with Koteas' acting ability. He just looks like the version of a prisoner of proletarian roots according to \\\"G.Q.\\\" magazine, with a language too sophisticated for someone who has spent most of his life behind bars. This realization came to me after meeting again an old friend, whom I had not seen for almost 15 years, which he spent in several Panamanian jails. The young man I used to know is gone, not only because he is older, but due to his exposure for a prolonged time to the penal system. There are jails and there are jails, one must say, but this one prisoner in \\\"Shot In the Heart\\\" is definitely out of this world.\": {\"frequency\": 1, \"value\": \"An interesting TV ...\"}, \"Every once in a while, Eddie Murphy will surprise you.

In a movie like \\\"the Golden Child\\\", especially. This is a movie you'd figure would star maybe Harrison Ford or Kurt Russell or someone. But Eddie really does work; he's smart, he's funny, he's brave, kind, courteous, thrifty, clean and everything else a hero should be.

Having been chosen to secure a mystic child who holds the key to protecting the world from complete evil (embodied perfectly by Dance), Eddie goes from California, to Nepal and back, all while the beautiful Kee Nang (Lewis) wonders if he's all he says he is and a crazy old holy man (Wong, perfect as always) knows that he is.

It's exciting, breathtaking in spots, shocking and, of course, funny. Eddie is the only action hero I know who could begin a movie by making rude remarks behind some guy reading a porno magazine and end it with smart-aleck remarks about Ed McMahon.

No problem with this \\\"Child\\\": it's a \\\"Golden\\\" find.

Nine stars. Viva Nepal!\": {\"frequency\": 1, \"value\": \"Every once in a ...\"}, \"This movie commits what I would call an emotional rape on the viewer. The movie supposedly caused quite a stir among the critics in Cannes, but for me the final scene was just a pathetic attempt for a newbie director to get himself noticed. Hardly a voice in the discussion on the issue of violence, drug abuse or juvenile delinquency (or any other issue, for that matter).

The main character's metamorphosis from good, but troubled boy to the vicious rapist is virtually nonexistent, whereas the rape scene (being an over-dragged, exaggerated version of the rape scene from \\\"A clockwork orange\\\") is unbearable and I refuse to comment on its aesthetic values. There are some things an artist should not do to try and achieve his/her goal. At least in my opinion.

To wrap it up: shockingly brutal, revolting and NOT WORTH YOUR TIME. See \\\"A clockwork orange\\\" or \\\"Le pianiste\\\" instead.\": {\"frequency\": 1, \"value\": \"This movie commits ...\"}, \"This one came out during the Western genre\\ufffd\\ufffd\\ufffds last gasp; unfortunately, it emerges to be a very minor and altogether unsatisfactory effort \\ufffd\\ufffd\\ufffd even if made by and with veterans in the field! To begin with, the plot offers nothing remotely new: James Coburn escapes from a chain gang, intent on killing the man (now retired) who put him there \\ufffd\\ufffd\\ufffd Charlton Heston. While the latter lays a trap for him, Coburn outwits Heston by kidnapping his daughter (Barbara Hershey). Naturally, the former lawman \\ufffd\\ufffd\\ufffd accompanied by Hershey\\ufffd\\ufffd\\ufffds greenhorn fianc\\ufffd\\ufffd (Chris Mitchum) \\ufffd\\ufffd\\ufffd sets out in pursuit of Coburn and his followers, all of whom broke jail along with him.

Rather than handling the proceedings in his customary sub-Fordian style, McLaglen goes for a Sam Peckinpah approach \\ufffd\\ufffd\\ufffd with which he\\ufffd\\ufffd\\ufffds never fully at ease: repellent characters, plenty of violence, and the sexual tension generated by Hershey\\ufffd\\ufffd\\ufffds presence among Coburn\\ufffd\\ufffd\\ufffds lusty bunch. Incidentally, Heston and Coburn had previously appeared together in a Sam Peckinpah Western \\ufffd\\ufffd\\ufffd the troubled MAJOR DUNDEE (1965; I really need to pick up the restored edition of this one on DVD, though I recently taped the theatrical version in pan-and-scan format off TCM UK). Anyway, the film is too generic to yield the elegiac mood it clearly strives for (suggested also by the title): then again, both stars had already paid a fitting valediction to this most American of genres \\ufffd\\ufffd\\ufffd WILL PENNY (1968) for Heston and Coburn with PAT GARRETT & BILLY THE KID (1973)!

At least, though, Heston maintains a modicum of dignity here \\ufffd\\ufffd\\ufffd his ageing character attempting to stay ahead of half-breed Coburn by anticipating what his next move will be; the latter, however, tackles an uncommonly brutish role and only really comes into his own at the climax (relishing his moment of vengeance by sadistically forcing Heston to witness his associates\\ufffd\\ufffd\\ufffd gang-rape of Hershey). Apart from the latter, this lengthy sequence sees Heston try to fool Coburn with a trick borrowed from his own EL CID (1961), the villainous gang is then trapped inside a bushfire ignited by the practiced Heston and the violent death of the two \\ufffd\\ufffd\\ufffdobsolete\\ufffd\\ufffd\\ufffd protagonists (as was his fashion, Heston\\ufffd\\ufffd\\ufffds demise takes the form of a gratuitous sacrifice!).

The supporting cast includes Michael Parks as the ineffectual town sheriff, Jorge Rivero as Coburn\\ufffd\\ufffd\\ufffds Mexican lieutenant, and Larry Wilcox \\ufffd\\ufffd\\ufffd of the TV series CHiPs! \\ufffd\\ufffd\\ufffd as the youngest member of Coburn\\ufffd\\ufffd\\ufffds gang who\\ufffd\\ufffd\\ufffds assigned the task of watching over Hershey (while doing his best to keep his drooling mates away!). Jerry Goldsmith contributes a flavorful but, at the same time, unremarkable score.\": {\"frequency\": 2, \"value\": \"This one came out ...\"}, \"For anyone who liked the series this movie will be something to watch. However, it also leaves you wanting more. I loved the way that every character (detective)made an appearance. Least with the ending of who is the fourth chair for they leave a reason for another movie. My guess is Bayless of course. This like the series was a very well put together series of scenes. This is a series I wish had lived on. Thanks to the cast for some wonderful TV.\": {\"frequency\": 1, \"value\": \"For anyone who ...\"}, \"This is a kind of movie that will stay with you for a long time. Soha Ali and Abhay Deol both look very beautiful. Soha reminds you so much of her mother Sharmila Tagore. Abhay is a born actor and will rise a lot in the coming future.

The ending of the movie is very different from most movies. In a way you are left unsatisfied but if you really think about it in real terms, you realize that the only sensible ending was the ending shown in the movie. Otherwise, it would have been gross injustice to everyone.

The movie is about a professional witness who comes across a girl waiting to get married in court. Her boyfriend does not show up and she ends up being helped by the witness. Slowly slowly, over the time, he falls in love for her. It is not clear if she has similar feelings for him or not. Watch the movie for complete details.

The movie really belongs to Abhay. I look forward to seeing more movies from him. Soha is pretty but did not speak much in the movie. Her eyes, her innocence did most of the talking.\": {\"frequency\": 1, \"value\": \"This is a kind of ...\"}, \"\\\"The Notorious Bettie Page\\\" (2005)

Directed By: Mary Harron

Starring: Gretchen Mol, Chris Bauer, Lili Taylor, Sarah Paulson, & David Strathairn

MPAA Rating: \\\"R\\\" (for nudity, sexual content and some language)

It seems as though every celebrity nowadays is getting a biopic made about his or her life. From Ray Charles to Johnny Cash, biopics are very posh right now. \\\"The Notorious Bettie Page\\\" is the latest of these to be released on DVD. It features Gretchen Mol as the world's most famous pin-up model, Bettie Page and was filmed mostly in black and white with certain excerpts in color. Unlike \\\"Ray\\\", \\\"Walk the Line\\\", and \\\"Finding Neverland\\\", however, this movie is not going to be one to watch out for at the Oscars this year. This movie lacks the emotional resonance displayed in other biopics and most of the more dramatic moments in Bettie Page's life are either completely ignored or only merely suggested. This does not mean, however, that it is a bad movie. In fact, \\\"The Notorious Bettie Page\\\" is a thoroughly entertaining and fulfilling movie--a solid work of cinema. This film focuses more on Page's exciting career and the thin line between sexuality and pornography. It is filmed with fervor and care and Mary Harron's direction captures the look and feel of the time period as most filmmakers only dream about.

Everyone knows Bettie Page (played by Mol). Whether you know her as an icon\\ufffd\\ufffdor a simple porn star\\ufffd\\ufffdyou know her. She is a woman who had a very profound impact on American culture only by revealing more skin than deemed appropriate at that particular time. Now, most people know her as one of America's first sex symbols--a legend to many models, especially those of Playboy and other adult-oriented magazines. She lived in a time when showing just an inch of flesh below the waste could have someone arrested and Page's bondage-style photos were just the thing to push the American public into an uproar. In fact, the photos launched a full-fledged senate investigation about common decency and the difference between harmless films and porn.

The performances in \\\"The Notorious Bettie Page\\\" are absolutely wonderful with Gretchen Mol standing out. Her performance as Bettie Page is simply brilliant. I understand that, when she was announced for the role, many people were skeptical. Her name is not one that immediately leaps to my mind when I think of great performances. Now, it will. She completely aced the role and drew me in with her vulnerable and yet deeply engaging performance. David Strathairn is fresh off of last year's \\\"Good Night, and Good Luck\\\", in which he gave one of 2005's best performances. Here, he gives yet another fine performance\\ufffd\\ufffdeven though he is slightly underused. I was shocked at how very limited his screen time was\\ufffd\\ufffdbut quality over quantity is always the most important aspect of any good movie. The only performance I have seen from Lili Taylor was that in \\\"The Haunting\\\" (1999). While most people ignored the movie, I found it to be an enjoyable, if not completely shallow, horror movie and I also have always thought that Taylor was perfectly credible as the emotionally-distraught Nell. Here, Taylor gives yet another credible performance. She gives a very subdued performance and delivers the perfect performance to compliment that of Gretchen Mol.

After everything was said and done, I realized that \\\"The Notorious Bettie Page\\\" cannot be compared to other biopics, such as \\\"Finding Neverland\\\" and \\\"Walk the Line\\\". It is incomparable to these because it tells a story of a woman and her career, from the beginning to the end. Her personal life is briefly implied, but it is really her impact on the world that becomes the high point. We watch the film knowing that Page will eventually bare all and we know the impact that her decisions will have\\ufffd\\ufffdbut we are rarely shown the impact that they will have on her personal life. She is a woman that never looked back and could constantly reinvent herself. After all, she was an adult model turned Christian missionary. This movie does not over dramatize anything. It could have included fictitious moments of Page sobbing hysterically and begging God to forgive her. It could have shown Page running and screaming through the rain, trying to escape the ghosts of her past\\ufffd\\ufffdand yet it does not. \\\"The Notorious Bettie Page\\\" tells a simple story and that is something rare by today's standards. Fortunately, it is quite refreshing.

Final Thought: \\\"The Notorious Bettie Page\\\" is a relaxing movie with absolutely amazing cinematography.

Overall Rating: 9/10 (A)\": {\"frequency\": 1, \"value\": \"\\\"The Notorious ...\"}, \"I can't believe that the City of Muncie is so hard up for attention that they would embarrass themselves by allowing this show to be done there. This show is like a slap in the face to real hard working law-enforcement officers. I have never before in my life seen anything so stupid in my life. If they had billed it as a comedy that would be one thing but to say it is reality is nothing short of a lie. I only saw it once and was appalled at what I saw. I wanted to see the little guy get into a foot-chase with a bad guy. What a joke that would have been. Nothing on the show was even close to the real world. The city of Muncie, the Police Chief, and all the officers should be hanging their heads in shame and should never want o admit they come from that city. No wonder it didn't stay around on TV\": {\"frequency\": 1, \"value\": \"I can't believe ...\"}, \"A movie of outstanding brilliance and a poignant and unusual love story, the Luzhin Defence charts the intense attraction between an eccentric genius and a woman of beauty, depth and character.

It gives John Turturro what is probably his finest role to date (thank goodness they didn't give it to Ralph Fiennes, who would have murdered it.) Similarly, Emily Watson shows the wealth of her experience (from her outstanding background on the stage). To reach the tortured chess master (Turturro) her character has to display intelligence as well as a woman's love. Watson does not portray beauty-pageant sexuality, but she brings to her parts a self-awareness that is alluring.

In a chance meeting between Natalia (Watson) and Luzhin, she casually stops him from losing a chess piece that has fallen through a hole in his clothing - a specially crafted piece that, we realize later in the film, has come to symbolize his hopes and aspirations. Later, as their love affair develops, she subtly likens dancing to chess (Luzhin has learnt to dance but never with a partner); she encourages him to lead her with \\\"bold, brilliant moves\\\" and in doing so enables him to relax sufficiently to later play at his best (and also realize himself as her lover).

This is a story of a woman who inspires a man to his greatest achievement and, in so doing finds her own deepest fulfillment, emotionally and intellectually (Or so we are led to believe - certainly, within the time frame, Natalia is something of a liberated woman rather than someone who grooms herself to be a stereotypical wife and mother).

The Italian sets are stunning. The complexity of the characters and the skill with which the dialogue unfolds them is a delight to the intelligent movie-goer, yet the film is accessible enough to make it a popular mainstream hit, and most deservedly so. Chess is merely the photogenic backdrop for developing an emotional and emotive movie, although the game is treated with enough respect to almost convince a chess-player that the characters existed. Although a tragedy of remarkable heights by a classic author, the final denouement is nevertheless surprisingly uplifting.\": {\"frequency\": 1, \"value\": \"A movie of ...\"}, \"A series of shorts spoofing dumb TV shows, Groove Tube hits and misses a lot. Overall, I do really like this movie. Unfortunately, a couple of the segments are totally boring. A few really great clips make up for this. A predecessor to such classics like Kentucky Fried Movie.\": {\"frequency\": 1, \"value\": \"A series of shorts ...\"}, \"Lame plot and two-dimensional script made characters look like cardboard cut-outs. Needless to say, this made it difficult to feel empathy for any of the characters, especially the fianc\\ufffd\\ufffd; He looked and acted more like a cartoon. In summary, I guess you could say it was on par with your typical made for TV drama. It uses just about every clich\\ufffd\\ufffd in the book. The tortured classical musician who wants to break-out and play salsa. The free-spirited fianc\\ufffd\\ufffde engaged to a \\\"bean counter\\\" personality she doesn't love. I won't list them or else it would be a spoiler because I'd be giving away the whole plot. The dancing was OK but nothing special. I've seen worse. 3 stars for good music. The band was really tight. I saw it on YouTube. Thankfully I didn't pay good money to see it at a theater. I'm still a little shocked at how many great reviews this movie has garnished.\": {\"frequency\": 1, \"value\": \"Lame plot and two- ...\"}, \"I did not like the pretentious and overrated Apocalypse Now. Probably my favorite Vietnam War film is The Deer Hunter. The Deer Hunter focused on one part of the war, and then focused on the lives before the war. This movie is essentially Deer Hunter 2. The script is too loose compared to the Deer Hunter. The story is never developed to the point that the audience can truly understand and feel for the characters like the Deerhunter did. The Vietnam flashbacks are not as gripping or involved as the ones in the Deerhunter. This is why I can only give this movie 7 out of 10.

However, I think that the acting was outstanding. DeNiro and Harris are truly amazing actors. They totally immersed themselves in their characters and expressed the great anguish of two former friends who lost their best friend Bobby in combat. Harris' character is a half-dead alcoholic, who hides the guilt that he has in Bobby losing his life trying to save his.

I also like the supporting cast. Everyone in the town is part of the movie. The town obviously can't handle Vietnam vets very well. Like many small towns, it is all about being quiet, humble, and minding one's business. Harris' character, however, can't be any of these things. It is interesting how wars effect people. Some people rebound quickly, while others never really recover.\": {\"frequency\": 1, \"value\": \"I did not like the ...\"}, \"Arguebly Al Pacino's best role. He plays Tony Montana, A small time hood from Cuba turned into a rich and powerful crime lord in Miami, and he does it with the only two things he's got in this world, his balls and his word, and he doesn't break'em for nobody. Starts as doing jobs for a big time Cuban dealer, Frank Lopez (Robert Loggia) and quickly goes up the ladder of the organization along with his long time friend Manny (Steven Bauer). Soon he has an eye for the boss's sexy wife Elvira (Michelle Pfeiffer). After Frank sees a threat from Tony to his position, he attempts to assassin Tony but with no luck. Tony is upset and nothing can stop him now. the film has a great supporting cast among them is F. Murray Abraham as a jumpy gangster, another familiar face is Harris Yulin as a crooked cop trying to shake down Tony, Marry Elizabeth Mastrantonio as Tony's young sister. Credits to the Ecxellent screenplay by Oliver Stone. This film is one of Brian DePalma's Brightest points in his long ups and downs career, you can see this guy is very talented. The movie has a magnificent look to it. Also pay attention for two memorable scenes: The one at the fancy restaurant (\\\"Say goodnight to the bad guy\\\"). the other is the final shootout where Tony shows that he still knows how to kick ass and kills about 20 assassins that invaded to his house. this is certainly one of the most impressive endings to a movie I have ever seen. For fans of Al Pacino and crime movies it's a must-see. For the rest of you it's highly recommended. 10/10\": {\"frequency\": 1, \"value\": \"Arguebly Al ...\"}, \"Beautiful film, pure Cassavetes style. Gena Rowland gives a stunning performance of a declining actress, dealing with success, aging, loneliness...and alcoholism. She tries to escape her own subconscious ghosts, embodied by the death spectre of a young girl. Acceptance of oneself, of human condition, though its overall difficulties, is the real purpose of the film. The parallel between the theatrical sequences and the film itself are puzzling: it's like if the stage became a way out for the Heroin. If all american movies could only be that top-quality, dealing with human relations on an adult level, not trying to infantilize and standardize feelings... One of the best dramas ever. 10/10.\": {\"frequency\": 2, \"value\": \"Beautiful film, ...\"}, \"I thought that ROTJ was clearly the best out of the three Star Wars movies. I find it surprising that ROTJ is considered the weakest installment in the Trilogy by many who have voted. To me it seemed like ROTJ was the best because it had the most profound plot, the most suspense, surprises, most emotional,(especially the ending) and definitely the most episodic movie. I personally like the Empire Strikes Back a lot also but I think it is slightly less good than than ROTJ since it was slower-moving, was not as episodic, and I just did not feel as much suspense or emotion as I did with the third movie.

It also seems like to me that after reading these surprising reviews that the reasons people cited for ROTJ being an inferior film to the other two are just plain ludicrous and are insignificant reasons compared to the sheer excellence of the film as a whole. I have heard many strange reasons such as: a) Because Yoda died b) Because Bobba Fett died c) Because small Ewoks defeated a band of stormtroopers d) Because Darth Vader was revealed

I would like to debunk each of these reasons because I believe that they miss the point completely. First off, WHO CARES if Bobba Fett died??? If George Lucas wanted him to die then he wanted him to die. Don't get me wrong I am fan of Bobba Fett but he made a few cameo appearances and it was not Lucas' intention to make him a central character in the films that Star Wars fans made him out to be. His name was not even mentioned anywhere in the movie... You had to go to the credits to find out Bobba Fett's name!!! Judging ROTJ because a minor character died is a bit much I think... Secondly, many fans did not like Yoda dying. Sure, it was a momentous period in the movie. I was not happy to see him die either but it makes the movie more realistic. All the good guys can't stay alive in a realistic movie, you know. Otherwise if ALL the good guys lived and ALL the bad guys died this movie would have been tantamount to a cheesy Saturday morning cartoon. Another aspect to this point about people not liking Yoda's death.. Well, nobody complained when Darth Vader struck down Obi Wan Kenobi in A New Hope. (Many consider A New Hope to be the best of the Trilogy) Why was Obi Wan's death okay but Yoda's not... hmmmmmmmmmmmm.... Another reason I just can not believe was even stated was because people found cute Ewoks overpowering stormtroopers to be impossible. That is utterly ridiculous!! I can not believe this one!! First off, the Ewoks are in their native planet Endor so they are cognizant of their home terrain since they live there. If you watch the movie carefully many of the tactics the Ewoks used in defeating the stormtroopers was through excellent use of their home field advantage. (Since you lived in the forest all your life I hope you would have learned to use it to your advantage) They had swinging vines, ropes, logs set up to trip those walkers, and other traps. The stormtroopers were highly disadvantaged because they were outnumbered and not aware of the advantages of the forest. The only thing they had was their blasters. To add, it was not like the Ewoks were battling the stormtroopers themselves, they were heavily assisted by the band of rebels in that conquest. I thought that if the stormtroopers were to have defeated a combination of the Star Wars heros, the band of rebels, as well as the huge clan of Ewoks with great familiarity of their home terrain, that would have been a great upset. Lastly, if this scene was still unbelievable to you.. How about in Empire Strikes Back or in A New Hope where there were SEVERAL scenes of a group consisting of just Han Solo, Chewbacca, and the Princess, being shot at by like ten stormtroopers and all their blasters missed while the heros were in full view!! And not only that, the heroes , of course, always hit the Stormtroopers with their blasters. The troopers must have VERY, VERY bad aim then! At least in Empire Strikes Back, the Battle of Endor was much more believable since you had two armies pitted each other not 3 heroes against a legion of stormtroopers. Don't believe me? Check out the battle at Cloud City when our heroes were escaping Lando's base. Or when our heros were rescuing Princess Leia and being shot at (somehow they missed)as Han Solo and Luke were trying to exit the Death Star.

The last reason that I care to discuss (others are just too plain ridiculous for me to spend my time here.) is that people did not like Darth Vader being revealed! Well, in many ways that was a major part of the plot in the movie. Luke was trying to find whether or not Darth Vader was his father, Annakin Skywalker. It would have been disappointing if the movie had ended without Luke getting to see his father's face because it made it complete. By Annakin's revelation it symbolized the transition Darth Vader underwent from being possessed by the dark side (in his helmet) and to the good person he was Annakin Skywalker (by removing the helmet). The point is that Annakin died converted to the light side again and that is what the meaning of the helmet removal scene was about. In fact, that's is what I would have done in that scene too if I were Luke's father...Isn't that what you would have done if you wanted to see your son with your own eyes before you died and not in a mechanized helmet?

On another note, I think a subconscious or conscious expectation among most people is that the sequel MUST be worse (even if it is better) that preceding movies is another reason that ROTJ does not get as many accolades as it deserves. I never go into a film with that deception in mind, I always try to go into a film with the attitude that \\\"Well, it might be better or worse that the original .. But I can not know for sure.. Let's see.\\\" That way I go with an open mind and do not dupe myself into thinking that a clearly superior film is not as good as it really was.

I am not sure who criticizes these movies but, I have asked many college students and adults about which is their favorite Star Wars movie and they all tell me (except for one person that said that A New Hope was their favorite) that it is ROTJ. I believe that the results on these polls are appalling and quite misleading.

Bottom line, the Return of the Jedi was the best of the Trilogy. This movie was the only one of the three that kept me riveted all throughout its 135 minutes. There was not a moment of boredom because each scene was either suspenseful, exciting, surprising, or all of the above. For example, the emotional light saber battle between Luke and his father in ROTJ was better than the one in the Empire Strikes Back any day!!!

Finally, I hope people go see the Phantom Menace with an open mind because if fans start looking for nitpicky, insignificant details (or see it as \\\"just another sequel\\\") to trash the movie such as \\\"This movie stinks because Luke is not in it!\\\" then this meritorious film will become another spectacular movie that will be the subject of derision like ROTJ suffered unfortunately.

\": {\"frequency\": 1, \"value\": \"I thought that ...\"}, \"I saw this movie in 1969 when it was first released at the Cameo Theater on South Beach, now the famous Crowbar Night-club. It was the last year of the wild 60s and this movie really hit home. It's got everything; the generation gap, the sexual revolution, the quest for success, and the conflict between following one's family \\\"traditions\\\" to those of seeking ones own way through life.

It was a fast paced, highly enjoyable movie. Vegas was at it's hippiest peak, Sin City in all it's glory. Beautiful women, famous cameos, laughs, conflict, romance, and even a happy ending. A very enjoyable time over all.

The poster from this film rests on my bedroom wall. I look at it and I go back in time; a time of my youth and my times with my dad, a great time in my life.\": {\"frequency\": 1, \"value\": \"I saw this movie ...\"}, \"My Score for this crap: 1 / 10 1 for the technical only. Everything else is very bad.

Another film that makes no sense. Clearly it seems that creating a good script for film or television is almost a impossible mission.

While it's easy to understand why politicians never say the truth, they are among the biggest liars on the planet, it is difficult to understand how to make films so pathetic.

We must believe that taking people for morons. Perhaps it was reason to believe, since 99% of the films are crap. Because they are stupid and ridiculous and very bad scenarios.

When you look at the price we give Oscars, we understand better why we continue to make films any more ridiculous than others.

And oddly enough it was always money for such nonsense. But it was not for education and health.

If you still want to listen to this s**t, press super Fast Forward button (at least 20X).\": {\"frequency\": 1, \"value\": \"My Score for this ...\"}, \"Anthony McGarten has adapted his play, Via Satellite, and directed the best comedic film to come out of New Zealand for a long time. Chrissy Dunn (Danielle Cormack) is a drop-out. She hasn't achieved much in her latter years and has grown resentful of her family since her father's deathbed confession. Her twin sister, Carol (also portrayed by Danielle Cormack) is basking in the media limelight as she represents New Zealand in swimming at the Olympics. A middle-aged, desireless and desperate director (Brian Sergent) and his good-natured cameraman - who is also Chrissy's one-night stand from the night previous - Paul (Karl Urban) film the Dunn family's proudest moment; watching Carol swim to victory. This wouldn't be so bad but Chrissy's family is the epitome of embarrassing. First of all there is the matriach of the Wellingtonian Dunns, Joyce (Donna Akerston). She makes fairy cakes and cocktail sausages for the all-important film crew and refuses to change the way she is. Her oldest daughter, Jen (Rima Te Wiata) is desperate to be something more than common. She has a nice home (with bedroom walls painted \\\"Blackberry sorbet\\\"), expensive tastes and a nasty parasitic attitude to match. She is also nearing 40 and desparate for a child. Her husband, Ken (Tim Balme) is an electrician and forces himself on jobs that don't need doing...as well as doing jobs that need to be done, ie Jen. The middle daughter, Lyn (Jodie Dorday - who won Best Supporting Actress at New Zealand Film Awards for this portrayal)is a \\\"knocked-up\\\" tart who has a dubious history with Ken. Both older sisters clash, the mother is in a state, Ken is as bad a ToolTime Tim Taylor, Carol is fuelling her Olympic desire and Chrissy is aware all of this is to be splashed on national tv - why shouldn't she be embarrassed? It is great to see some famous New Zealand faces perform in the suburban comedy that has witty lines to spare. I loved the sparring between Jen and Lyn. One is like an adult Mona-my-biological-clock-is-ticking-away, the other a narcisstic tramp who has what her sister desires - a bun in the oven. Climax of the film is quite sentimental and is nicely done. The performances are a treat and the film works perfectly. A great way to spend an hour-and-a-half.

\": {\"frequency\": 1, \"value\": \"Anthony McGarten ...\"}, \"This is a straight-to-video movie, so it should go without saying that it's not going to rival the first Lion King, but that said, this was downright good.

My kids loved this, but that's a given, they love anything that's a cartoon. The big shock was that *I* liked it too, it was laugh out loud funny at some parts (even the fart jokes*), had lots of rather creative tie-ins with the first movie, and even some jokes that you had to be older to understand (but without being risqu\\ufffd\\ufffd like in Shrek [\\\"do you think he's compensating for something?\\\"]).

A special note on the fart jokes, I was surprised to find that none of the jokes were just toilet noises (in fact there were almost no noises/imagery at all, the references were actually rather subtle), they actually had a setup/punchline/etc, and were almost in good taste. I'd like my kids to think that there's more to humor than going to the bathroom, and this movie is fine in those regards.

Hmm what else? The music was so-so, not nearly as creative as in the first or second movie, but plenty of fun for the kids. No painfully corny moments, which was a blessing for me. A little action but nothing too scary (the Secret of NIMH gave my kids nightmares, not sure a G rating was appropriate for that one...)

All in all I'd say this is a great movie for kids of any age, one that's 100% safe to let them watch (I try not to be overly sensitive but I've had to jump up and turn off the TV during a few movies that were less kid-appropriate than expected) - but you're safe to leave the room during this one. I'd say stick around anyway though, you might find that you enjoy it too :)\": {\"frequency\": 1, \"value\": \"This is a ...\"}, \"This is not a profound movie; most of the plot aspects are pretty predictable and \\\"tried and true\\\" but it was well-acted and made some interesting points about what we might regret (our \\\"mistakes\\\" as the movie calls them) as we look back over our lives. I had not read the book, so didn't know much other than it was the story of a dying woman who has strong memories from long ago that she hasn't really shared with anyone. Thankfully they got a top-notch cast....Meryl

Streep's daughter, Mamie Gummer, plays the young Lila, and then Meryl shows up at the end of the film as the old Lila...in addition to an amazing resemblance (duh!) the younger actress did a great job (perhaps not quite up to her mom's caliber, but who is?) All others in this film were fine, although I wish there had been more of Glen Close and thought the Buddy character was alittle too dramatic.

This is more of a girls' movie than for the guys, but a good one to see with your mom, or your daughter, and maybe start some dialog going. How hard it is to really know a parent as a \\\"person\\\"!\": {\"frequency\": 1, \"value\": \"This is not a ...\"}, \"The only reason I saw this movie was for Jimmy Fallon, who I've had a crush on since 9th grade, which was his first year on SNL. I am a die-hard Yankees fan, and I didn't find the movie painful until the last 15 minutes, when they begin showing clips of the ALCS games. I had to cover my ears and make small noises so I wouldn't have to hear that which must not be heard, but otherwise it was completely bearable.

I thought Jimmy played the role very well, because the character was supposed to be nervous and quirky, and he is a nervous and quirky guy. I know that it may not be a Academy Award-winning stretch, but the movie is just a light, fun, romantic comedy that is actually appropriate for both women and men to see.

Jimmy and Drew worked well together, and they had much better chemistry on camera than other actors in the past. (Ed Burns and Angelina Jolie in that stupid movie? What?) I think Jimmy has a positive career ahead of him, and thank goodness, because Taxi could have killed it. I think Fever Pitch will help him out a lot. Everyone needs to stop being so critical of his acting ability because he is just starting out in movies. I imagine it must be difficult, and if you look at any of the other great actors of our time (Tom Hanks, Russell Crowe, etc) you'll see that they started off in some flops. Busom Buddies? Australian soap operas? Here's wishing Jimmy a successful career on screen. I never wanted him to leave SNL but what can you do?\": {\"frequency\": 1, \"value\": \"The only reason I ...\"}, \"I just finished watching this movie and I found it was basically just not funny at all.

I'm an RPG Gamer (computer type, none of the DnD tabletop stuff) but I found none of the jokes in this funny at all.

Some of the scenes seemed to drag out a lot (tilt and zoom could've been cut down to 5seconds rather than over a minute) and it feels as though the director was just trying to fill in time.

I think I laughed a total of 2-3 times in the entire movie.

The acting itself wasn't all that bad, around the standard that a B Grade movie should have.

I'd suggest not bothering with this movie unless you're a huge DnD fan and even then it would probably be best to steer clear of it.\": {\"frequency\": 1, \"value\": \"I just finished ...\"}, \"This was not the worst movie I've ever seen, but that's about as much as can be said about it. It starts off with some good atmosphere; the hospital is suitably sterile and alienating, the mood is set to \\\"eerie\\\". And then...nothing. Well, somethings. Just somethings that clearly don't fit in...and no effort is made to clarify the connection between the bizarre and yet not particularly intimidating critters, and the hospital they've taken over. I mean, come on, biker duds? Some band watched a bit too much Gwar.

My personal favorite was the head demon, who looks rather a lot like a middle-aged trucker desperately attempting menace, while simultaneously looking like he'd really like prefer to sag down on an afghan-covered couch, undo his belt, pop a can of cheap beer (probably Schlitz), and watch the game. Honestly, I've seen far scarier truckers. At truckstops. Drinking coffee. WWWwoooooohHHHHHoooooooo!!!! Scary!!

The other monsters are even more cartoonish, and even less scary. At least, on the DVD, the videos give some explanation of their presence in the hospital...they apparently just randomly pop up in places, play some bippy \\\"metal\\\", and cause people to be dead a bit. Barring a few good special effects, and acting that is not entirely terrible given a lack of decent writing, there's just nothing here. It's a background-noise movie only.\": {\"frequency\": 1, \"value\": \"This was not the ...\"}, \"The story of \\\"A Woman From Nowhere\\\" is rather simple and pretty much adapted right out of a Eastwood Spaghetti Western: A mysterious stranger comes into a lawless town run by a kingpin and starts shooting up the place. Even the opening credits and music have that spaghetti feel: Sergio Leone and Ennio Morricone would be proud. The really interesting twists are that the stranger is a beautiful (!) woman, Saki (Ryoko Yonekura) on a Harley, and the location is in a town somewhere in Japan.

In this actioner, there's a considerable amount of gunplay, some of it good, some predictable, and other spots somewhat hokey, but it's a whole lot of fun. Ryoko handles her guns with believability and aplomb and gives the thugs their due. It wasn't much of an acting challenge for her as it was a physical challenge, but she handled things very well. She shows her acting skills much more as Otsu in the NHK drama, \\\"Musashi.\\\"

I'd highly recommend film if you're a Ryoko Yonekura fan (which I adoringly am) and/or a \\\"girls with guns\\\" movie fan and it does hold up to repeated viewings. To me, there's something eminently and inexplicably appealing about \\\"girls with guns\\\" movies like \\\"La Femme Nikita\\\" and \\\"The Long Kiss Goodnight.\\\" And to have a gorgeous gal like Ryoko starring in it as well is just gobs of icing on the cake.\": {\"frequency\": 1, \"value\": \"The story of \\\"A ...\"}, \"A lonely depressed French boy Mathieu (Jeremie Elkaim) on vacation in the summer, meets and falls in love with Cedric (the gorgeous Stephane Rideau). Quiet and slow this is a very frustrating movie. On one hand, I was absorbed by it and really felt for the two boys. On the other I was getting annoyed--the film constantly keeps flashing around from the past to the present with no rhyme or reason. It's very confusing and pointless.

SPOILERS AHEAD!!!

Also there are tons of plot holes--Mathieu, at one point, does something that ends him up in the hospital. What is it--we're never told! Then he breaks up with Cedric and tells everybody else he's living with him. Why? We're not told. Then he hooks up inexplicably with another guy at the end. Why? No explanation. It's clear Cedric loves Mathieu and Mathieu is living in the same town so... However it is a tribute to the film that you really care about the characters so much. If only things were explained!

Elkaim as Mathieu is not good. He's tall, handsome and has a nice body--but he can't act. His idea of acting is sitting around with a blank look on his face--all the time. Rideau, on the other hand, is great. He's VERY handsome, has a very nice body and is one hell of an actor. Also he has an incredible sexual magnetism about him. There is full frontal male nudity, lots of kissing and a fairly explicit sex scene in the movie which is great--most movies shy away from showing male-male love scenes. This one doesn't and it helps to see how the characters care and feel for each other.

So, a frustrating film but somewhat worth seeing--especially for Rideau's nude scenes--that is, if you like good-looking nude young men!

\": {\"frequency\": 1, \"value\": \"A lonely depressed ...\"}, \"Like many people on this site, I saw this movie only once, when it was first televised in 1971. Certain scenes linger in my memory and an overall feeling of disquiet is how I remember being affected by it. I would be fascinated to see it again, if it was ever made available for home video.

Possible spoiler: I wonder if anyone else would agree that the basic plot setup and characters might have been derived from a 1960 British movie, originally titled City of the Dead, retitled Horror Hotel for the American release? There are some similarities also to a later British film The Wicker Man.

One detail remains with me years after seeing the film. It's a small but significant moment near the beginning of the film. As I recall, a minister and his wife have stopped to aid some people by the side of the road, circa 1870, somewhere out West. The friendly seeming Ray Milland introduces himself and his ( daughter?), Yvette Mimieux, a beautiful young mute woman. While the preacher is helping Ray Milland with the wagon, a rattlesnake slithers into view and coils menacingly, unobserved by any of the characters except Yvette Mimieux. She doesn't look scared at all, but stares at the snake with silent concentration, until it goes away. With this strange little moment, we already realize there's something highly unusual about these seemingly normal folks, though the possible danger to the minister and his wife remains vague and uncertain for a long time.

That one little scene stays with me vividly after all these years, along with many others. The film has a haunting quality about it that won't let go, and it's not surprising that people remember it so vividly. Someone ought to make this available for home video!\": {\"frequency\": 2, \"value\": \"Like many people ...\"}, \"I shouldn't even review this movie, since it's not actually a horror movie -- and thus not worthy of Dr. Cheese's attention. At least, it's not horror in the usual sense. It's certainly a horrifying proposition to waste your time watching this crap. That's why I turned it off after the first four hours. Imagine my surprise, then, when the clock showed that only 45 minutes had passed. Yep, that's right; in plain terms, this movie is b-o-r-i-n-g.

\\\"The Order\\\" had lots of flaws, not all of them unique. In particular, it seems to me the main problem with the \\\"religious\\\" subgenre of horror films is Hollywood's unwillingness to engage Christianity on its own terms. It is quite possible to make truly creepy films that are also orthodox. Just ask William Peter Blatty. In fact, without orthodoxy, films like this are just an anything-goes smorgasbord of the filmmakers' (usually dull and illogical) imaginations.

Think about it. If someone made a movie ostensibly about, say, physics, but not only got the basic laws of physics wrong, but based the entire plot on its wrong portrayals, you would soon get tired of the resulting pointless plot. The same goes for these sorts of movies.

In other words, \\\"The Order\\\"(and many similar movies before it) invent out of whole cloth stuff about the Catholic Church and about the Christian faith and attempt to build a plot out of these inventions. Unsurprisingly, the plot ends up being incoherent and stupid. This movie has the added charm of being as interesting to watch as your toenails growing.

Avoid this steaming pile.\": {\"frequency\": 1, \"value\": \"I shouldn't even ...\"}, \"Todd Rohal is a mad genius. \\\"Knuckleface Jones\\\", his third, and most fully realized, short film has an offbeat sense of humor and will leave some scratching their heads. What the film is about at heart, and he would almost certainly disagree with me on this, is how a regular Joe finds the confidence to get through life with a little inspiration. Or not. You just have to see for yourself. The short is intermittently making rounds on the festival circuit, so keep your eyes peeled and catch it if you can - you'll be glad you did. It is hilarious. And check out Todd's other short films also popping up here and there from time to time: \\\"Single Spaced\\\" and \\\"Slug 660\\\".\": {\"frequency\": 1, \"value\": \"Todd Rohal is a ...\"}, \"For a \\\"no budget\\\" movie this thing rocks. I don't know if America's gonna like it, but we were laughing all the way through. Some really Funny Funny stuff. Really non-Hollywood.

The Actors and Music rocked. The cars and gags and even the less in your face stuff cracked us up. Whooo Whooo!

I've seen some of the actors before, but never in anything like this, one or two of them I think I've seen in commercials or in something somewhere. Basically it Rocked! Luckily I got to see a copy from a friend of one of the actors.\": {\"frequency\": 1, \"value\": \"For a \\\"no budget\\\" ...\"}, \"I totally agree that \\\"Nothing\\\" is a fantastic film! I've not laughed so much when watching a film for ages! and David Hewlett and Andrew Miller are fantastic in this! they really work well together! This film may not appeal to some people (I can't really say why without spoiling it!) but each to their own! I loved it and highly recommend it!

The directing is great and some of the shots are very clever. It looks as though they may have had a lot of fun when filming it!

Although there are really only main 2 characters in the film and not an awful lot of props the actors manage to pull it off and make the film enjoyable to watch.\": {\"frequency\": 1, \"value\": \"I totally agree ...\"}, \"Jay Chou plays an orphan raised in a kung fu school, but kicked out by the corrupt headmaster after fighting with a bunch of thugs in the employ of a nefarious villain. He happens upon down-on-his-luck trickster Eric Tsang, who immediately sees cash potential in the youngster's skills. Basketball is the chosen avenue for riches, and Tsang bids to get him a spot on a University team and to promote him in the media. General success leads to a basketball championship and a really nasty rival team managed by the same nefarious villain of before.

It's all a bit Shaolin Soccer I guess, but not so quirky or ridiculous - the plot sticks pretty close to sports movie conventions, and delivers all the elements the crowd expects from the set-up. You've seen it all before, but it's the kind of stuff it never hurts to see again when it's done well. Luckily it really is done well here (some might say 'surprisingly' with Chu Yen-Ping in the director's chair... I expect he had good 'assistants') - the script delivers and the presentation is slick and stylish. Jay Chou remains pretty much expressionless throughout, but such is his style, and when he does let an emotion flicker across it can be to quite good comic effect. Eric Tsang compensates with a larger-than-life character that he's played many times before (in real life, for instance) who gets many of the films most emotional moments.

Since the film revolves around basketball, it's good that the scenes of basketball matches are suitably rousing. The cast show some real skill, including Chou, and some well done wirework and CGI add that element of hyper-real kung fu skill that make the scenes even more entertaining (assuming you like that sort of thing) and justify the movie's plot/existence.

There's only one significant fight scene in the movie, but it's a doozy in the \\\"one against many\\\" style. Jay Chou appears to do a lot of his own moves, and is quite impressive - he's clearly pretty strong and fast for real, and Ching Siu-Tung's choreography makes him look like a real martial artist. I wish there'd been more, but at least it's a lengthy fight.

Very much the kind of Chinese New Year blockbuster I hoped it would be from the trailer, and recommended viewing!\": {\"frequency\": 1, \"value\": \"Jay Chou plays an ...\"}, \"\\\"The Notorious Bettie Page\\\" is about a woman who always wanted to be an actress but instead became one of the most famous pin up girls in the history of America. Bettie Page played by Gretchen Mol was one of the first sex icons in America. The type of modeling Bettie Page took part in included nudity and bondage which lead to a U.S Senate investigation in the 1950s.

Walking out of the film, all I could think about was how far we have come in terms of pornography since the 1950s. You can go on the internet now and find some of most disturbing and shocking images ever shot, that the footage questioned in \\\"The Notorious Bettie Page\\\" seems almost childlike and innocent. Most of the footage including the bondage did not feature nudity when Bettie Page was involved yet today we have sick images where we can see women having sex with animals. I find that maybe the envelope has been pushed a little too far since the 1950s because looking at this movie in terms of today's pornography, it was very tastefully done.

To be honest, I was pretty impressed with \\\"The Notorious Bettie Page,\\\" I found the film to be very well done and interesting. The movie is exactly what the trailer leads you to believe it will be and is a very interesting look at one of the first female sex icons in America. Gretchen Mol looks just like Bettie Page and gives a very fine performance. I also thought that since the movie was shot in black and white it made the film seem realistic because it made the audience believe they were watching a film created in the late 1950s.

My only complaint about the film was the running time, there seemed to be a few scenes that were cut and seemed to be a little shorter than they should have been. I looked this up and it seems that 10 minutes was cut from the film since its original showing at the Toronto Film Festival. Also the ending was pretty tame and I was expecting a little more from it or maybe some paragraphs to come on the screen to tell the audience more about Bettie Page's life where the film left off. Those are my only two complaints about the film other than that the directing was solid, the acting was great especially Gretchen, and the writing was good.

Mary Harron, who directed \\\"American Psycho\\\", which is one of my favorite films, is the director and writer of \\\"The Notorious Bettie Page.\\\" I feel that Mary is a very talented director who knows how to create a setting and create great movies based on characters because like \\\"Psycho\\\", Bettie Page is a character study and a fine one at that. Harron captures the 40s and 50s with ease as well as all the characters. She is a very talented director who I hope will be around for many years to come.

Bottom Line: \\\"The Notorious Bettie Page\\\" is definitely worth a look. It's a very interesting story that shows how far America, as well as the world, has come in terms of pornography. The film also provides a fine performance by Gretchen Mol who literally nails the role of Bettie Page on the head. And top it off with a talented director who was able to capture the look and feel of a previous era and you have a good movie on your hands. Sadly, this film is probably going to flop since not many besides people who grew up in this era will show interest in the film but I think it's worth checking out.

MovieManMenzel's final rating for \\\"The Notorious Bettie Page\\\" is a 8/10. It's an interesting character study about one of the most famous pin up girls and sex icons in American history.\": {\"frequency\": 1, \"value\": \"\\\"The Notorious ...\"}, \"Because others have gone to the trouble of summarizing the plot, I'd like to mention a few points about this film. There may be spoilers here; I don't care enough to filter them out.

- Given the film's low budget, the creature design was quite good. It's actually nice to see a direct-to-video horror film that's not slathered with awful CGI. Unfortunately the digital film quality's quite grainy in places, and it's most noticeable in the well-lit white halls of the asylum.

- Ridiculous lighting design plagues parts of this film, to say nothing of the variations in the passage of time. I understand the director might have been trying to simulate dementia, but in order for this to be effective consistent time flow needed to be established. As-is, it merely seems amateurish.

- Plot twists were numerous but consistently predictable. I neither had a doubt in my mind of the identity of the robed cultists, nor of the fact that some kind of lame evil-trumps-good development would surface at the end.

- This may seem like quibbling, but characters in this film reliably fail to employ any kind of common sense. First of all, regulatory commissions would be all over a mental health center that unilaterally declared all patient and employee deaths cardiac arrest-induced. Why would the head psychiatrist also be capable of performing autopsies? Why wasn't a plot point made of these impressive qualifications, or of his introduction to his odd choice of religion? What's the background? What's supposed to make us care about anyone in this? And just as importantly, who in their right mind would go through the introduction to the place, see everything that was so frighteningly wrong with it, and then conclude that it was still a fine place to pursue a residency? This film didn't even respect its characters enough to give their intelligence the benefit of the doubt.

Bottom line: See The Wicker Man instead.\": {\"frequency\": 1, \"value\": \"Because others ...\"}, \"The only scary thing about this movie is the thought that whoever made it might make a sequel.

From start to finish \\\"The Tooth Fairy\\\" was just downright terrible. It seemed like a badly-acted children's movie which got confused, with a \\\"Wizard of Oz\\\" witch melting and happy kiddies ending combined with some bad gore effects and swearing.

Half of the cast seem completely unnecessary except for conveniently being there to get murdered in some fashion. The sister of the two brothers, Cherise the aura reader and Mrs. McDonald have entirely no point in the film - they could have included them in the main plot for some interesting side stories but apparently couldn't be bothered. The people watching the film know the characters are there for some bloody death scene but come on, at least TRY and have a slight plot for them. The story in general is weak with erratic behavior from the characters that makes you wish they all get eaten by the witch.

Add the weak plot and the weak acting together (the children are particularly wooden) and the movie ends up a complete failure. If only MST3K could have had a go at this one ...\": {\"frequency\": 1, \"value\": \"The only scary ...\"}, \"Definitely not worth the rental, but if you catch it on cable, you'll be pleasantly surprised by the cameos--Iman's appearance is especially self-deprecating. It's also an opportunity to watch all the male supporting cast members from The Sopranos typecast themselves.\": {\"frequency\": 1, \"value\": \"Definitely not ...\"}, \"I remembered this show from when i was a kid. i couldn't remember too much about it, just a few minor things about the characters. for some reason i remembered it being really intense. also it was on really really early in the morning up in PA. I finally, after looking around the web for a long time, found an episode. the first episode no-less. Criminey! This show was so horrible. it was obviously just made to show kids playing lazer tag and having a great time. the show opens with bhodi li telling his mommy \\\"my names not Christopher, I'm bhodi li-PHOTON WARRIOR!!!!!\\\" we then are forced to watch kids playing lazer tag to the song \\\"foot loose\\\". and not just a quick little bit, but the whole song. ahhhhhhhhh my brain hurts just thinking about it. oh yeah, and as if i couldn't get worse, you cant even see the laser beams from their guns. its like they're just running around to the entire \\\"foot loose\\\" song. later on, after bhodi goes up into space or where-ever, they have a crappy laser gun fight to the Phil Collins song \\\"su-su-sudio.\\\" ah, trust me, you don't want to know the rest. what can i say......THE LIGHT SHINES!!!!!!!!!!!\": {\"frequency\": 1, \"value\": \"I remembered this ...\"}, \"Strange, almost all reviewers are highly positive about this movie. Is it because it's from 1975 and has Chamberlain and Curtis in it and therefore forgive the by times very bad acting and childish ways of storytelling?

Maybe it's because some people get sentimental about this film because they have read the book? (I have not read the book, but I don't think that's a problem, film makers never presume that the viewers have read the book).

Or is it because I am subconsciously irritated about the fact that English-speaking actors try to behave as their French counterparts?\": {\"frequency\": 1, \"value\": \"Strange, almost ...\"}, \"This movie should not be watched as it was meant to be a flop. Ram Gopal Verma first wanted to make this a remake of classic bollywood movie \\\"Sholay\\\", but after having problems with the original makers decided to go ahead with the project and... i guess leave all the good parts of the movie (acting, script, songs, music, comedy, action etc) out and shoot the movie just because he already happen to hire the crew. Waste of money, waste of time. After making movies like Rangeela, Satya, and Company he pulled a Coppola (Godfather) on us; What were you thinking RGV? Anyways, the story is, though hard to follow, is almost like the Old sholay. Ajay Devgan playing Heero (Beeru, sholay) and Ajay, new kid on the block playing Ajay (Jay,sholay). Both \\\"bad yet funny\\\" friends help a cop capture a bad guy first. Later in the movie, now Retired cop hires them as personal security and safeguarding from the hands of a very most wanted Bubban played by Amitabh Bachan. In case you haven't been watching Bollywood movies, the Good guys win in the end. There I just saved you 3 precious hours of your life!\": {\"frequency\": 1, \"value\": \"This movie should ...\"}, \"Jeopardy is a tense, satisying thriller, a cut above a B but not really a major production. It qualifies as almost an experimental film, as the studio that produced it, Metro, was desperately looking for new kinds of films, stars and directors to compete with the then new medium of television. The director, John Sturges, was an up-and-comer whose best years lay ahead. He had just recently begun directing A level films, and had already proved himself a most capable craftsman. Stars Barbara Stanwyck, Barry Sullivan and Ralph Meeker, were at very different phases of their careers. Stanwyck's glory years were behind her, and yet she could still carry a film, as she proves here. Barry Sullivan, as her husband, was one of a dozen or so leading men who got started in films in the forties who never quite achieved the success many had hoped for him. He was a fine, low-key actor, poised, but in an upper middle rather than upper class way, which made him excellent in professional roles. As the escaped convict who is the only person around who can save Sullivan's life (he is trapped under a pier, and the tide is rising), Ralph Meeker is more energetic than usual. This excellent actor had the misfortune of having come to films after Brando and Clift. He was in his way as good an actor as either of them, but he lacked charisma. His bargaining with Stanwyck, which comes down to his demanding sex in exchange for saving her husband (by implication only, as this is 1953), makes for an intriguing premise which, had this been a different kind of film, could all raised all sorts of interesting questions about Stanwyck's character. Meeker is indeed a more exciting character than Sullivan; and in her scenes with him Stanwyck is livelier than she is with her husband and son. But as this is a formula picture, not a Strindberg play, the possibility that Stanwyck might want want to have a fling,--leaving aside the question of her husband's predicament,--remains unexplored. In this sense the incoming tide doesn't quite have the effect one might have wished, though the movie remains tense and highly entertaining thanks to excellent acting, fine location photography, nearly all of it outdoors, and excellent direction by the woefully underrated Mr. Sturges.\": {\"frequency\": 1, \"value\": \"Jeopardy is a ...\"}, \"I was not nearly as smitten with this as many other reviewers. Sure, it has a pair of lovely girls playing erotic, lesbian vampires. Marianne Morris and Anulka D. play these two lovely sirens with razor teeth that run up to cars on a road out of the way, hitch to their home(at dusk), and invite their prey...sex-starved men to their boudoir. What happens there...well, after they disrobe and kiss each other mostly, they kill their visitors. Director Jose Ramon Larraz does have some flashes of brilliance with his camera. Some scenes are quite eerie and effectively shot, but sex alone does not hold a film up(no pun intended...at least consciously). There really isn't much of a story here. We have the two girls. We are shown some inexplicable and unexplained beginning where we see them shot with pistol. Why? What does it mean\\\" Why do we have the guy that stays for several days greet a guy at the hotel that insists he knows him from years ago? Does that have a purpose? Of course I have even more general questions like what is a couple of nice-looking girls doing as vampires in the English countryside and having a wine cellar filled with wine from the Carpathians? Anyway, the script is riddled with such flaws. It is also very sparse on the action outside of catch victims, wine and dine them(quite literally), and then go to bed in the crypt. The end gets going with some juicier scenes, but it is anti-climatic. There are, as I said, some effective scenes by the director...I particularly liked the way the girls dressed and were filmed in the woods looking for their prey. The house is also a most impressive set. And both girls are as I said very lovely. Marianne Morris in particular stands out - in more ways than one. For you older film fans, silent screen veteran Bessie Love has a brief cameo at film's end.\": {\"frequency\": 1, \"value\": \"I was not nearly ...\"}, \"A family traveling for their daughter's softball league decide to take the 'scenic route' and end up in the middle of nowhere. The father is an avid photographer, and when he hears of an old abandoned side show in the town, he decides to take another detour to take some photographs.

Of course, the side show is filled with inbred freaks, who promptly kidnap the women and leave the young son and father to fend for themselves.

The only cool thing about this film is how the family actually fights back against their inbred captors. Other than that, there's nothing worthwhile about the film.\": {\"frequency\": 1, \"value\": \"A family traveling ...\"}, \"This woman who works as an intern for a photographer goes home and takes a bath where she discovers this hole in the ceiling. So she goes to find out that her neighbor above her is a photographer. This movie could have had a great plot but then the plot drains of any hope. The problem I had with this movie is that every ten seconds, someone is snorting heroin. If they took out the scenes where someone snorts heroin, then this would be a pretty good movie. Every time I thought that a scene was going somewhere, someone inhaled the white powder. It was really lame to have that much drug use in one movie. It pulled attention from the main plot and a great story about a photographer. The lesbian stuff didn't bother me. I was looking for a movie about art. I found a movie about drug use.\": {\"frequency\": 1, \"value\": \"This woman who ...\"}, \"This movie was so great! I am a teenager, and I and my friends all love the series, so it just goes to show that these movies draw attention to all age crowds. I recommend it to everyone. My favorite line in this movie is when Logan Bartholomew says: \\\"rosy cheeks\\\", when he is talking about his baby daughter. He is such a great actor, as well as Erin Cottrell. They pair up so well, and have such a great chemistry! I really hope that they can work again together. They are such attractive people, and are very good actors. I have finally found movies that are good to watch. Lately it has been hard for me to find movies that are good, and show good morals, and Christian values. But at the same time, these movies aren't cheesy.\": {\"frequency\": 1, \"value\": \"This movie was so ...\"}, \"Everyone is surely familiar with this most famous of stories \\ufffd\\ufffd a heartless businessman is visited by the ghost of his dead partner on Christmas Eve and warned that if he continues in his uncaring ways then he will be doomed to an afterlife in chains. So that he can avoid his partner's fate he is visited by three spirits who show him visions of Christmases past, present and yet to come, so that he will hopefully see the error of his ways before it is too late. A rather morbid tale one might think, but it is classic Charles Dickens, and also one of the most famous and popular Christmas stories of all time.

To me this is the definitive version of Dickens' timeless story; it's the one I always remember watching in school, and I remember being absolutely terrified by it! The ghost of Jacob Marley, the final scene with the ghost of Christmas present under the bridge, and the ghost of Christmas yet-to-come especially I found very frightening. How on earth did the film gain the 'U' certificate? (For non-UK readers 'U' is the lowest classification, it means family friendly and children welcome, nothing to scare them etc... This is certainly not the case though, as some smaller children will undoubtedly find the final segment positively terrifying with the grim reaper-like spectre of Christmas future.

Be that as it may, from the many versions of this classic story I have seen adapted for film, this is possibly the most faithful to the book. Most notably included is a segment rarely seen in film adaptations of the original text - that of the ghost of Christmas present showing Scrooge the two children hidden under his robe (you'd never get away with a scene like that nowadays!). The two children represent Ignorance and Need (although changed to Want in this film).

Criticisms for me however become apparent having watched it again with more objective and trained eyes, the main one of which being that George C. Scott's portrayal of Scrooge seems simply not cold enough. He laughs too much. I don't want to use the word jolly because of course Ebeneezer is anything but, but he does seem to be merely a grumpy old man, rather than the positively unkind, cold and uncaring man that he is in the book and other films. Patrick Stewart portrayed him excellently in one of the most recent versions filmed, and Michael Caine, despite acting alongside the Muppets, was positively cold. Further, the development of the character over the course of the film as he learns more about the error of his ways and grows towards redemption is unconvincing and appears inconsistent. He appears to have changed little by the time he reaches the third spirit's final lesson.

But ignoring this one (albeit major) quibble, it is still a spellbinding and ultimately heart-warming Christmas tale, as all Christmas films should be. London of course looks like the perfect picturesque quaint snow-covered English town that many Americans probably imagine it still is (the truth is that even then that London was grey and grimy \\ufffd\\ufffd and any snow would never have been so white!) And everyone is so impeccably dressed too, even the poor people look rather dapper. But of course it's a Christmas film, so why shouldn't everything look nice? Perfect holiday season viewing; coupled with copies of It's a Wonderful Life, Miracle on 34th Street and The Snowman and you've got everything you need.\": {\"frequency\": 1, \"value\": \"Everyone is surely ...\"}, \"John Water's (\\\"Pink Flamingos\\\"...) \\\"Pecker\\\" is the best movie I've seen in a while. It gives the viewer a surreal image of life in Baltimore (I live in nearby Washington, DC), with a Warhol-like use of color, exaggerated motions and emotions. Pecker becomes larger than his town can handle, and he is separated from his loved-ones (including a sexy Ricci) by his man-loving art manager. The picture left a refreshing taste in my mouth--kind of like a fresh strawberry ice cream on a hot summer day--and though this taste was rather flat and simplistic, it only made the whole thing more profound and critical. It is a celebration of life, liberty, and the right to bear arms...and everything else this country stands for. -Juan Pieczanski (jpieczanski@sidwell.edu)\": {\"frequency\": 1, \"value\": \"John Water's ...\"}, \"I get tired of my 4 and 5 year old daughters constantly being subjected to watch Nickelodeon, Disney and the like. It all seems to be the same old tired cartoons rehashed over and over again. When my daughters couldn't go to the fair this afternoon because one of them was sick, I wanted them to just relax and rest for a while. I flipped the TV on and in searching for something different, I flipped the channels. My finger stopped channel surfing the moment I heard Harvey's voice. I adore every single solitary thing this man has done and when I saw that he was doing voice-over work for a little duck ... well, I couldn't change the channel! My daughters were instantly mesmerized by the cartoon and the more we watched the show TOGETHER, the more I grew to love it along with the message that was being portrayed. It's not necessarily a proponent for \\\"gay rights\\\" but rather for anyone who has ever been ostracized as a child for ANYTHING. I had friends who were picked on for one thing or another .... too fat, too skinny, too feminine, being a bully, not being smart enough, only having one parent .... you name it! Kids, as a rule, can be very very cruel to one another so I was happy to see an entertaining cartoon that actually conveyed a LIFE MESSAGE to its audience. My girls already accept others as they are and don't pick on others for being different. My older daughter actually stands up for her friends if they're picked on (one happens to have a single Mom and that little girl is picked on quite often -- it warms my heart when Kassie stands up for her!).

So, those of you who are condemning this show because you feel that it's an advocate for \\\"gay rights\\\" or are being forced to \\\"accept certain views\\\", you clearly and completely missed the point of this poignant little cartoon.

And if you need it explained to you .... well, you need more help than any television show could ever offer.\": {\"frequency\": 1, \"value\": \"I get tired of my ...\"}, \"Like most people I love \\\"A Christmas Story\\\". I had never even heard of this film and perhaps for good reason--it is awful. Same locale, same narrator, same director but the warm fuzziness of the original was lacking. Charles Grodin was a poor choice to replace Darrin McGavin but I cannot imagine anyone being able to replace him. The story seems forced and lacks the sweetness of the original. The interaction with the neighbors, the Bumpuses, is ridiculous. In \\\"A Christmas Story\\\" Ralphie's obsession with the BB gun seems cute but his obsession in this movie is boring. Scud Farkus, the original neighborhood bully, is replaced in this film by yet another kid with braces and a weird hat but with little of the Scud Farkus menacing appeal. It would be pretty difficult to equal the original, even if this movie had been made with the original crew.\": {\"frequency\": 1, \"value\": \"Like most people I ...\"}, \"Despite being told from a British perspective this is the best WW II documentary ever produced. Presented in digestible (as digestible as war can be) episodes as the grave voice of Laurence Olivier connects the multitudes of eye witnesses who were forced to live the events of that horrific time. Eagerly awaiting its appearance on DVD in the U.S. The Europeans had their opportunity with a release in DVD earlier this year.\": {\"frequency\": 1, \"value\": \"Despite being told ...\"}, \"Tony Scott destroys anything that may have been interesting in Richard Kelly's clich\\ufffd\\ufffdd, patchy, overwrought screenplay. Domino Harvey (Kiera Knightley) was a model who dropped out and became a bounty hunter. This is her story... \\\"sort of\\\".

The problem with this rubbish is that there isn't much of a story at all and Scott's extreme graphic stylization of every shot acts as a distancing mechanism that makes us indifferent to everything in Harvey's chaotic life.

You just don't care about Harvey. Knightley plays her as an obnoxious, cynical brat who has done nothing to warrant our respect. She punches people she doesn't like and sheds her clothes and inhibitions when the situation calls for it, but she isn't the least bit real and Knightly isn't the least bit convincing, either.

The film is boring. It's loud, too, and shackled with one of the most annoying source music scores I've heard in a long time. The final twenty minutes are a poor re-run of Scott's \\\"True Romance\\\" climax with Domino's gang going to meet two sets of feuding bad guys who are -- surprise! surprise! -- destined to shoot it out with each other at the top of a Las Vegas casino.

Unfortunately, this potentially exciting conflagration is totally botched by Scott and becomes a confusing, pretentious, pointless exercise in celluloid masturbation. This is not an artistically brave or experimental piece; it is a failure on every level because it gives us no entry point to the lives and dilemmas of its characters.

Mickey Roarke looks good as a grizzled bounty hunter, but he disappears into the background as the \\\"narrative\\\" progresses. Chris Walken turns in another embarrassing cameo and Dabney Coleman, always solid, is underutilized.

Don't be fooled by this film's multi-layered, gimmick-ridden surface. It is still a turd no matter how hard you polish it.\": {\"frequency\": 1, \"value\": \"Tony Scott ...\"}, \"This film is pure Elvira and shows her at her breast... I mean best! The story (co-written by Cassandra Peterson, Elvira's alter ego) is inspiring and captivating and is brought to life by Elvira's wit and charm. The viewer gets an opportunity to see Elvira in a whole new light as she struggles with the prejudices of the people of Fallwell, Massachusetts (where she has travelled from Los Angeles in order to attend the reading of her Great Aunt Morganna's will) and at the same time tries to help the long-suffering teenagers who have been deprived of fun by the matriarchal Chastity Pariah and the rest of the town council. She also has to deal with her attraction to Bob Redding, the owner of the local cinema, and another woman (Patty) who has her eye on Bob as well but is not nearly as deserving of his love as Elvira. And, later in the movie, she also faces the complications of being descended from ''a major metaphysical celebrity'' and the charges of witchcraft brought against her which mean that she will be burnt at the stake. Elvira manages to be both sexy and vulnerable, streetwise and naive in this film, while cracking risque jokes and delivering off-beat lines with double meanings.

This movie is inspiring because it gives out the message of never giving up on yourself and always trying to follow your dreams. In the end Elvira's dreams finally come true, which is the best thing that could happen to this wonderfully unique and determined woman.

I've seen this movie countless times and I never ever get tired of it! There are no unnecessary scenes and I found myself captivated throughout the whole movie. A review will not do justice to the actual movie, so I can just tell you to PLEASE watch it because it is one of the best movies ever made! Meanwhile, I wish you ''unpleasant dreams!''\": {\"frequency\": 1, \"value\": \"This film is pure ...\"}, \"The Robin Cook novel \\\"Coma\\\" had already been turned into a pretty successful movie in 1978. A couple of years later it was the turn of another Robin Cook bestseller to get the big screen treatment , but in the case of \\\"Sphinx\\\" virtually everything that could go wrong does go wrong. This is a dreadful adventure flick consisting of wooden performances, stupid dialogue, unconvincing characters and leaden pacing. The only reason it escapes a 1-out-of-10 rating is that the Egyptian backdrop provides infinitely more fascination than the story itself. Hard to believe Franklin J. Schaffner (of \\\"Patton\\\" and \\\"Planet Of The Apes\\\") is the director behind this debacle.

Pretty Egyptologist Erica Baron (Lesley Anne-Down) is on a working vacation in Cairo when she stumbles across the shop of antiques dealer Abdu-Hamdi (John Gielgud). Hamdi befriends Erica and is impressed by her enthusiasm and knowledge. Consequently, he shows her a beautiful and incredibly rare statue of Pharoah Seti I that he is keeping secretly in his shop. The very existence of the statue arouses intense excitement in Erica, for it could provide vital clues in locating Seti I's long-lost tomb, a prize as great as the discovery of Tutankhamun's tomb in 1922. Before Hamdi can tell Erica any more he is brutally murdered in his shop, with Erica watching in silent terror as he meets his grisly end. Afraid yet tantalised by what she has seen, Erica attempts to track down the treasure. She finds herself helped and hindered in her quest by various other parties, none of whom are truly trustworthy. For one there is Yvon (Maurice Ronet), seemingly a friend but perhaps a man with sinister ulterior motives? Then there is Akmed Khazzan (Frank Langella), an Egyptian for whom Erica feels a certain attraction but who may also be hiding dangerous secrets from her.

The biggest problems with \\\"Sphinx\\\" generally result from its total disregard for plausibility. Down couldn't be less convincing as a female Egyptologist \\ufffd\\ufffd one assumes she would be quite well-educated and resourceful, yet she spends the entire film screaming helplessly like some busty bimbo from a teen slasher flick. On those rare occasions that she actually isn't running from a potential villain, she does other brainless things such as taking Polaroid flash photos in a 4,000 year old tomb! The plot twists are heavy-handed to say the least, mainly comprising of revelations and double-crosses that can be predicted well in advance. One can't even try to enjoy the film on the level of dumb but entertaining action fare, because the pacing is awfully sluggish. What little action can be found is separated by long stretches of tedium. A famous review of the movie declared: \\\"Sphinx stinks!\\\" Never before has a 2-hour film been so aptly summed up in 2 words.\": {\"frequency\": 1, \"value\": \"The Robin Cook ...\"}, \"Set in a post-apocalyptic environment, cyborgs led by warlord Job rein over the human population. They basically keep them as livestock, as they need fresh human blood to live off. Nea and her brother managed to survive one of their attacks when she was a kid, and years have past when she came face-to-face with the cyborgs again, but this time she's saved by the cyborg Gabriel, who was created to destroy all cyborgs. Job and his men are on their way to capture a largely populated city, while Nea (with revenge on mind) pleads Gabriel to train her in the way of killing cyborgs and she'll get him to Gabriel.

Cheap low-rent cyborg / post-apocalyptic foray by writer / director Albert Pyun (who made \\\"Cyborg\\\" prior to it and the blistering \\\"Nemsis\\\" the same year) is reasonably a misguided hunk of junk with some interesting novelties. Very little structure makes its way into the threadbare story, as the turgid script is weak, corny and overstated. The leaden banter tries to be witty, but it pretty much stinks and comes across being comical in the unintentional moments. Most of the occurring actions are pretty senseless and routine. The material could've used another polish up, as it was an inspired idea swallowed up by lazy inclusions, lack of a narrative and an almost jokey tone. The open-ended, cliffhanger conclusion is just too abrupt, especially since a sequel has yet to be made. Makes it feel like that that run out of money, and said \\\"Time to pack up. Let's finish it off another day (or maybe in another decade). There's no rush.\\\" However it did find it rather diverting, thanks largely to its quick pace, some well-executed combat and George Mooradian's gliding cinematography that beautifully captured the visually arresting backdrop. Performances are fair. Kris Kristofferson's dry and steely persona works perfectly as Gabriel and a self-assured, psychically capable Kathy Long pulls off the stunts expertly and with aggression. However her acting is too wooden. A mugging Lance Henriksen gives a mouth-watering performance of pure ham, as the villainous cyborg leader Job who constantly having a saliva meltdown. Scott Paulin also drums up plenty of gleefulness as one of the cyborgs and Gary Daniels pouts about as one too. Pyun strikes up few exciting martial art set pieces, involving some flashy vigour and gratuitous slow-motion. Seeping into the background is a scorching, but mechanical sounding music score. The special effects and make-up FX stand up fine enough. Watchable, but not quite a success and it's minimal limitations can be a cause of that.\": {\"frequency\": 1, \"value\": \"Set in a post- ...\"}, \"Though derivative, \\\"Labyrinth\\\" still stands as the highlight of the mid-half of the six-year-old show. Finally a story allows Welling to show how he has grown as an actor. It's not easy playing a character that is the embodiment of \\\"truth, justice, and the American way\\\" on a weekly basis with very little variation. His performance, permitting him to show how one might react if he/she discovers that all that he knew may be a lie, was quite believable.

Welling rose to the occasion marvelously.

As always, Michael Rosenbaum, as the \\\"handicapped\\\" Lex, delivered, as did Kristen Kreuk as a too-sweet-to-be-believed Lana. Allison Mack, the ever-present Chloe, also scored as a slightly \\\"off-her-rocker\\\" version.

The use of an annoying hum in the background added to the tone of the installment and made for an engaging drama.\": {\"frequency\": 1, \"value\": \"Though derivative, ...\"}, \"Yes, it's flawed - especially if you're into Hollywood films that demand a lot of effects, a purely entertaining or fantasy story or plot, and you can't actually think for yourself.

Roeg's films are for the intelligent film-goer, and Insignificance is a perfect example.

The characterizations are brilliant, the story is excellent, but, like all Nic Roeg's films - it has you thinking on every level about aspects of reality that would never have dawned on you before. His films always make you think, and personally, I like that in a film.

So don't expect to come away from watching this film and feeling all happy-happy, because it's likely you'll be disappointed.

But I think it's excellent.\": {\"frequency\": 1, \"value\": \"Yes, it's flawed - ...\"}, \"This movie wants to elaborate that criminals are a product of modern society. Therefore, can thieves, rapists and murderers (the Killer of this movie, Carl Panzram (James Woods), is all three and worse) be held fully accountable for their deeds? An interesting notion, but very difficult to bring to the screen in an intellectually and emotionally satisfying way. And this is where Killer: A Journal of Murder falls very short. Although the film tries to put Panzram's behaviour into perspective, with flashbacks to his violent youth and dysfunctional upbringing, the viewer never gets the idea that Panzram is a victim rather than a culprit. Sure, the system is corrupt, with one mobster occupying the whole sick bay of Leavenworth Prison (where most of the movie takes place), most prison guards are sadistic bullies, and the prison director something like a megalomaniacal despot. But why on earth does new prison guard Henry Lesser (Robert Sean Leonard) take such pity on Panzram? Even after having read his gruesome diaries? The movie offers some explanation: Lesser witnesses Panzram being beaten to a pulp by the most sadistic (and stereotypical) guard, and is impressed by Panzram's intelligence (though it isn't clear why exactly Lesser thinks this man is so smart). Surely this isn't enough to sympathize with a hostile man like Panzram, even though this movie tends to downplay his crimes and highlight his personality? Towards Lesser, Panzram is quite loyal, and the viewer is given the impression that for Lesser this outweighs all of the atrocities he has read about in Panzram's diaries. Does this man Lesser have so little friends that he takes at face value everyone who seems only remotely friendly to him? Perhaps it is Lesser who is a product of modern society, judging on appearance rather than substance.

I can advise Monster, starring Charlize Theron and Christina Ricci, as a movie which handles roughly the same themes with far more integrity and scope.

BTW: Killer looks as though shot for TV (not so good)\": {\"frequency\": 1, \"value\": \"This movie wants ...\"}, \"Wrestlemania 14 is not often looked as one of the great Wrestlemania's but I would personally put it, in my top 5, if not the top 3. It has so many great things, and it truly signified the birth of The Attitude Era, which was WWE's best era, in my opinion. HBK has the heart of a lion, and him putting over Austin like he did, on his way out, was pure class on his part. It has one of the hottest crowds you will ever see, and it has J.R and The King at their announcing best!.

Matches.

15 \\ufffd\\ufffd team battle royal LOUD pop for L.O.D's return. I'm not a fan of battle royal's, and this is yet another average one. Very predictable, even when you 1st see it, it's obvious L.O.D would win. Looking at Sunny for 8 or so minutes though, definitely helps.

2/5

WWF Light Heavyweight Championship

Taka Michinoku|C| Vs Aguila.

Taka gets a surprising pop, with his entrance. Fast, high-flying, and very exciting. If these two had more time, they would have surely tore the roof off, with their stuff. Taka wins with the Michinoku driver.

3 1/2 /5

WWF European Championship.

Triple H|C| Vs Owen Hart Stipulation here, is Chyna is handcuffed to Slaughter. Nice pop for Owen, mixed reaction for Trips. A really, really underrated match, that ranks among one of my favorites for Wrestlemania, actually. The two mixed together very well, and Owen can go with anybody. Trips wins, with Chyna interference.

4/5

Mixed Tag match. Marc Mero&Sable Vs Goldust&Luna. Defining pop for Sable, unheard of that time, for woman. Sable actually looks hot, and the crowd is just eating her up!. Constant Sable chants, and them erupting almost every time she gets in the ring. Not bad for a Mixed tag match, it had entertaining antics, and passed the time well. Sable's team wins, when Sable hits the TKO.

2 1/2 /5

WWF Intercontinental Championship. Ken Shamrock Vs The Rock|C|. Before I review the match, I'd like to note The Rock showed off his immense potential, with his interview with Jennifer Flowers, before his match. Nice pop for Shamrock, big time heat for The Rock. Too disappointingly short, and I thought the ending was kinda stupid, though Shamrock's snapping antics were awesome to see, and the crowd went nuts for it. Rock keeps the title, when The Ref reverses the decision.

2/5

Dumpster match, for The WWF Tag Team Championship

Catcus Jack&Terry Funk Vs The New Age Outlaws. The Outlaws are not as over, as they were gonna be at this time. Crowd is actually somewhat dead for this, but I thought it had some great Hardcore bits, with some sick looking bumps. Cactus and Terry win the titles in the end.

3/5

The Undertaker vs Kane. Big time ovation, for The Undertaker. Much better than there outing at Wrestlemania 20, and for a big man vs big man match, this was really good. It was a great all out brawl, with The Undertaker taking a sick looking bump, through the table. WWE was smart, by making Kane looking strong, even through defeat. After 2 tombstone kick out's, Taker finally puts him away, with a 3rd one.

3 1/2 /5

WWF Championship.

Special Guest Enforcer \\\"Mike Tyson\\\"

HBK|C| Vs Steve Austin. Big heat for Tyson. Crowd goes ape sh*t for Austin, definitely one of the biggest pops I have heard. Mixed reaction, for HBK. This is truly a special match up, one of the greatest wrestlemania main events in history, you can tell when J.R is even out of breath. HBK gives it his all, in what was supposed to be his last match, and Austin has rarely been better. The animosity and electricity from the crowd is amazing, and it's as exciting as it gets. Austin wins with the stunner, with Tyson joining 3:16 by knocking out Michaels. Austin's celebratory victory, is a wonder to behold, with one of the nosiest crowd's you will ever see, King said it right, they were going nuts.

5/5

Bottom line. Wrestlemania 14 is one of the greatest for real. It has everything you want in a Wrestlemania, and truly kick started the Attitude Era. This is very special to me, because it was the 1st Wrestlemania I ever saw, back in 98. \\\"The Austin Era, has begun!\\\"

9 1/2 /10\": {\"frequency\": 1, \"value\": \"Wrestlemania 14 is ...\"}, \"fulci experiments with sci fi and fails. usually in his non horror films we still get sum great gore, but not here. Sum very funny scenes like when the prisinors are forced to hold onto a bar for 12 minutes and if they drop they are electecuted. the guy falls and and has some kind of fit on the floor for about two minutes until his friends who were struggling to hold on anyway lift him off the floor. The city is an obvious model but not a bad one. and the end explosion is at best laughable. And dont get me started on the terrible battle scenes.

4/10\": {\"frequency\": 1, \"value\": \"fulci experiments ...\"}, \"Not being familiar with US television stations, when I flicked onto this on my in-laws' cable, first I thought it was just a low-budget sci-fi film, then after a couple of minutes I started thinking it might be a clever satire on the worst excesses of Christian fundamentalist, and then it dawned on me - good grief, these people are serious! It's been a while since I saw anything so unintentionally hilarious. I hesitated about writing a review of this for fear of offending believers, but then I saw other reviews and thought, hey, they can take it. Tough philosophical conundrum: how do you make a movie criticizing movies without actually showing what it is you're criticizing? Answer: make it in such a way that the only people who'll appreciate it are people who hate the kind of movies you're criticizing. I suppose some liberals (ugh! spit when you say that!) might be offended at the filmmakers' contempt for those in the audience who aren't obsessed with the J**** C***** myth, but I didn't mind - it was so darn funny!\": {\"frequency\": 1, \"value\": \"Not being familiar ...\"}, \"I've read comments that you shouldn't watch this film if you're looking for stirring Shakespearian dialogue. This is true, unfortunately, because all the stirring dialogue, this wonderful play contains, has been cut, and replaced with songs. I've read this play, and recently was lucky enough to see it performed, at it remains one of my favourite Shakespearian Comedies, but this movie seems to take all that I like about it away. The Princess, though no doubt doing what she was directed to do, had no regal bearing, and all the girls seemed to lose the cleverness of their characters - also affected by unwise cuts, which not only took away the female characters already sparse dialogue, but took comments out of context - it was a little unnerving to hear the Princess proclaim; \\\"We are wise girls to mock our lovers so!\\\", when mocking had not taken place at all. The news reels throughout the film also disrupted the flow, and took away many excellent scenes, as they showed the information in the scenes after them, and were in modern phrasing. In conclusion, an excellent play, ruined by an odd concept, and unwise cuts. Kenneth, I usually love what you do. What were you thinking?\": {\"frequency\": 1, \"value\": \"I've read comments ...\"}, \"Good sequel to Murder in a Small Town. In this one Cash and his police Lt. buddy unravel a sticky plot involving a Nazi criminal, a philanthropic witch, and a family of screw-ups and their wierdo helpers. As in the original, the viewer is treated to a nice little mystery with distinctive sights and sounds of pre-war America. Go see it.\": {\"frequency\": 1, \"value\": \"Good sequel to ...\"}, \"Like other people who commented on \\\"Fr\\ufffd\\ufffdulein Doktor\\\" I stumbled by chance upon this little gem on late-night TV without having heard of it before. The strange mixture of a pulp fiction story about a sexy but unscrupulous anti-heroine on the one hand and a realistic and well-researched portrayal of war in the trenches on the other hand had me hooked from the beginning.

To me this is one of the five best movies about WWI (the others are \\\"All Quiet On The Western Front\\\", \\\"Paths Of Glory\\\", \\\"Gallipoli\\\" and the post-war \\\"La vie et rien d'autre\\\"). And the scene with the poison gas attack is really chilling; the horses and men appear like riders of the apocalypse with their gas masks.

I only wish I had taped the film.\": {\"frequency\": 1, \"value\": \"Like other people ...\"}, \"Mitchell Leisen's fifth feature as director, and he shows his versatility by directing a musical, after his previous movies were heavy dramas. He also plays a cameo as the conductor.

You can tell it is a pre code movie, and nothing like it was made in the US for quite a while afterwards (like 30+ years). Leisen shot the musical numbers so they were like what the audience would see - no widescreen shots or from above ala Busby Berkeley. What I do find funny or interesting is that you never actually see the audience.

As others have mentioned the leads are fairly characterless, and Jack Oakie and Victor McLaghlan play their normal movie personas. Gertrude Michael however provides a bit of spark.

The musical numbers are interesting and some good (the Rape of the Rhapsody in particular is amusing) but the drama unconvincing and faked - three murders is too many and have minimal emotional impact on the characters. This is where this movie could have been a lot better.\": {\"frequency\": 1, \"value\": \"Mitchell Leisen's ...\"}, \"This inept adaptation of arguably one of Martin Amis's weaker novels fails to even draw comparisons with other druggy oeuvres such as Requiem For A Dream or anything penned by Irvine Walsh as it struggles to decide whether it is a slap-stick cartoon or a hyper-realistic hallucination.

Boringly directed by William Marsh in over-saturated hues, a group of public school drop-outs converge in a mansion awaiting the appearance of three American friends for a weekend of decadent drug-taking. And that's it. Except for the ludicrous sub-plot soon-to-be-the-main-plot nonsense about an extremist cult group who express themselves with the violent killings of the world's elite figures, be it political or pampered. Within the first reel you know exactly where this is going.

What is a talented actor like Paul Bettany doing in this tiresome, badly written bore? Made prior to his rise to fame and Jennifer Connelly one can be assured that had he been offered this garbage now he'd have immediately changed agents! Avoid.\": {\"frequency\": 1, \"value\": \"This inept ...\"}, \"Does anyone know, where I can see or download the \\\"What I like about you\\\" season 4 episodes in the internet? Because I would die to see them and here in Germany there won't be shown on TV. Please help me. I wanna see the season 4 episodes badly. I already have seen episode 4 and episode 18 on YouTube. But I couldn't find more episodes of season 4. Is there maybe a website where I can see the episodes? Because I've read some comments in forums from Germany and there were people which had already seen the season 4 episodes even though they haven't been shown at TV in Germany. I am happy about every information I can get. Thanks Kate\": {\"frequency\": 1, \"value\": \"Does anyone know, ...\"}, \"As a member of the cast, I was a member of the band at all the basketball games, I would like to let the world know after being in the movie, that we were not allowed to see it since it was banned in Oregon. This was due to the producers and the director breaking the contract with the University of Oregon where it was shot. Seems that the U of O sign was shown. While we were shooting, we were allowed to eat several meals with the cast and production staff. Mr Nicholson was quite memorable for being one of the most ill-mannered men I have ever met. Quite a time for a young 20 year old. BUt certainly not what campus life was really like in the late 60's and early 70's despite what Hollywood may think. Trombone player from Oregon\": {\"frequency\": 1, \"value\": \"As a member of the ...\"}, \"I didn't expect Val Kilmer to make a convincing John Holmes, but I found myself forgetting that it wasn't the porn legend himself. In fact, the entire cast turned in amazing performances in this vastly under-rated movie.

As some have mentioned earlier, seek out the two-disc set and watch the \\\"Wadd\\\" documentary first; it will give you a lot of background on the story which will be helpful in appreciating the movie.

Some people seem unhappy about the LAPD crime scene video being included on the DVD. There are a number of reasons that it might have been included, one of which is that John Holmes' trial for the murders was the first ever in the United States where such footage was used by the prosecution. If you don't want to see it, it's easy to avoid; it's clearly identified as \\\"LAPD Crime Scene Footage\\\" on the menu!\": {\"frequency\": 1, \"value\": \"I didn't expect ...\"}, \"I got this DVD from a friend, who got it from someone else (and that probably keeps going on..) Even the cover of the DVD looks cheap, as is the entire movie. Gunshots and fist fights with delayed sound effects, some of the worst actors I\\ufffd\\ufffdve seen in my life, a very simple plot, it made me laugh \\ufffd\\ufffdtill my stomach hurt! With very few financial resources, I must admit it looked pretty professional. Seen as a movie, it was one of the 13 in a dozen wannabe gangsta flicks nobody\\ufffd\\ufffds waiting for. So: if you\\ufffd\\ufffdre tired and want a cheap laugh, see this movie. If not, throw it out of the window.\": {\"frequency\": 1, \"value\": \"I got this DVD ...\"}, \"I really like this show. That is why I was disappointed to learn recently that George Lopez is a racist, and that he fired Masiela Lusha off the show, simply because he discovered that she wasn't a Latino emigrant, but was an emigrant from Albania. I learned this from people on the show. She was really one of the better parts of the show, and thus, to learn that even among those who you would think would be sensitive to racism, that they can also hate someone, just because of the country where they were born, is really disappointing. I really like this show. That is why I was disappointed to learn recently that George Lopez is a racist, and that he fired Masiela Lusha off the show, simply because he discovered that she wasn't a Latino emigrant, but was an emigrant from Albania. I learned this from people on the show. She was really one of the better parts of the show, and thus, to learn that even among those who you would think would be sensitive to racism, that they can also hate someone, just because of the country where they were born, is really disappointing.\": {\"frequency\": 1, \"value\": \"I really like this ...\"}, \"After seeing all the Jesse James, Quantrill, jayhawkers,etc films in the fifties, it is quite a thrill to see this film with a new perspective by director Ang Lee. The scene of the attack of Lawrence, Kansas is awesome. The romantic relationship between Jewel and Toby Mcguire turns out to be one of the best parts and Jonathan Rhys-Meyers is outstanding as the bad guy. All the time this film makes you feel the horror of war, and the desperate situation of the main characters who do not know if they are going to survive the next hours. Definitely worth seeing.\": {\"frequency\": 1, \"value\": \"After seeing all ...\"}, \"When I first saw this movie, the first thing I thought was this movie was more like an anime than a movie. The reason is because it involves vampires doing incredible stunts. The stunts are very much like the Matrix moves like the moving too fast for bullets kinda thing and the jumping around very far. Another reason why I the movie is good is because the adorable anime faces they do during the movie. The way Gackt does his pouting faces or just the way they act, VERY ANIME. I think that it's a really good movie to watch. ^_^ The action in this movie is a 10 (not to mention Gackt and Hyde too are a 10). ^_~ If you are Gackt and Hyde fans, you have to see it.\": {\"frequency\": 1, \"value\": \"When I first saw ...\"}, \"Like most comments I saw this film under the name of The Witching which is the reissue title. Apparently Necromancy which is the original is better but I doubt it.

Most scenes of the witching still include most necromancy scenes and these are still bad. In many ways I think the added nudity of the witching at least added some entertainment value! But don't be fooled -there's only 3 scenes with nudity and it's of the people standing around variety. No diabolique rumpy pumpy involved!

This movie is so inherently awful it's difficult to know what to criticise first. The dialogue is awful and straight out of the Troma locker. At least Troma is tongue in cheek though. This is straight-faced boredom personified. The acting is variable with Pamela Franklin (Flora the possessed kid in The Innocents would you believe!) the worst with her high-pitched screechy voice. Welles seems merely waiting for his pay cheque. The other female lead has a creepy face so I don't know why Pamela thought she could trust her in the film! And the doctor is pretty bad too. He also looks worringly like Gene Wilder.

It is ineptly filmed with scenes changing for no reason and editing is choppy. This is because the witching is a copy and paste job and not a subtle one at that. Only the lighting is OK. The sound is also dreadful and it's difficult to hear with the appalling new soundtrack which never shuts up. The 'ghost' mother is also equally rubbish but the actress is so hilariously bad at acting that at least it provides some unintentional laughs.

Really this film (the witching at least) is only for the unwary. It can't have many sane fans as it's pretty unwatchable and I actually found it mind-numbingly dull!

The best bit was when the credits rolled - enough said so simply better to this poor excuse for a movie LIKE THE PLAGUE!\": {\"frequency\": 1, \"value\": \"Like most comments ...\"}, \"This is an absolutely charming film, one of my favourite romantic comedies. It's extremely humorous and the cast is wonderful. Though Laurence Olivier is mostly associated with his Shakespearean work he shows in this film that he is by no means restricted to play only classical theatre. He manages the transition from the cynical divorce solicitor, who tries to avoid women and their traitorous ways, to the lovesick puppy that falls for Lady X played by Merle Oberon effortlessly. The dialogue is wonderfully witty and refreshing and the atmosphere enchanting. Ralph Richardson was a delight to watch as well. I highly recommend it.\": {\"frequency\": 1, \"value\": \"This is an ...\"}, \"Young Mr. Lincoln marks the first film of the director/star collaboration of John Ford and Henry Fonda. I recall years ago Fonda telling that as a young actor he was understandably nervous about playing Abraham Lincoln and scared he wouldn't live up to the challenge.

John Ford before the shooting starts put him at ease by saying he wasn't going to be playing the Great Emancipator, but just a jack-leg prairie lawyer. That being settled Fonda headed a cast that John Ford directed into a classic film.

This is not a biographical film of Lincoln. That had come before in the sound era with Walter Huston and a year after Young Mr. Lincoln, Raymond Massey did the Pulitzer Prize winning play by Robert Sherwood Abe Lincoln in Illinois. Massey still remains the definitive Lincoln.

But as Ford said, Fonda wasn't playing the Great Emancipator just a small town lawyer in Illinois. The film encompasses about 10 years of Lincoln's early life. We see him clerking in a general store, getting some law books from an immigrant pioneer family whose path he would cross again later in the story. And his romance with Ann Rutledge with her early death leaving Lincoln a most melancholy being.

Fast forward about 10 years and Lincoln is now a practicing attorney beginning to get some notice. He's served a couple of terms in the legislature, but he's back in private practice not really sure if politics is for him.

This is where the bulk of the action takes place. The two sons of that family he'd gotten the law books from way back when are accused of murder. He offers to defend them. And not an ordinary murder but one of a deputy sheriff.

The trial itself is fiction, but the gambit used in the defense of Richard Cromwell and Eddie Quillan who played the two sons is based on a real case Lincoln defended. I'll say no more.

Other than the performances, the great strength of Young Mr. Lincoln is the way John Ford captures the mood and atmosphere and setting of a small Illinois prairie town in a Fourth of July celebration. It's almost like you're watching a newsreel. And it was the mood of the country itself, young, vibrant and growing.

Fans of John Ford films will recognize two musical themes here that were repeated in later films. During the romantic interlude at the beginning with Fonda and Pauline Moore who played Ann Rutledge the music in the background is the same theme used in The Man Who Shot Liberty Valance for Vera Miles. And at a dance, the tune Lovely Susan Brown that Fonda and Marjorie Weaver who plays Mary Todd is the same one Fonda danced with Cathy Downs to, in My Darling Clementine at the dance for the raising of a church in Tombstone.

Lincoln will forever be a favorite subject of biographers and dramatists because of two reasons, I believe. The first is he's the living embodiment of our own American mythology about people rising from the very bottom to the pinnacle of power through their own efforts. In fact Young Mr. Lincoln very graphically shows the background Lincoln came from. And secondly the fact that he was our president during the greatest crisis in American history and that he made a singularly good and moral decision to free slaves during the Civil War, albeit for some necessary political reasons. His assassination assured his place in history.

Besides Fonda and others I've mentioned special praise should also go to Fred Kohler, Jr. and Ward Bond, the two town louts, Kohler being the murder victim and Bond the chief accuser. Also Donald Meek as the prosecuting attorney and Alice Brady in what turned out to be her last film as the pioneer mother of Cromwell and Quillan. And a very nice performance by Spencer Charters who specialized in rustic characters as the judge.

For a film that captures the drama and romance of the time it's set in, you can't do better than Young Mr. Lincoln.\": {\"frequency\": 1, \"value\": \"Young Mr. Lincoln ...\"}, \"This movie was absolutely ghastly! I cannot fathom how this movie made it to production. Nothing against the cast of the movie, of course, this is all the fault of the writing team. You take the old average plot - let's dance our way out of being poor and destitute - or STEP in this case. But this one lacks any semblance of a true plot - or at least one that anyone would care about. With Canadian speaking actors in what is supposed to be an American setting - this film falls very flat. On a positive note, the directing was pretty good and cinematography was pretty decent as well. Looks like the production budget was very generous as well. My only request is that this team leave the writing alone and go find actual screenwriters to help them bring words alive on film. Net result - How she move is How she sucks.\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"Don't really know where to start with one of the worst films I have had the displeasure to watch in a very long time. From the setting which was quite obviously and very clear to anyone who has visited London for even 1 day will agree...was not London. To the much unexplained way how Snipe's character managed to escape the country back to the US without a single problem. Then he convinces the girl and grandmother to visit him in America, how on earth did Grandma agree to that...he's an assassin! Well that's the ending how about during the film, well unfortunately that didn't fare much better. We have British cops driving an amazing range of cars, I'm sure it was an eighties Vauxhall Belmont which chased the taxi after the assignation, but a modern Subaru Imprezza escorting the prison van in a few scenes prior. SO19 or whoever the gun toting arm of the Met they were trying to portray was happily running around the streets with their guns out chasing after Snipe's along with the CIA. There were children walking around, but the police were still stating they had a clear shot to shoot him, does this happen in London? No it doesn't, I live there. We also have the very implausible travel from central London to the airport (let's say Heathrow for arguments sake) within 5 minutes of receiving a call. We also have terrible American accents, a young girl who's posher than the Queen, but lives in Elephant & Castle. What does it say for British police when helicopters and a number of officers at Snipe's location can't find Snipe's and he manages to evade capture by hiding behind some stairs? The train station was obviously not even on UK soil and the fight scene sound effects were terrible. The plot was also extremely poor, boring and been written and filmed a lot better a thousand times before. But there were a few notable actors cast in this film, what were they thinking and please don't let that sway you to watch this film! This film didn't seem to know what it wanted to be, if you are going to concentrate on the dramatic aspects from the aftermath of an assignation then you need a strong rigid plot with plausible scenery and setting, this is something the viewer has time to take in and appreciate and if you do it wrong then you notice it. If you want an all out action film (which this is not) then continuity and scenery can be put to the side.\": {\"frequency\": 1, \"value\": \"Don't really know ...\"}, \"I saw this series when I was a kid and loved the detail it went into and never forgot it. I finally purchased the DVD collection and its just how I remembered. This is just how a doco should be, unbiased and factual. The film footage is unbelievable and the interviews are fantastic. The only other series that I have found equal to this is 'Die Deutschen Panzer'.

I only wish Hollywood would sit down and watch this series, then they might make some great war movies.

Note. Band of Brothers, Saving Private Ryan, Letters from Iwo Jima, Flags of Our Fathers and When Trumpets Fade are some I'd recommend\": {\"frequency\": 1, \"value\": \"I saw this series ...\"}, \"There are some Stallone movies I like, but this movie didn't meet my low expectations. I found this movie hard to believe. For example, a bunch of terrorists who crash land in the wilderness are prepared to survive for at least two days. Also, in all this wilderness Stallone and company keep running across bridges and ladders that provide convenient short-cuts or plot devices. Also, the Treasury cops don't seem to coordinate anything with the local rescue people. Also, bad guys who couldn't hit the side of a barn with really high-tech looking automatic weapons.

I liked John Lithgow's villain initially, but the character is such a complete psychopath that he doesn't care at all about any of his own bad guys, or all of them getting killed. Eventually I just couldn't believe the character anymore.

Not worth the price of a rental, not even worth taking the time to watch.\": {\"frequency\": 1, \"value\": \"There are some ...\"}, \"This really should have been a one star, but there was so many, clich\\ufffd\\ufffds, predictable twists, seen it all before slasher flick parallels that I actually give it an extra star for the fact it made me laugh...although this was never the directors intention Im sure.

I don't often write comments about films, they have to be either sensational, or in this ones case really bad.

To be honest, as soon as I saw Jeff Fahey in it I knew it was going to be poor as he has a unique nose for picking out the worst films.

Somehow the farce of it all made me watch it all the way through, possibly for the hilarious voice of MR T, (not relay Mr T, but you'll know what I mean if you bother to watch this), if you do watch it, make sure you don't pay to see it. This may have worked had they actually put intended comedy into it, but Im sure you'll find the odd laugh here and there at the farce of it all...\": {\"frequency\": 1, \"value\": \"This really should ...\"}, \"Maria Braun is an extraordinary woman presented fully and very credibly, despite being so obtuse as to border on implausibility. She will do everything to make her marriage work, including shameless opportunism and sexual manipulation. And thus beneath the vicey exterior, she reveals a rather sweet value system. The film suffers from an abrupt and unexpected ending which afterwards feels wholly inadequate, with the convenience familiar from ending your school creative writing exercise with 'and then I woke up'. It is also book-ended at the other end with the most eccentric title sequence I've ever seen, but don't let any of that put you off.\": {\"frequency\": 1, \"value\": \"Maria Braun is an ...\"}, \"Thank G_d it bombed, or we might get treated to such delights as \\\"Skate Fu\\\" where we can see the likes of Brian Boitano performing a triple lutz & slashing bad guys to ribbons with his razor-sharp skates, but I digress. One thing that could have helped this turkey would have been a little T & A from Ms. Agbayani. It's not like the world would have seen anything new (at least that part of the world who saw her Playboy spread.) I truly believe that porn would have suited her 'talents' much better, although Aubrey Hepburn couldn't have stayed afloat in this sewer. One explanation for Kurt Thomas' presence could be a traumatic brain injury, possibly from coming up short too often on dismounts. It's a good thing the IOC wasn't as diligent on 'doping' as they are now, or Kurt would surely have been stripped of his medals. To be avoided at all costs.\": {\"frequency\": 1, \"value\": \"Thank G_d it ...\"}, \"The main problem with the documentary \\\"Czech Dream\\\" is that isn't really saying what it thinks it's saying.

In an audacious - I hesitate to use the word \\\"inspired\\\" - act of street theater, Vit Klusak and Filip Remunda, two student filmmakers from the Czech Republic, pulled off a major corporate hoax to serve as the basis for their movie: they deliberately fabricated a phony \\\"hypermarket\\\" (the Eastern European equivalent of Costco or Wal Mart Super Store), built an entire ad campaign around it - replete with billboards, radio and TV spots, an official logo, a catchy theme song and photos of fake merchandise - and then waited around to see just how many \\\"dopes\\\" would show up to their creation on opening day. They even built a makeshift fa\\ufffd\\ufffdade to convince people that the store itself actually existed.

One might well ask, \\\"Why do such a thing?\\\" Well, that's a very good question, but the answer the filmmakers provide isn't all that satisfying a one. Essentially, we're told that the purpose of the stunt was to show how easily people can be manipulated into believing something - even something that's not true - simply through the power of advertising. And the movie makers run for moral cover by claiming that the \\\"real\\\" (i.e. higher) purpose for the charade is to convince the Czech people not to fall for all the advertisements encouraging them to join the European Union. Fair enough - especially when one considers that the actual advertisers who agree to go along with the stunt declaim against the unethical nature of lying to customers, all the while justifying their collaboration in the deception by claiming it to be a form of \\\"research\\\" into what does and does not work in advertising. In a way, by allowing themselves to be caught on camera making these comments, these ad men and women are as much dupes of the filmmakers as the poor unsuspecting people who are the primary target of the ruse.

But, in many ways, the satirical arrow not only does not hit its intended target, it ironically zeroes right back around on the very filmmakers who launched it. For it is THEY THEMSELVES and NOT the good-hearted and naturally trusting people who ultimately come off as the unethical and classless ones here, as they proceed to make fools out of perfectly decent people, some of them old and handicapped and forced to travel long distances on foot to get to the spot. And what is all this supposed to prove anyway? That people are \\\"greedy\\\" because they go to the opening of a new supermarket looking for bargains? Or that they're stupid and gullible because they don't suspect that there might not be an actual market even though one has been advertised? Such vigilance would require a level of cynicism that would make it virtually impossible to function in the real world.

No, I'm afraid this smart-alecky, nasty little \\\"stunt\\\" only proves what complete and utter jerks the filmmakers are for making some really nice people feel like idiots. And, indeed many of them, when they finally discover the trick that's been played on them, react with a graciousness and good humor I'm not sure I would be able to muster were I to find myself in their position.

I'm not saying that the movie isn't gripping - something akin to witnessing a massive traffic accident in action - but, when the dust has finally settled and all the disappointed customers return red-faced and empty-handed to their homes, we can safely declare that they are not the ones who should be feeling ashamed.\": {\"frequency\": 1, \"value\": \"The main problem ...\"}, \"Well then, what is it?! I found Nicholson's character shallow and most unfortunately uninteresting. Angelica Huston's character drained my power. And Kathleen Turner is a filthy no good slut. It's not that I \\\"don't get it\\\". It's not that I don't think that some of the ideas could've lead to something more. This is a film with nothing but the notion that we're supposed to accept these ideas, and that's what the movie has going for it. That Nicholson falls for Turner is absurd, but then again, it is intended to be so. This however does not strike me as a.)funny, or b.)...even remotely interesting!!! This was a waste of my time, so don't let the hype get the best of you...it is a waste of your time! With all that being said, the opening church sequence is quite beautiful...\": {\"frequency\": 1, \"value\": \"Well then, what is ...\"}, \"Every great gangster movie has under-currents of human drama. Don't expect an emotional story of guilt, retribution and despair from \\\"Scarface\\\". This is a tale of ferocious greed, corruption, and power. The darker side of the fabled \\\"American Dream\\\".

Anybody complaining about the \\\"cheesiness\\\" of this film is missing the point. The superficial characters, cheesy music, and dated fashions further fuel the criticism of this life of diabolical excess. Nothing in the lives of these characters really matter, not on any human level at least. In fact the film practically borderlines satire, ironic considering all the gangsta rappers that were positively inspired by the lifestyle of Tony Montana.

This isn't Brian DePalma's strongest directorial effort, it is occasionally excellent and well-handled (particularly the memorable finale), but frequently sinks to sloppy and misled. Thankfully, it is supported by a very strong script by Oliver Stone (probably good therapy for him, considering the coke habit he was tackling at the time). The themes are consistent, with the focus primarily on the life of Tony Montana, and the evolution of his character as he is consumed by greed and power. The dialogue is also excellent, see-sawing comfortably between humour and drama. There are many stand-out lines, which have since wormed their way into popular culture in one form or another.

The cast help make it what it is as well, but this is really Pacino's film. One of his earlier less subtle performances (something much more common from him nowadays), this is a world entirely separate from Michael Corleone and Frank Serpico. Yet he is as watchable here as ever, in very entertaining (and intentionally over-the-top) form. It is hard to imagine another Tony Montana after seeing this film, in possibly one of the most mimicked performances ever. Pfeiffer stood out as dull and uncomfortable on first viewing, but I've come to realize how she plays out the part of the bored little wife. Not an exceptional effort, but unfairly misjudged. The supporting players are very good too, particularly Paul Shenar as the suave Alejandro Sosa.

Powerful, occasionally humorous, sometimes shocking, and continually controversial. \\\"Scarface\\\" is one of the films of the eighties (whatever that might mean to you). An essential and accessible gangster flick, and a pop-culture landmark. 9/10\": {\"frequency\": 1, \"value\": \"Every great ...\"}, \"The finale of the Weissmuller Tarzan movies is a rather weak one. There are a few things that derail this film.

First, Tarzan spends much of the film wearing floppy sandals. In my opinion, any footwear on Tarzan, whether it be sandals or boots as sometimes portrayed, takes away from the character, which is supposed to be anti-civilization and pro-jungle.

Second, the character of Benji, as mentioned in a previous post, totally derails the movie as the comic foil. To me, his character is unnecessary to the film's plot.

Also, while Weissmuller still cuts a commanding figure as Tarzan, it's apparent that he was not in his best shape. Although in his later Jungle Jim movies, his physique had improved somewhat from this film.

The octopus battle is a terrific idea, but I think it should have been done in an earlier Weissmuller film when he was at his physical peak. Likewise, the battle, which takes only 30 seconds tops, would be much more thrilling if it was drawn out to 90 seconds to 2 minutes like the classic giant crocodile battle in Tarzan and His Mate.

And while Brenda Joyce as Jane and Linda Christian as Mara are overwhelmingly pleasing to the eye, it doesn't manage to salvage this last Weissmuller film - a disappointing ending to a great character run.\": {\"frequency\": 1, \"value\": \"The finale of the ...\"}, \"'Holes' was a GREAT movie. Disney made the right choice. Every person who I have talked to about it said they LOVED it. Everyone casted was fit for the part they had, and Shia Labeouf really has a future with acting. Sigourney Weaver was perfect for The Warden, she was exactly how I imagined her. everyone who hasn't seen it I recommend it and I guarantee you will 'Dig It'.\": {\"frequency\": 1, \"value\": \"'Holes' was a ...\"}, \"20 out of 10 This is a truly wonderful story about a wartime evacuee and a curmudgeonly carpenter Tom Oakley. The boy (William Beech) is billeted with Tom and it is immediately apparent that he has serious issues when he wets his bed on the first night. William is illiterate and frightened but somehow the two find solace in each others loneliness. It transpires that William has a talent as an artist and we see Tom's talent as a choirmaster in an amusing rendition of Jerusalem. William is befriended by Zacharias Wrench, a young Jewish lad also from London and along with both Tom and Zacharias, he finally learns to read and write and to feel a part of this small close knit community. Just as he is settling down, William is recalled back to London by his mother, and it is here we see why he is so screwed up. His mother is clearly mentally sick and when Tom doesn't hear from William, he travels to London to look for him. He finally finds him holding his dead baby sister where he has been tied up in a cellar. After a period in hospital, Tom realises he must kidnap him and take him home with him. The climax is a bitter-sweet ending when William is told he is to be adopted by Tom, while at the same time, learning his best friend Zacharias has been killed in an air raid in London. For me, one of the most moving scenes was when Tom was talking to a official from the Home Office.

I love 'im, an' for what it's worth, I think he loves me too'.

It just doesn't get better that that does it?\": {\"frequency\": 1, \"value\": \"20 out of 10 This ...\"}, \"This move actually had me jumping out of my chair in anticipation of what the actors were going to do! The acting was the best, Farrah should have gotten a Oscar for this she was fabulous. James Russo was so good I hated him he was the villain and played it wonderful. There aren't many movies that have riveted me as this one. The cast was great Alfie looking shocked with those big eyes Farrah looking like a victim and you re-lived her horror as she went through it. Farrah made you feel like you were there and feeling the same anger she felt you wanted her to hurt him, yet you also knew it was the wrong thing to do. The movie had you on a roller coaster ride and you went up and down with each scene.\": {\"frequency\": 1, \"value\": \"This move actually ...\"}, \"I grew up watching the old Inspector Gadget cartoon as a kid. It was like Get Smart for kids. Bumbling boob can't solve any case and all the work is done by the walking talking dog Brain and his niece Penny. I had heard the live action movie was decent so I checked it out at the library. I rented this movie for free and felt I should have been paid to see this.

Broderick comes nowhere near the caliber of acting Don Adams had as the voice of gadget. His voice was all wrong. The girl who played Penny looked nothing like the cartoon Penny. She is brunette where the cartoon version was blonde with pigtails. But she does do a decent job given what she had to work with. Dabney Coleman gives a good performance as Cheif Quimby. Saldy he never hid in any odd place or had exploding messages tossed at him accidently by Gadget.

The gadget mobile was wrong. It never talked in the series and it did fine. Why did they do this?

Gadget was too intelligent in this film. In the show he was a complete idiot. Here he had a halfway decent intellect. It would have worked better if he was a moron.

Also the completely butchered the catchphrase. Borderick says \\\"Wowser\\\". It is and should always be \\\"Wowsers\\\". It sounds lame with out the 's'. I got upset when they showed the previews and they didn't have the correct phrase.

The ONLY decent gags were during the credits. The lacky for Claw is in front of a support group for recovering henchmen/sidekicks. Seated in the audience is Mr. T, Richard Keil aka Jaws of Bond movie fame, a Herve Villacheze look alike, Oddjob, Kato and more. This is about the only part I laughed at.

The other is at the end where Penny is checking out here gadget watch and tells brain to say somethin. Don Adams voices the dog saying that \\\"Brain isn't in right now. Please leave your name at the sound of the woof. Woof.\\\" of course this isn't laugh out loud funny, just a nice piece of nostalgia to hear Adams in the movie. He should have at least voiced the stupid car.

Kids will like this, anyone over 13 won't.

\": {\"frequency\": 1, \"value\": \"I grew up watching ...\"}, \"This was the first PPV in a new era for the WWE as Hulk Hogan, The Ultimate Warrior, Ric Flair and Sherri Martel had all left. A new crop of talent needed to be pushed. And this all started with Lex Luger, a former NWA World Heavyweight Champion being given a title shot against Yokozuna. Lex travelled all over the US in a bus called the Lex Express to inspire Americans into rallying behind him in his bid to beat the Japanese monster (who was actually Samoan) and get the WWE Championship back into American hands. As such there was much anticipation for this match.

But every good PPV needs an undercard and this had some good stuff.

The night started off with Razor Ramon defeating Ted DiBiase in a good match. The story going into this was that DiBiase had picked on Ramon and even offered him a job as a slave after his shock loss to the 1-2-3 Kid on RAW in July. Ramon, angry, had then teamed with the 1-2-3 Kid against the Money Inc tag team of Ted DiBiase and Irwin R Shyster. To settle their differences they were both given one on one matches DiBiase vs Ramon and Shyster vs The Kid. Razor was able to settle his side of the deal after hitting a Razor's Edge.

Next up came the Steiner Brothers putting the WWE Tag Team Titles on the line against The Heavenly Bodies. Depsite the interference of \\\"The Bodies\\\" Manager Jim Cornette, who hit Scott Steiner in the throat with a tennis racket, they were able to pull out the win in a decent match.

Shawn Michaels and Mr Perfect had been feuding since Wrestlemania IX when Shawn Michaels confronted Perfect after his loss to Lex Luger. Perfect had then cost Michaels the Intercontinental Championship when he distracted him in a title match against Marty Janetty. Michaels had won the title back and was putting it on the line against Mr Perfect, but Michaels now had a powerful ally in his corner in his 7 foot bodyguard Diesel. Micheals and Perfect had an excellent match here, but it was Diesel who proved the difference maker, pulling Perfect out of the ring and throwing him into the steel steps for Shawn to win by count out.

Irwin R Shyster avenged the loss of his tag team partner earlier in the night, easily accounting for the 1-2-3 Kid.

Next came one of the big matches of the night as Bret Hart prepared to battle Jerry Lawler for the title of undisputed King of the WWE. But Lawler came out with crutches, saying he'd been injured in a car accident earlier that day and that he'd arranged another opponent for Hart: Doink the Clown. Hart and Doink had a passable match which Hart won with a sharpshooter. He was then jumped from behind by Lawler. This bought WWE President Jack Tunney to the ring who told Lawler that he would receive a lifetime ban if he didn't wrestle Hart. Hart then destroyed Lawler, winning with the sharpshooter, but Hart refused to let go of the hold and the referee reversed his decision. So after all that Lawler was named the undisputed King of the WWE. This match was followed by Ludvig Borda destroying Marty Janetty in a short match.

The Undertaker finished his long rivalry with Harvey Wippleman, which had started in 1992 when the Undertaker had defeated Wippleman's client Kamala at Summerslam and continued when Wippleman's latest monster The Giant Gonzales had destroyed Taker at the Rumble and then again at Wrestlemania, with a decisive victory over Gonzales here. Gonzales then turned on Wippleman, chokeslamming him after a poor match.

Next it was time for six man tag action as the Smoking Gunns (Bart and BIlly) and Tatanka defeated The Headshrinkers (Samu and Fatu) and Bam Bam Bigelow with Tatanka pinning Samu.

This brings us to the main event with Yokozuna, flanked by Jim Cornette and Mr Fuji, putting the WWE Title on the line against Lex Luger and it was all on board the Lex Express. Lex came out attacking, but Yokozuna took control. Lex came back though as he was able to avoid a banzai drop and then body slam Yokozuna before knocking him out of the ring. Luger then attacked Cornette and Fuji as Yokozuna was counted out. Luger had won a fine match!!!!! Balloons fell from the ceiling. The heroes all came out to congratulate him on his win. Yokozuna may have retained the title, but Luger had proved he could be beaten. The only question was, who could beat him in the ring and get that title off him?\": {\"frequency\": 1, \"value\": \"This was the first ...\"}, \"I rented this movie because it falls under the genres of \\\"romance\\\" and \\\"western\\\" with some Grand Canyon scenery thrown in. But if you're expecting a typical wholesome romantic western, forget it. This movie is pure trash! The romance is between a YOUNG GIRL who has not even gone through puberty and a MIDDLE-AGED MAN! The child is also lusted after by other leering men. It's sickening.

Peter Fonda is portrayed as being virtuous by trying to resist his attraction to Brooke Shields, and her character is mostly the one that pursues the relationship. He tries to shoo her off at first but eventually he gives in and they drive off as a happy, loving couple. It's revolting.

I don't see how this movie could appeal to anyone except pedophiles.\": {\"frequency\": 1, \"value\": \"I rented this ...\"}, \"This movie was made for fans of Dani (and Cradle of Filth). I am not one of them. I think he's just an imitator riding the black metal bandwagon (still, I'm generally not a fan of black metal). But as I was carrying this DVD case to pay for it, I convinced myself, that the less authentic something is the more it tries to be convincing. Thus I assumed I'm in for a roller-coaster ride of rubber gore and do-it-yourself splatter with a sinister background. Now, that is what I do like.

I got home and popped it in. My patience lasted 15 minutes. AWFUL camera work and DISGUSTING quality. And that was then (2002), that it looked like it was shot using a Hi8 camcorder. I left it on the shelf. Maybe a nice evening with beer and Bmovies would create a nice setting for this... picture.

After a couple of months I got back to it (in mentioned surroundings) and saw half. Then not only the mentioned aspects annoyed me. My disliking evolved. I noticed how funny Dani (1,65m; 5'5\\\" height) looked in his platform shoes ripping a head of a mugger apart. (Yes, ripping. His head apparently had no skull.) I also found that this movie may have no sense. Still, I haven't finished it yet, so I wasn't positive.

After a couple more tries I finally managed to finish this flick - a couple of months back... (Yes, it took me 5,5 years.) So - Dani in fact was funny as Satan/Manson/super-evil-man's HELPER and the movie DID NOT make sense. See our bad person employs Dani to do bad things. He delivers. Why? Well I guess he's just very, very bad. As a matter of fact they both are and that is pretty much it.

We have a couple of short stories joined by Dani's character. My favourite was about a guy, who STEALS SOMEONE'S LEG, because he wants to use it as his own. Yeah, exactly.

The acting's ROCK BOTTOM. The CGI is the worst ever. I mean Stinger beats it (and, boy, is Stinger's CGI baaaaad). The story has no sense. And the quality is... Let's just say it is not satisfying. The only thing that might keep you watching is the unmotivated violence and gore. Blood and guts are made pretty well. Why, you can actually see that the movie originated there and then moved on. (Example - Dani 'The Man' Filth takes a stuffed cat - fake as can be - and guts it... and then eats what fell out. Why? We never know. We do know, however, that this cat must have been on illegal substances, as his heart is almost half his size.)

You might think, after my comment that this movie is so bad it's good, but it's just bad. Cradle of Filth fans can add 3 points. I added one for gore.\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"Cavemen was by far the biggest load of crap I have ever wasted my time watching. This show based on the Geico commercials is less entertaining then an actual 30 sec ad for Geico. The makeup was half ass-ed to say the least, hard to imagine a caveman with prefect white teeth even after going to the dentist. This show could of had potential for a funny series if they could of gotten the cast from the commercials, that in it self makes for a lousy show. Perhaps if the writers were the same from the Geico ads this may of had a chance, instead the pilot lacked a good story line. I give this show a 1 out of 10, I would of liked to put a zero out of 10 but that was not an option. I pray for a quick death to this show, I'd give it less then 5 episodes before it dies a deserving death.\": {\"frequency\": 1, \"value\": \"Cavemen was by far ...\"}, \"Billed as a kind of sequel to The Full Monty, about unemployed men in Sheffield, this movie is a fake.

As someone born in Sheffield, and still with links to the city, I was extremely disappointed by this film. Someone said it could have been set in Oklahoma, and that just about sums it up for me. This looked like a romantic view of northern England made for the US market. Probably many Americans - and many southern English people - don't realize that Sheffield is a big city of around half a million inhabitants, with a sophisticated urban culture. In Among Giants it was depicted as some dreary dead-end semi-rural small town, where everyone in Sheffield seemed to drink in the same old-fashioned pub, and where the people's idea of a party was line-dancing in some village-hall lookalike. This was a small close-knit community, not a metropolitan city.

The working-class Sheffield men were totally unlike their real-life counterparts, who are generally taciturn and communicate with each other in grunts and brief dry remarks. They don't chatter, and they certainly don't sing in choirs.

Even the rural settings, supposedly in the Peak District, looked alien to me. I recognized a few places where I used to go hiking, but some of the aerial shots of pylons stretching out over a bleak landscape reminded me more of Wales. Indeed, in the credits at the end I spotted a reference to Gwynedd, Wales. The Peak District is, in the summer, crawling with walkers and tourists in cars. It is situated between two big cities. It is not some kind of wilderness.

As for the notion that a young woman could fall in love with, and lust after, Pete Postlethwaite, that was ludicrous, and could only have been a male dream. Her reasons for becoming his lover were never made apparent. None of the men was shown as having a partner or families; they existed in a vacuum.

Anyone wanting to see a film about unemployed Sheffielders would have been led astray. This Sheffield existed only in the minds of its middle-class writers and film-makers.

It was a gigantic fake!

\": {\"frequency\": 1, \"value\": \"Billed as a kind ...\"}, \"First of all for this movie I just have one word: 'wow'. This is probably, one of the best movies that touched me, from it's story to it's performances, so wonderfully played by Sophia Loren and Marcello Mastroianni. I was very impressed with this last one, because he really brought depth to the character, as it was a very hard role. Still, the two of them formed a pair, that surprised me, from the beginning until the end, showing in the way, a friendship filled with love, that develops during the entire day, settled in the movie. The story takes some time to roll, as the introduction of the characters is long, but finally we are compensated with a wonderful tale about love and humanity. If you have the chance, see it, because it's a movie that will stay in your mind for many time. Simply amazing - 9/10.\": {\"frequency\": 1, \"value\": \"First of all for ...\"}, \"\\\"Fly Me To The Moon\\\" has to be the worst animated film I've seen in a LONG TIME. That's saying something since I have taken my son to see every animated release for the last 4 years now. The story is to be generous...trite. The voice acting is atrocious, Too cute sounding. The humor is of the Romper Room variety. The animation is passable for a Nickolodeon type of cartoon but this is being released on the big screen not cable television.

It gets a 2 only because of it's OK 3-D visuals. Some of the scenes had a mildly stimulating image but We've seen much better in the past. I also question the insistence of the filmmakers to have characters fly away from the screen rather than into it in most of the scenes. While that is interesting at first it became tiresome after the 3rd or 4th time. It seemed to smack of indifference to me on the part of the creators.

I will say this though, It had a pretty cool soundtrack. And for the record my son wasn't too crazy about it either. Bad movie.\": {\"frequency\": 1, \"value\": \"\\\"Fly Me To The ...\"}, \"This wonderful 1983 BBC television production (not a movie, as others have written here) of the classic love story \\\"Jane Eyre\\\", starring Timothy Dalton as Rochester, and Zelah Clarke as Jane, is the finest version that has been made to date, since it is the most faithful to the novel by Charlotte Bronte in both concept and dialogue.

A classic becomes a classic for very specific reasons; when film producers start to meddle with a classic's very lifeblood then that classic is destroyed. Thankfully the producers of THIS \\\"Jane Eyre\\\" approached the story with respect and faithfulness towards the original, which results in a spectacularly addictive concoction that is worth viewing multiple times, to enjoy its multi-layers of sweetness and delight and suspense. The performances are delightful, the music is just right, even the Gothic design of the house and outdoor shots are beautiful, and set the right tone for the production.

My only criticism, though slight, is that this version, like every other version ever made of Jane Eyre, ignores the Christian influences that built Jane's character and influenced her moral choices. In today's modern world a woman in Jane's situation wouldn't think twice but to stay with Rochester after finding out he had an insane wife and was still married to her. \\\"Oh, just get a divorce\\\", she would say to her man, or she would live in sin with him. But Jane Eyre knew she couldn't settle for this course in life and respect herself. Why? This decision was based on the foundations of the Christian faith she had been taught since childhood, not from the brutal Calvinist Lowood Institution, but from the Christian example of a true friend, Helen Burns, who was martyred rather than not turn the other cheek. Someday I would like to see some version depict these influences a little more fully in an adaptation. A classic novel that ends with the heroine writing \\\"Even so, come Lord Jesus!\\\" should not have the foundations of that faith stripped out of it.\": {\"frequency\": 1, \"value\": \"This wonderful ...\"}, \"After seeing MIDNIGHT OFFERINGS I am still convinced that the first decent movie about (teenage) witches yet has to be made. I didn't think much of THE CRAFT and I'm not into CHARMED either. The only film I more or less enjoyed (about teenage witches) was LITTLE WITCHES (1996), and even that one wasn't very good. But changes are that if you liked all the aforementioned movies, you will also enjoy MIDNIGHT OFFERINGS.

I was expecting a silly and cheesy early 80's movie about teenage witches in high school. But I was rather surprised that this whole movie plays it rather serious. The acting is decent and serious all the time. No jokes are being played by teenagers or something. And the musical score, at first, I thought was pretty good. It added some scariness and also something 'classy', with the use of threatening violins and all. But as the movie progressed I came to the conclusion that the score was just too ambitious. They didn't have to add those threatening violins when you simply see someone back up a car and then drive away at normal speed.

Then there's Melissa Sue Anderson, who was the main reason for me to see this movie. A few weeks ago, I saw her in HAPPY BIRTHDAY TO ME, a rather enjoyable, thick-plotted (and goofy on some occasions) slasher-movie which she had done in the same year as MIDNIGHT OFFERINGS. And I must say, she was very good as the icy-cold bad witch Vivian. But the main problem with the movie is: almost nothing happens! Vivian causes a death and an accident, yes, but that's it. Then there's Robin, the good witch, who is just learning about her powers. And we expect the two of them using their powers more than once, but at only one occasion they use their powers to make some pieces of wood and other stuff fly through the air as projectiles. That was supposed to be a fight between two powerful witches? And what's worse, I was hoping to see a spectacular show-down between the witches at the end of the movie with at least some special effects, flaming eyes or whatever... but nothing happens. There is sort of a confrontation in the end, but it's a big disappointment.

So, the acting of the two witches was good. The musical score was decent (even though overly ambitious). And the cinematography was rather dark and moody at times. But that doesn't make a good movie yet, does it?\": {\"frequency\": 1, \"value\": \"After seeing ...\"}, \"The original \\\"les visiteurs\\\" was original, hilarious, interesting, balanced and near perfect. LV2 must be a candidate for \\\"Worst first sequel to a really good film\\\". In LV2 everyone keeps shouting, when a gag doesn't work first it's repeated another 5 times with some vague hope that it will eventually become funny. LV2 is a horrible parody of LV1, except of course that a parody should be inventive. If you loved LV1 just don't see this film, just see LV1 again!!\": {\"frequency\": 2, \"value\": \"The original \\\"les ...\"}, \"Being that I am a true product of the hip-hop and electronic dance music generation, this is without a doubt one of my favorite movies of all time. Beat Street, although not as \\\"authentic\\\" in some respects as Wild Style, is a film that is guaranteed to tug the heart strings of anyone who takes pride in the culture of urban sample/DJ-based music and electro-club culture.

Although I will admit that at times the dialogue is somewhat cheesy, you can't help but feel for the characters, and ultimately \\\"wish you were there\\\" for the beginnings of hip-hop culture in New York City in the early eighties. The b-boy battle scene at the Roxy nightclub (a real-life, real-time competition between the legendary Rock Steady Crew and the NYC Breakers) is just as essential to a hip-hop fan's archives as any classic album. Watch some of the breakers' moves in slow-motion if possible to truly appreciate the athletic and stylistic expertise of a seasoned B-boy/B-girl. All praises due to the Zulu Nation!!!\": {\"frequency\": 1, \"value\": \"Being that I am a ...\"}, \"This film features Ben Chaplin as a bored bank employee in England who orders a mail order bride from Russia, recieves Nicole Kidman in the mail and gets more than he bargained for when, surprise, she isn't what she appears to be. The story is fairly predictible and Chaplin underacts too much to the point where he becomes somewhat anoying. Kidman is actualy rather good in this role, making her character about the only thing in this film that is interesting. GRADE: C\": {\"frequency\": 1, \"value\": \"This film features ...\"}, \"Greetings again from the darkness. How rare it is for a film to examine the lost soul of men in pain. Adam Sandler stars as Charlie, a man who lost his family in the 9/11 tragedy, and has since lost his career, his reason to live and arguably, his sanity. Don Cheadle co-stars as Sandler's former Dental School roommate who appears to have the perfect life (that Sandler apparently had prior to 9/11).

Of course the parallels in these men's lives are obvious, but it is actually refreshing to see men's feelings on display in a movie ... feelings other than lust and revenge, that is. Watching how they actually help each other by just being there is painful and heartfelt. Writer/Director Mike Binder (\\\"The Upside of Anger\\\", and Sandler's accountant in this film) really brings a different look and feel to the film. Some of the scenes don't work as well as others, but overall it is well written and solidly directed.

Sandler and Cheadle are both excellent. Sandler's character reminds a bit of his fine performance in \\\"Punch Drunk Love\\\", but here he brings much more depth. Cheadle is always fine and does a nice job of expressing the burden he carries ... just by watching him work a jigsaw puzzle.

Support work is excellent by Jada Pinkett Smith (as Cheadle's wife), Liv Tyler (as a very patient psychiatrist), Saffron Burrows (in an oddly appealing role), Donald Sutherland as an irritated judge and Melinda Dillon and Robert Klein as Sandler's in-laws.

The film really touches on how the tragic events of that day affected one man so deeply that he is basically ruined. In addition to the interesting story and some great shots of NYC, you have to love any film that features vocals from Chrissy Hynde, Bruce Springsteen and Roger Daltrey ... as well as Eddie Vedder impersonating Daltrey. Not exactly a chipper upbeat film, but it is a quality film with an unusual story.\": {\"frequency\": 1, \"value\": \"Greetings again ...\"}, \"I like Goldie Hawn and wanted another one of her films, so when I saw Protocol for $5.50 at Walmart I purchased it. Although mildly amusing, the film never really hits it a stride. Some scenes such as a party scene in a bar just goes on for too long and really has no purpose.

Then, of course, there is the preachy scene at the end of the film which gives the whole film a bad taste as far as I'm concerned. I don't think this scene added to the movie at all. I don't like stupid comedies trying to teach me a lesson, written by some '60's burn out especially!

In the end, although I'm glad to possess another Hawn movie, I'm not sure it was really worth the money I paid for it!\": {\"frequency\": 1, \"value\": \"I like Goldie Hawn ...\"}, \"If it's action and adventure you want in a movie, then you'd be best advised to look elsewhere. On the other hand, if it's a lazy day and you want a good movie to go along with that mood, check out \\\"The Straight Story.\\\"

Richard Farnsworth puts on a compelling performance as the gentle and gentlemanly Alvin Straight, in this true story of Alvin's journey on a riding mower across three states to see his estranged brother who has had a stroke.

Farnsworth is perfect in this role, as he travels his long and winding road, making friends of strangers and doling out lots of grandfatherly type advice about family along the way. The story moves along as slowly as the riding mower, but somehow manages to keep the viewer watching, waiting for the next life lesson Alvin's going to offer.

Stretch out on the couch, relax and enjoy. It's the only way to watch this very good movie, which rates a 7/10 in my book.\": {\"frequency\": 1, \"value\": \"If it's action and ...\"}, \"Robert Forster, normally a very strong character actor, is lost at sea here cast as a New York family man seeking revenge on the thugs who murdered his son and attacked his wife in a home invasion. Scary subject matter exploited for cheapjack thrills in the \\\"Death Wish\\\" vein. It isn't difficult to scoff at these smarmy proceedings: the dialogue is full of howlers, the crime statistics are irrevocably dated, and the supporting characters are ridiculously over-written (particularly a despicable judge who allows an accused murderer to walk right out of the courtroom). Low-rent production is contemptible in its self-righteousness, especially as the violence in our cities has only increased. * from ****\": {\"frequency\": 1, \"value\": \"Robert Forster, ...\"}, \"\\\"Film noir\\\" is an overused expression when it comes to describing films. Every crime drama seems to be a \\\"noir\\\". But \\\"Where the Sidewalk Ends\\\" really is a good example of what the genre is all about.

Very briefly, an overzealous detective (Andrews) accidentally kills a no-goodnik who works for the mobsters. The killing is blamed on the father (Tom Tully) of a woman Andrews meets and falls for (Tierney). To save Dad from Old Sparky, Andrews captures the rest of the mob and turns himself in.

The morally guilty cop is driven by impulses from the past. His father was a thief who was killed trying to shoot his way out of jail. But that doesn't excuse his actions after he accidentally offs the no-goodnik in self defense. He immediately goes to the phone to report the incident but he hesitates. He's already in hot water with the department and this could finish his career. Then, at just the wrong moment, the phone rings. It's Andrews' partner and Andrews tells him the suspect they're trailing isn't at home. He hides the body and later disposes of it by slugging a watchman and dumping the body in the river.

What motivates a guy to do something so dumb? Okay. His job was at risk. But now he's committed multiple felonies. At least I think they must be multiple. I counted obstruction of justice, assault, disposing of a body without a permit, littering, first-degree mopery, and bearing false witness against his neighbor.

In the end, we don't know whether to root for Andrews or not. The suspect didn't deserve to die, true, but it was after all an accident because Andrews didn't know he was a war hero and \\\"had a silver plate in his head.\\\" Maybe it's that kind of ambiguity that made noir what it was, among other things such as characteristic lighting. If noir involved nothing more than black-and-white photography, murder, criminals, mystery, and suspicious women, then we'd have to include all the Charlie Chan movies under that rubric.

Andrews is pretty good. He's a kind of Mark MacPherson (from \\\"Laura\\\") gone bitter. He never laughs, and rarely smiles, even when seated across a restaurant table from Gene Tierney, a situation likely to prompt smiles in many men. He has no sense of humor at all. His few wisecracks are put-downs. When he shoves a stoolie into a cab and the stoolie says, \\\"Careful. I almost hit my head,\\\" Andrews' riposte is, \\\"That's okay. The cab's insured.\\\" Andrews could seem kind of wooden at times but this is a role that calls for stubborn and humorless determination and he handles it well. His underplaying is perfect for the part. Little twitches or blinks project his thoughts and emotional states. And I guess the director, Otto Preminger, stopped him from pronouncing bullet as \\\"BOO-let\\\" and police as \\\"POE-lice.\\\" Never could make up my mind about Gene Tierney. She does alright in the role of Tom Tully's daughter, a model, but she's like Marilyn Monroe in that you can't separate the adopted mannerisms from the real personality traits. Did Tierney actually have such an innocent, almost saintly persona? When she answered the phone at home, did her voice have the same sing-along quality that it has on screen? Poor Tierney went through some bad psychiatric stuff, before there were any effective meds for bipolar disorder. And Andrews too, nice guy though he appears to have been, slipped into alcoholism before finally recovering and making public service announcements.

The DVD commentary by Peter Muller is unpretentious, informed, and sometimes amusing.

Anyway, this is a good film as well as a good example of film noir. The good guys aren't all good, although the bad guys are all bad. Maybe that ambiguity is what makes it an adult picture instead of a popcorn movie. For the kiddies, only one shot is fired on screen and nobody's head explodes. Sorry.\": {\"frequency\": 1, \"value\": \"\\\"Film noir\\\" is an ...\"}, \"One Stinko of a movie featuring a shopworn plot and, to be kind, acting of less than Oscar caliber. But to me the single worst flaw was the total misrepresentation of a jet aircraft, and especially a 747. Some of the major blunders:

1. No Flight Engineer (or even a flight engineer station. 2. Mis-identifying the F-16 interceptors as F-15's (no resmblance whatsoever). 3. Loading passengers into an \\\"aft baggage compartment\\\" supposedly accesible from the cabin - Even if such a compartment existed, placing that much weight that far aft would make the aircraft unflyable. 4. Hollow point bullets that \\\"won't damage the aircraft\\\". 5. The entire landing procedure was so bad I wanted to puke. 6. An SR-71 (of all planes) with a pressure seal hatch 7. Opening a cabin door outward - into the wind - in flight!!

Ah nuts, it was just a truly lousy movie. Gotta make the list of bottom 10 of the year.\": {\"frequency\": 1, \"value\": \"One Stinko of a ...\"}, \"**Possible Spoilers**

This straight-to-video mess combines a gun-toting heroine, grade-Z effects, nazis, a mummy and endless lesbian footage and it's still boring; the video's 45 minute running time only SEEMS like Eternity.The only good part is one of the blooper outtakes, wherein the bad guys force a 400-pound Egyptologist into a chair--and one villain's foot almost gets crushed under a chair leg. Take this snoozer back to the video store and watch televised golf, bowling or tennis instead.\": {\"frequency\": 1, \"value\": \"**Possible ...\"}, \"Saw this movie twice at community screenings and really loved it. I work in the Jane Finch community and feel the film really captured some of the essence and flavour of the community - grit, determination, exuberance, creativity, in your faceness with a dose of desperation. The writing, dialogue and acting is solid and I really found myself drawn into the story of the young woman Raya as she struggles to pursue her goals and not lose herself in the process. Great dance sequences and it is not only the bodies that move smoothly and with electricity but the camera moves with great fluidity and intelligence as well. All the characters are multi dimensional - none wholly good or bad and the women characters are admirably strong. This is a film that has a strong beating heart and celebrates the irrepressible spirit of youth, hip hop and communities like Jane Finch.\": {\"frequency\": 1, \"value\": \"Saw this movie ...\"}, \"It follows BLOCK-HEADS and A CHUMP AT OXFORD, two films that are hard to top. Not that SAPS AT SEA is a bad film - it is the last good comedy (unless one insists on JITTERBUGS or another of the later films) that Laurel & Hardy made. It's just that it is a toss-off little film, without the crazy destructive crescendo of BLOCK-HEADS or the astounding sight of Stan's \\\"real\\\" personality in A CHUMP AT OXFORD to revel in. At 57 minutes it is shorter than the other two films a bit, but that actually is not a bad point for it. It has just enough time to it to hit the right notes. It's just not as special as the other two.

Stan and Ollie work in a factory that manufactures horns. I suspect that there was a bit of Chaplin influence in this sequence (one recalls a similar assembly-line incident in MODERN TIMES only four years earlier). Ollie's nerves finally snap, and he goes on a rampage. He goes home and (naturally) his roommate Stan does not help - Stan has a music lesson with an eccentric professor on his instrument (you've got it - a trombone). After beating up the poor professor, Ollie has problems with the incompetent janitor/engineer (Ben Turpin in a nice brief appearance), and then faces his doctor (Jimmy Finleyson) and his nerve tester (a balloon that inflates as you push air out of Ollie's stomach). Finleyson announces that it is a bad case of \\\"horniphobia\\\", and Ollie needs a vacation with plenty of quiet and goat's milk. They end up going to a ship but Ollie and Stan know nothing about seamanship - so they plan to sleep on the ship. Unfortunately the goat gnaws the rope until it breaks and the ship sails off. Also unfortunately, on board is Richard Cramer, an escaped dangerous criminal. This is not going to be a peaceful vacation.

SAPS AT SEA (like A CHUMP) could have been three shorts, one at the factory, one at the apartment, and one on the boat. Each would have been a successful short, and they all make a funny film - but the stitching of the parts together shows. There are some very amusing moments in the film - the discoveries of how Turpin's ineptitude causes various mishaps with water taps and stoves in the apartment; the accidental remarks of building manager Charlie Hall when Stan or Ollie runs by him and asks for directions (\\\"Can you help me find the basement?\\\" asks Stan - \\\"Certainly,you can't miss it - it's downstairs!\\\", says Hall, who realizes what a stupid comment he just made); and Cramer's mistreatment of his two hostage slaves. He calls Ollie \\\"Dizzy\\\" and Stan \\\"Daffy\\\" (an allusion to the Dean Brothers of the St. Louis Cardinal teams of the 1930s - see Dan Dailey's THE PRIDE OF ST. LOUIS). Cramer has the boys cook him up some food - and they make a synthetic meal (boot laces for spaghetti, for instance) to get him sick to be overpowered. When he realizes what they have done, he forces them to eat the meal themselves. Their reactions are brilliant.

SAPS AT SEA is not on par with the top line of Laurel & Hardy films, but it is a good film on the whole, and a good conclusion to the best years of their film career (1927 - 1940) when they were with Hal Roach. In the immediate couple of years before it appeared the boys and Roach had serious problems involving production costs (OUR RELATIONS, where Stan was producer on the film), artistic problems (scenes from SWISS MISS were cut meaninglessly), and contractual arguments (leading to Ollie appearing with Harry Langdon in ZENOBIA). Stan and Ollie hit back with THE FLYING DEUCES, wherein the production was not Roach's but Boris Morros'. At last a two picture deal of A CHUMP AT OXFORD and SAPS AT SEA concluded the arguments and problems - and on a high note the boys left Roach. Unfortunately they never found any subsequent film relationship with a producer as satisfactory as this had been.\": {\"frequency\": 1, \"value\": \"It follows BLOCK- ...\"}, \"A very \\\"straight\\\" nice old lady, desperate for money to save her house and possessions, grows \\\"pot\\\" in her house, smokes it with a few old-biddy friends and then sells it. That's the story for this low-key comedy, emphasizing the absurdity of the situation and some of the humor the predicament brings. For much of the film, it works. The humor isn't of the laugh-out-loud variety but it does keep you entertained for an hour-and-a- half, so I guess it serves its purpose.

There ARE funny moments and Brenda Blethyn is fun to watch in the lead role. But the ending really ruined a \\\"cute\\\" movie with insultingly-bad messages that only the ultra-liberals of the film world would like to see happen.

Like most people, I would prefer a happy ending, too, but it should not all warm and fuzzy for those who blatantly break the law. Also in here are the typical (1) children out of wedlock but that poses no problem and is deemed okay; (2) clerics portrayed as morally weak people; and (3) even a medical doctor who gets stoned, too!

Hello? And reviewers here blast Hollywood? This is exhibit A how a secular society has lowered the standards in the UK and Europe in general. Hey, people: at least have a trace of morality instead of nothing but a Timothy Leary \\\"If it feels good, do it\\\" message.\": {\"frequency\": 1, \"value\": \"A very \\\"straight\\\" ...\"}, \"Russ and Valerie are having discussions about starting a family. The couple live in a posh apartment and run an auction business that deals with valuable collectibles. At the same time, a dedicated adoption agency owner takes a mini vacation and leaves the orphanage in the charge of his father (Leslie Nielsen). Father Harry is in the rental business and he gets the brilliant idea to \\\"rent\\\" some of the children of the orphanage to couples like Russ and Valerie. Harry, who becomes aware of the couple'e dilemma, offers a family of siblings for a 10 day rental period! Brandon, Kyle, and Molly move into the apartment with their temporary parents, with amusing consequences, as the new caretakers are inexperienced with kids. But, where is the possibility of a happy ending? This is a darling family film. The actors, including Nielsen as the wheeler-dealer and Christopher Lloyd as the kind apartment doorman, are all wonderful. The script is snappy and fun and the overall production values quite high. Yes, if only life could be this way! Orphaned children everywhere deserve a chance to prove that they are lovable and can give so much joy to the parents who are considering adoption. If you want to show a film to your family that is rooted in good values but is also highly entertaining, find this movie. It is guaranteed to have everyone laughing, even as their hearts are melting.\": {\"frequency\": 1, \"value\": \"Russ and Valerie ...\"}, \"If you are looking for eye candy, you may enjoy Sky Captain. Sky Captain is just a video game injected with live performers. The visials are nice and interesting to look at during the entire movie. Now, saying that, the visuals are the ONLY thing good in Sky Captain.

After ten minutes, I knew I was watching one of the worse movies of all time. I was hoping this movie would get better, but it never achieved any degree of interest. After thirty minutes, the urge to walk out kept growing and growing. Now, I own over 2000 movies and have seen probably five times that number. Yet, this is only the second movie I felt like walking out of my entire life.

Acting---there is none. The three main performers are pitiful. Jude Law (also in the other movie I wanted to walk out on) is just awful in the title role. I would rather sit through Ben Affleck in Gigli than watch Law again.

Paltrow tries SO hard to be campy, that it backfires in her face. The last article I had read said that Paltrow is thinking of staying home and being a mother rather than acting. After this performance, I would applaud that decision.

Story---Soap operas are better written. The story behind Sky Captain starts out bad and gets continually worse as it progresses.

Directing---none. Everything was put into the special effects that story, acting and directing suffer greatly. Even \\\"the Phantom Menace\\\" had better acting and that is NOT saying a great deal.

I would have to give this movie a \\\"0\\\" out of \\\"10\\\". Avoid paying theatre prices and wait until video release.\": {\"frequency\": 1, \"value\": \"If you are looking ...\"}, \"Coming from the same director who'd done \\\"Candyman\\\" and \\\"Immortal Beloved\\\", I'm not surprised it's a good film. Ironically, \\\"Papierhaus\\\" is a movie I'd never heard of until now, yet it must be one of the best movies of the late 80s - partly because that is hands down the worst movie period in recent decades. (Not talking about Iranian or Swedish \\\"cinema\\\" here...) The acting is not brilliant, but merely solid - unlike what some people here claim (they must have dreamt this \\\"wondrous acting\\\", much like Anna). The story is an interesting fantasy that doesn't end in a clever way that ties all the loose ends together neatly. These unanswered questions are probably left there on purpose, leaving it up to the individual's interpretation, and there's nothing wrong with that with a theme such as this. \\\"Pepperhaus\\\" is a somewhat unusual mix of kids' film and horror, with effective use of sounds and music. I like the fact that the central character is not your typical movie-clich\\ufffd\\ufffd ultra-shy-but-secretly-brilliant social-outcast girl, but a regular, normal kid; very refreshing. I am sick and tired of writers projecting their own misfit-like childhoods into their books and onto the screens, as if anyone cares anymore to watch or read about yet another miserly, lonely childhood, as if that's all there is or as if that kind of character background holds a monopoly on good potential. The scene with Anna and the boy \\\"snogging\\\" (for quite a stretch) was a bit much - evoking feelings of both vague disgust and amusement - considering that she was supposed to be only 11, but predictably it turned out that Burke was 13 or 14 when this was filmed. I have no idea why they didn't upgrade the character's age or get a younger actress. It was quite obvious that Burke isn't that young. Why directors always cast kids older than what they play, hence dilute the realism, I'll never know.\": {\"frequency\": 1, \"value\": \"Coming from the ...\"}, \"I really must watch a good movie soon, because it seems every other entry or so is something that I despise. However my history speaks, I must not tell a lie. Bobby Deerfield and everything about it sucks big green banana peels. I never thought that I would see a film thud as thunderously as this one did. Al Pacino isn't acting in this film: he's posing. There are many, many scenes of his character, who is a race car driver, just staring at the camera. He's perfectly awful. Marthe Keller is just as bad. These two are supposed to be in a love affair, and there is simply no chemistry whatsoever. Sydney Pollack directed this film? There's no trace of the genius behind Tootsie here. Is this the same man I cheered for in Eyes Wide Shut? I can hardly believe it. Save yourself a horrible movie experience. Run, don't walk, away from Bobby Deerfield.\": {\"frequency\": 1, \"value\": \"I really must ...\"}, \"I saw this bomb when it hit theaters. I laughed the whole time. Why? Because the stupidity of it seemed to have made me go insane. I look back on it and realize there was not ONE funny thing in the whole movie. At leat nothing intentional. It IS awfully funny that Lizzie cn chew a piece of Nurplex and become a gigantic, carnivorous demon...yet her itty-bitty little dress is perfectly intact, despite the fact that she is now hundreds of times larger than she was when she first put it on. Or the kind of movie in which a man can be shocked with a defibulator and only fall unconcious, and return to conciousness without ANY medical attention. And don't let me get started on the ridiculous fate of the \\\"villain\\\" that they decided they needed to create \\\"conflict.\\\" Uh huh.

To the person complaining about Disney only targetting kids-The raunchy parts of this film seems to disprove that statement. Do we really need Daryl Hannah accusing Jeff Bridges of having kinky video tapes? You do if you're Disney and you're out of ideas for making the movie appeal to the above-8 crowd without writing a more intelligent script! I am thoroughly convinced that Disney pays off the ratings board so it's movies can get away with murder and still get family-friendly ratings.

What a waste of the DVD format.\": {\"frequency\": 1, \"value\": \"I saw this bomb ...\"}, \"An art house maven's dream. Overrated, overpraised, overdone; a pretentious melange that not only did not deserve Best Picture of 1951 on its own merits, it was dwarfed by the competition from the start. Place in the Sun, Detective Story, Streetcar Named Desire, Abbott and Costello Meet the Invisible Man; you name it, if it came out in '51, it's better than this arthouse crapola. The closing ballet is claptrap for the intellectual crowd, out of place and in the wrong movie. Few actors in their time were less capable (at acting) or less charismatic than Kelly and Caron. My #12 Worst of '51 (I saw 201 movies), and among the 5 worst Best Picture Oscar winners.\": {\"frequency\": 1, \"value\": \"An art house ...\"}, \"Tweaked a little bit, 'Nothing' could be a children's film. It's a very clever concept, touches upon some interesting metaphysical themes, and goes against pretty much every Hollywood convention you can think of...what goes against everything more than, literally, \\\"nothing\\\"? Nothing is the story of two friends who wish the world away when everything goes wrong with their lives. All that's left is what they don't hate, and a big empty white space. It's hard to focus a story on just two actors for the majority of your film, especially without any cuts to anything going on outside the plot. It focuses on pretty much one subject, but that's prime Vincenzo Natali territory. If you've seen 'Cube', you know already that he tends to like that type of situation. The \\\"nothing\\\" in this movie is apparently infinite space, but Natali somehow manages to make it somewhat claustrophobic, if only because there's literally nothing else, and nowhere else to go. The actors sell it, although you can tell these guys are friends anyway. Two actors from 'Cube' return here (Worth and Kazan), but are entirely different characters. They change throughout the story, and while they're not the strongest actors in the world, they're at least believable.

The reason I say this could be a children's film under the right tweaks, is because aside from a few f-bombs and a somewhat unnecessary bloody dream sequence, the whimsical and often silly feel of this movie could very much be digested easily by kids. So I find it an odd choice that the writers decided to add some crass language and a small amount of gore, especially considering there isn't very much of it. This could've gotten a PG rating easily had they simply cut a few things out and changed a little dialogue. There is very little objectionable about this film, but just enough to keep parents from wanting their kids to see it. I only say that's a shame because not because I support censorship, but because that may have been the only thing preventing this movie from having wider exposure.

At any rate, this is a reasonably entertaining film, albeit with a few dragged-out scenes. But for literally being about nothing, and focused entirely on two characters and their interactions with absolutely nothing, they do a surprisingly good job for an independent film.\": {\"frequency\": 1, \"value\": \"Tweaked a little ...\"}, \"Cliff Robertson as a scheming husband married to a rich wife delivers a razzie-worthy performance here if there ever was one; it's as if director Michael Anderson kept yelling \\\"dial it down; think zombie, only less lively\\\" through his little bullhorn as he coached Robertson's effort. The rest of the cast is barely better; Jennifer Agutter of LOGAN'S RUN fame is hardly seen in what should have been fleshed out as a pivotal role. If the quality of the acting was three times better; if some of the more gaping plot holes were filled; and if the pacing were given a shot of adrenaline, then this yawner might be brought up to a standard acceptable to the Hallmark\\\\Lifetime TV channel crowd. As is, its rating is so inexplicably high one can't help thinking chronic insomniacs are using DOMINIQUE to catch a little snoozing time. Perhaps the late-night TV telemarketers are missing a major opportunity in not shilling it as such.\": {\"frequency\": 1, \"value\": \"Cliff Robertson as ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"I gave this movie ...\"}, \"The movie wasn't all that great. The book is better. But the movie wasn't all that bad either. It was interesting to say the least. The plot had enough suspense to keep me watching although I wouldn't say I was actually interested in the movie itself. Janine Turner and Antonio Sabato Jr are both gorgeous enough to keep you watching :)They have a few cute scene's that should appeal to the romantic's. Overall I'd give the movie a 7 or 8. It wasn't bad, Just a little lacking plot wise.\": {\"frequency\": 1, \"value\": \"The movie wasn't ...\"}, \"This well conceived and carefully researched documentary outlines the appalling case of the Chagos Islanders, who, it shows, between 1969 and 1971, were forcibly deported en masse from their homeland through the collusion of the British and American governments. Anglo-American policy makers chose to so act due to their perception that the islands would be strategically vital bases for controlling the Indian Ocean through the projection of aerial and naval power. At a time during the Cold War when most newly independent post-colonial states were moving away from the Western orbit, it seems British and American officials rather felt that allowing the islanders to decide the fate of the islands was not a viable option. Instead they chose to effect the wholesale forcible removal of the native population. The film shows that no provision was made for the islanders at the point of their ejection, and that from the dockside in Mauritius where they were left, the displaced Chagossian community fell into three decades of privation, and in these new circumstances, beset by homesickness, they suffered substantially accelerated rates of death.

Following the passage of more than three decades, however, in recent months (and years), following the release of many utterly damning papers from Britain's Public Record Office (one rather suspects that there was some mistake, and these papers were not supposed to have ever been made public), resultant legal appeals by the Chagossian community in exile have seen British courts consistently find in favour of the islanders and against the British State. As such, the astonishing and troubling conclusions drawn out in the film can only reasonably be seen as proved. Nevertheless, the governments of Great Britain and the United States have thus far made no commitment to return the islands to what the courts have definitively concluded are the rightful inhabitants. This is a very worthwhile film for anyone to see, but it is an important one for Britons and Americans to watch. To be silent in the face of these facts is to be complicit in a thoroughly ugly crime.\": {\"frequency\": 1, \"value\": \"This well ...\"}, \"LOC could have been a very well made movie on how the Kargil war was fought; it had the locations, the budget, and the skill to have been India's \\\"Saving Private Ryan\\\" or \\\"Black Hawk Down\\\". Instead it come across as a bloated, 4 hour bore of trying to meld the war move with the masala movie. Even the war scenes were terribly executed, using the same hill in all their battle scenes, and spending unnecessary time on casual talk. Instead of trying to appeal to the indian public, a better movie would have been a to-the-book account of what happened at Kargil (like \\\"Black Hawk Down\\\") or even spending time on the militant point of view (like \\\"Tora, Tora, Tora\\\"). Even better, it could have used a competent director like Ram Gopal Verma to write, direct and edit the film. Until then, I'd like to see some one re-edit this film, with only the pertinent portions included; it would make the movie more watchable.\": {\"frequency\": 1, \"value\": \"LOC could have ...\"}, \"I don't even know where to begin on this one. \\\"It's all about the family.\\\" That has to be the worst line of dialogue ever heard in a \\\"horror\\\" movie, although this couldn't be a horror movie even if it tried!!! Ugh!!! And I know that Owen Wilson is a better actor. He needs to stop playing the token guy who dies in every action movie (Anaconda, Armageddon). After all, the man did co-write \\\"Bottle Rocket\\\" and \\\"Rushmore.\\\" He does have some talent. Also, Lily Taylor should stick to indie films. She has no place here. Finally, Catherine Zeta-Jones should become a porn star. There's no room in legitimate acting for her. I'm serious. One of the worst movies I've ever seen, EVER.\": {\"frequency\": 1, \"value\": \"I don't even know ...\"}, \"\\\"It's like hard to like describe just how like exciting it is like to make a relationship like drama like with all the like pornographic scenes thrown like in for like good measure like, and to stir up like contro- like -versy and make us more like money and like stuff.\\\" - Ellen, the lost quote.

\\\"Kissing, Like, On the, Like, Mouth And Stuff\\\" is like the best like artistic endeavor like ever made. Watching like Ellen's hairy arms and like Chris masturbating was like the height of my years-long movie-viewing experience and stuff. But before I like begin like breaking new U.S.-20-something-airhead records with the my \\\"likes\\\", let me like just briefly list like the high- like -lights of this visual like feast:

1. Chris doing the deed with his genitals. And not just that: the way the camera (guided so elegantly by Ellen and Patrick) rewards the viewer with a full-screen shot of Chris's fat white-trash stomach after he finishes the un-Catholic deed - that was truly thrilling. I can in all honesty say that I've never seen such grace. Chris, you should do more such scenes in your next movies, because that is exactly what we needed as a continuation of what that brilliant, brilliant man, Lars von Trier and his \\\"Idiots 95\\\", started. A quick w*** and then a hairy, fat, white belly: what more can any movie-goer ask for?! Needless to say, I can sit all day and watch Chris ejaculate (in spite of the fact that I'm straight)... Such poetry in motion. Such elegance, such style. No less than total, divine inspiration went into filming that sequence - plus a solid amount of Zen philosophy. Even Barbra Streisand could not get any more spiritual than this.

2. Ellen's hairy, thick arms. The wobbly-camera close-ups, so skillfully photographed by our two directors of photography (I can't emphasize this enough), Ellen and Patrick, often caused confusion regarding the proper identification of the sex in question. There were several scenes when we would see a part of a body (a leg, arm or foot), yet it was often a guessing game: does that body-part belong to a man or a woman? Naturally, Chris and his fellow artists, Ellen, Patrick and whatsername, cast themselves on purpose, because their bodies were ideal for creating this gender-based confusion. It was at times hard to guess whether one is seeing a female or male leg. Patrick is so very thin and effeminate in his movements, so hairless and pristine, whereas Ellen and the other girl are so very butch, what with their thick legs and arms. Brilliant.

3. Brilliant - especially the way that neatly ties in with the theme of role reversal between the sexes: so utterly original and mind-blowing. Ellen behaves like a man, wants sex all the time, while her ex Patrick wants to talk - like a girl. Spiffing.

4. Ellen's search for a Leftist mate. \\\"He must love 'The Simpsons', which is quite Leftist.\\\" I am glad that the makers of this movie decided to break the long tradition of offering us intelligent Leftists. Ellen is such a refreshing - and realistic - change. The number of \\\"likes\\\" that she and her liberal friends manage to utter in less than 80 minutes is truly phenomenal (3,849, to be exact). They have managed to realistically transfer their real-life ineptness onto the big screen with a minimum of effort, and I applaud them for that.

5. The close-ups of toes. Plenty of stuff here for foot-fetishists, which I think is a very liberal, highly commendable way of reaching out to sexual minorities. After all, shoe- and foot- fetishists are offered so little in modern cinema, so it's nice to see that someone out there CARES.

KOTM, or rather, KLOTLMAS, offers more than meets the eye. It is not just a modest little film about shallow people engaging in hollow relationships while indulging in meaningless conversations. No, it's much more than that. It's about the light that guides all silly creatures; the guiding light that dominates the futile lives of various pseudo-artistic wannabes who just dropped out of film school, and plan to assault our senses with dim-witted drivel that will hopefully play well at pretentious festivals like Sundance and Cannes, enabling them to gain the necessary exposure hence some real cash for a change, with which they will later hire the likes of Sean Penn and George Clooney in promoting the saving of this planet and the resolving of ALL political problems this world faces. What better way to do that than by making porn at the very start?

If Chris and Ellen did the camera here, as is clearly stated in the end-credits, then who held the camera while the two of them were in front of it? They probably hired some passers-by and shoved the camera into their hands...

Go to http://rateyourmusic.com/~Fedor8, and check out my \\\"TV & Cinema: 150 Worst Cases Of Nepotism\\\" list.\": {\"frequency\": 1, \"value\": \"\\\"It's like hard to ...\"}, \"The movie celebrates life.

The world is setting itself for the innocent and the pure souls and everything has \\\"Happy End\\\", just like in the closing scene of the movie.

The movie has wonderful soundtrack, mixture of Serbian neofolk, Gypsy music and jazz.

This movie is very refreshing piece of visual poetics.

The watching experience is like you've been sucked in another colorful, romantic and sometimes rough world.

Like Mr. Kusturica movie should be.\": {\"frequency\": 1, \"value\": \"The movie ...\"}, \"I saw this movie only after hearing raves about it for years. Needless to say, the actual experience proved a bit anticlimactic. But still, Alec Guiness energetically leads a wonderful cast in a jolly, if formulaic, romp through industrial post-WWII England.

This is the familiar tale of the woes of inventing the perfect everyday product. Remember the car that runs on water? Remember the promise of nuclear energy? In this case, it's a fabric that doesn't wear out, wrinkle, or even get dirty! Of course, fabric manufacturers and their workers are horrified at the prospect of being put out of business, and so the plot gets a bit thick.

Guiness makes the whole enterprise worthwhile, and watching him blow up a factory research lab over and over again is quite a blast! (Those Brits ... always the stiff upper lip when under fire.) The film might chug along exactly like Guiness's goofy invention, but it's a good ride all the same.\": {\"frequency\": 1, \"value\": \"I saw this movie ...\"}, \"This film show peoples in the middle of the hottest 2 days in Austria. It shows people humiliating other peoples and being cruel to other peoples. It show the inability of people to communicate or talk with others.

In the screening I have attended people were leaving in the middle because they could no longer watch the film. And rightly so. Because the film is not and easy one to watch. It has a very depressing message and there isn't any moment of mercy in the film. It is a very cruel movie, not for everyone's taste. You can not speak of terms of enjoyment from this film. It grips you in your throat and never let go and in the end you simply feels breathless because of its intensity.

I can not \\\"recommend\\\" or \\\"not recommend\\\" this film. You should make your own mind based on what I have said earlier. Just be aware that this is not a regular film and it is not for everyone's taste.\": {\"frequency\": 1, \"value\": \"This film show ...\"}, \"Time paradoxes are the devil's snare for underemployed minds. They're fun to consider in a 'what if?' sort of way. Film makers and authors have dealt with this time and again in a host of films and television including 'Star Trek: First Contact', the 'Back to the Future' trilogy, 'Bill and Ted's Excellent Adventure', 'Groundhog Day' and the Stargate SG1 homage, 'Window of Opportunity'. Heinlein's 'All You Zombies' was written decades ago and yet it will still spin out people reading that short story for the first time.

In the case of Terry Gilliam's excellent film, '12 Monkeys', it's hard to establish what may be continuity problems versus plot elements intended to make us re-think our conception of the film. Repeated viewings will drive us to different conclusions if we retain an open mind.

Some, seeing the film for the first time, will regard Cole, played by Bruce Willis, as a schizophrenic. Most will see Cole as a man disturbed by what Adams describes as 'the continual wrenching of experience' visited upon him by time travel.

Unlike other time travel stories, '12 Monkeys' is unclear as to whether future history can be changed by manipulating events in the past. Cole tells his psychiatrist, Railly (Madeleine Stowe), that time cannot be changed, but a phone call he makes from the airport is intercepted by scientists AFTER he has been sent back to 1996, in his own personal time-line.

Even this could be construed as an event that had to happen in a single time-line universe, in order to ensure that the time-line is not altered...Cole has to die before the eyes of his younger self for fate to be realised. If that's the case, time is like a fluid, it always finds its own level or path, irrespective of the external forces working on it. It boggles the mind to dwell on this sort of thing too much.

If you can change future events that then guide the actions of those with the power to send people back in time, as we see on board the plane at the end of the film, then that means the future CAN be changed by manipulating past events...or does it? The film has probably led to plenty of drunken brawls at bars frequented by physicists and mathematicians.

Bonus material on the DVD makes for very interesting viewing. Gilliam was under more than normal pressure to bring the film in under budget, which is no particular surprise after the 'Munchausen' debacle and in light of his later attempt to film 'Don Quixote'. I would rate the 'making of' documentary as one of the more interesting I've seen. It certainly is no whitewash and accurately observes the difficulties and occasional conflict arising between the creative people involved. Gilliam's description of the film as his \\\"7\\ufffd\\ufffdth\\\" release, on account of the film being written by writers other than himself - and therefore, not really 'his' film' - doesn't do the film itself justice.

Brad Pitt's portrayal of Goines is curiously engaging, although his character is not especially sympathetic. Watch for his slightly wall-eyed look in one of the scenes from the asylum. It's disturbing and distracting.

Probably a coincidence, the Louis Armstrong song 'What a Wonderful World' was used at the end of both '12 Monkeys' and the final episode of the TV series of 'The Hitchhiker's Guide to the Galaxy'. Both the film and the TV series also featured British actor Simon Jones.

'12 Monkeys' is a science fiction story that will entertain in the same way that the mental stimulation of a game of chess may entertain. It's not a mindless recreation, that's for sure.\": {\"frequency\": 1, \"value\": \"Time paradoxes are ...\"}, \"OK so i am like most people, give me free tickets and i will go and see most things, now that multiplex cinemas are so good (i remember the old \\\"flea pit\\\" single screen cinemas and i am the healthy side of 40). In England this film was released as \\\"Liar\\\", it's a dog. It is a total waste of good celluloid. 4/10 for the photograpy and set only.\": {\"frequency\": 1, \"value\": \"OK so i am like ...\"}, \"This is an awful film. Yea the girls are pretty but its not very good. The plot having a cowboy get involved with an Indian maiden would be interesting if the sex didn't get in the way. Well, okay it might be interesting, but its not, because its so badly paced and and only partly acted. I can only imagine what the close ups of the dancing tushes looked like on a big screen, probably more laughable then they do on TV. (I won't even mention the topless knife fight between two women who are tied together and spend the whole thing chest to chest. Never read about that in the old west) This is a film that requires liberal use of fast forward.

I like schlock films but this is ridiculous. There is a reason that I don't go for this sort of films and that they tend not be very good, the plot taking a back seat to breasts. The original nudie cuties as they are called were originally nudist films or films where there was no touching but as the adult industry began to grow the film makers either tried to be clever or tried to exploit something else in order to put butts in seats. The clever ones were very few which only left hacks who were of limited talent. The comedies often came off best with the humor approaching the first grade level, infantile but harmlessly fun. Something that could rarely be said about any other genre cross dressed as a nudie.

The Ramrodder looks good and has a couple of nice pieces but its done in by being neither western nor sex film.

I need not watch this again.

Of interest to probably no one, the rapist and killer in the film was played by Bobby Beausoleil, a member of the Manson family who was arrested for murdering a school teacher not long after filming wrapped.

Obviously these sort of things will ruin some peoples lives.\": {\"frequency\": 1, \"value\": \"This is an awful ...\"}, \"The movie was very moving. It was tender, and funny at the same time. The scenery was absolutely beautiful! Peter Faulk and Paul Reiser gave award winning performances. Olympia Dukakis was great. I understand due to the story line her part had to be brief, but I did wish I could have seen more of her-she is a true pro.You will be able to recall experiences from your own life , hopefully in a positive way after seeing this movie. We were fortunate to see Paul Reiser at a Q and A after the viewing. He is a wonderful man, clever, eloquent and a \\\"real Person\\\". It was truly an enjoyable night out!This is a must see movie. You will be so grateful you went.\": {\"frequency\": 1, \"value\": \"The movie was very ...\"}, \"I can't believe I am so angry after seeing this that I am about to write my first ever review on IMDb.

This Disney documentary is nothing but a rehashed Planet Earth lite. Now I knew going into this that it was advertised as \\\"from the people who brought you Planet Earth,\\\" but I had no idea they were going to blatantly use the exact same cuts as the groundbreaking documentary mini-series. I just paid $8.75 to see something I already own on DVD. Shame on Disney for not warning people that there is absolutely nothing original here (save a James Earl Jones voice-over and 90 seconds of sailfish that I don't believe were in Planet Earth).

But the biggest crime of all, is that while Planet Earth uses the tragic story of the polar bear as evidence that we are killing this planet and a catalyst for ecologic change, Disney took that story and turned it into family friendly tripe. After the male polar bear's demise, they show his cubs grown significantly a year later, and spew some garbage about how they are ready to carry on his memory, and that the earth really is a beautiful place after all. No mention of the grown cubs impending deaths due to the same plight their father endured, no warning of trouble for future generations if we don't get our act together, nothing. Just a montage of stuff we have already seen throughout the movie (and many times more, if you are one of the billion people who have already seen Planet Earth).

I have never left the theater feeling so ashamed and cheated in my life.\": {\"frequency\": 1, \"value\": \"I can't believe I ...\"}, \"Halfway through Lajos Koltai's \\\"Evening,\\\" a woman on her deathbed asks a figure appearing in her hallucination: \\\"Can you tell me where my life went?\\\" The line could be embarrassingly theatrical, but the woman speaking it is Vanessa Redgrave, delivering it with utter simplicity, and the question tears your heart out.

Time and again, the film based on Susan Minot's novel skirts sentimentality and ordinariness, it holds attention, offers admirable performances, and engenders emotional involvement as few recent movies have. With only six months of the year gone, there are now two memorable, meaningful, worthwhile films in theaters, the other, of course, being Sara Polley's \\\"Away from Her.\\\" Hollywood might have turned \\\"Evening\\\" into a slick celebrity vehicle with its two pairs of real-life mothers and daughters - Vanessa Redgrave and Natasha Richardson, and Meryl Streep and Mamie Gummer. Richardson is Redgrave's daughter in the film (with a sister played by Tony Collette), and Gummer plays Streep's younger self, while Redgrave's youthful incarnation is Claire Danes.

Add Glenn Close, Eileen Atkins, Hugh Dancy, Patrick Wilson, and a large cast - yes, it could have turned into a multiple star platform. Instead, Koltai - the brilliant Hungarian cinematographer of \\\"Mephisto,\\\" and director of \\\"Fateless\\\" - created a subtle ensemble work with a \\\"Continental feel,\\\" the story taking place in a high-society Newport environment, in the days leading up to a wedding that is fraught with trouble.

Missed connections, wrong choices, and dutiful compliance with social and family pressures present quite a soap opera, but the quality of the writing, Koltai's direction, and selfless acting raise \\\"Evening\\\" way above that level, into the the rarified air of English, French (and a few American) family sagas from a century before its contemporary setting.

Complex relationships between mothers and daughters, between friends and lovers, with the addition of a difficult triangle all come across clearly, understandably, captivatingly. Individual tunes are woven into a symphony.

And yet, with the all the foregoing emphasis on ensemble and selfless performances, the stars of \\\"Evening\\\" still shine through, Redgrave, Richardson, Gummer (an exciting new discovery, looking vaguely like her mother, but a very different actress), Danes carrying most of the load - until Streep shows up in the final moments and, of course, steals the show. Dancy and Wilson are well worth the price of admission too.

As with \\\"Away from Her,\\\" \\\"Evening\\\" stays with you at length, inviting a re-thinking its story and characters, and re-experiencing the emotions it raises. At two hours, the film runs a bit long, but the way it stays with you thereafter is welcome among the many movies that go cold long before your popcorn.\": {\"frequency\": 1, \"value\": \"Halfway through ...\"}, \"This movie is not that interesting, except for the first ten minutes. The pace and editing are a perfect introduction in an ensemble piece, even better than say Gosford Park. Then it inexplicably slows down, loses focus and starts resembling a traditional French movie only to regain focus in the end with the love relation between Antoine (Depardieu) and C\\ufffd\\ufffdcile (Deneuve). In the middle there are too many sidelines and loose ends in the story, several threads started are not ended.

*******SPOILERS AHEAD The main story is the relation between Antoine and C\\ufffd\\ufffdcile. He has been loyal to her after his relation with her many years ago, despite her remarrying and setting up home in Morocco. As builder he now rebuilds his own life and recovers hers by taking the mask of C\\ufffd\\ufffdcile's marriage. Having accomplished this, he is buried after a freak accident (literally) and becomes a comatose. He wakes only after she has burned their old picture as indication that they've reconciled with the past and can properly start their lives again together. *******END OF SPOILERS

It remains unclear what vision this director wants us to see us because there are so many other stories here: Illegal immigrants want to enter Europe, there are frequent radio broadcasts about the overthrow of Iraq's former regime. C\\ufffd\\ufffdcile's child is bisexual and is bitten by dogs (loyalty) once he meets his boyfriend, whereas the girl he lives with seems to be sick (of that?). Her sister is traditional Islamic, and enters a relation with C\\ufffd\\ufffdcile's husband. It portrays Morocco as unnecessary backward, despite all the building there is a strange colonial vision shining through that almost glorifies the past. It portrays Islam as backward and prone to extremism, which may sometimes be true, but certainly not in general. In the end it can all best be described as adding some couleur locale and l'art pour l'art.

Deneuve and Depardieu are great. With this material they are so familiar they are able to spin something extra in every scene: lifting an eyebrow, body language, radiating pride, awkward behavior. The movie itself is disappointing and only confirming the limited role of French cinema in the world nowadays. With some notable exceptions of course.\": {\"frequency\": 1, \"value\": \"This movie is not ...\"}, \"Larry Burrows has the distinct feeling he's missing out on something. Ever since he missed a crucial baseball shot at school that cost the championship, he's been convinced his life would have turned out better had he made that shot. Then one night his car breaks down again. Walking into the nearest bar to wait for the tow truck, Larry happens upon barman Mike, who unbeknown to Larry is about to change his life for ever.......

The alternate life premise in cinema is hardly a new thing, stretching back to the likes of It's A Wonderful Life and showing no signs of abating with the quite recent Sandler vehicle that was Click. It's a genre that has produced very mixed results. Back in 1990 was this James Belushi led production, rarely mentioned when the said topic arises, it appears that it has largely been forgotten. Which is a shame since it oozes charm and is not short in the humour department. We know that we are being led to its ultimate message come the end, but it's a fun and enjoyable path to be led down. The film also serves notice to what a fine comedy actor James Belushi was. I mean if his style of smart quipping and larking exasperation isn't your thing,? then chances are you would avoid this film anyway. But for those engaged by the likes of Red Heat, K-9 and Taking Care of Business, well Mr. Destiny is right up your street. Along for the ride are Linda Hamilton, Michael Caine, Jon Lovitz, Hart Bochner, Jay O. Sanders, Rene Russo and Courteney Cox.

Mr. Destiny, pure escapist fun with a kicker of a message at its heart. 7/10\": {\"frequency\": 1, \"value\": \"Larry Burrows has ...\"}, \"Nicolas Mallet is a failure. A teller in a bank, everyone walks all over him. Then his friend, a writer who's books no one likes, has a plan to change his life. Our hero tells his boss he is quitting. He intends to spend the rest of his life making a great deal of money and sleeping with a great many women. And he manages to do just that.

If it were not for the amount of death (murder/suicide/natural causes) in the film, this would be a farce. There are numerous jabs at marriage, politics, journalism and...life.

Jean-Louis Trintignant is a likable amoral rogue. Romy Schneider is at her most appealing. Definitely worth a look.\": {\"frequency\": 1, \"value\": \"Nicolas Mallet is ...\"}, \"Man the ending of this film is so terribly unwatchable and dated that my entire film aesthetics class laughed like crazy. Now most of the rest of the film was okay. It had a few unintentionally funny scenes but had a few real good camera shots and editing. Yes Alderich is a great director who made FLight Of The Phoenix and Whatever Happened TO Baby Jane among others. The problem isn't with direction, acting or anything technical. The movie is just destroyed in the third act. Why? The murders, twists, turns and characters have all been revolving around NUCLEAR MATERIAL? What the heck was the writer smoking when he came up with that? The way it just comes out of nowhere may have been the biggest Deus Ex Machina in history. For all the complaints about Burton's Planet of the Apes, THe life of David Gale or Notorious I think THIS is the worst ending ever. What a let down.\": {\"frequency\": 1, \"value\": \"Man the ending of ...\"}, \"It was 9:30 PM last night at my friend's camping trailer and we were so hyped to watch South Park (a new episode). The thing is, in my country, South Park airs at 10:30 PM and we decided to kill time by watching the show now airing, Father of the Pride. I'll start by saying that I have only watched to episodes. The first time I watched it, I found it unfunny and crude for nothing, so I thought ''Holy sh*t, I have a football game early tomorrow, so I have to stop watching stupid cartoons''. But yesterday, I tried to give Father of the Pride a second chance. I find that it's a complete rip-off of The Simpsons, only replacing yellow human characters by lions instead.

The second thing is I wonder why it got it's TV-14 rating. I find The Simpsons a lot more vulgar, and the only real vulgarity in this show is a few homosexual (unfunny) jokes. The Simpsons is also a lot more violent (Halloween specials) and crude. I also heard that the creator of the series has also directed Shrek 2, well I've got news for him: Shrek 2 was way better and I think he stayed too much in the family thematic. However, I must admit that Father of the Pride did make me smile (even burst out laughing once) three or four times.

All in all, I don't mind Father of the Pride. I don't hate it, but I don't like either. I've seen way better from ''The Simpsons''.

3.5/10\": {\"frequency\": 1, \"value\": \"It was 9:30 PM ...\"}, \"I'm glad that users (as of this date) who liked this movie are now coming forward. I don't understand the people who didn't like this movie - it seems like they were expecting a serious (?!?!?) treatment! C'mon, how the hell can you take the premise of a killer snowman seriously? The filmmakers knew this was a silly premise, and they didn't try to deny it. The straight-faced delivery of scenes actually makes it FUNNY! Yes, there are times where the low budget shows (such as that explosion scene), but I think an expensive look would have taken away from the fun of the movie! So if you like B-movies, and the goofy premise appeals to you, then you'll certainly like \\\"Jack Frost\\\".\": {\"frequency\": 1, \"value\": \"I'm glad that ...\"}, \"Frankly, this movie has gone over the heads of most of its detractors.

The opposite of perdition (being lost) is salvation (being saved) and this movie is one of a very few to deal with those two concepts. The movie also explores the love and disappointments that attend the father-son relationship. It should be noted at the outset that none of these are currently fashionable themes.

The premise is that the fathers in the move, hit-man Michael Sullivan (Tom Hanks) and his crime boss John Rooney (Paul Newman), love their sons and will do anything to protect them. But Rooney's son Connor is even more evil than the rest. He kills one of Rooney's loyal soldiers to cover up his own stealing from his father. When Connor learns that Sullivan's son Michael witnessed it, he mistakenly kills Sullivan's other son (and Sullivan's wife) in an attempt to silence witnesses.

Sullivan decides he wants revenge at any price, even at the terribly high price of perdition. Rooney, who in one scene curses the day Connor was born, refuses to give up his son Connor to Sullivan, and hires a contract killer named Maguire (Jude Law) to kill Sullivan and his son. So Rooney joins his son Connor on the Road to Perdition.

For the rest of the movie, accompanied by his surviving son young Michael, Sullivan pursues Connor Rooney down the Road to Perdition, and Maguire pursues Sullivan. When Sullivan confronts Rooney in a Church basement, and demands that he give up Connor because Connor murdered his family, Rooney says - \\\"Michael, there are only murderers in this room,.., and there's only one guarantee, none of us will see Heaven.\\\" As the movie ends, somewhat predictably, one character is saved and one character repents.

I'm not a big Tom Hanks fan, but he does step out of character to play hit-man Sullivan convincingly, giving a subtle and laconic performance. Newman does well as the old Irish gangster Rooney, showing a hard edge in his face and manner, his eyes haunted by Connor's misdeeds. Jude Law plays Maguire in a suitably creepy way. Tyler Hoechlin plays Young Michael naturally and without affectation.

The cinematography constantly played light off from darkness, echoing the themes of salvation and perdition. The camera drew from a palette of greens and greys. The greys belonged to the fathers and the urban landscapes of Depression era Illinois. The greens belonged to the younger sons and that State's rural flatlands. Thomas Newman's lush, sonorous and haunting music had faint Irish overtones and was played out in Copland-like arrangements. The sets were authentic mid-Western urban - factories, churches. The homes shone with gleaming woodwork.

The excellence of the movie lies in its generation of a unique feeling out of its profound themes, distinctive acting, and enveloping music and cinematography. The only negative was a slight anti-gun message slipped into the screenplay y, the movie's only nod to political correctness.

I give this movie a10 out of 10; in time it will be acknowledged as a great film.\": {\"frequency\": 1, \"value\": \"Frankly, this ...\"}, \"As the story in my family goes, my dad, Milton Raskin, played the piano for the Dorsey band. After Sinatra joined the band, my dad practiced with him for hours on end. Then, at a point in time, my dad told Sinatra that he was actually to good to be tied up with such a small group (band), and that he should venture off on his own. By that time Sinatra had enough credits 'under his belt' to do just that! Dorsey never forgave my dad, and the rest, as they say, is history.

I have some pictures and records to that effect, and so does Berkley University in California.

I have seen just about every Sinatra movie more times than I wish to say, and his movies never get old . . . Thank you Frank\": {\"frequency\": 1, \"value\": \"As the story in my ...\"}, \"This movie is a modest effort by Spike Lee. He is capable of much more than this movie.Get on the Bus while apparenly anti racist, does nothing but berate whites and degrade the black status quo. The plot of this movie is about a group of black men who travel on a bus to Louis Farrakhan's million man march. The bus has every type of person you could imagine:gay, muslim, gangbanger and the Uncle Tom(He is thrown off the bus though). There was one only white person on the bus. He was accused of being a racist the minute he got on the bus to drive. Despite him being a jew and the fact that he explained is situation he ended up being a racist and leaving the bus.I hate to say it but films like this need to realize their own hipocracy and rienforcation of steryotypes. This should not be seen as a triumph but a sad dissapointment. You may think I am a racist for writing this but I mean well. Better luck next time Spike.\": {\"frequency\": 2, \"value\": \"This movie is a ...\"}, \"With movies like this you know you are going to get the usual jokes concerning ghosts. Eva as a ghost is pretty funny. And the other actors also do a good job. It is the direction and the story that is lacking. That could have been overlooked had the jokes worked better. The problem only is that there aren't many jokes. Sure I laughed a couple of times. Apart from the talking parrot there wasn't an ounce of creativity to be noticed in the movie. I blame the director not using the premise to it's full potential. Eva certainly has the comedic skill to show more but did not get the opportunity to do so. Overall this movie is ideal for a Sunday afternoon. Other than that it can be skipped completely.\": {\"frequency\": 1, \"value\": \"With movies like ...\"}, \"The story is quite original, but the movie is kinda slow building up to the point where they steal the cars. Its kinda nice though to watch them prepare the stealing too, but the actual stealing should've been more in picture... However the stunt work on this movie was excellent and it is definetly a movie you HAVE to see (7/10)\": {\"frequency\": 1, \"value\": \"The story is quite ...\"}, \"The movie is okay, it has it's moments, the music scenes are the best of all! The soundtrack is a true classic. It's a perfect album, it starts out with Let's Go Crazy(appropriate for the beginning as it's a great party song and very up-tempo), Take Me With U(a fun pop song...), The Beautiful Ones(a cheerful ballad, probably the closest thing to R&B on this whole album), Computer Blue(a somewhat angry anthem towards Appolonia), Darling Nikki(one of the funniest songs ever, it very vaguely makes fun of Appolonia), When Doves Cry(the climax to this masterpiece), I Would Die 4 U, Baby I'm A Star, and, of course, Purple Rain(a true classic, a very appropriate ending for this classic album) The movie and the album are both very good. I highly recommend them!\": {\"frequency\": 1, \"value\": \"The movie is okay, ...\"}, \"This episode is certainly different than all the other Columbos, though some of the details are still there, the setup is completely different. That makes this Columbo unique, and interesting to watch, even though at times you might wish for the old Columbo. I liked it a lot, but then, I like almost any Columbo.\": {\"frequency\": 1, \"value\": \"This episode is ...\"}, \"Have I ever seen a film more shockingly inept? I can think of plenty that equal this one, but none which manage to outdo it. The cast are all horrible stereotypes lumbered with flat dialogue. I am ashamed for all of the people involved in making this. Each one wears an expression of fear not generated by the plot, but by the realisation that this project could easily nix their career. Even the many charms of Ms. Diaz don't provide an adequate reason to subject yourself to this. Avoid, it's obviously a style of film that Americans haven't really got a grasp of. Watch the final result if you must, and you'll see what I'm talking about, but DON'T say I didn't warn you...\": {\"frequency\": 1, \"value\": \"Have I ever seen a ...\"}, \"A film about wannabee's, never-were's and less-than-heroes making it against all odds. Where have we heard that before. But when the unfortunates are the Shoveller, the Blue Raja and Mr.Furious you know this is not your conventional rags to riches story.

A classic performance by Eddie Izzard as Tony P. one of the Disco boys leaders and Geoffrey Rush as Arch Villain shows actual thought went into the casting.

Even Greg Kinnear, at first glance an odd choice for the role of Captain Amazing turns out spot on.

Watch this film if you're sick of comic-gone-film stereotypes. Why couldn't anger be a super power?\": {\"frequency\": 1, \"value\": \"A film about ...\"}, \"Did HeidiJean really see this movie? A great Christmas movie? Not even close. Dull, bland and completely lacking in imagination and heart. I kept watching this movie wondering who the hell thought that Carly Pope could play the lead in this movie! The woman has no detectable personality and gives a completely lackluster performance. Baransky was great as usual and provided the only modicum of interesting the whole thing. Probably her involvement was the only reason this project was green lighted to begin with. Maybe I'm expecting too much for a Lifetime movie played 15 days from Christmas but I sat through this thing thinking that with a different director and a recasting JJ with an actress that at least could elicit sympathy this could have been quite a cute little movie.\": {\"frequency\": 1, \"value\": \"Did HeidiJean ...\"}, \"Somebody owes Ang Lee an apology. Actually, a lot of people do. And I'll start. I was never interested in the Ang Lee film Hulk, because of the near unanimous bad reviews. Even the premium cable channels seemed to rarely show it. I finally decided to watch it yesterday on USA network and, wow....

SPOILERS FOR ANG LEE'S HULK AND THE INCREDIBLE HULK

Was it boring! I almost didn't make it through Ang Lee's Hulk. Eric Bana was expressionless, Nick Nolte was horrible, Sam Elliott was unlikeable (and that's no fun, he's usually a cool character). In fact, I honestly think they chose Eric Bana because his non-descript face was the easiest to mimic with computer graphics - and it was clear that the Ang Lee Hulk was meant to facially resemble Bruce Banner in his non-angry state. When Hulk fought a mutant poodle I was ready to concede Hulk as the worst superhero movie ever.

But then something happened. About 3/4 of the way through this tedious movie, there was a genuinely exciting and - dare I say it - reasonably convincing - extended action scene that starts with Hulk breaking out of a containment chamber in a military base, fighting M1 tanks and Comanche helicopters in the desert, then riding an F22 Raptor into the stratosphere, only to be captured on the streets of San Francisco. This was one of the best action sequences ever made for a superhero movie. And I have to say, the CGI was quite good. That's not to say that the Hulk was totally convincing. But it didn't require much more suspension of disbelief than is required in a lot of non-superhero action movies. And that's quite a feat.

Of course, the ending got really stupid with Bruce Banner's father turning into some sort of shape-shifting villain but the earlier long action sequence put any of Iron Man's brief heroics to shame. And overall, apart from the animated mutant dogs, it really did seem like the CGI in Hulk tried hard to convince you that he was real and really interacting with his environment. It was certainly better than I expected.

OK, but what about The Incredible Hulk? Guess what... It's boring too! It has just a few appearances by the Hulk and here's the thing - the CGI in this movie is horrible. Maybe the Hulk in Ang Lee's version looked fake at times and cartoonish at others - but it had its convincing moments also. The Incredible Hulk looked positively ridiculous. It had skin tone and muscle tone that didn't even look like a living creature, just some sort of computer-generated texture. It was really preposterous. The lighting, environment and facial effects didn't look 5 years newer than Ang Lee's, they looked 10 years older. And there really is no excuse for that. We truly are living in an era where computer programmers can ruin a movie just as thoroughly as any director, actor or cinematographer ever could.

Worse, the writer and director of this movie seemed to learn almost nothing from Ang Lee's \\\"failure\\\". All the same mistakes are made. Bruce Banner is practically emotionless. The general is so relentlessly, implausibly one-dimensional that he seems faker than the Hulk. The love interest is unconvincing (I have to give Liv Tyler credit for being more emotional than Jennifer Connelly, though both are quite easy on the eyes). Tim Blake Nelson overacts almost as much as Nick Nolte, even though he's only in the movie for a few minutes. The Hulk really doesn't do much in this movie, certainly not any more than in Ang Lee's version. The Incredible Hulk was slightly more fast-paced, but since nothing really happened anyway that's not worth much. Oh yeah, the villain is every bit as phony looking as the Hulk. He's actually much more interesting as a human than as a monster.

This is how I can definitively say Ang Lee's version was better: if I ever have the chance to see Ang Lee's version again, I might be able to sit through it to see the good action sequences, or else to try to appreciate the dialogue a little more (more likely I'd just fast forward to the good parts). But there is absolutely not a single scene in The Incredible Hulk that is worth seeing once, let alone twice. It is truly at the bottom of the heap of superhero movies. The cartoonish CGI is an insult to the audience - at least in Ang Lee's version it seems like they were trying to make it realistic (except for the giant poodle, of course).

It is absolutely mind-boggling how the filmmakers intended to erase the bad feelings associated with Ang Lee's Hulk by making almost exactly the same movie.

It is to Edward Norton's credit that he seems to be distancing himself from this film.\": {\"frequency\": 1, \"value\": \"Somebody owes Ang ...\"}, \"\\\"Bela Lugosi revels in his role as European horticulturalist (sic) Dr. Lorenz in this outlandish tale of horror and dementia. The good doctor's aging wife needs fluids harvested from the glands of young virgins in order to retain her youth and beauty. What better place for the doctor to maintain his supply than at the alter, where he kidnaps the unsuspecting brides before they can complete their vows? Sedating them into a coma-like state, he brings them to his mansion to collect his tainted bounty,\\\" according to the DVD sleeve's synopsis. That brief description is much more entertaining and imaginative than the movie.

** The Corpse Vanishes (1942) Wallace Fox ~ Bela Lugosi, Luana Walters, Elizabeth Russell\": {\"frequency\": 1, \"value\": \"\\\"Bela Lugosi ...\"}, \"This was a hit in the South By Southwest (SXSW) Film festival in Austin last year, and features a fine cast headed up by E.R.'s Gloria Reuben, and a scenery-chewing John Glover. Though shot on a small budget in NYC, the film looks and sounds fabulous, and takes us on a behind the scenes whirl through the rehearsal and mounting of what actors call \\\"The Scottish Play,\\\" as a reference to the word \\\"Macbeth\\\" is thought to bring on the play's ancient curse. The acting company exhibits all the emotions of the play itself, lust, jealousy, rage, suspicion, and a bit of fun as well. The games begin when an accomplished actor is replaced (in the lead role) by a well-known \\\"pretty face\\\" from the TV soap opera scene in order to draw bigger crowds. The green-eyed monster takes over from there, and the drama unfolds nicely. Fine soundtrack, and good performances all around. The DVD includes director's commentary and some deleted scenes as well.\": {\"frequency\": 1, \"value\": \"This was a hit in ...\"}, \"This movie is bad. I don't just mean 'bad' as in; \\\"Oh the script was bad\\\", or; \\\"The acting in that scene was bad\\\".....I mean bad as in someone should be held criminally accountable for foisting this unmitigated pile of steaming crud onto an unsuspecting public. I won't even dignify it with an explanation of the (Plot??) if I can refer to it as that.I can think of only one other occasion in some 40-odd years of movie watching that I have found need to vent my spleen on a movie. I mean, after all, no one goes out to intentionally make a bad movie, do they? Well, yes. Apparently they do...and the guilty man is writer/director Ulli Lommel. But the worst of it is that Blockbusters is actually renting this to their customers! Be advised. Leave this crap where it belongs. Stuck on the shelf, gathering dust.\": {\"frequency\": 1, \"value\": \"This movie is bad. ...\"}, \"There are so many puns to play on the title of the spectacularly bad Valentine that I don't know where to begin. I will say this though; here is a movie that makes me long for the complexity of the Valentine cards we used to give out in elementary school. You know, the ones with Batman exclaiming \\\"You're a super crime-fighting valentine!\\\"

Valentine is a slasher movie without the slightest hint of irony, one of the few horror movies in recent years that ignores the influence of Scream. The villain is omniscient and nigh-invulnerable. The heroes are easily scared when people run around corners and grab them by the shoulders screaming \\\"HeyIjustleftmycoatbehind!\\\" The score is more overbearing than Norman Bates' mother.

The flimsy plot follows several childhood friends, now grown up and extremely curvaceous. Since the film gives them nothing else to do, they stand around and wait until a masked stalker kills them one by one. This stalker appears to be former nerd Jeremy Melton, who was constantly rejected by women and beaten by men in high school. With Valentine's Day approaching, the women begin receiving scary cards foretelling their doom. Melton seems like the obvious suspect. Only problem is, as numerous characters warns, in thirteen years Melton could have changed his appearance to look buff and handsome. So (insert terrified gasp here) everyone is a suspect!

Here's problem one. In order to have any sense of suspense while watching Valentine, you have to accept a reality in which a high school nerd is capable of becoming David Boreanaz. Nerds don't turn into Angel when they grown up, they turn into older, balder nerds. He's not a terrible actor, but the script, by no less than four writers, gives him and the rest of the cast nothing to do but scream and make out. Denise Richards (the bustiest actress in Hollywood never to star in Baywatch) is especially exploited; most shamefully in the blatant excuse to get her in a bathing suit just before a crucial suspense scene. Note to self: always bring a bathing suit to a Valentine's Day party. Just because it's February doesn't mean you might not feel like taking a little dip.

The slasher in Valentine dresses in head-to-toe black with a Cherub's mask. Here's problem number two. The filmmakers clearly thought this would be a disturbing image to have on the head of someone who's whacking people in the face with hot irons. Plain and simple, it's not. Instead, it just made me wonder how a guy with a mask that covers his entire face, including his eyes and ears, can move so stealthily without bumping his shins on chairs or tables. Then again, given the things the Cupid Killer does, maybe he can teleport and his eyes are on his hands.

Not only is the movie bad, it isn't even sure who the killer is; the final \\\"twist\\\" is more \\\"Huh?\\\" than \\\"Hah!\\\" When you're not scratching your head you're yawning, then groaning, then searching for the nearest exit. Do not watch this movie. Even if you're alone on Valentine's Day, find something, ANYTHING, else to do. You'll be glad you did.\": {\"frequency\": 1, \"value\": \"There are so many ...\"}, \"I remember watching this film a while ago and after seeing 3000 miles to Graceland, it all came flooding back. Why this hasn't had a Video or DVD release yet? It's sacrilegious that this majesty of movie making has never been released while other rubbish has been. In fact this is the one John Carpenter film that hasn't been released. In fact i haven't seen it on the TV either since the day i watched it. Kurt Russell was the perfect choice for the role of Elvis. This is definitely a role he was born to play. John carpenter's break from horror brought this gem that i'd love the TV to play again. It is well acted and well performed as far as the singing goes. Belting out most of Elvis's greatest hits with gusto. I think this also was the film that formed the partnership with Russell and Carpenter which made them go on to make a number of great movies (Escape from New York, The Thing, Big trouble in little china, and Escape from L.A. Someone has got to release this before someone does a remake or their own version of his life, which i feel would not only tarnish the king but also ruin the magic that this one has. If this doesn't get released then we are gonna be in Heartbreak Hotel.\": {\"frequency\": 1, \"value\": \"I remember ...\"}, \"This is without a shadow of a doubt the absolute worst movie Steven Seagal has ever made. And that says a lot. Don't get fooled by the rating, it's way too good. This abomination hadn't even been worthy of a 0/10 rating, if such a thing existed.

- Absolutely no plot

- Worst action scenes ever, and there aren't too many of them either

- Seagal doesn't do anything himself, including the fighting, talking (lots of dubbing), and so on. As always.

- Seagal is fat, lazy and couldn't care less about this movie. Something which is very obvious all the way through

Take all the other garbage DTV movies Seagal has made, multiply them with each other, multiply this with a thousand billions, and all the badness you then get won't even describe 1 % of this absolute crapfest.\": {\"frequency\": 1, \"value\": \"This is without a ...\"}, \"\\\"White Noise\\\" had potential to be one of the most talked about movies since \\\"The Exorcist\\\" I think. Seeing as EVP is supposedly true it really had an easy passage to be a feared true fact. Not many movies come along that really instill fear into the minds of people. Like I said this movie could have, but did not. The movie degraded itself to a low class PG-13 scary movie. Nothing compared to \\\"The Ring\\\" or \\\"The Sixth Sense\\\" by any means. Someone really needs to just take charge in the horror movie industry and just make a movie that not only makes us think, but it makes us jump, scream, everything a horror movie should do. I'm honestly sick of the PG-13 Horror Genre, because its becoming a genre of its own. We need the old days back, the blood and gore days, the Freddy Kruger, the Jason, The Mike Myers days. Few movies can pull off a think about this mentality being so NOT scary. So why try to pull it off? A few good jumps in this movie amount to nothing but one of the stupidest endings in movie history with no resolution at all...don't waste your money on this movie.\": {\"frequency\": 1, \"value\": \"\\\"White Noise\\\" had ...\"}, \"\\\"Protocol\\\" is a hit-and-miss picture starring Goldie Hawn as a bubbly cocktail waitress who one night saves the life of a visiting Arab from an assassination attempt. The woman immediately becomes a celebrity, and gets a new job working for the U.S. Government. Will the corridors of power in our nation's capital ever be the same? Hawn is excellent as usual even though \\\"Protocol\\\" isn't as funny as her best film \\\"Private Benjamin\\\". But it's still a good movie, and I did laugh alot.

*** (out of four)\": {\"frequency\": 1, \"value\": \"\\\"Protocol\\\" is a ...\"}, \"Night of the Twisters is a very good film that has a good cast which includes Devon Sawa, Amos Crawley, John Schneider, Lori Hallier, Laura Bertram, David Ferry, Helen Hughes, Jhene Erwin, Alex Lastewka, Thomas Lastewka, Megan Kitchen, and Graham McPherson. The acting by all of these actors is very good. The special effects and thrills is really good and some of it is surprising. The movie is filmed very good. The music is good. The film is quite interesting and the movie really keeps you going until the end. This is a very good and thrilling film. If you like Devon Sawa, Amos Crawley, John Schneider, Lori Hallier, Laura Bertram, David Ferry, Helen Hughes, Jhene Erwin, the rest of the cast in the film, Action, Mystery, Thrillers, Dramas, and interesting films then I strongly recommend you to see this film today!\": {\"frequency\": 1, \"value\": \"Night of the ...\"}, \"

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\\ufffd\\ufffd, 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.\": {\"frequency\": 1, \"value\": \"


Gere and Danes are doing their jobs, and while it's not their best work, it's quite OK. The rest of the cast, though, is doing a really poor job. Mind you, this is not entirely the actors fault. The problem is that Gere and Danes are the only ones that have characters that have even the slightest room in the movie to really give any depth. All other characters have either too little room in the movie to create any depth, or the character is such a clich\\ufffd\\ufffd that it doesn't matter how hard the actors try.

The director has a bit of a Se7en complex, but looking merely at the direction, I think he does an OK job.

But the story. This is the kind of script that is bad in two ways. First of all it's a bad movie script. The characters are shallow (except for Gere's and Danes' characters), the villains are clich\\ufffd\\ufffds and the actions of the characters is totally unbelievable. Besides this, the writers must have an agenda where they want to bring back our views and ethics a hundred years. It's the kind of movie that are saying that some criminals are still criminals, regardless of the fact that they have paid the price the society has given them. It's also the kind of movie that says, albeit only between the lines, that every form of sexual deviance should be punished without trial, judge or jury. And of course, according to the movie, everything that is not sex in the missionary position by a married couple is a sexual deviance.

So, if you're going to film school and need an example of a bad script, or if you're writing scripts yourself and want an ego boost. See it. For everyone else, I recommend another movie.\": {\"frequency\": 1, \"value\": \"In the title I ...\"}, \"I make a point out of watching bad movies frequently, and the sci-fi channel original movies tend to be one of the best sources for these movies you can find. As such, I'm sure you can imagine my disappointment when I saw Sands of oblivion. The acting was uncharacteristically sub-par, as opposed to the woefully disgraceful display sci-fi usually has in store for us. There are a few cameos made by people you'd most likely recognize, although you may not know their names by heart. The CGI special effects are minimal, and as such, one of the largest sources of comedy in a sci-fi feature is lacking. Sure, there are some funny moments like when a guy gets beheaded by a bulldozer, or when the main character leaves his friend to die in order to save a girl he's known for a couple of days, but overall, it ends up just not having you rolling on the floor with laughter, and I consider that a major disappointment.

If I was rating it on a 10 star scale made specifically to judge made-for TV movies, I'd probably give it a 4, maybe even a 5. A real shame that I may have to wait 'till the next sci-fi original movie to get a good laugh, and I really hope that this movie isn't part of some overall quality increase in sci-fi original movies.\": {\"frequency\": 1, \"value\": \"I make a point out ...\"}, \"Americans have the attention span of a fruit fly and if something does not happen within the span of a typical commercial, we tend to lose interest really fast.

I found out an exciting fact from this film: someone has to paint high tension utility poles and do it on a schedule! And guess what, they really would like to be doing something else (the viewer has similar feelings).

Surprisingly, when I was bored watching late night infomercials and decided to actually watch this film, I found the characters to be interesting and highly engaging.

I just don't usually watch that much late night TV, so I can't recommend this film, unless watching paint dry is your idea of an exciting two hours out of your life.\": {\"frequency\": 1, \"value\": \"Americans have the ...\"}, \"When I was 17 my high school staged Bye Bye Birdie - which is no great surprise, since it is perfect high school material and reputed to be the most-staged musical in the world.

I was a music student and retained strong memories of the production and its songs, as well as a lingering disregard for the Dick Van Dyke movie version which had (deliberately) obscured the Elvis references and camped it up for a swinging 60s audience.

So, when the 1995 version starring Jason Alexander hit my cable TV screen, I was delighted with what I saw. Alexander turns in an exceptional performance as Albert, a performance in strong contrast to his better-known persona from a certain TV series. The remainder of the cast are entertaining and convincing in their roles (Chynna Phillips is perhaps the only one who does not look her part, supposedly a naive and innocent schoolgirl).

But best of all, the musical numbers familiar from the stage show are all preserved in this movie and performed as stage musical songs should be (allowing for the absence of a stage).

So, if you know the musical (and few do not), then check out this telemovie. It does the stage show justice in a way which can probably not be bettered, which is good enough for me. What is better than rendering a writer's work faithfully and with colour and style?\": {\"frequency\": 1, \"value\": \"When I was 17 my ...\"}, \"I love ghost stories in general, but I PARTICULARLY LOVE chilly, atmospheric and elegantly creepy British period-style ghost stories. This one qualifies on all counts. A naive young lawyer (\\\"solicitor\\\" in Britspeak) is sent to a small village near the seaside to settle an elderly, deceased woman's estate. It's the 1920s, a time when many middle-class Brits go to the seaside on vacation for \\\"their health.\\\" Well, guess what, there's nothing \\\"healthy\\\" about the village of Crythin Gifford, the creepy site of the elderly woman's hulking, brooding Victorian estate, which is located on the fringes of a fog-swathed salt marsh. When the lawyer saves the life of a small girl (none of the locals will help the endangered tot -- you find out why later on in the film), he inadvertently incurs the wrath of a malevolent spirit, the woman in black. She is no filmy, gauzy wraith, but a solid black silhouette of malice and evil. The viewer only sees her a few times, but you feel her malevolent presence in every frame. As the camera creeps up on the lawyer while he's reading through legal papers, you expect to see the woman in black at any moment. When the lawyer goes out to the generator shed to turn on the electricity for the creepy old house, the camera snakes in on him and you think she'll pop up there, too. Waiting for the woman in black to show up is nail-bitingly suspenseful. We've seen many elements of this story before(the locked room that no one enters, the fog, the naive outsider who ignores the locals' warnings) but the director somehow manages to combine them all into a completely new-seeming and compelling ghost story. Watch it with a buddy so you can have someone warm to grab onto while waiting for the woman in black. . .\": {\"frequency\": 1, \"value\": \"I love ghost ...\"}, \"\\\"Hotel du Nord \\\" is the only Carn\\ufffd\\ufffd movie from the 1936-1946 era which has dialogs not written by Jacques Pr\\ufffd\\ufffdvert,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\\ufffd\\ufffdg\\ufffd\\ufffde Raymonde he wants a change of air(atmosph\\ufffd\\ufffdre) Because she does not understand the meaning of the world atmosph\\ufffd\\ufffdre,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\\ufffd\\ufffdma:

In French :\\\"Atmosph\\ufffd\\ufffdre?Atmosph\\ufffd\\ufffdre?Est-ce que j'ai une gueule d'atmosph\\ufffd\\ufffdre?\\\" Translation attempt:\\\"Atmosphere?atmosphere?Have I got an atmosphere face? This is our French \\\"Nobody's perfect\\\".\": {\"frequency\": 1, \"value\": \"\\\"Hotel du Nord \\\" ...\"}, \"A film that is so much a 30's Warners film in an era when each studio had a particular look and style to their output, unlike today where simply getting audiences is the object.

Curitz was one of the quintessential Warners house directors working with tight economy and great efficiency whilst creating quality, working methods that were very much the requirements of a director at Warners, a studio that was one of the \\\"big five\\\" majors in this era producing quality films for their large chains of theatres.

Even though we have a setting of the upper classes on Long Island there is the generic Warners style embedded here with a narrative that could have been \\\"torn from the headlines\\\". Another example is the when the photographers comment on the girls legs early in the film and she comments that \\\"They're not the trophies\\\" gives the film a more working mans, down to earth feel, for these were the audiences that Warners were targeting in the great depression. (ironically Columbia and Universal were the two minors under these five majors until the 50's when their involvement in television changed their fortunes - they would have made something like this very cheaply and without the polish and great talent) Curtiz has created from an excellent script a film that moves along at a rapid pace whilst keeping the viewer with great camera angles and swift editing.

Thank heavens there is no soppy love interest sub-plot so the fun can just keep rolling along.\": {\"frequency\": 1, \"value\": \"A film that is so ...\"}, \"Much like Orson Welles thirty years earlier,Mike Sarne was given \\\"the biggest train set in the world\\\"to play with,but unfortunately lacked the ability to do anything more than watch his train set become a train wreck that is still spoken of with shock and a strange sort of awe. Despite post - modern interpretations purporting somehow to see it as a gay or even feminist tract,the fact of the matter is that it was a major disaster in 1970 and remains one today.How anyone given the resources at Mr Sarne's disposal could have screwed up so royally remains a closely - guarded secret.Only Michael Cimino ever came close with the political and artistic Armageddon that constitutes \\\"Heaven's Gate\\\".Both films appeared to be ego trips for their respective directors but at least Mr Cimino had made one of the great movies of the 1970s before squandering the studio's largesse,whereas Mr Sarne had only the rather fey \\\"Joanna\\\" in his locker. Furthermore,\\\"Heaven's Gate\\\" could boast some memorable and well - handled set - pieces where,tragically,\\\"Myra Breckinridge\\\"s cupboard was bare. Simply put,it is overwhelmingly the worst example of biting the hand that feeds in the history of Hollywood.\": {\"frequency\": 1, \"value\": \"Much like Orson ...\"}, \"I almost never comment on movies, but I saw the 5 glowing reviews of this \\\"movie\\\" and decided I had to weigh in with my own review. An instructor of mine received this film in the mail, mixed in with his Academy screeners (AMPAS, aka the guys who vote on the Oscars), and was so floored with how terribly constructed this movie was that he brought it in to our class to demonstrate to us how NOT to put together a movie.

This film has no plot, the scenes are horribly, horribly edited (oftentimes using faux \\\"24\\\" style picture-in-picture techniques), and the performances (particularly the lead, who even fails at acting like a bad actress) are for the most part, obnoxious. Someone truly failed to understand the point of an introduction, namely, the setting up of the plot. There is no setup! Halfway through the movie neither myself nor the rest of the class knew what this movie was supposed to be about. The opening crane shot, which sets up some kind of murder, is never addressed, and now that I think about it, was possibly meant to be a flash-forward, with the rest of the film being a flashback, but it cuts from that scene directly to the next without any indication as such.

Bah, I could really go on and on. At the very least, this movie gives me renewed confidence in my own film-making ability.\": {\"frequency\": 1, \"value\": \"I almost never ...\"}, \"I did not think this movie was worth anything bad script, bad acting except for Janine Turner, no fantasy, stupid plot, dumb-ass husband and unfair divorce settings. If you have never seen this movie before don't even bother it's not worth it at all. The only thing that was good about it was that Janine Turner, did a good job acting. Terry's husband is a stuck up smart-ass defense attorney who has won a lot of cases and even gotten guility murderers off. He think he is so smart but he is really just a nut. Her best friend has an affair with her husband and betrays her. Nice girl huh. Yeah she's a real peach, not. She's no day at the beach either.\": {\"frequency\": 1, \"value\": \"I did not think ...\"}, \"Brian Yuzna is often frowned upon as a director for his trashy gore-fests, but the truth is that his films actually aren't bad at all. The Re-Animator sequels aren't as great as the original, but are still worthy as far as horror sequels are concerned. Return of the Living Dead 3 is the best of the series; and Society isn't a world away from being a surrealist horror masterpiece. This thriller certainly isn't a masterpiece; but it shows Yuzna's eye for horror excellently, and the plot moves in a way that is always thrilling and engaging. I'm really surprised that a horror movie about dentistry didn't turn up until 1996, as going to the dentist is almost a primal fear - it's running away from a tiger for the modern world. Dentistry doesn't frighten me, but surprisingly; I would appear to be in the minority. The plot follows perfectionist dentist Dr Feinstone. He has a nice house, a successful career and a beautiful wife - pretty much everything most people want. However, his life takes a turn for the worse when he discovers his wife's affair with the pool cleaner. And his life isn't the only one; as it's his patients who feel the full brunt of his anger...

When it comes to scaring the audience, this movie really makes itself. However, credit has to go to the director for extracting the full quota of scares from the central theme. The fact that he does a good job is summed up by the fact that I'm not squeamish about going to the dentist - yet one particular scene actually made me cover my eyes! The film follows the standard man going insane plot outline, only with The Dentist you always get the impression that there's more to the film than what we're seeing. It isn't very often that a gore film can impress on a substance level - and while this won't be winning any awards, the parody on the upper class is nicely tied into the plot. The acting, while B-class, is actually quite impressive; with Corbin Bernsen taking the lead role and doing a good job of convincing the audience that he really is a man on the edge. I should thank Brian Yuzna for casting Ken Foree in the movie. The Dawn of the Dead star doesn't get enough work, and I really love seeing him in films. The rest of the cast doesn't massively impress, but all do their jobs well enough. Overall, The Dentist offers a refreshing change for nineties slasher movies. The gore scenes are sure to please horror fans, and I don't hesitate to recommend this film.\": {\"frequency\": 1, \"value\": \"Brian Yuzna is ...\"}, \"The movie began well enough. It had a fellow get hit by a glowing green meteorite, getting superpowers (telekinesis, x-ray vision, invulnerability, flight, the ability to speak to dogs, superspeed, heat vision, and the ability to make plants grow large and quickly), and fighting crime. From there on it's all downhill.

Meteor Man gets a costume from his mom, fights with the resident gangs, and has many aborted encounters with the gang leaders which serves to set you up for the disappointing, overlong, and stupefying ending.

It wouldn't be so remarkably bad if it weren't like watching a boxing match where the two fighters pretend to hit each other while the audience stands looking onward while the fighters just continue to dance.

Despite all of this nonsense the movie has good points. It states clearly that if you try to take on a gang alone then they'll come back to your home and hurt you. It states that gangs & communities need to see their real enemies (the big bosses that use them for their own ends to crush honest people into a ghetto existence). It also states that people do not need superheroes if they are willing to work as a community do destroy the predators that harm them. The only message it really lacks is that the voters should ensure their elected officials (Rudolph Giuliani, Marion Barry, Ronald Reagan, George W. Bush, & George H.W. Bush) aren't crooks too.

\": {\"frequency\": 1, \"value\": \"The movie began ...\"}, \"A stupid rich guy circa about 1800 wants to visit a nearby mental asylum to see how a famous doctor cares for his patients. Despite an initially hostile response, he is soon cordially invited in and given a tour by the good doctor. And, as the doctor shows him about, he talks and talks and talks!!! And as he talks, loonies run amok here and there doing nothing especially productive. While there is SOME action here and there (and some of it quite disturbing), it's amazing how dull and cerebral the whole thing is--lacking life and energy, which is odd for a horror flick. Even a guy who thinks he's a chicken and dresses like one becomes rather tiresome. The further this tour takes the guest, the more disturbing it becomes until ultimately you realize that the inmates have taken over the hospital and are torturing their keepers. Yet again, despite this twist, the film is amazingly lifeless in many places--particularly when it moves very slowly as a bizarre ceremony is taking place or people are just wandering about the set. Only when the workers from the asylum found in a prison cell, starving, does the film have any real impact. Considering this plot, it sure is hard to imagine making it boring, but the people who made this cheap exploitational film have! Now with the same plot and competent writing, acting and direction, this COULD have been an interesting and worthwhile film.

You know, now that I think about it, this was the plot of one of the episodes of the original \\\"Star Trek\\\" TV show! You know, the one with \\\"Lord Garth--Master of the Universe\\\" and Kirk and Spock are held prisoner by this madman and his crazed followers.

A final note: The film has quite a bit of nudity here and there and includes a rape scene, so be forewarned--it's not for kids. In fact, considering how worthless the film is, it isn't for anyone! However, with the version included in the \\\"50 Movie Pack--Chilling Classics\\\", the print is so incredibly bad that it's hard to see all this flesh due to the print being so very dark.\": {\"frequency\": 1, \"value\": \"A stupid rich guy ...\"}, \"This is a complete Hoax...

The movie clearly has been shot in north western Indian state of Rajasthan. Look at the chase scene - the vehicles are Indian; the writing all over is Hindi - language used in India. The drive through is on typical Jaipur streets. Also the palace is in Amer - about 10 miles from Jaipur, Rajasthan. The film-makers in their (about the film) in DVD Bonus seem to make it sound that they risked their lives shooting in Kabul and around. Almost all of their action scenes are shot in India. The scene where they see a group singing around fire is so fake that they did not even think about changing it to Afgani folk song. They just recorded the Rajasthani folk song. How do I know it because I have traveled that area extensively. They are just on the band-wagon to make big on the issue. I do challenge the film makers to deny it.\": {\"frequency\": 1, \"value\": \"This is a complete ...\"}, \"Movie about a small town with equal numbers of Mormons and Baptists. New family moves in, cue the overwritten dialog, mediocre acting, green jello salad with shredded carrots, and every other 'inside Mormon joke' known to man. Anyone outside the Mormon culture will have a hard time stomaching this movie. Anyone inside the Mormon culture will be slightly amused with a chuckle here and there. You'll be much better off watching Hess's other movies (Napoleon Dynamite, etc..) than trying to sit through this one. The acting is mediocre. Jared Hess has had his hands on much more quality films like \\\"Saints and Soldiers\\\", and \\\"Napoleon Dynamite\\\". I would recommend both movies over this groaner.\": {\"frequency\": 1, \"value\": \"Movie about a ...\"}, \"i saw the film and i got screwed, because the film was foolish and boring. i thought ram gopal varma will justify his work but unfortunately he failed and the whole film got spoiled and they spoiled \\\"sholay\\\". the cast and crew was bad. the whole theater slept while watching the movie some people ran away in the middle. amithab bachan's acting is poor, i thought this movie will be greatest hit of the year but this film will be the greatest flop of the year,sure. nobody did justice to their work, including Ajay devagan. this film don't deserve any audiences. i bet that this film will flop.

\\\"FINALLY THIS MOVIE SUCKS\\\"\": {\"frequency\": 1, \"value\": \"i saw the film and ...\"}, \"Although at one point I thought this was going to turn into The Graduate, I have to say that The Mother does an excellent job of explaining the sexual desires of an older woman.

I'm so glad this is a British film because Hollywood never would have done it, and even if they had, they would have ruined it by not taking the time to develop the characters.

The story is revealed slowly and realistically. The acting is superb, the characters are believably flawed, and the dialogue is sensitive. I tried many times to predict what was going to happen, and I was always wrong, so I was very intrigued by the story.

I highly recommend this movie. And I must confess, I'll forever look at my mom in a different light!\": {\"frequency\": 1, \"value\": \"Although at one ...\"}, \"Otto Preminger's noir classic works almost as a flip-side of LAURA...while that film was glitzy and features the high fa-luting Clifton Webb, this film is a whole lot seamier. Dana Andrews is a less than good cop who accidentally kills a man only to have it potentially pinned on the father of the girl he loves. Preminger keeps things moving at a brisk clip so that lapses in logic are easily overlooked. Andrews is quite fine (a lot less wooden than he's been in the past) and the stunningly beautiful Gene Tierney is stunningly beautiful! Creepy Craig Stevens plays the unlucky victim. WHERE THE SIDEWALK ENDS is a must see and a terrific companion-piece to Preminger's equally lurid WHIRLPOOL (also starring Tierney).\": {\"frequency\": 1, \"value\": \"Otto Preminger's ...\"}, \"If the only sex you've ever had is with a farm animal, then the tag line for this movie is probably still misleading.

This is by far one of the most boring movies I've had the pleasure to try and watch lately. I found the DVD lying around at my friend's house, and I made the sad mistake of not burning it.

I am unable to tell any details without spoiling the movie because there are only about 5 details to this movie. Just try to imagine someone making a movie about things on c-span only the fictional movie is 10 times less interesting than the most boring debate on c-span.

I think there is a conspiracy somewhere in this movie, but I was unable to tell exactly what it was after I gouched my eyeballs out and threw them at Richard Gere.\": {\"frequency\": 1, \"value\": \"If the only sex ...\"}, \"First saw this half a lifetime ago on a black-and-white TV in a small Samoan village and thought it was hilarious. Now, having seen it for the second time, so much later, I don't find it hilarious. I don't find ANYTHING hilarious anymore. But this is a witty and light-hearted comedy that moves along quickly without stumbling and I thoroughly enjoyed it.

It's 1945 and Fred MacMurray is a 4F who's dying to get into one of the armed forces. He rubs a lamp in the scrapyard he's managing and a genie appears to grant him a few wishes. (Ho hum, right? But though the introduction is no more than okay, the fantasies are pretty lively.) MacMurray tells the genie that he wants to be in the army. Poof, and he is marching along with Washington's soldiers into a particularly warm and inviting USO where June Haver and Joan Leslie are wearing lots of lace doilies or whatever they are, and lavender wigs. Washington sends MacMurray to spy on the enemy -- red-coating, German-speaking Hessians, not Brits. The Hessians are jammed into a Bierstube and singing a very amusing drinking song extolling the virtues of the Vaterland, \\\"where the white wine is winier/ and the Rhine water's Rhinier/ and the bratwurst is mellower/ and the yellow hair is yellower/ and the Frauleins are jucier/ and the goose steps are goosier.\\\" Something like that. The characterizations are fabulous, as good as Sig Rumann's best. Otto Preminger is the suspicious and sinister Hessian general. \\\"You know, Heidelberg, vee are 241 to 1 against you -- but vee are not afraid.\\\"

I can't go on too long with these fantasies but they're all quite funny, and so are the lyrics. When he wishes he were in the Navy, MacMurray winds up with Columbus and the fantasy is presented as grand opera. \\\"Don't you know that sailing west meant/ a terrifically expensive investment?/ And who do you suppose provides the means/ but Isabella, Queen of Queens.\\\" When they sight the New World, someone remarks that it looks great. \\\"I don't care what it looks like,\\\" mutters Columbus, \\\"but that place is going to be called Columbusland.\\\"

Anyway, everything is finally straightened out, though the genie by this time is quite drunk, and MacMurray winds up in the Marine Corps with the right girl.

I've made it sound too cute, maybe, but it IS cute. The kids will enjoy the puffs of smoke and the magic and the corny love story. The adults will get a kick out of the more challenging elements of the story (who are the Hessians?) unless they happen to be college graduates, in which case they might want to stick with the legerdemain and say, \\\"Wow! Awesome!\\\"\": {\"frequency\": 1, \"value\": \"First saw this ...\"}, \"I was very displeased with this move. Everything was terrible from the start. The comedy was unhumorous, the action overdone, the songs unmelodious. Even the storyline was weightless. From a writer who has written successful scripts like Guru and Dhoom, I had high expectations. The actors worked way too hard and did not help the film at all. Of course, Kareena rocked the screen in a bikini but for two seconds. I think Hindi stunt directors should research how action movies are done. They tend to exaggerate way too much. In Chinese films, this style works because that is their signature piece. But, Hindi cinema's signature are the songs. A good action movie should last no more than two hours and cannot look unrealistic. But, in the future, I'm sure these action movies will get much sharper. Also to be noted: Comedy and action films do not mix unless done properly. Good Luck next time.\": {\"frequency\": 1, \"value\": \"I was very ...\"}, \"This flick was a blow to me. I guess little girls should aspire to be nothing more than swimsuit models, home makers or mistresses, since that seems to be all they'll ever be portrayed as anyway. It is truly saddening to see an artist's work and life being so unjustly misinterpretated. Inconcievably (or perhaps it should have been expected), Artemisia's entire character and all that she stands for, had been reduced to a standard Hollywood, female character; a pitiful, physically flawless, helpless little creature, displaying none of the character traits that actually got her that place in history which was being mutilated here. Sadder yet, was to see that a great part of the audience was too badly educated in the area to comprehend the incredible gap between the message conveyed in the film, and reality. To portray the artist as someone in love with her real-life rapist, someone whom she in reality accused of raping her even when under torture, just plain pisses me off. If the director had nothing more substantial to say she should have refrained from basing her story on a real person.\": {\"frequency\": 1, \"value\": \"This flick was a ...\"}, \"As someone who has both read the novel and seen the film, I have a different take on why the film was such a flop. First, any comparisons between novel and film are purely superficial. They are two different animals.

The novel is probably intended as a satire, but it arrives as a cross between tragedy and polemic instead. Any comedic elements such as those which later formed the stylistic basis of the film version are merely incidental to the author's uniformly cynical thrust. And lest the omnipresent white suit of the author fool you into thinking this is another Mark Twain, think again. A more apt literary precedent would be the spectre of Ambrose Bierce in a top hat and tails. Tom Wolfe is equal parts clown and hack, more celebrity than author, always looking for new grist for his self-absorbed mill.

It is therefore no wonder that the excellent production skills and direction lavished on the making of the film were doomed from the start. Unlike true satire, which translates very well into film, polemics are grounded not in universally accessible observations on some form or other of human behavior, but in a single-minded attack on specific people -- whether real or fictional straw men -- who have somehow earned the wrath of the writer. Any effort to create a successful filmed story or narrative from such a beginning must have a clean start, free of the writer's influence or interference.

Having said that, I too find fault with the casting. It is not merely that incompetents like Bruce Willis and Melanie Griffith fail to measure up, but that real talents like Tom Hanks, F. Murray Abraham, and Morgan Freeman are either totally wasted or given roles that are mere caricatures.

There is enough topical material here for a truly great film satire, but it fails to come even close.\": {\"frequency\": 1, \"value\": \"As someone who has ...\"}, \"I have no idea as to which audience director George Schlatter hoped to sell this comedy-of-ills. With Redd Foxx in the central role and enough pimpy outfits and polyester to carpet the entire 1970s, \\\"Norman\\\" plays like a blaxploitation picture combined with any number of silly sitcom episodes involving comic misunderstandings, not to mention an elongated cameo by Waylon Flowers! Based on a play by Sam Bobrick and Ron Clark, this tale of an estranged married couple (Foxx and Pearl Bailey) learning the hard way that their son is secretly gay--and living with a mincing, prancing white homosexual--has enough limp-wristed jokes to shame any early episode of \\\"Three's Company\\\". Bailey keeps her dignity, and Foxx's sheer confusion is good for a couple of chuckles, but the rest of the performers are humiliated. * from ****\": {\"frequency\": 1, \"value\": \"I have no idea as ...\"}, \"While the original titillates the intellect, this cheap remake is designed purely to shock the sensibilities. Instead of intricate plot-twists, this so-called thriller just features sudden and seemingly random story changes that serve only to debase it further with each bizarre development. Worst of all, replacing the original spicy dialog is an overturned saltshaker full of unnecessary four-letter words, leaving behind a stark, but uninteresting taste.

There was promise--unfulfilled promise. The prospect of Michael Caine pulling off a Patty Duke-like Keller-to-Sullivan graduation is admittedly intriguing. Unfortunately, this brilliant and respected actor only tarnished his reputation, first by accepting the role in this horribly re-scripted nonsense and then by turning in a performance that only looks competent when compared to Jude Law's amateurish overacting.

If you haven't seen the classic original, overlook its dated visuals and gimmicks. Hunt it down, watch it, and just enjoy a story-and-a-half. As for the remake, pass on this insult to the original.\": {\"frequency\": 1, \"value\": \"While the original ...\"}, \"This is listed as a documentary, it's not, it's filmed sort of like a documentary but that I suspect was just because then they get away with a shaky camera and dodgy filming. This has just been released in the UK on DVD as an \\\"American Pie style comedy\\\" it's not that either.

Basically it follows around a group of teens on spring break as they go to Mexico for cheap booze and with the quest being to get there virgin friend finally laid. Throw is a couple of dwarfs, also on the same sort of quest and you have a non-hilarious tale of drunk teens trying to get some girls.

Considering the 18 Rating this has very little nudity, and practically zero sex scenes, mainly I guess the rating is for swearing of which there is plenty.

If you like crude Jackass behaviour without the humour, then this may be your thing, if you have any brain cells left then I would probably avoid this!\": {\"frequency\": 1, \"value\": \"This is listed as ...\"}, \"\\\"The Plainsman\\\" represents the directorial prowess of Cecil B. DeMille at its most inaccurate and un-factual. It sets up parallel plots for no less stellar an entourage than Wild Bill Hickok (Gary Cooper), Buffalo Bill Cody (James Ellison), Calamity Jane (Jean Arthur), George Armstrong Custer and Abraham Lincoln to interact, even though in reality Lincoln was already dead at the time the story takes place. Every once in a while DeMille floats dangerously close toward the truth, but just as easily veers away from it into unabashed spectacle and showmanship. The film is an attempt to buttress Custer's last stand with a heap of fiction that is only loosely based on the lives of people, who were already the product of manufactured stuffs and legends. Truly, this is the world according to DeMille - a zeitgeist in the annals of entertainment, but a pretty campy relic by today's standards.

TRANSFER: Considering the vintage of the film, this is a moderately appealing transfer, with often clean whites and extremely solid blacks. There's a considerable amount of film grain in some scenes and an absence of it at other moments. All in all, the image quality is therefore somewhat inconsistent, but it is never all bad or all good \\ufffd\\ufffd just a bit better than middle of the road. Age related artifacts are kept to a minimum and digital anomalies do not distract. The audio is mono but nicely balanced.

EXTRAS: Forget it. It's Universal! BOTTOM LINE: As pseudo-history painted on celluloid, this western is compelling and fun. Just take its characters and story with a grain of salt \\ufffd\\ufffd in some cases \\ufffd\\ufffd a whole box seems more appropriate!\": {\"frequency\": 1, \"value\": \"\\\"The Plainsman\\\" ...\"}, \"I am a lover of B movies, give me a genetically mutated bat and I am in heaven. These movies are good for making you stop thinking of everything else going on in your world. Even a stupid B movie will usually make me laugh and I will still consider it a good thing. Then there was Hammerhead, which was so awful I had to register with IMDb so I could warn others. First there was the science of creating the shark-man, which the movie barely touched on. In order to keep the viewers interested they just made sure there was blood every few minutes. During one attack scene the camera moved off of the attack but you saw what was apparently a bucket of blood being thrown by a stagehand to let you know that the attack was bloody and the person was probably dead (what fabulous special effects). Back to the science, I thought it was very interesting that the female test subjects were held naked and the testing equipment required that they be monitored through their breast tissue. Anyway this movie had poor plot development, terrible story, and I'm sorry to say pretty bad acting. Not even William Forsythe, Hunter Tylo or Jeffrey Combs could save this stinker.\": {\"frequency\": 1, \"value\": \"I am a lover of B ...\"}, \"After witnessing his wife (Linda Hoffman) engaging in sexual acts with the pool boy, the already somewhat unstable dentist Dr. Feinstone (Corbin Bernsen) completely snaps which means deep trouble for his patients.

This delightful semi-original and entertaining horror flick from director Brian Yuzna was a welcome change of pace from the usual horror twaddle that was passed out in the late Nineties. Although \\ufffd\\ufffdThe Dentist' is intended to be a cheesy, fun little film, Yuzna ensures that the movie delivers the shocks and thrills that many more serious movies attempt to dispense. Despite suffering somewhat from the lack of background on the central characters, and thus allowing events that should have been built up to take place over a couple of days, the movie is intriguing, generally well scripted and well paced which allows the viewer to maintain interest, even during the more ludicrous of moments. \\ufffd\\ufffdThe Dentist' suffers, on occasion, from dragging but unlike the much inferior 1998 sequel, there are only sporadic uninteresting moments, and in general the movie follows itself nicely.

Corbin Bernsen was very convincing in the role of the sadistic, deranged and perfectionist Dr. Alan Feinstone. The way Bernsen is able to credibly recite his lines, especially with regards to the foulness and immorality of sex (particularly fellatio), is something short of marvellous. While many actors may have trouble portraying a cleanliness obsessed psycho without it coming off as too cheesy or ridiculous, Bernsen seems to truly fit the personality of the character he attempts to portray and thus makes the film all that more enjoyable. Had \\ufffd\\ufffdThe Dentist' not been intended to be a fun, almost comical, horror movie, Bernsen's performance would probably have been much more powerful. Sadly, the rest of the cast (including a pre-fame Mark Ruffalo) failed to put in very good performances and although the movie was not really damaged by this, stronger performances could have added more credibility to the flick.

\\ufffd\\ufffdThe Dentist' is not a horror film that is meant to be taken seriously but is certainly enjoyable, particularly (I would presume) for fans of cheesy horror. Those who became annoyed at the number of \\ufffd\\ufffdScream' (1996) clones from the late Nineties may very well find this a refreshing change, as I did. A seldom dull and generally well paced script as well as some proficient direction helps to make \\ufffd\\ufffdThe Dentist' one of the more pleasurable cheesy horrors from the 1990's. On top of this we are presented with some particularly grizly and (on the whole) realistic scenes of dental torture, which should keep most gorehounds happy. Far from perfect but far from bad as well, \\ufffd\\ufffdThe Dentist' is a flick that is easily worth watching at least once. My rating for \\ufffd\\ufffdThe Dentist' \\ufffd\\ufffd 6.5/10.\": {\"frequency\": 1, \"value\": \"After witnessing ...\"}, \"Oh it's so cool to watch a Silent Classic once in while! Director Vidor is simply delightful and even makes a lengthy (at least for 1928) cameo as himself. The story is about having success in life and the way it changes you. Marion Davies plays a girl that leaves its friends in a little comedy studio to be part of a larger \\\"drama\\\" studio. She becomes a big star and the consequences are she really alienates from the real world. For a moment she even denies her (poor) past! The cameos are simply hilarious, certainly the scene where the main character (Marion Davies) sees...Marion Davies in the studios and concludes she doesn't seem that special... It's got to be one of the first movie-in-the-movies here and for real freaks it's awesome to see the cameras and material from way back then. A must-see if you ask me!!\": {\"frequency\": 1, \"value\": \"Oh it's so cool to ...\"}, \"If one sits down to watch Unhinged, it is probably because its advertisements, video boxes, whatever, scream that it was banned in the UK for over 20 years (as virtually every video nasty does). It's true; exploitation and taboo excites people and draws them in with their promise of controversy. Being an exploitation fan, however, none of this was new to me. The advertisements that scream that the film was banned in the UK don't necessarily make me want to watch it; in fact, the first thing that usually pops into my head is how disgustingly paranoid British censors are. How I came to viewing this then is simple: it promised gore and it was only $6.99. The price alone alerted me not to have any hopes of this being the next Halloween, but a cheap padding of your DVD collection never hurts. I did force myself, however, to watch it all in one sitting, because I find that deciding to save the rest for another day makes you even less inspired to finish it. So anyway, after 90 minutes of Unhinged, I found that I had come across the cheapest sleeping aid in existence. I think the distributors could make a fortune if they simply changed their marketing technique.

The layout of Unhinged is of any common slasher from the 80s. There's unnecessary shower scenes and exploitative gore. That's about it. Anyway, it starts with a group of three attractive co-eds crashing their car on the way to a concert. Though two of them (Terry and Nancy) are okay, one (Gloria) is severely injured and is out of commission for the rest of the movie. They are rescued and receive shelter at a mansion (that happens to have no phone, of course) with rather strange occupants: Marion is a middle-aged woman with a man-hating mother who constantly accuses Marion of sneaking men into the house in order to sleep with them (echoes of Psycho?). She also happens to have a crazy brother Carl who lives in the woods, because her mother's hatred for men is so intense that she refuses to let him stay in the house. After hanging with Marion for awhile, Terry (our \\\"hero\\\") and Nancy decide they must contact their parents. Despite everyone's warnings, Nancy braves the dangerous woods to make it to a phone (her fate is not hard to predict). After that, we see Gloria again, who is then promptly butchered with an ax. When Terry discovers that Gloria has disappeared from her room, she decides something isn't right with this picture and sets out to find her missing friends. That may be easier said than done, however, with crazy Carl lurking around\\ufffd\\ufffd

After viewing Unhinged, I read an overwhelming number of reviews declaring that Unhinged worked perfectly because it took its time to build its subject matter that created real tension by the time the moment of truth comes at the end. Normally, I do not drag other people's opinions into my reviews (especially when they contradict my views), but in this case, I was so puzzled by their reactions that I thought it would be relevant to mention. This is because in actuality, the film crawls. Normally for the slow-building tactic to work, the audience must have a strong sense that the characters are in danger. Oh sure, we see two of them get murdered, but between that are endless scenes of conversation and boredom. We are aware that there's a killer on the loose, but this is only focused on three times in the film; that means there's no reason to fear for the victims. Instead, the film's events are explained not by the actions of the characters, but are drawn out for us by perpetual talking. If there's one thing I can assure you from watching this, it's that scenes of characters merely conversing with each other for 75 minutes are very tedious. None of this is helped by the atrocious acting. It seems that this was another case of the director needing actors and decided to gather his friends around instead of finding anyone with experience.

Of course, I'd be a liar if I said there wasn't one part of the movie that I enjoyed. Specifically, the ending was one of the best I've ever seen in a slasher film; you just do not expect that to happen. Just knowing that the director had the balls to do something like that is spectacular. Ah, I won't spoil it for you, nor will I say that the ending completely makes up for the rest of the slow-moving film, but it definitely will get your attention. Other than that, the other two murder scenes bring at least some faster paced material, but it's not like you couldn't tell exactly who was going to die fifteen minutes into the film. Anyone looking for a bloodbath will be disappointed, however; those are the only scenes of gore present. That and, of course, no one scene can save an entire movie. I normally preach the doctrine that as long as there's action, the worse a movie is, the better it gets. Unhinged only grasps one part of this concept. The whole film just feels Luke-warm; there's potential alright, but the director either wasn't experienced enough to make it work or just didn't know what the hell he was doing.\": {\"frequency\": 1, \"value\": \"If one sits down ...\"}, \"Delightful film directed by some of the best directors in the industry today. The film is also casting some of the great actors of our time, not just from France but from everywhere.

My favorite segments:

14th arrondissement: Carol (Margo Martindale), from Denver, comes to Paris to learn French and also to make a sense of her life.

Montmartre: there was probably not a better way to start this movie than with this segment on romantic Paris.

Loin du 16\\ufffd\\ufffdme: an image of Paris that we are better aware of since the riots in the Cit\\ufffd\\ufffds. Ana (Catalina Sandino Moreno) spends more time taking care of somebody else's kid (she's a nanny) than of her own.

Quartier Latin: so much fun to see G\\ufffd\\ufffdrard Depardieu as the \\\"tenancier de bar\\\" with Gena Rowlands and Ben Gazzara discussing their divorce.

Tour Eiffel: don't tell me you didn't like those mimes!

Tuileries: such a treat to see Steve Buscemi as the tourist who's making high-contact (a no- no) with a girl in the Metro.

Parc Monceau: Nick Nolte is great. Ludivine Sagnier also.

I've spend 3 days in Paris in 2004 and this movie makes me want to go back!

Seen in Barcelona (another great city), at the Verdi, on March 18th, 2007.

84/100 (***)\": {\"frequency\": 1, \"value\": \"Delightful film ...\"}, \"Being a fan of cheesy horror movies, I saw this in my video shop and thought I would give it a try. Now that I've seen it I wish it upon no living soul on the planet. I get my movie rentals for free, and I feel that I didn't get my moneys worth. I've seen some bad cheesy horror movies in my time, hell I'm a fan of them, but this was just an insult.\": {\"frequency\": 1, \"value\": \"Being a fan of ...\"}, \"Four stories written by Robert Bloch about various people who live in a beautiful, old mansion and what happens to them. The first has Denholm Elliott as a novelist who sees the killer he's writing about come to life. Some spooky moments and the twist at the end was good. The second has Peter Cushing becoming obsessed with a wax figure resembling his dead wife. The third has Christopher Lee who has a child (Chloe Franks) and is scared of her. It all leads up to a pretty scary ending (although the ending in the story was MUCH worse). The last is an out and out comedy with Jon Petwee and Ingrid Pitt (both chewing the scenery) and a cape that turns people into vampires! There's also a cute line about Christopher Lee playing Dracula.

This is a good horror anthology--nothing terrifying but the first one and the ending of the third gave me a few pleasurable little chills. Also the fourth one is actually very funny and Pitt makes a VERY sexy vampire! Also the house itself looks beautiful...and very creepy. It's well-directed with some nice atmospheric touches. A very good and unusual movie score too. All in all a good little horror anthology well worth seeking out. Try to see it on DVD--the Lions Gate one looks fantastic with strong colors and great sound.\": {\"frequency\": 1, \"value\": \"Four stories ...\"}, \"...for this movie defines a new low in Bollywood and has set the standard against which all c**p must now be compared.

First off, the beginning did have elements of style....and if handled well, could have become a cult classic, a-la pulp fiction or a Desi desperado...but the plot (was there one?) begins to meander and at one point completely loses it.

Throw in a deranged don with an obsession for English, a call center smart Alec, a femme fa tale who can don a bikini and a Saree with the same aplomb, a levitating, gravity defying hit-man and a cop with a hundred (or was it a thousand) black cat commandos on their trail....good ingredients in competent hands. But this is where I would like to ask the director: Sir, what were you smoking?

Im sure this movie would be remembered in the annals of Bollywood film making - for what must never be done - insult the intelligence of the most brain dead of movie goers.

Possibly the only redeeming feature in this Desi matrix plus desperado plus grindhouse caper is the music...watch the videos...hear the airplay and you wont be disappointed. Vishal- Shekhar come up with some eminently hummable tunes.

How I wish the director had spent the money in creating some more eye candy....

As I sign off, I want to really, badly know how does Akshay's bullet wound vanish in a microsecond...what were you editors doing? Tashan, maybe...\": {\"frequency\": 1, \"value\": \"...for this movie ...\"}, \"Many things become clear when watching this film: 1) the acting is terrible. Tom Hanks and Wendy Crewson are so-so, but the parent-child conflict borders soap opera-ish. The other two boys: an overly pouty child prodigy and your stereotypical I'm-a-babe-but-I'm-really-sensitive-inside blonde dreamboat; 2) the film as a whole is depressing and disappointing; 3) Robbie's dreams and episodes are disturbing (acted by Tom Hanks); 4) the inclusion of the beginning love ballads is an odd choice (\\\"we are all special friends\\\"); 5) the weird lines and side plots are not made any better by the terrible acting; and 5) this is a really bad movie. Expect to be disappointed--and probably disturbed.\": {\"frequency\": 1, \"value\": \"Many things become ...\"}, \"Lynne Ramsey makes arresting images, and Samantha Morton can summon feeling with a gesture. So what a drag to discover their talents wasted on this mannered, pretentious lark.

Ramsey can't bring Callar to life. Her attempts are too arty and oblique. Repeatedly her camera lingers on long silent shots of the agonizing actress as if Morton's obliterated gaze alone could supply character. We are in a blank Warholian hell of self-indulgence: for a film that has minutes to spare on bugs crawling across the floor, you might think it could get round to fleshing out its protagonist. But how will it do so if she rarely speaks? Without the novel's interior monologue, the celluloid Morvern Callar is nobody. Small wonder Ramsey has Morton undress often.

That said, the first ten minutes were so impressively acted, shot and edited that my hopes were soaring. Give the film that much: it knows how to make promises, if not how to keep any.\": {\"frequency\": 1, \"value\": \"Lynne Ramsey makes ...\"}, \"You've been fouled and beaten up in submission by my harsh statements about \\\"femme fatale\\\" / \\\"guns n' gals\\\" movies! Now comes another breed in disappointing rediscoveries: ninja movies! Many of these I've seen before, and let me tell you, they aren't all that's cracked up to be! They usually don't stick to the point. This, among all others, suffers from no originality! What's a ninja got to do with preventing a nuclear holocaust in Russia? And isn't this supposed to be a \\\"martial arts\\\" movie, too? Does plenty of gunfire sound like an incredible action movie to you? Is blood the number one reason to love this to death? Will you waste some of your hard-earned cash over a lady singing in her see-through tank top? The answers to these important questions are found in THE NINJA MISSION, which should be in the martial arts section of your video store. For even more nonsense ninja fun, try checking out those Godfrey Ho movies put out by Trans World. You get what you deserve, and that's a promise! Recommended only for hardcore ninja addicts!\": {\"frequency\": 1, \"value\": \"You've been fouled ...\"}, \"Rex Reed once said of a movie (\\\"Julia and Julia\\\" to be specific) that it looked like it was shot through pomegranate juice. I was reminded of that as I snored through Purple Butterfly. This one appeared to be shot through gauze.

The story was boring and it was not helped that for large portions of scenes actors' faces were literally out of focus or would only come into focus after extended periods of time.

Also, everyone looked the same so it was hard to distinguish among the characters. I call this the \\\"Dead Poets Society\\\" syndrome.

There was nobody to care about, nobody to become interested in dramatically, and the movie shed no historical light on a very interesting period of time and set of circumstances.

A total disappointment.\": {\"frequency\": 1, \"value\": \"Rex Reed once said ...\"}, \"I was going to give it an 8, but since you people made 6.5 out of a lot better votes, I had to up my contribution. The river Styx was pure genius. Sure, Woody was his perennial stuff, but at least his role was appropriate. The first half hour was really hilarious, and then the rest of the movie was easy to watch. The dialog was clever enough, and Woody's card tricks at the parties, along with the reaction from the upper crust, were fun to watch. This was much better than the newspaper critics made it sound out to be. And a plus, a little Sorcerer's Apprentice to go along with it. And of course, did you notice that Johansen is getting a bit frumpy? Charles Dance is always entertaining, as was Hugh Jackman.\": {\"frequency\": 1, \"value\": \"I was going to ...\"}, \"Whether you want to spend nearly 2 hours of your life watching this depends how you like your horror movies. If you like them so god damn awful they're hysterical, watch away. Jigsaw is without a doubt the worst movie i've seen in my life (and i've seen 'Long Time Dead'), and i say this as a fan of the low-budget horror/gore genre and having seen a good few to compare it to. I'm not even going to go into the specifics of what makes this movie was bad as it is, the only good thing about it is it's so so terrible it's one of the funniest things i've seen in years. If you can find this to rent cheap it's definitely worth watching, if you were involved in making it - shame on you. :o) IMDb need to introduce a 0/10 ranking especially for this movie, it thoroughly deserves it.\": {\"frequency\": 1, \"value\": \"Whether you want ...\"}, \"Of all movies (and I'm a film graduate, if that's worth anything to you), this is THE WORST movie I have ever seen. I know there are probably some worse ones out there that I just haven't seen yet, but I have seen this, and this is the worst. A friend and I rented it one night because Denise Richards was on the cover. Talk about being young and retarded. She's uncredited! Her role was unbelievably small! How did she make it on the cover!? IMDb doesn't even list it in her filmography. This movie was so bad, we wrote a little note to the video store when we returned it, and slipped it inside the case. It read something like \\\"please save your further customers from having to view this complete and totally bad movie!\\\"\": {\"frequency\": 1, \"value\": \"Of all movies (and ...\"}, \"in this movie, joe pesci slams dunks a basketball. joe pesci...

and being consistent, the rest of the script is equally not believable.

pesci is a funny guy, which saves this film from sinking int the absolute back of the cellar, but the other roles were pretty bad. the father was a greedy businessman who valued money more than people, which wasn't even well-played. instead of the man being an archetypal villain, he seemed more like an amoral android programmed to make money at all costs. then there's the token piece that is assigned to pesci as a girlfriend or something...i don't even remember...she was that forgettable.

anyone who rates this movie above a 5 or 6 is a paid member of some sort of film studio trying to up the reputation of this sunken film, or at least one of those millions of media minions who can't critique efficiently (you know, the people who feel bad if they give anything a mark below 6).

stay away...far away. and shame on comedy central, where i saw this film. they usually pick better.\": {\"frequency\": 2, \"value\": \"in this movie, joe ...\"}, \"Jean Seberg had not one iota of acting talent. Like all her films, 'Bonjour tristesse' suffers not at all from her looks (though she is perhaps the first of those modern women whom Tom Wolfe gleefully, accurately describes as \\\"boys with breasts\\\": publicists, of course, use the word \\\"gamine\\\") but suffers grievously from Seberg's dull, monotonous, killing voice. In all her films when had to play anger, Seberg played it with grossly audible, distracting, gasping panting between her monotonously droned verbalizations. Oy.

Preminger's adaptation of Fran\\ufffd\\ufffdoise Sagan's breathlessly juvenile, fantasy soap opera plot is noteworthy only for his lush cinematography - but then that's difficult to funk on the photogenic French Riviera, and perhaps for his apt, but certainly not groundbreaking, employment of black & white for the present day scenes from which Seberg's monotone narration delivers us to the flashed-back-to color past.

Juliette Gr\\ufffd\\ufffdco has a brief moment, as a nightclub chanteuse in the black & white spotlight, delivering in smoky Dietrichesque voice the bleak existentialist lyric of the title song. This moment is nowadays, in retrospect, more than a wee bit dr\\ufffd\\ufffdle. Except, of course, if you're French - particularly if you're a French \\\"68-er\\\" longing for the glorious days of the barricades roundabout the Sorbonne - and your kids riot to retain the lifelong sinecures which have blighted and emasculated France's economy: then you still believe in Sartre and Foucault and all such arcane, irrelevant theorists.

David Niven has the hardest role, having to play with sufficient gusto an aging hedonist who's yet to grasp that life isn't all about Sagan's teenybopper notions of a hip, cool, swingin', \\\"mon copain!\\\" Papa. Deborah Kerr delivers her usual, consummately professional presence, convincingly playing the woman who suffers undeservedly Seberg's spiteful teenaged snot-nose jealousy (fulfilling Sagan's shallow teen fantasy of the Classical theme of \\\"there can be only one Queen Bee in the hive\\\"); in fact, to Kerr belongs this film's sole great and memorable on-screen moment.

The dialogue is unnatural - I agree with an earlier reviewer who said that it sounds to be \\\"badly translated\\\" from French; combine the unnatural scripting with Seberg's incomparably dull, unendurable monotone and you can save that Valium for another night. Atop all that the ineptly synched post-production voice dubbing is, almost throughout, obvious and thus much more than irksome: this is especially true of the dubbing for Myl\\ufffd\\ufffdne Demongeot because it spoils her otherwise very pleasing dumb blonde performance.

Hunky Geoffrey Horne gets the short end of the stick here - a very good looking young man who also suffered from a less-than-lovely, uncinematic voice which, when paired with Seberg's drone, yields unconvincing scenes of puppy love. (Horne was, shall we say, merely adequate in 'Bridge On the River Kwai,' perhaps because his end was held up by those great cinema pros William Holden and Jack Hawkins instead of being unsupported by the regrettably ungifted Seberg).

In sum 'Bonjour tristesse' is pretty to look at but it's shallow, immature soap: thin gruel with suds.\": {\"frequency\": 1, \"value\": \"Jean Seberg had ...\"}, \"I frequently comment on the utter dirth of truly scary movies on the market, and sadly White Noise only served to reduce my faith that the film industry remains capable of such an endeavor. I was surprised to find myself growingly increasingly fatigued as the plot wore on and my static-induced headache increased. I found White Noise to be preposterous beyond our best efforts of suspension of disbelief. Even after witnessing the harrowing ordeal sustained by Michael Keaton, I was totally unaffected by his demise. Up until the credits I diligently awaited for something--anything-- of substance to connect me to the characters' story, but such relief never came. Sure, there were the occasional heart-stopper moments, but only because loud noises tend to do that to the dozing viewer.

While the acting was lame, Michael Keaton may have played his studliest role to date. Perhaps the only redeeming quality that White Noise has to offer is the stunning archietecture in both of Keaton's abodes. Overall, White Noise leaves one with the morbidly depressing idea that those who die are trapped in a world guarded by three malicious shadows, contriving to trick the living into following the dead to their own graves.\": {\"frequency\": 1, \"value\": \"I frequently ...\"}, \"Rather nasty piece of business featuring Bela Lugosi as a mad scientist (with yes, a Renfield-like assistant and his mother, a dwarf and yes, the scientist's wife (sounds like a Greenaway movie actually lol). Lugosi gives his wife injections from dead brides (why them? Who knows?) so that his wife can keep looking beautiful. He gets the brides after doing a pretty clever trick with some orchids that makes the brides collapse at the altar. After another bride bites the dust, a newspaper reporter just HAPPENS to be around for the scoop, and decides to snoop around for a story. She gets all sorts of clues about the orchids and Lugosi. Heaven knows where the police were. Soon she's off to Bela's lair, when she meets a sort of strange looking doctor who may or may not be eeeevil. It all cumulates in a totally far-fetched plan to have a fake wedding to capture the mad scientist, but it seems that the scientist has x-ray vision, as he foils her plans, Oh no! What will happen? I actually liked this movie as a bit of a guilty pleasure. Lugosi is great here, his hangers-on are all very very strange, the story is actually quite nasty in some places which makes it all most watchable. A fun little view.\": {\"frequency\": 1, \"value\": \"Rather nasty piece ...\"}, \"The beginning of this movie is excellent with tremendous sound and some nice humor, but once the film changes into animation it quickly loses its appeal.

One of the reasons that was so, at least for me, was that the colors in much of the animation are too muted, with too little contrast. It doesn't look good, at least on VHS. Once in a while it breaks out and looks great, but not often Also, the characters come and go too quickly. For example, I would have liked to have seen more of \\\"Moby Dick.\\\" When the film starts to drag, however, it picks up again with the entrance of the dragon and then the film finishes strong.

Overall, just not memorable enough or able to compete with the great animated films of the last dozen years.\": {\"frequency\": 1, \"value\": \"The beginning of ...\"}, \"We all know a movie never does complete justice to the book, but this is exceptional. Important characters were cut out, Blanca and Alba were essentially mushed into the same character, most of the subplots and major elements of the main plot were eliminated. Clara's clairvoyance was extremely downplayed, making her seem like a much more shallow character than the one I got to know in the book. In the book we learn more about her powers and the important effects she had on so many people, which in turn was a key element in the life of the family. In the movie she was no more than some special lady. The relationship between Esteban and Pedro Tercero (Tercero-third-, by the way, is the son and thus comes after Segundo-second-) and its connections to that between Esteban and his grandson from Pancha Garc\\ufffd\\ufffda (not son, who he also did recognize) is chopped in half and its importance downplayed.

One of the most fundamental things about the book that the film is all but stripped of: this is called \\\"The House of the Spirits.\\\" Where is the house? The story of 3-4 generations of a family is supposed to revolve around the \\\"big house on the corner,\\\" a line stated so many times in the novel. The house in fundamental to the story, but the movie unjustly relegates it to a mere backdrop.

If I hadn't read the book before, I would have never guessed that such a sappy, shallow movie could be based on such a rich and entertaining novel.\": {\"frequency\": 1, \"value\": \"We all know a ...\"}, \"Buddy is an entertaining family film set in a time when \\\"humanizing\\\" animals, and making them cute was an accepted way to get people to be interested in them.

Based on a true story, Buddy shows the great love that the main characters have for animals and for each other, and that they will do anything for each other.

While not a perfect movie, the animated gorilla is quite lifelike most of the time and the mayhem that occurs within the home is usually amusing for children.

This film misses an opportunity to address the mistake of bringing wild animals into the home as pets, but does show the difficulties.

A recommended film which was the first for Jim Henson Productions.\": {\"frequency\": 1, \"value\": \"Buddy is an ...\"}, \"Growing up with the Beast Wars transformers, I wasn't very familiar with the original Transformers, and now that I have seen the awesome movie, and now that I have seen the older cartoon on which it's based, I have to say I like the original cartoon and the live action movie more than Beast Wars.

Not that I don't like the BW characters, I just think that characters like Optimus Prime are better than Optimus Primal.

I mean, \\\"AUTOBOTS TRANSFORM AND ROLL OUT!\\\" sounds a lot better than \\\"MAXIMALS MAXIMIZE!\\\" The voice of the original Optimus Prime still makes me a strong believer that he's a real commander, more so than Optimus Primal.

Besides, Powermaster Optimus Prime is a lot more powerful than Optimal Optimus. Just look on the web!

Megatron in the BW character seemed more like a humorous version of the more evil version of him in the original series.

Besides what's cooler, robots changing into animals or robots changing into vehicles and spaceships? Gimme the original Transformers any day over Beast Wars!\": {\"frequency\": 1, \"value\": \"Growing up with ...\"}, \"This film has a lot of strong points. It has one of the best horror casts outside of the Lugosi-Karloff-Chaney circle: Lionel Atwill, Fay Wray, and Dwight Frye, plus leading man Melvyn Douglas. It's got all the right ingredients: bats, a castle with lots of stone staircases, a mad scientist, townspeople waving torches and hunting vampires, an \\\"Igor\\\"-type character, a beautiful girl, even a goofy-haired Burgomeister. The soft-focus camera work is moody and imaginative. There's even some good comic relief nicely spaced throughout the script.

But it's not really a monster movie because there is nothing supernatural going on in \\\"Kleinschloss\\\" (\\\"little castle\\\"). The plot revolves around the generic crazy scientist (nicely played by Atwill) who values his work more highly than human lives.

It's not top-tier material, because of a ho-hum resolution of the plot and some embarrassingly bad dialog for Dwight Frye. But it's worth a look if you like early b/w horror pictures.\": {\"frequency\": 1, \"value\": \"This film has a ...\"}, \"I must say that I was disapointed with this film. I have never been a huge BNL fans, I find their songs kind of childish and obsessively nostalgic (this is me in grade 9, if i had a million dollars, shoe box of life etc). However, I have seen clips of their live show and I really like the improvisational and goofy nature of the show. I was hoping that this movie would highlight this which is, unfortunately, the most interesting part of the show because their music is well played yet somehow bland and not that compelling (there is a standup bass solo in the middle which was completely pointless and boring, despite how much Jim Creegan was digging himself). The film does not and shows only a few minutes of it (and you know they've had better moments, as in the Afgahnistan concert \\\"Koffee Anan, he's the man in charge, my name's Steve Paige and I'm really large\\\") .

BNL are kind of like when I went to Europe a few years ago and heard that godawfull \\\"Blue\\\" song by Effeil 99 or whatever every 2 minutes, I came back to Canada and then a month later that song was all over the place *again*, I nearly chewed off my own arm. BNL is like that, years ago I remember many a fond memory of sitting around campfires in Canada listening to people play \\\"If I had a million dollars\\\". BNL was a cult phenomenon in Canada, and much of their humour has a particular Canadian slant to it (Kraft Dinner is a staple for many students up here, and the name \\\"Gordon\\\" is quintessentially Canadian) a few years went by where they slipped into obscurity and I was somewhat gratefull. Then all of a sudden they become huge in States, and everyone down there thinks they are this brand new band (yeah, they're brand new, but they're all in their 30's!) while the rest of Canada is going \\\"Oh geez, I thought those guys folded years ago, do I have to listen to 'million dollars' again?\\\"

The concert footage is not bad, but I would have liked to have seen more of their stage routine, the shooting is not that great, and things like clips from their massive free show in Boston are glazed over much too quickly. The interviews are surprisingly dull for such a funny bunch of guys, I think they're all old and they have families and houses and stuff and have settled down a bit. There are times when they go into Spinal Tap type of material, where they deliver deadpan satire, then they break into laughs and giggles that kind of ruins it. The interviews with Moses Znaimer (a Canadian media mogule) and Terry David Mulligan (Music dude) are extremely pretentious and verge into Tap territory unintentionally.

This movie doesn't really document very much either, I mean, it's basically one show and at the start of the film, they are already huge and have a massive touring entourage, it's not like we see them rising from obscurity and \\\"surprise\\\" they are popular, it's a methodically planned out event, so in the end it's rather lifeless, kind of half live concert, half documentary, and not much of either.

\": {\"frequency\": 1, \"value\": \"I must say that I ...\"}, \"I bought a DVD of this film for my girlfriend who shares the same name as the ghost girl in this film, and enjoys movies about the paranormal. The movie was shot entirely on video, so it has the look of a PBS special about it. The special effects are phoney looking, but there are actually some scary moments in the movie that got us to jump in our seat. There is a particularly effective scare involving a Virgin Mary statue.

HOWEVER, the acting is bad, the \\\"plot\\\" scenes are long and very boring, and I will tell you I have no clue what happened at the end. If you get the movie, rent it, if you buy it, please make sure you pay less than $5.\": {\"frequency\": 1, \"value\": \"I bought a DVD of ...\"}, \"After the debacle of the first Sleepaway Camp, who thought that a franchise could be born. SC II is superior in aspect. More inspired killings and just whole lot more fun. While that might not be saying much (compared to the first movie), Sleepaway Camp II is worth the rental.

Pros: Entertaining, doesn't take itself too seriously like SC I. Inspired Killings. Cons: Crappy acting and mullets abound.

Bottom Line: 5/10

\": {\"frequency\": 1, \"value\": \"After the debacle ...\"}, \"Leslie Charteris' series of novels of the adventures of the slightly shady Simon Templar (\\\"The Saint\\\") was brought to the screen in the late 1930s with the up and coming George Sanders as Templar. It was a careful choice - Sanders usually would play villains with occasional \\\"nice roles\\\" (ffoliott in FOREIGN CORRESPONDENCE, the title hero in THE STRANGE CASE OF UNCLE HARRY, the framed \\\"best friend\\\" of Robert Montgomery in RAGE IN HEAVEN). Here his willingness to bend the rules and break a law briefly fit his \\\"heavy persona\\\", while his good looks and suave behavior made Templar a fit shady hero like Chester Morris' \\\"Boston Blackie\\\", and (to an extent) Peter Lorre's \\\"Mr. Moto\\\".

The films are not the best series of movie mystery serials - but they are serviceable. Like Rathbone's Holmes series or Oland's Chan's series the show frequently had actors repeating roles or playing new ones (the anti-heroine in the film here was played by Wendy Barrie, who would show up in a second film in the series). This, and slightly familiar movie sets make the series a comfortable experience for the viewers, who hear the buzz of the dialog (always showing Sanders' braininess in keeping one step ahead of the bad guys), without noting the obvious defects of the plot. All these mysteries have defects due to the fact that even the best writers of the genre can't avoid repeating old ideas again and again and again.

Here the moment when that happened was when one of the cast admitted his affection for Barrie, which she was long aware of. Shortly after he tries to protect her from the police. But as the film dealt with the identity of a criminal mastermind, it became obvious that this person was made so slightly noble as to merit being the mysterious mastermind (i.e., the script disguised him as the least likely suspect).

Barrie is after the proof that her father (who died in prison) was framed by the real criminals in a robbery gang. She has several people assisting her - mugs like William Gargan - and she gets advice from the mastermind on planning embarrassing burglaries that can't be pinned on her. The D.A. who got her father convicted (Jerome Cowan) is determined to get Barrie and her gang. The only detective who seems to have a chance to solve the case is Jonathan Hale, who is shadowing Sanders but reluctantly working with him.

The cast has some nice moments in the script - Hale (currently on a special diet) is tempted to eat a rich lobster dinner made for Sanders by Willie Best. He gets a serious upset stomach as a result, enabling Sanders and Barrie to flee Sanders' apartment. Best has to remind him (when he feels better) to head for a location that Sanders told him to go to at a certain time.

There is also an interesting role for Gilbert Emery. Usually playing decent people (like the brow-beaten husband in BETWEEN TWO WORLDS) he plays a socially prominent weakling here - whose demise is reminiscent of that of a character in a Bogart movie.

On the whole a well made film for the second half of a movie house billing in 1939. It will entertain you even if it does not remain in your memory.\": {\"frequency\": 1, \"value\": \"Leslie Charteris' ...\"}, \"If I had not read Pat Barker's 'Union Street' before seeing this film, I would have liked it. Unfortuntately this is not the case. It is actually my kind of film, it is well made, and in no way do I want to say otherwise, but as an adaptation, it fails from every angle.

The harrowing novel about the reality of living in a northern England working-class area grabbed hold of my heartstrings and refused to let go for weeks after I had finished. I was put through tears, repulsion, shock, anger, sympathy and misery when reading about the women of Union Street. Excellent. A novel that at times I felt I could not read any more of, but I novel I simply couldn't put down. Depressing yes, but utterly gripping.

The film. Oh dear. Hollywood took Barker's truth and reality, and showered a layer of sweet icing sugar over the top of it. A beautiful film, an inspiring soundtrack, excellent performances, a tale of hope and romance...yes. An adaptation of 'Union Street'...no.

The women of Union Street and their stories are condensed into Fonda's character, their stories are touched on, but many are discarded. I accept that some of Barker's tales are sensitive issues and are too horrific for mass viewing, and that a film with around 7 leading protagonists just isn't practical, but the content is not my main issue. The essence and the real gut of the novel is lost - darkness and rain, broken windows covered with cardboard, and the graphically described stench of poverty is replaced with sunshine, pretty houses, and a twinkling William's score.

If you enjoyed the film for its positivity and hope in the face of 'reality', I advise that you hesitate to read the book without first preparing yourself for something more like 'Schindler's List'...but without the happy ending.\": {\"frequency\": 1, \"value\": \"If I had not read ...\"}, \"This is a slow moving story. No action. No crazy suspense. No abrupt surprises. If you cannot stand to see a movie about two people just talking and walking, about a story that develops slowly till the very end and about lovey-dovey romance, don't waste your time and money.

On the other hand, if you're into dialog, masterful story telling, thought provoking ideas and finding true love in the fabric of life then this is your movie. I recommend you watch this movie when you are most alert, though, because the pace, the music and the overall tone of the movie can put you in a woolgathering mood. It's truly fantastic. I really mean that.

Ethan Hawke and Julie Delpy are annoying with their mannerisms at times but, thankfully, the chemistry between the two makes the acting very natural, warm and tender. They act and feel each other out from the very beginning, making you feel as an intruder.

In their conversations there are excellent commentaries on many subjects that will provoke thought and conversation between you and your partner. I thought it was too deep and too diverse for such young characters but I may be underestimating their intelligence. Still it did not ruin the movie.

The overall story is very simple which I think gives the movie it's charm and ultimately it's power.

BOTTOM LINE: The movie's flow is slow. The dialog is fascinating. The story builds gently, systematically and substantive. The build up to the finale is satisfying and in the end rewarding.\": {\"frequency\": 1, \"value\": \"This is a slow ...\"}, \"\\\"Everything a great documentary could be\\\"?? Yeah, if one is deaf, dumb, and blind. Everything but meaning, wit, visual style, and interesting subject matter. Aside from that. . .

Seriously, volken. This is a movie that is completely inauthentic. An adventure doc with no adventure, a war doc with no feeling for war, a campy send-up with no trace of wit. It means nothing, feels like nothing, and carries the implicit message that absolutely nothing matters. No wonder it has so many IMDb fans! Of course, going in you know a movie starring the great Skip Lipman will have no culture, no intelligence, no wit (other than a corrosive adolescent jokiness), and no recognizable human emotion \\ufffd\\ufffd just adrenaline. \\\"Darkon\\\" isn't a movie -- it's a panic attack! Avoid. There too many real documentaries and too little time in life to waste it on toilet build-up such as \\\"Darkon\\\".\": {\"frequency\": 1, \"value\": \"\\\"Everything a ...\"}, \"This is a beautiful film. The true tale of bond between father and son. This is by far, Tom Hanks at his finest. Tom Hanks is really out of the box in this movie. He usually has the nice guy roles. Yet in this film,he comes off in this film as a bit gritty, but still emerges smelling like a rose, even until the very last scene, the assassination of his character. The cast of this movie was well put together. I also love the part when there is total silence when Tom Hanks' character shoots and kills all of the men in Mr. Rooney's group. There is something chilling and yet profound about no sound in that scene, just simply emotion. I love the look on John Rooney, Paul Newman's character's face when he realizes even before seeing him, that it is Tom Hanks's character getting revenge, and he knows his fate has come. The first time I saw this movie I was blown away and knew I had to go out and get the video and I since have, adding it to my collection of my all time favorite movies.

Tom Hanks is my favorite actor, so this film has a special place in me.\": {\"frequency\": 1, \"value\": \"This is a ...\"}, \"A Vietnam vet decides to take over a backwater town run amok, and anyone who steps in his path is eliminated (including women). Released to theaters just prior to \\\"A Star Is Born\\\", which turned his career around, this action-drama mishmash starring Kris Kristofferson is wildly off-kilter, thoughtless and mean-spirited. Filmed in Simi Valley, CA, the results are truly unseemly, with redneck clich\\ufffd\\ufffds and mindless violence making up most of director George Armitage's script. Armitage has gathered a most curious '70s cast for his film, including Jan-Michael Vincent, Victoria Principal, Bernadette Peters, and, in a bit, Loni Anderson; however, the center of the whole thing is Kristofferson, who is gruff and rude throughout. It deserves points I suppose for being a completely unsympathetic drive-in thriller, but the bad vibes (and the ridiculous climax) coat the whole project like an ugly stain. *1/2 from ****\": {\"frequency\": 1, \"value\": \"A Vietnam vet ...\"}, \"This movie works because it feels so genuine. The story is simple and realistic, perfectly capturing the joys and anxieties of adolescent love and sexuality that most/all of us experienced during our teen years.

The actors are as natural as figures in a documentary but are as convincing and as charismatic as seasoned performers. The dialogue is fresh and honest... and thankfully not filled to the brim with cutesy pop culture references. Also, the cinematography is at once gritty and beautiful, bringing the Lower East Side setting to life in a very tangible way.

On an artistic level, I love this movie because it reminds me of great Italian neo-realism films like The Bicycle Thief and La Strada. Movies rarely feel as \\\"real\\\" as this does ... or as Bicycle Thief did. And the only other movie I've seen that treats teen sexuality with the same level of seriousness is Elia Kazan's Splendor in the Grass. Writer/director Peter Sollett deserves tremendous praise. This film is quite an achievement.

On a personal level, I am always glad to see a movie that treats members of ethnic America with love and respect. As an Italian-American, I hate the way my own people come off in the cinema (as racist, womanizing, criminal geniuses in irritatingly popular epics), and my aggravation on this count makes me acutely sensitive to other groups and their awful silver screen representations. Hispanics and Asians in particular seem cursed to playing villains in Westerns and action movies. (Good thing Gong Li didn't try to become famous in America!)

Of course, thanks largely to the rise of indie pictures, and the influence of Miramax, we are seeing a few more pictures about ethnic characters here and there ... but Raising Victor Vargas is easily one of the best. While I do really like My Big Fat Greek Wedding, it is a refreshing change that Raising Victor Vargas is played straight (with less exaggerated and broadly-drawn characters) while still being very funny in its own right. Finally! Latino characters worthy of note. I have a feeling that this is a film that will be remembered.

Of course, now that he has made this wonderful picture about a family from the Dominican Republic, I hope Peter Sollett gets around to making a movie about Italians soon! :) - Marc DiPaolo\": {\"frequency\": 1, \"value\": \"This movie works ...\"}, \"When I first read the plot of this drama i assumed it was going to be like Sex and the City, however this drama is nothing like it. The stories the characters seem more real and you empathise with the situations more. The concept of the drama is similar, four 30 something women guide us through there friendships and relationships with problems and strife along the way. Katie the GP is a dark and brooding character who you find difficult to relate too and is best friends with Trudi a widow. Trudi's character is heart warming as you can relate to difficulties she is having along with the fact she is the only mother of the four. Jessica is the party girl very single minded and knows what she wants and how to get it. She is a likable character and is closest to Siobhan the newly wed who whilst loving her husband completely can't help her eyes wandering to her work colleague. Over all the drama is surprisingly addictive and if the BBC continue to produce the series it could do well. It is unlike other female cast dramas such as Sex and the city, or Desperate Housewives. This if played right could be the next Cold feet. Plus the male cast are not bad on the eyes too.\": {\"frequency\": 1, \"value\": \"When I first read ...\"}, \"I've seen this film because I had do (my job includes seeing movies of all kinds). I couldn't stop thinking \\\"who gave money to make such an awful film and also submit it to Cannes Festival!\\\" It wasn't only boring, the actors were awful as well. It was one of the worst movies I've ever seen.\": {\"frequency\": 1, \"value\": \"I've seen this ...\"}, \"I cannot see why filmmakers remade this movie.

The 1972 movie with McQueen and McGraw is almost a classic. Steve McQueen was an outstanding actor and Baldwin is only an inadequate actor. He has no passion in his play.Also the action in the original \\\"Getaway\\\" was fantastic. But the remake has no action! It is almost boring despite the fact that the film-making in 1972 was more difficult than in 1994.

I don't understand the way that Baldwin imprisoned from Mexico. I think this is a mistake in the story.

So i think that there was no need to remake it, or if they decided to remake a classic, they must choose an excellent actor for the first role, like Johnny Depp or Brad Pitt...\": {\"frequency\": 1, \"value\": \"I cannot see why ...\"}, \"Really, really bad slasher movie. A psychotic person escapes from an asylum. Three years later he kills a sociology professor, end of scene. One semester yesterday later (hey, that's what the title card said) a new sociology professor is at the school. She makes friends with another female sociology professor who works there, and starts dating another professor. The students are all bored, as are we.

There are a number of title cards indicating how much time has passed. Scenes are pretty short, and cut to different characters somewhere else, making for little progression of any kind. A lot of scenes involve characters walking and talking, or sitting and talking, and serve little purpose. Despite the passage of time, many of the characters are always wearing the same clothing. Sometimes the unclear passage of time means when we see a body for the second time, we ask ourselves: how long has that body been there? And also, at least one of the dead people don't seem to have been missed by others.

The killer manages to kill one person by stabbing her in the breast, another by stabbing him in the crotch, and another by slicing her forehead. Is his knife poisoned or something?

The video box cover has a cheerleader: there aren't any in the movie. The rear cover has a photo of someone in a graduation cap and gown menacing a group of women in a dorm room. The central redhead in the photo is in the movie, but nobody ever wears such an outfit, and there is no such scene. The killer is strictly one-on-one.\": {\"frequency\": 1, \"value\": \"Really, really bad ...\"}, \"to movie,this movie felt like one of those after school specials,only lower budget and lower everything else.i guess this was supposed to an inspirational movie of some sort,but it didn't work for me.yet some how it comes across as preachy.it has very pale shades of Flash Dance,but so what?there just isn't any excitement in this movie.the dialogue is contrived and clich\\ufffd\\ufffdd to death.of course,the whole movie feels like a bad 80's clich\\ufffd\\ufffd.the acting was less than stellar,though that has a lot to do with what the actors were given(or in this case-not)to work with.on top of that is the poor song choices,with really bad lyrics.i felt embarrassed for all the actors involved.they are all talented,but you can't tell from this movie.this is just my opinion of course,but i have to give Flying AKA Dream to Believe a 1/10\": {\"frequency\": 1, \"value\": \"to movie,this ...\"}, \"I love MIDNIGHT COWBOY and have it in my video collection as it is a favorite of mine. What is interesting to me is how when MIDNIGHT COWBOY came out in 1969, it was so shocking to viewers that it was rated X. Of course, at that time X meant Maturity. Since I was only two years old at the time of the movie's release, it is hard for me to imagine just how shocked viewers were back then. However, when I try to take into account that many of the topics covered in the film, which included prostitution (the title itself was slang for a male prostitute); homosexuality; loneliness; physical (and to some extent emotional as well) abuse and drugs are hard for many people to talk about to this day, I can begin to get a sense of what viewers of this movie thought back on its release. It is worth noting that in the 1970's, MIDNIGHT COWBOY was downgraded to an R rating and even though it is still rated R, some of the scenes could almost be rated PG-13 by today's standards.

I want to briefly give a synopsis of the plot although it is probably known to almost anyone who has heard of the movie. Jon Voight plays a young man named Joe Buck from Texas who decides that he can make it big as a male hustler in New York City escorting rich women. He emulates cowboy actors like Roy Rogers by wearing a cowboy outfit thinking that that will impress women. After being rejected by all the women he has come across, he meets a sleazy con-man named Enrico \\\"Ratso\\\" Rizzo who is played by Dustin Hoffman. Ratso convinces Joe that he can make all kinds of money if he has a manager. Once again, Joe is conned and before long is homeless. However, Joe comes across Ratso and is invited to stay in a dilapidated apartment. Without giving away much more of the plot, I want to say that the remainder of the movie deals with Joe and Ratso as they try to help one another in an attempt to fulfill their dreams. I.E. Joe making it as a gigolo and Ratso going down to Florida where he thinks he can regain his health.

I want to make some comments about the movie itself. First of all, the acting is excellent, especially the leads. Although the movie is really very sad from the beginning to the end, there are some classic scenes. In fact, there are some scenes that while they are not intended to be funny, I find them amusing. For example, there is the classic scene where Dustin Hoffman and Jon Voight are walking down a city street and a cab practically runs them over. Dustin Hoffman bangs on the cab and says \\\"Hey, I'm walkin' here! I'm walkin' here!\\\" I get a kick out of that scene because it is so typical of New York City where so many people are in a hurry. Another scene that comes to mind is the scene where Ratso (Dustin Hoffman) sends Joe (Jon Voight) to a guy named O'Daniel. What is amusing is that at first, we think O'Daniel is there to recruit gigolos and can see why Joe is getting so excited but then we begin to realize that O'Daniel is nothing but a religious nut. In addition to the two scenes I mentioned, I love the scene where Ratso and Joe are arguing in their apartment when Ratso says to Joe that his cowboy outfit only attracts homosexuals and Joe says in self-defense \\\"John Wayne! You gonna tell me he's a fag!\\\" What I like is the delivery in that scene.

I would say that even though MIDNIGHT COWBOY was set in the late '60's, much of it rings true today. That's because although the area around 42nd Street in New York has been cleaned up in the form of Disneyfication in the last several years, homelessness is still just as prevalent there now as it was 40 years ago. Also, many people have unrealistic dreams of how they are going to strike it big only to have their dreams smashed as was the case with the Jon Voight character. One thing that impresses me about Jon Voight's character is how he is a survivor and I felt that at the end of the movie, he had matured a great deal and that Ratso (Dustin Hoffman's character) was a good influence on him.

In conclusion, I want to say that I suggest that when watching this movie, one should watch it at least a couple of times because there are so many things that go on. For example, there are a bunch of flashback and dream sequences that made more sense to me after a couple of viewings. Also, what I find interesting is that there is a lot in this movie that is left to interpretation such as what really happened with Joe Buck (Jon Voight's character) and the people who were in his life in Texas. Even the ending, while I don't want to give it away for those who have not seen the movie, is rather open-ended.\": {\"frequency\": 1, \"value\": \"I love MIDNIGHT ...\"}, \"I felt Rancid Aluminium was a complete waste of two hours, the plot line was thin and confusing, the prestigious line up of players had some terrible dialogue and extremely questionable accents. The camera work was somewhat experimental in places and although it could be seen what the director was trying to convey, it just made it even more difficult to watch. One of the most annoying aspects of Rancid Aluminium is the over use of narration throughout the film almost like the entire plot is being dictated to the audience. The best performances weren't anything to do with acting. In fact probably the most convincing performance came from Dani Behr of all people, although admittedly does play the stereotypical office secretary. DO NOT under any circumstance go and see this movie unless you need a reason to catch up on some lost sleep, there are certainly better ways to spend your hard earned cash.\": {\"frequency\": 1, \"value\": \"I felt Rancid ...\"}, \"This movie is a Gem because it moves with soft, but firm resolution.

I caution viewers that although it is billed as a Corporate Spy thriller and Ms Liu is there, it moves at a deftly purposeful yet sedate pace. It's NOT about explosions, car chases, or flying bullets. You must be patient and instead, note the details here. It's sedate because that's what the Main Character is. The viewer has to WATCH him and Think as this story unfolds.

I will not give spoilers-- because that destroys the point of watching. The plot is what you've read from the other postings: an average white-collar guy, seeking change and adventure, signs on for a corporate spy job. Just go somewhere and secretly record and transmit inside data.

Take it from there.

This movie starts at a surreal walk-- with a background tang of corporate disillusionment that entwines itself with quintessential, underlying suburban paranoia.

Then it begins to accelerate.

The acting on all parts is superb-- and yes, some of the acts are caricature characters. But they all fit, and they entertain. And the light piano rhyme in the background is just perfect as the soft, soft key sinister theme: All is not right at the beginning.

And at the end: All is not what it seems.

Get comfortable and turn the lights down to watch this one-- and turn up the sound: This movie wants you to LISTEN.\": {\"frequency\": 1, \"value\": \"This movie is a ...\"}, \"If you r in mood for fun...and want to just relax and enjoy...bade Miyan Chote Miyan is one of the movies to watch. Amitabh started off pretty good...but it is Govinda who steals the show from his hands... awesome timing for and good dialog delivery.....its inspired from Bad boys... but it has Indian Masala to it... people think it might be confusing and stupid...but the fact that David Dhavan is directing and Govinda is acting... should not raise any questions....other recommended movies in the same genre(David Dhavan/Govinda combo)...are Shola Aur Shabnam, Aankhen, Raja Babu, Saajan Chale Sasural, Deewana Mastana, Collie no. 1, Jodi no. 1, Hero no.1, Haseena Manjayegi, Ek Aur Ek Gyarah.\": {\"frequency\": 1, \"value\": \"If you r in mood ...\"}, \"I've seen all kinds of \\\"Hamlet\\\"s.

Kenneth Branagh's was most ambitious, Mel Gibson's was quick and to the point, Laurence Olivier's was the best - hands down. But now we come to Maximilian Schell's take on the Bard.

For one, this is a dubbed version of a German TV production of William Shakespeare's venerable chestnut. But if there's a slower, more plodding, more lethargic and worse-staged version out there somewhere, it must have been acted at grade school-level.

Having seen it on MST3K helps, with Mike and the robots taking jolly good jabs at the old boy, puncturing the profundity of black and white TV, Shakespeare and the wisdom (?) of Germans acting out an English play and making it look like an Ingmar Bergman reject.

Of course, the best parts are the MST riffs. Best lines? \\\"I'm gonna unleash the Great Dane\\\", \\\"I don't think so, 'breather'\\\", \\\"Meet the Beatles\\\", \\\"Hey, Dad, will you help me with my science project\\\" and, my personal favorite, during a party - \\\"Garrison Keillor's leaving Germany (YAAAY!!)\\\".

But then there's Schell, playing Shakespeare's greatest character much like a department store mannequin would, only not as expressive. No doubt he's a great actor, but here he comes off about as well as Paul Newman in \\\"The Silver Chalice\\\". Ever see that one? You GOTTA watch these two on a double-bill!

In the end, this is one instance where it's true that you're much better off to just read the book. At least the book isn't dubbed by Ricardo Montalban.

One star only for this \\\"Hamlet\\\"; ten stars, naturally, for the MST3K version.

Good-night, not-so-sweet prince.\": {\"frequency\": 1, \"value\": \"I've seen all ...\"}, \"Uta Hagen's \\\"Respect for Acting\\\" is the standard textbook in many college theater courses. In the book, Hagen presents two fundamentally different approaches to developing a character as an actor: the Presentational approach, and the Representational approach. In the Presentational approach, the actor focuses on realizing the character as honestly as possible, by introducing emotional elements from the actor's own life. In the Representational approach, the actor tries to present the effect of an emotion, through a high degree of control of movement and sound.

The Representational approach to acting was still partially in vogue when this Hamlet was made. British theater has a long history of this style of acting, and Olivier could be said to be the ultimate king of the Representational school.

Time has not been kind to this school of acting, or to this movie. Nearly every working actor today uses a Presentational approach. To the modern eye, Olivier's highly enunciated, stylized delivery is stodgy, stiff and stilted. Instead of creating an internally conflicted Hamlet, Olivier made a declaiming, self-important bullhorn out of the melancholy Dane -- an acting style that would have carried well to the backs of the larger London theaters, but is far too starchy to carry off a modern Hamlet.

And so the movie creaks along ungainfully today. Olivier's tendency to e-nun-ci-ate makes some of Hamlet's lines unintentionally funny: \\\"In-stead, you must ac-quire and be-get a tem-purr-ance that may give it... Smooth-ness!\\\" Instead of crying at meeting his father's ghost (as any proper actor could), bright fill lights in Olivier's pupils give us that impression.

Eileen Herlie is the only other actor of note in this Hamlet, putting in a good essay at the Queen, despite the painfully obvious age differences (he was 41; she was 26). The other actors in this movie have no chance to get anything else of significance done, given Olivier's tendency to want to keep! the camera! on him! at all! times!

Sixty years later, you feel the insecurity of the Shakespearean stage actor who lacked the confidence to portray a breakable, flawed Hamlet, and instead elected to portray a sort of Elizabethan bullhorn. Final analysis: \\\"I would have such a fellow whipped for o'er-doing Termagant; it out-herods Herod: pray you, avoid it.\\\"\": {\"frequency\": 1, \"value\": \"Uta Hagen's ...\"}, \"It's not my fault. My girlfriend made me watch it.

There is nothing positive to say about this film. There has been for many years an idea that Madonna could act but she can't. There has been an idea for years that Guy Ritchie is a great director but he is only middling. An embarrassment all round.

\": {\"frequency\": 1, \"value\": \"It's not my fault. ...\"}, \"This movie (with the alternate title \\\"Martial Law 3\\\" for some reason) introduced me to Jeff Wincott for the first time. And it was a great introduction. Although I had never heard of him before, he seemed to be an excellent fighter. The action scenes in this movie are GREAT! There are lots of them too, by the way. The recruit fight at the Peacekeepers HQ is especially good. There's just something about one single guy beating the crap out of a bunch of people that's really fun. And for the rest of the cast: Brigitte Nielsen was a good choice for the villain. Roles like this fits her (but others don't). Matthias Hues also did a good job, as always. He's a great fighter and macho-like character, and was a good rival for Wincott in this movie.\": {\"frequency\": 1, \"value\": \"This movie (with ...\"}, \"If you are wondering where many of the conspiracy theories and paranoid ideas about the the UN, Israel, and international affairs come from, look no further.

This isn't a supernatural Hollywood film loosely based on some biblical passage. Instead, this movie was made by a company (Cloud Ten Pictures) with a political and religious agenda. As a movie, the end result at times more looks like clips out of a televangelism program (complete with family prayers and light breaking through church windows while harps are playing).

For mainstream viewers, it may be hard to believe, but many people believe in this stuff literally, as presented in the movie. And that, perhaps, makes the movie important. You probably won't find a more concise exposition of the bizarre views of a significant number of your fellow citizens. So, if you view it, view it as a social/cultural document. If you are at all media savvy, you don't need to be warned about the unsubtle attempts at propaganda and manipulation in the movie.\": {\"frequency\": 1, \"value\": \"If you are ...\"}, \"Just finished watching, can't say I was impressed.

It starts of quite good, the visual and the atmosphere gives a creepy feeling as this type of movie should. But it all ends when the first lordi monster appears. Not only do you recognize them from the band lordi, but they are seriously malplaced in the movie. Doomsday monsters with leather jackets and piercings are so 80's.

As for the storyline, it starts of as similar horror movies, people trapped inside a hell hole. But there is no clear story on why and what is happening. The viewer is thrown some lines on possible reasons, but the lines never meet and end up to anything but a mess.

With all the money spent on this film, with an intriguing start and some good effects, I had thought someone would have taken better care of the product. I wonder if lordi made this movie just to prove that their show costumes could be scary (except they aren't).

So the movie gets cred for the visuals, i guess the money had to go somewhere. But the rest is an embarrassing attempt from a rock band to make their on-stage monster aliases scarier.\": {\"frequency\": 1, \"value\": \"Just finished ...\"}, \"That's the sound of Stan and Ollie spinning in their graves.

I won't bother listing the fundamental flaws of this movie as they're so obvious they go without saying. Small things, like this being \\\"The All New Adventures of Laurel and Hardy\\\" despite the stars being dead for over thirty years when it was made. Little things like that.

A bad idea would be to have actors playing buffoons whom just happen to be called Laurel and Hardy. As bad as that is, it might have worked. For a really bad idea, try casting two actors to impersonate the duo. Okay, they might claim to be nephews, but the end result is the same.

Bronson Pinchot can be funny. Okay, forget his wacky foreigner \\\"Cousin Larry\\\" schtick in Perfect Strangers, and look at him in True Romance. Here though, he stinks. It's probably not all his fault, and, like the director and the support cast - all of who are better than the material - he was probably just desperate for money. There are those who claim Americans find it difficult to master an effective English accent. This cause is not helped here by Pinchot. What is Stan? Welsh? Iranian? Pakistani? Only in Stan's trademark yelp does he come close, though as the yelp is overdone to the point of tedium that's nothing to write home about. Gailard Sartain does slightly better as Ollie, though it's like saying what's worse - stepping in dog dirt or a kick in the knackers?

Remember the originals with their split-second timing, intuitive teamwork and innate loveability? Well that's absent altogether, replaced with two stupid old men and jokes so mistimed you could park a bus through the gaps. Whereas the originals had plots that could be summed up in a couple of panels, this one has some long-winded Mummy hokum (and what a lousy title!) that's mixed in with the boys' fraternity scenario. I can't claim to have seen every single one of Laurel and Hardy's 108 movies, but I think it's a safe bet that even their nadir was leagues ahead of this.

Maybe the major problem is that the originals were sort-of playing themselves, or at least using their own accents. It at least felt natural and unforced, as opposed to the contrived caricatures Pinchot and Sartain are given. And since when did Stan do malapropisms, and so many at that? \\\"I was gonna give you a standing cremation\\\"; \\\"I would like to marinate my friend.\\\" Stop it!

Only notable moment is a reference to Bozo the Clown, the cartoon character who shared Larry Harmon's L & H comic. Harmon of course bought the name copyright (how disconcerting to see a \\ufffd\\ufffd after Laurel and Hardy) and was co-director and producer of this travesty.

Questions abound. Would Stan and Ollie do fart gags if they were alive today? Would they glass mummies with broken bottles? Have Stan being smacked in the genitals with a spear and end on a big CGI-finale? Let's hope not.

I did laugh once, but I think that was just in disbelief at how terrible it all is. Why was this film made in the first place? Who did the makers think would like it? Possibly the worst movie I've ever seen, an absolute abhorrence I grew sick of watching after just the first five minutes. About as much fun as having your head trapped in a vice while a red-hot poker and stinging nettles are forcibly inserted up your back passage.\": {\"frequency\": 1, \"value\": \"That's the sound ...\"}, \"I was totally impressed by Shelley Adrienne's \\\"Waitress\\\" (2007). This movie only confirms what was clear from that movie. Adrienne was a marvelously talented writer-director, an original and unique artist. She managed to show the miseries of everyday life with absurd humor and a real warm optimistic and humanistic tendency. Ally Sheedy steals this movie with a terrific performance as a woman who has fallen over the edge. Male lead Reg Rodgers, looking like Judd Nelson, is fine. There is also a great cameo by Ben Vereen. The song at the end of the movie \\\"The Bastard Song\\\" written by Adrienne can stand as her optimistic eulogy:

\\\"It's a world of suffering,

In a sea of pain,

No matter how much sun you bring,

You're pummeled by the rain...

Don't let the heartless get you down,

Don't greet the heartless at your door,

Don't live among the heartless\\\"\": {\"frequency\": 1, \"value\": \"I was totally ...\"}, \"In the spirit of the classic \\\"The Sting\\\", this movie hits where it truly hurts... in the heart! A prim, proper female psychiatrist, hungry for adventure, meets up with the dirtiest and rottenest of scoundrals. The vulnerable doctor falls for the career badman, and begs to be involved in his operation. While the movie moves kind of \\\"slow\\\", it's climax and ending are stunning! You'll especially enjoy how the doctor \\\"forgives herself\\\"!\": {\"frequency\": 1, \"value\": \"In the spirit of ...\"}, \"After Chicago, I was beginning to lose all respect for Richard Gere and then along came The Flock. There's just so far a nice smile and a couple of stock facial gestures can get you, but he proved to me that he's finally gotten hold of his craft and can act with the best of them. Clare Danes was also super as his \\\"trainee/replacement\\\". Some have suggested there was too much unnecessary violence, but I don't see it that way. Nothing I saw detracted from the power of this film. I was really shocked I hadn't heard of it being released in theaters and came across it at Blockbuster instead. Really an exceptional film with just the right blend of action, suspense, thrills, and social consciousness. As good as 7even? Well, maybe. And you'll see better acting out of Gere than anyone's ever gotten out of Pitt.\": {\"frequency\": 1, \"value\": \"After Chicago, I ...\"}, \"The problems with this film are many, but I will try to mention the most glaring and bothersome ones. First of all, while the theme suggests a number of vignettes about Manhattan life, the reality was that everything, as usual in movies and TV, was about something bizarre, usually of a sexual nature. The story lines were thin or nonexistent, and virtually every scene, camera shot, line of dialog, and expressed emotion was absolutely, and totally fake. It finally reached a point after an hour of so of mind numbing garbage that I walked out (something no uncommon for me in recent years.) I would have guessed the fi9lm was directed by some wannabe auteur drop outs from some 3rd rate film studies program, but I believe the (at one time, pre-Amelia, talented)director Mira Nair took part in this disgusting travesty, so perhaps the directorial talent in America has descended en masse into the cesspool.\": {\"frequency\": 1, \"value\": \"The problems with ...\"}, \"The original DeMille movie was made in 1938 with Frederic March. A very good film indeed. Hollywood's love of remakes brings us a fairly interesting movie starring Yul Brynner. He of course was brilliant as he almost always seemed to be in all of his movies. Charlton Heston as Andrew Jackson was a stroke of genius. However, the movie did tend to get a little long in places. It does not move at the pace of the 1938 version. Still, it is a fun movie that should be seen at least once.\": {\"frequency\": 1, \"value\": \"The original ...\"}, \"Peaceful rancher Robert Sterling is on the losing side of a range war with his ruthless neighbors, that is until notorious outlaw Robert Preston shows up out of the blue to level the playing field. Soon he begins to go too far, feeding a growing sense of unease in Sterling, especially when his son begins to idolize the wily criminal.

The Sundowners is a tightly-paced, gritty, and surprisingly tough little picture with a great performance by Preston. Here, he comes across as an evil version of Shane, that is until the real nature of the rancher and the outlaw's relationship is revealed. Most movie guides and video boxes spoil the surprise!

Rounding out the cast is Chill Wills, Jack Elam, and the debut of John Drew Barrymore, who became more famous for his offspring than his acting.\": {\"frequency\": 1, \"value\": \"Peaceful rancher ...\"}, \"this movie is not good.the first one almost sucked,but had that unreal ending to make it worth watching.this one has nothing.there's zero scare,zero tension or suspense.this isn't really a horror movie.most of the kills don't show anything.there's no gore to speak of.this could almost be a TV,except for a bit of nudity and a bit of violence.the acting is not very good,either.and don't get me started on the dialogue.as for the surprise ending,surprise,there isn't one.i suppose it could have been worse,although i don't see how.but then again,it is less than 80 minutes long,so i guess that's a good thing.although it felt a lot longer. apparently this is the cut version of the film.i found it for a very cheap price,but it still not worth it.if you want the uncut more graphic version,check out the Anchor Bay edition.anyway,this version of Sleepaway Camp II:Unhappy Campers gets a big fat 1/10 from me. p.s.if you watch this movie,you will probably be a bored and unhappy camper.if you are a real fan,you might want to pick up Anchor Bay's Sleepaway Camp(with survival kit) three disc collection containing the first three movies uncut and with special features\": {\"frequency\": 1, \"value\": \"this movie is not ...\"}, \"Despite being released on DVD by Blue Underground some five years ago, I have never come across this Italian \\\"sword and sorcery\\\" item on late-night Italian TV and, now that I have seen it for myself, I know exactly why. Not because of its director's typical predilection for extreme gore (of which there is some examples to be sure) or the fact that the handful of women in it parade topless all the time (it is set in the Dark Ages after all)\\ufffd\\ufffdit is, quite simply, very poor stuff indeed. In fact, I would go so far as to say that it may very well be the worst of its kind that I have yet seen and, believe me, I have seen plenty (especially in the last few years i.e. following my excursion to the 2004 Venice Film Festival)! Reading about how the film's failure at the time of initial release is believed to have led to its director's subsequent (and regrettable) career nosedive into mindless low-budget gore, I can see their point: I may prefer Fulci's earlier \\\"giallo\\\" period (1968-77) to his more popular stuff horror (1979-82) myself but, even on the latter, his commitment was arguably unquestionable. On the other hand, CONQUEST seems not to have inspired Fulci in the least \\ufffd\\ufffd seeing how he decided to drape the proceedings with an annoyingly perpetual mist, sprinkle it with incongruent characters (cannibals vs. werewolves, anyone?), irrelevant gore (we are treated to a gratuitous, nasty cannibal dinner just before witnessing the flesh-eating revelers having their brains literally beaten out by their hairy antagonists!) and even some highly unappetizing intimacy between the masked, brain-slurping villainess (don't ask) and her slimy reptilian pet!! For what it is worth, we have two heroes for the price of one here: a young magic bow-carrying boy on some manhood-affirming odyssey (Andrea Occhipinti) and his rambling muscle-bound companion (Jorge Rivero i.e. Frenchy from Howard Hawks' RIO LOBO [1970]!) who, despite being called Mace (short for Maciste, perhaps?), seems to be there simply to drop in on his cavewoman from time to time and get his younger prot\\ufffd\\ufffdg\\ufffd\\ufffd out of trouble (particularly during an exceedingly unpleasant attack of the 'boils'). Unfortunately, even the usual saving grace of such lowbrow material comes up short here as ex-Goblin Claudio Simonetti's electronic score seems awfully inappropriate at times. Fulci even contrives to give the film a laughably hurried coda with the surviving beefy hero going aimlessly out into the wilderness (after defeating one and all with the aid of the all-important magic bow\\ufffd\\ufffdso much for his own supposed physical strength!) onto his next \\ufffd\\ufffd and thankfully unfilmed \\ufffd\\ufffd adventure!\": {\"frequency\": 1, \"value\": \"Despite being ...\"}, \"The Three Stooges in a feature length western comedy-musical? Perhaps \\\"Rockin' in the Rockies\\\" was meant to combine the Stooges comedy short with the western musical, in a matin\\ufffd\\ufffde; if so, this was a pleasant way to break up a Saturday afternoon. Jay Kirby (as Rusty) is a handsome young hero; and, Mary Beth Hughes (as the blonde June) and Gladys Blake (as the brunette Betty) are pretty women. The Hoosier Hotshots are a harmonious group; their songs are quite tuneful; however, this is the 1940s, not the 1950s, so the film doesn't exactly \\\"rock\\\". There are a few laughs; but the Stooges' brand of humor is more subdued than usual. The talking horse is also underutilized.

**** Rockin' in the Rockies (4/17/45) Vernon Keays ~ Moe Howard, Larry Fine, Curly Howard, Mary Beth Hughes\": {\"frequency\": 1, \"value\": \"The Three Stooges ...\"}, \"How do I begin to review a film that will soon be recognized as the `worst film of all time' by the `worst director of all time?' A film that could develop a cult following because it's `so bad it's good?'

An analytical approach criticizing the film seems both pointless and part of band-wagon syndrome--let's bash freely without worry of backlash because every other human on earth is doing it, and the people who like the film like it for those flaws we'd cite.

The film's universal poor quality goes without saying-- 'Sixteen Years of Alcohol' is not without competition for title of worst film so it has to sink pretty low to acquire the title and keep a hold of it, but I believe this film could go the distance. IMDb doesn't allow enough words to cite all the films failures, and it be much easier to site the elements 'Sixteen Years of Alcohol' does right. Unfortunately, those moments of glory are so far buried in the shadows of this film's poorness that that's a task not worth pursuing.

My impressions? I thought I knew what I was getting into, I had been warned to drink several cups of coffee before sitting down to watch this one (wish that suggestion had been cups of Vodka). Despite my low expectations, 'Sixteen Years of Alcohol' failed to entertain me even on a `make fun of the bad movie' level. Not just bad, but obnoxiously bad as though Jobson intentionally tried to make this film a poetical yawn but went into overkill and shoved the poetry down our throats making it not profound but funny . .. and supposedly Jobson sincerely tried to make a good movie? Even after viewing the 'Sixteen Years of Alcohol' promotional literature, I have trouble believing Jobson's sincerity. Pointless and obnoxious till the end with a several grin/chuckle moments (all I'm sure none intentional)spiced the film, and those few elements prevented me from turning the DVD off. So bad it's good? No. It had just enough 'I can't believe this is a serious movie moments' to keep me from turning it off, and nothing more.

Definitely a film to watch with a group of bad-movie connoisseurs. Get your own running commentary going. That would've significantly improved the experience for me. So bad it's Mike Myers commentating in his cod Scottish accent on it as it runs, to turn this whole piece of sludge into a comic farce \\\"Ok dare ma man, pass me annuder gliss of dat wiskey\\\".\": {\"frequency\": 1, \"value\": \"How do I begin to ...\"}, \"This movie should be required viewing for all librarians or would-be librarians. All of the best lines are directly related to librarianship. The public library vs. academic library argument is a classic argument waged among librarians and library school students. It also breaks many librarian stereotypes. Librarians might even be capable of having fun -- even if they don't *usually* have sex in the romance languages section! (The best movie about librarians? Desk Set, with Katherine Hepburn and Spencer Tracy, of course.)\": {\"frequency\": 1, \"value\": \"This movie should ...\"}, \"I have been a Hindi movie buff since the age of 4 but never in my life have a watched such a moving and impacting movie, especially as a Hindi film. In the past several years, I had stopped watching contemporary Hindi movies and reverted to watching the classics (Teesri Kasam, Mere Huzoor, Madhumati, Mother India, Sholay, etc.) But this movie changed everything. It is one of the best movies I have ever seen. I found it not only to be moving but also found it to be very educational for someone who is a first generation Indian woman growing up in America. It helped me to understand my own family history, which was always something very abstract to me. But, to \\\"see\\\" it, feel it and understand it helped me to sympathize with the generations before me and the struggle that Indian people endured. The film helped to put many things into perspective for me, especially considering the current world events. I never thought that a movie could change the way I think like this before... it did. The plot is fantastic, the acting superb and the direction is flawless. Two thumbs up!\": {\"frequency\": 1, \"value\": \"I have been a ...\"}, \"The film is side spliting from the outset, Eddie just seems to bring that uniqueness to the stage and makes the most basic thing funny from having an ice cream as a child to the long old tradition of the family get together. The film is very rare in this country but unsure of availability in other countries i have searched through a lot of web sites and still no luck, phoned companies that search for rare videos and there are year waiting lists for it. SO HINTS ARE VERY WELCOME. If any one likes Eddie Murphy as a comedian and see's the video get it,it is worth the money and can't go far wrong.\": {\"frequency\": 1, \"value\": \"The film is side ...\"}, \"Think Pierce Brosnan and you think suave, dapper, intelligent James Bond. In this movie, Brosnan plays against type - and has lots of fun doing so (as does the audience). This is a film about a hired assassin who befriends a harried businessman... and it works!

This is a fun movie, with very good scenes (a riveting, on-the-edge Brosnan and a good, compliant \\\"off\\\"-the-edge Kinnear have some good lines). My only cavil is that Hope Davis, playing the oh-so-tolerant wife (\\\"Can I see your gun?\\\") doesn't appear more often: she could have been a marvellous foil to these men.

This movie is like a matador: it plays with the audience, while \\\"going for a kill\\\". The ending is awesome because a storyline (with a positive moral!) emerges: this is a frenetic, frantic and fun movie, which does deserve a wide audience.\": {\"frequency\": 1, \"value\": \"Think Pierce ...\"}, \"This is some of the worst acting I have ever seen. I love Almereyda's Nadja, but this is just absolute dreck. Aside from a few moments of interesting cinematography and music this film is just nonstop bad acting and dumb material. Jared Harris is particularly bad, but no one in this is remotely good. The plot is a joke, but not the haha kind. I don't even know if you can forgive movies that are this bad. Please erase the last hour and a half of my life. How did this director make Nadja and Another Girl Another Planet?\": {\"frequency\": 1, \"value\": \"This is some of ...\"}, \"One of Boris Karloff's real clinkers. Essentially the dying Karloff (looking about 120 years older than he was)is a scientist in need of cash to finish his experiments before he dies. Moving from Morocco where his funding is taken over by someone else he goes to the South of France where he works a s physician while trying to scrap enough money to prove his theories. Desperate for money he makes a deal with the young rich wife of a cotton baron who is dying. She will fund him if he helps her poison the husband so she can take his money and carry on with a gigolo (who I think is married). If you think I got that from watching the movie you're wrong, I had to read what other people posted to figure out happened. Why? because this movie had me lost from two minutes in.I had no idea what was going on with its numerous characters and multiple converging plot lines. Little is spelled out and much isn't said until towards the end by which time I really didn't care. Its a dull mess of interest purely for Karloff's performance which is rather odd at times. To be honest this is the only time I've ever seen him venture into Bela Lugosi bizarre territory. Its not every scene but a few and makes me wonder how much they hung out.\": {\"frequency\": 1, \"value\": \"One of Boris ...\"}, \"When I think about this movie, all the adjectives that come to mind somehow relate to the physical appreciation of the world. Texture, smell, color, that's how I think this movie should be judged in terms of. See the rich golden tones surrounding the young concubine asleep by the fireplace, or the sweltering turkish bath, and let it flood your senses with impressions of spice, coarse cloth, smooth skin, scented oils, flickering flames, satin rustle. Don't just watch and listen, be absorbed, let the droning voice of the storyteller mesmerize you.\": {\"frequency\": 1, \"value\": \"When I think about ...\"}, \"During a Kurt Weill celebration in Brooklyn, WHERE DO WE GO FROM HERE? was finally unearthed for a screening. It is amazing that a motion picture, from any era, that has Weill-Gershwin collaborations can possibly be missing from the screens. The score stands tall, and a CD of the material, with Gershwin and Weill, only underscores its merits, which are considerable. Yes, the film has its problems, but the score is not one of them. Ratoff is not in his element as the director of this musical fantasy, and Fred MacMurray cannot quite grasp the material. Then, too, the 'modern' segment is weakly written. BUT the fantasy elements carry the film to a high mark, as does the work of the two delightful leading ladies - Joan Leslie and June Haver. Both have the charm that this kind of work desperately needs to work. As a World War II salute to our country's history - albeit in a 'never was' framework, the film has its place in Hollywood musical history and should be available for all to see and to find its considerable merits.\": {\"frequency\": 2, \"value\": \"During a Kurt ...\"}, \"The Drug Years actually suffers from one of those aspects to mini-series or other kinds of TV documentaries run over and over again for a couple of weeks on TV. It's actually not long enough, in a way. All of the major bases in the decades are covered, and they're all interesting to note as views into post-modern history and from different sides. But it almost doesn't cover enough, or at least what is covered at times is given a once over when it could deserve more time. For example, the information and detail in part three about the whole process and business unto itself of shipping mass amounts of drugs (partly the marijuana, later cocaine) is really well presented, but there are more details that are kept at behest of how much time there is to cover.

Overall though the documentary does shed enough light on how drugs, pop-culture, government intervention, the upper classes and lower classes and into suburbia, all felt the wave of various drugs over the years, and the interplay between all was very evident. Nobody in the film- except for the possibility of small hints with the pot)- goes to endorse drugs outright, but what is shown are those in archival clips about the honesty of what is at times fun, and then tragic, about taking certain drugs. The appearances of various staunch, ridiculously anti-drug officials does hammer some points down hard- with even in such an overview of the drug cultures and America's connection as a whole- as there is really only one major point that is made a couple of times by one of the interviewees. The only way to really approach the issue of drugs is not 'just say no', because as the war on drugs has shown it is not as effective as thought. It is really just to come clean on all sides about all the drugs and the people who may be hypocritical about them (as, for example, oxycontin continues on in the marketplace).

Is it with the great interest and depth of a Ken Burns documentary? No, but for some summertime TV viewing for the young (i.e. my age) who will view a lot of this as almost ancient history despite most of it being no more than a generation ago, as well as for the 'old' who can reflect some decades later about the great peaks, careless times, and then the disillusionment prodded more by the same media that years earlier propagated and advertised it. There are those who might find the documentary to be particularly biased, which is not totally untrue, but it does attempt to get enough different takes on the social, political, and entertainment conditions of drugs interweaving (for better or obvious worse) for enough of a fascinating view.\": {\"frequency\": 1, \"value\": \"The Drug Years ...\"}, \"A bad one.

Oh, my...this is one of the movies, which doesn't have even one positive effect. Just everything from actors to story stinks to the sky. I just wonder how low I.Q. you should have to watch this kind of flick and even enjoy.

Is there something than this is worth watching for? Well, there is a lot of nudity involved, but it's nothing particular. And when you just think that it couldn't get worse, your realize that all the naked ladies looked like there are forty years old. C'mon guys, where did you search for these actresses. In elderly home, perhaps.

Anyway, the leading actresses has some sex-appeal and knows how to show it. Again, too bad, that she is too skinny & old. All in all, skip these one.

2 out of 10\": {\"frequency\": 1, \"value\": \"A bad one.

The fear is that he is coming down with rabies, which does indeed suck, so their vacation is ruined, as the plot synopsis on the top of THE BAT PEOPLE's reference page does indeed point out. So here is an effective summary of the movie: A young couple goes on a romantic getaway which is ruined when the guy is bitten by a bat. They bravely try to stick it out but he starts raving, trying to convince those around him that it's a bit more involved than rabies, that he can't control himself, and they everyone should KEEP AWAY.

Now, when some one is frothing at the mouth, covered with sweat, eyes boggling about like one of the cheaper Muppets and screaming at you to GET AWAY FROM ME, you get away from him. You don't try to give him drugs, you don't try to tell him you love him, you give the guy his space, go home, and try that scenic getaway next year.

But no, the people in this movie all behave like morons, insist on pushing the guy to his brink, and he flips out, mutates into a part man part bat type creature, and kills a bunch of non-essential secondary characters. Nothing wrong with that, but the movie forgets that it's a low budget Creature Feature and tries to be some sort of psychological study. Instead of a monster movie, we get lots of people running around trying to get this guy to take a chill pill, and eventually he runs off into the hills looking very much more human than he should have, people insist on trying to chase him down and pay the expected price.

The main thing wrong with the movie is that this should have happened in the first fifteen or twenty minutes, thirty tops, and the movie should have been about the guy AFTER he had turned into a Bat Person, rather than about the journey there. It takes a good eighty minutes to really pick up steam on that front, with some interesting character sketches along the way involving the always entertaining Michael Pataki as a small town cop who's lost his moral edge, and the late Paul Carr as a physician friend who doesn't quite get the message.

The movie is dreadfully boring, about fifteen minutes too long and missed the opportunity to be a nice, forgettable little Creature Feature about a mutant run amok like the Italian horror favorite RATMAN, which I watched today and was sadly inspired to try this one after seeing. Me and my bright ideas, though the scene with the cop car was a howler: Too bad we couldn't have had another twenty minutes of that.

3/10\": {\"frequency\": 1, \"value\": \"Really, the use of ...\"}, \"

I would highly recommend seeing this movie. After viewing it, you will be able to walk out of every other bad movie EVER saying \\\"at least it wasn't The Omega Code.\\\"

Forget my money, I want my TIME back!\": {\"frequency\": 1, \"value\": \"

I ...\"}, \"I confess to have quite an uneasy feeling about ghosts movies, and while I sometimes enjoy the genre when it comes to horror, but when it comes to comedies, they really need to be crazy to be funny. 'Over Her Dead Body' seems to take afterlife a little bit too seriously, and fails in my opinion from almost any aspect I can think about. The story is completely unbelievable of course, and did not succeed to convince me either in the comic or in the sentimental register. The choice of the principal actresses was awful. While Paul Rudd is at least handsome and looks like a nice guy, the taste in ladies of his character seems to need serious improvement as Eva Longoria seems too aged (sorry) for him, and Lake Bell seems too unattractive (sorry again). A romantic story without good enough reason for romance is due to failure from start. Jason Biggs and Lindsey Sloane were actually better but they had only supporting roles. The rest is uninteresting and uninspired, with flat cinematography and cheap gags borrowed from unsuccessful TV comedies. Nothing really worth watching, nothing to remember.\": {\"frequency\": 1, \"value\": \"I confess to have ...\"}, \"Don't be swayed by the naysayers. This is a wonderfully spooky film. This was a thesis project for the writer/director , JT Petty. He did a great job of having me on the edge of my seat. I never really knew what to expect, and for a jaded horror-movie goer, this is Nirvana! The film concerns an elderly man who lives in a isolated log cabin in the woods. One day, while searching for his cat in the woods, he witnesses the murder of a child, or does he? He agonizes about this the rest of the film. What is most unusual about this film is that here is no dialogue until the last few scenes. I found this to be intriguing. The writer manages to get hold of your senses and gives them a relentless tug. Give this film a go, you won't be disappointed.\": {\"frequency\": 1, \"value\": \"Don't be swayed by ...\"}, \"This is one of the greatest films I have ever seen: I glowed inside throughout the whole film. The music and cinematography held the spell when little was happening on screen. The slow pace was set by the mode of travel (a riding lawn mower with a big trailer) and was maintained by the background sights and sounds and the slow-paced lives of the other characters.

The story actually happened; Alvin Straight died in 1996 at the age of 76. There was no acting; everything was completely real, as if the actors had actually transformed into the characters. Sissy Spacek gave a poignant performance as a somewhat disabled daughter who had suffered much but forged ahead, always wanting to do the right thing. Richard Farnsworth was cast perfectly and he beautifully became Alvin Straight, a stubborn but loving elderly man who treks across Iowa to visit his estranged brother, Lyle, who has had a stroke. Alvin had learned much wisdom during his life and that seemed to bring out the best in the people that he encountered along the way.

The film underscores the importance of family to this man and, hopefully, to all of us. I eagerly anticipate seeing it again, and again. Directed by David Lynch, this films proves his directorial skill. Farnsworth was nominated for an Academy Award for Best Actor; at 79, he was the oldest nominee ever for that award.\": {\"frequency\": 1, \"value\": \"This is one of the ...\"}, \"If you're a fan of film noir and think they don't make 'em like they used to, here is your answer -they just don't make 'em in Hollywood anymore. We must turn to the French to remember how satisfying, subtle and terrific a well-made film from that genre can be. Read My Lips is a wonderfully nasty little gift to the faithful from director Jacques Audiard, featuring sharp storytelling and fine performances from Emmanuelle Devos and Vincent Cassel.

The basic plot could have been written in the 40's: dumb but appealing ex-con and a smart but dowdy femme fatale (who turns out to be ruthlessly ambitious) discover each other while living lives of bleak desperation and longing, manipulate each other to meet their own ends, develop complex love/hate relationship, cook up criminal scheme involving heist, double crosses, close calls and lots of money. All action takes place in depressing, seedy and/or poorly lit locations.

Audiard has fashioned some modern twists, of course. The femme fatale is an underappreciated office worker who happens to be nearly deaf and uses her lip reading ability to take revenge on those who marginalize her. And where you might expect steamy love scenes you discover that both characters are sexually awkward and immature. Add in a bit of modern technology and music and it seems like a contemporary film, but make no mistake - this is old school film noir. It's as good as any film from the genre and easily one of the best films I've seen all year.\": {\"frequency\": 1, \"value\": \"If you're a fan of ...\"}, \"I can find very little thats good to say about this film. I am sure the idea and script looked good on paper but the filmography and acting I am afraid is not the standards I would expect from some very talented people. I would doubt that this features highly in their CV Filmography. Michael Caine appeared wooden at times in his role as the Doctor, and at no time no did I actually believe in his character. The plot was unbelievable especially with regard to the victims son. Some of the scenes were very reminiscent of other films, that at times I wondered if it was actually a spoof thriller. The lighting at times was dark and this added to the feeling of watching a low budget movie with some big named stars, wondering why I bothered to watch it at all.\": {\"frequency\": 1, \"value\": \"I can find very ...\"}, \"An American in Paris is a showcase of Gene Kelly. Watch as Gene sings, acts and dances his way through Paris in any number of situations. Some purely majestic, others pure corn. One can imagine just what Kelly was made of as he made this film only a year before \\\"Singin' In The Rain\\\". He is definately one of the all time greats. It is interesting to look at the parallels between the two films, especially in Kelly's characters, the only main difference being that one is based in Paris, the other in L.A.

Some have said that Leslie Caron's acting was less than pure. Perhaps Cyd Charisse, who was originally intended for the role could have done better, however Caron is quite believable in the role and has chemistry with Kelly. Oscar Levant's short role in this film gave it just what it needed, someone who doesn't look like Gene Kelly. Filling the role as the everyman isn't an easy task, yet Levant did it with as much class as any other lead.

The song and dance routines are all perfection. Even the overlong ballet at the end of the film makes it a better film with it than without. Seeing that there really wasn't much screen time to make such a loving relationship believable, Minnelli used this sequence to make it seem as if you'd spent four hours with them. Ingenious!

I would have to rate this film up with Singin' since it is very similar in story and song. Singin' would barely get the nod because of Debbie Reynolds uplifting performance.

Full recommendation.

8/10 stars.\": {\"frequency\": 1, \"value\": \"An American in ...\"}, \"Cary Grant and Myrna Loy are perfectly cast as a middle class couple who want to build the house of their dreams. It all starts out with reasonable plans and expectations, both of which are blown to bits by countless complications and an explosion of the original budget.

There are many great laughs (even if the story is somewhat thin) sure to entertain fans of the stars or the late 1940s Hollywood comedy style. A definite highlight comes when a contractor goes through a run down of all expenses, which must have sounded quite excessive to a 1948 audience. As he makes his exit, he assures the client (Grant) that perhaps he could achieve a reduction of $100.00 from the total...or at least $50.00...but certainly $25.00. Hilarious!\": {\"frequency\": 1, \"value\": \"Cary Grant and ...\"}, \"This is a film that on the surface would seem to be all about J.Edgar Hoover giving himself a a big pat on the back for fighting Klansmen,going after Indian killers, hunting the famous gangsters of the 1930's, fighting Nazi's in the US and South America during world war 2 and Commies in New York during the early 1950's. Of course in 1959 we did not know about Mr. Hoover's obsession for keeping secret files on honest Americans, bugging people like the Rev. Martin Luther King, Jr, but worst of all,his secret love affair with his deputy director,Clyde Tolson( If you want to know more about that subject, I suggest seeing the film Citizen Cohn). Hoover aside, This story of a life in the FBI as told by Jimmy Stewart makes for a decent, but dated film. Vera Miles as his devoted wife is also good. But Jimmy is the movie. As much as Hoover controlled production and always made sure the FBI was seen without fault, Jimmy Stewart gave the film a human side,quite an achievement considering Hoover was always looking over his shoulder. The background score is also pleasant. I have read recent online articles suggesting that this is a forgotten film. Jimmy Stewart was one of the greatest film stars of all time and none of his films should be forgotten. TCM was the last network to show it a long time ago and I hope they show it again.\": {\"frequency\": 1, \"value\": \"This is a film ...\"}, \"I was expecting a very funny movie. Instead, I got a movie with a few funny jokes, and many that just didn't work. I didn't like the idea of bringing in Sherlock Holmes' and Moriarty's descendants. It was confusing. It would have been more funny if they just had someone new, instead of Moriarty resurrected. Some of the things were funny. Burt Kwouk was very funny, as always. McCloud on the horse was funny. The McGarrett from Hawaii 5-0 was not even McGarrett-like. Connie Booth obviously is very good with accents. She is from Indiana, but played English and a New Yorker pretty well. Unfortunately, she was not presented much into the script. I was expecting a more funny film. Instead, I got a rather confusing movie with a poor script. Rather ironic, since both Booth and Cleese were together on this one. Maybe they were about to break up in 77.\": {\"frequency\": 1, \"value\": \"I was expecting a ...\"}, \"Wow, here it finally is; the action \\\"movie\\\" without action. In a real low-budget setting (don't miss the hilarious flying saucers flying by a few times) of a future Seattle we find a no-brain hardbody seeking to avenge her childhood.

There is nothing even remotely original or interesting about the plot and the actors' performance is only rivalled in stupidity by the attempts to steal from other movies, mainly \\\"Matrix\\\" without having the money to do it right. Yes, we do get to see some running on walls and slow motion shoot-outs (45 secs approx.) but these scenes are about as cool as the stupid hardbody's attempts at making jokes about male incompetence now and then.

And, yes, we are also served a number of leads that lead absolutely nowhere, as if the script was thought-out by the previously unseen cast while shooting the scenes.

Believe me, it is as bad as it possibly can get. In fact, it doesn't deserve to be taken seriously, but perhaps I can make some of you not rent it and save your money.\": {\"frequency\": 2, \"value\": \"Wow, here it ...\"}, \"Even if this film was allegedly a joke in response to critics it's still an awful film. If one is going to commit to that sort of thing at least make it a good joke.....first off, Jeroen Krabb\\ufffd\\ufffd is i guess the poor man's Gerard Depardieu.....naturally i hate Gerard Depardieu even though he was very funny in the 'Iron Mask' three musketeer one. Otherwise to me he is box office poison and Jeroen Krabb\\ufffd\\ufffd is worse than that. The poor man's box office poison....really that is not being fair to the economically disenfranchised. If the '4th Man' is supposed to be some sort of critique of the Bourgeoisie....what am i saying? it isn't. Let's just say hypothetically, if it was supposed to be, it wasn't sharp enough. Satire is a tricky thing....if it isn't sharp enough the viewer becomes the butt of the joke instead......i think that is what happened. The story just ends up as a bunch of miserable disgusting characters doing nothing that anyone would care about and not in an interesting way either.....(for a more interesting and worthwhile application see any Luis Bunuel film....very sharp satire)

[potential spoiler alert]

Really, the blow job in the cemetery that Jeroen Krabb\\ufffd\\ufffd's character works so so hard to attain.... do you even care? is it funny? since Mr. Voerhoven is supposed to be a good film maker i will give him the benefit of the doubt and assume it was some misanthropic joke that got out of control.....though i'm guessing he didn't cast Jeroen Krabb\\ufffd\\ufffd because he's the worst actor and every character he's played has been a pretentious bourgeois ass.... except he's incompetent at it. So it becomes like a weird caricature. Do you think Mr. Voerhoven did that on purpose? and Jeroen Krabb\\ufffd\\ufffd is the butt of the joke as well? I just don't see it...... So you understand the dilemma i'm faced with here right? It is the worst film ever because he's supposed to be a good director. So there is some kind of dupery involved. I knew 'Patch Adams' was horrible without even seeing it. Do not be duped by 'The 4th Man\\\"s deceptively alluring packaging or mr. Voerhoven's reputation as a good director etc. etc.\": {\"frequency\": 1, \"value\": \"Even if this film ...\"}, \"Though it had the misfortune to hit the festival circuit here in Austin (SXSW Film) just as we were getting tired of things like Shakespeare in Love, and Elizabeth, this movie deserves an audience. An inside look at the staging of \\\"The Scottish Play\\\" as actors call \\\"Macbeth\\\" when producing it to avoid the curse, this is a crisp, efficient and stylish treatment of the treachery which befalls the troupe. With a wonderfully evocative score, and looking and sounding far better than its small budget would suggest, this is a quiet gem, not world-class, but totally satisfying.\": {\"frequency\": 1, \"value\": \"Though it had the ...\"}, \"Since the title is in English and IMDb lists this show's primary language as English, i shall concentrate on reviewing the English version of Gundam Wing(2000) as presented in the Bandai released DVD set. My actual review for the whole series is under IMDb's entry of \\\"\\\"Shin kid\\ufffd\\ufffd senki Gundam W\\\"(1995).

Very little is changed in respect to plot, script and characterization its adaptation to English and it really depends on your own taste to choose which language to watch this show in. Purists can stick to Japanese all they want, but for a more \\\"realistic\\\" experience i recommend the English track since all the characters, except Heero Yuy, are not Japanese.(most of them are Caucasian in fact with a couple of non-Japanese Asians.) For one thing, the characters' personalities come across more \\\"directly\\\" than in the Japanese version. The contrast between the characters is stronger thanks to some give-or-take performances but a very well cast group of actors.

Wing Gundam's pilot Heero Yuy is a highly trained soldier who suppresses his emotions but slowly learns the value of his humanity. Voiced by Mark Hildreth who's deadpan delivery can be criticized as \\\"bad acting\\\" but it matches Heero's personality very well.

Deathscythe Gundam's Duo Maxwell, ever cheerful in the face of death is given a crash course in the cherishing the value of life and friends. He is possibly the best acted character in the whole show, masterfully played by Scott McNeil. He may sound a little too old for his age, but Duo's English voice easily out ranks his irritatingly nasal Japanese one.

Trowa, the pilot of Heavyarms, is a lost lonely soul who's only purpose so far has been combat; despite his inner desire to form connections with the people around him, he only knows how to kill, not to befriend. Kirby Morrow gives a somber but realistic performance as Trowa Barton.

Quatre Rebarba Winner is voiced by Brad Swaile who has no trouble brining out the caring nature of the character and the shattering of his innocence as he experiences horrors of war and death first hand. A huge plus point is that Quatre no longer sounds like a girl(and yes he is voiced by a female actress in the Japanese version) but a bona fide typical 15 year old guy.

The impulsive but determined Wufei Chang voiced by Ted Cole may seem a little over-the-top but it plays out in stark contrast to the more subdued roles of Heero and Trowa.

Relena Darlian sounds older in English, voiced by Lisa Ann Bailey. This might not sit well with her youthful personification early in the series but as her character matures later into the story, her voice follows suit and ends up fitting in very well with the character development.

Zechs Merquise would be one of the more drastically changed voices when compared to the Japanese version. Both voices bring out different sides to the same character. His Japanese voice is haughty, authoritative and commands respect , keeping in line with his high ranking status and charismatic nature. His English voice by Brian Drummond is more subdued, sounding more devious and \\\"snake-like\\\", highlighting Zechs' secretive nature regarding his hidden agendas and staunch beliefs in his ideals.

The members of OZ are a mixed bag really. Treize Kushrenada voiced by David Kaye is given a more realistic and down-to-earth performance compared to his larger-than-life Japanese style of speaking. However, Lady Une does not convey her split personality as contrastingly as in the Japanese version and Lucrencia Noin just sounds.........bored most of the time. The cannon fodder pilots and military leaders are nothing to speak of either.

I would have appreciated if they took the time to give different characters different accents to reflect their ethnic backgrounds. The Maganac Corp's voices were generally uninspired but could have been more interesting if they were given middle eastern accents. The members of the Romerfeller Foundation would have also sounded better with some classy European accent that reflects their status of nobility.

Despite underwhelming acting from the side characters, the main cast manage to carry the show and it results in an overall less over-the-top and more realistic rendition of Gundam Wing's script. Very faithful to the original Japanese script, keeping all the underlying thought provoking ideas and themes about politics, war and human nature. Sadly, it also retains the flaws of the original Japanese script.\": {\"frequency\": 1, \"value\": \"Since the title is ...\"}, \"When my own child is begging me to leave the opening show of this film, I know it is bad. I wanted to claw my eyes out. I wanted to reach through the screen and slap Mike Myers for sacrificing the last shred of dignity he had. This is one of the few films in my life I have watched and immediately wished to \\\"unwatch\\\", if only it were possible. The other films being 'Troll 2' and 'Fast and Furious', both which are better than this crap in the hat.

I may drink myself to sleep tonight in a vain attempt to forget I ever witnessed this blasphemy on the good Seuss name.

To Mike Myers, I say stick with Austin or even resurrect Waynes World. Just because it worked for Jim Carrey, doesn't mean Seuss is a success for all Canadians.

\": {\"frequency\": 1, \"value\": \"When my own child ...\"}, \"I have seen over 1000 movies and this one stands out as one of the worst movies that I have ever seen. It is a shame that they had to associate this garbage to The Angels 1963 song \\\"My Boyfriend's Back.\\\" If you have to make a choice between watching this movie and painful dental work, I would suggest the dental work.\": {\"frequency\": 1, \"value\": \"I have seen over ...\"}, \"A true wholesome American story about teenagers who are interested in launching their own rocket in a rural West Virginia coal mining town, after the launch of Sputnik in 1957.

Through trial, tribulations and perseverance beyond belief, they are ultimately able to achieve their goals.

Jake Gyllenhaal, as the leader of the group, is excellent in the title role. As his motivating science teacher, Laura Linney is quite good but her southern accent is over the top.

There is a standout supporting performance by Chris Cooper, a head miner, who wants his son to follow in his footsteps, but gradually comes around at film's end.

What makes this film so unusual for our times is that there are no bed-hopping scenes and no profanity whatsoever. It is the epitome of an American story that is well done.

Besides the science angle, we have the father-son disagreement, football scholarships as a way to escape coal mining, and the loving spirit of family.

Why aren't pictures like this recognized more at award times?\": {\"frequency\": 1, \"value\": \"A true wholesome ...\"}, \"This is the biggest pile of crap I have ever watched. DO NOT RENT! The makers of this movie should be band from ever making another movie. It starts with some what of a plot, then fades fast to nothing. I think I would rather watch paint dry then to as much as looking at the cover. The actors were awful, the plot faded fast, filming left to much work to be done. Not one good thing to say about this crap movie. If you rent this movie you will waste your money. I really enjoy National Lampoon movies, but this was a waste of time. Learn to write, learn to act, learn to produce, and learn to direct. I feel I should sue these a-holes that made this movie for money wasted on rental cost and time lost.\": {\"frequency\": 1, \"value\": \"This is the ...\"}, \"This happy-go-luck 1939 military swashbuckler, based rather loosely on Rudyard Kipling's memorable poem as well as his novel \\\"Soldiers Three,\\\" qualifies as first-rate entertainment about the British Imperial Army in India in the 1880s. Cary Grant delivers more knock-about blows with his knuckled-up fists than he did in all of his movies put together. Set in faraway India, this six-fisted yarn dwells on the exploits of three rugged British sergeants and their native water bearer Gunga Din (Sam Jaffe) who contend with a bloodthirsty cult of murderous Indians called the Thuggee. Sergeant Archibald Cutter (Cary Grant of \\\"The Last Outpost\\\"), Sergeant MacChesney (Oscar-winner Victor McLaglen of \\\"The Informer\\\"), and Sergeant Ballantine (Douglas Fairbanks, Jr. of \\\"The Dawn Patrol\\\"), are a competitive trio of hard-drinking, hard-brawling, and fun-loving Alpha males whose years of frolic are about to become history because Ballantine plans to marry Emmy Stebbins (Joan Fontaine) and enter the tea business. Naturally, Cutter and MacChesney drum up assorted schemes to derail Ballentine's plans. When their superiors order them back into action with Sgt. Bertie Higginbotham (Robert Coote of \\\"The Sheik Steps Out\\\"), Cutter and MacChesney drug Higginbotham so that he cannot accompany them and Ballantine has to replace him. Half of the fun here is watching the principals trying to outwit each other without hating themselves. Director George Stevens celebrates the spirit of adventure in grand style and scope as our heroes tangle with an army of Thuggees. Lenser Joseph H. August received an Oscar nomination for his outstanding black & white cinematography.\": {\"frequency\": 1, \"value\": \"This happy-go-luck ...\"}, \"How many more of those fake \\\"slice of life\\\" movies need to be made? Hopefully not too many.

Raising Victor Vargas is a very self-conscious attempt by the director Peter Solett at garnering the attention of Hollywood. Nothing wrong with that in general. What is wrong with this film in particular is that it ignores the audience and piles on every clich\\ufffd\\ufffd in the book of supposedly \\\"edgy\\\" Hollywood independent production.

It's supposed to be \\\"real\\\" so left shake the camera \\\"documentary style\\\", except no documentarian would shake the camera on purpose...

It's \\\"edgy\\\" so let's not waste any time lighting the film.

It's \\\"hip\\\", so let's have the children use swear words like Al Pacino in Scarface...

And so on, and so forth. All that you are left with is a very self-conscious attempt at impressing Hollywood that won't impress anyone outside of the \\\"rarefied\\\" indie crowd that seems to still heap acclaim on every bad film.\": {\"frequency\": 1, \"value\": \"How many more of ...\"}, \"This film was recommended to me by a friend who lives in California. She thought it was wonderful because it was so real, \\\"Just the way people in the Ohio Valley are!\\\" I'm from the area and I experienced the film as \\\"Just the way people in California think we are!\\\" I've lived in Marietta and Parkersburg and worked minimum wage jobs there. We laughed a lot, we bonded with and took breaks with people our own age; the young people went out together at night. The older people had little free time after work because they were taking care of their families. The area is beautiful in the summer and no gloomier in the winter rain than anywhere else.

Aside from the \\\"if you live in a manufactured home you must be depressed\\\" condescension, the story lacked any elements of charm, mystery or even a sense of dread.

Martha's character was the worst drawn. It's doubtful that anyone so repressed would have belonged to a church, but if she had, she probably would have made friends there. I've read reviews that seem to assume Martha was jealous of Rose because Rose was \\\"younger, prettier and thinner\\\" but if this is the case it isn't shown. All we actually see is Martha learning to dislike Rose for reasons that would apply just as much if the three friends had been the same age and gender. We see Martha feeling left out during smoking sessions, left out of the loop when social plans are made, used but not appreciated, and finally disrespected and hurt.

Just one more thing: Are we supposed to suspect Kyle of murder because he had once had a few panic attacks? Please. This takes stigma against mental illness to a new level.\": {\"frequency\": 1, \"value\": \"This film was ...\"}, \"A number of brides are mysteriously murdered while at the altar, and later their bodies are stolen en route to the morgue. Newspaper writer Patricia Hunter decides to investigate these mysterious killings. She discovers that right before each ceremony, the bride was given a rare orchid (supposedly from the groom) which contained a powerful drug that succumbed them. Patricia is told that the orchid was first grown by a Dr. Lorenz, who lives in a secluded estate, with his wife. In reality, Dr. Lorenz is responsible for the crimes, by putting the brides in a suspended state, and using their gland fluid to keep his wife eternally young. Patricia, along with Dr. Foster (who is working with Dr. Lorenz on the medical mystery surrounding his wife) try to force Dr. Lorenz's hand by setting up a phony wedding, which eventually leads Patricia into the mad doctor's clutches. This movie had a very good opening reel, but basically ended up with too many establishing shots and other weak scenes. The cast is decent, Walters and Coffin deserved better, but that's life. Russell steals the show (even out hamming Lugosi- who does not give one of his more memorable performances, even considering his Monograms) as Countess Lorenz playing the role with the qualities of many of the stereotypical characteristics of many of today's Hollywood prima donnas. Weak and contrived ending as well. Rating, based on B movies, 4.\": {\"frequency\": 1, \"value\": \"A number of brides ...\"}, \"This movie is a lot better than the asylums version mainly its war of the worlds. The tripods look pretty cool but their walking and deaths could have been better. The action scenes were really cool. Walking... walking...walking...walking!!! oh my god stop walking please or i'm going to kill myself. The thunder child scene was my favorite sequence mainly because a ship rammed bunch of tripods. Good movie I recommend it for people ho have read the book. The music is awesome and the directors cut looks pretty cool.

pros. Good soundtrack 99% to the book Cool violence Tripods and handling machines are cool to look at

cons. some bad acting cheesy looking London\": {\"frequency\": 1, \"value\": \"This movie is a ...\"}, \"Went to watch this movie expecting a 'nothing really much' action flick, still got very disappointed. The opening scene promised a little action with a tinge of comedy. It keeps you hooked for the first half coz till then you are expecting that now its time for the action to kick in. Well, nothing of that sort happens. The movie drags and the ending just thumps you down to a point that you get annoyed.Wonder what was the director thinking. Made no sense watsoever. The movie lacked in all aspects, had no real storyline and it seemed very hollow, even if \\\"Rambo\\\" was in it, I don't think he could have helped the rating at all. There is simply no logic to the movie. A perfect way to waste your time and money. By far the most irritating movie i have ever seen and i am sure there will b others who'll have the same viewpoint after enduring it. Definitely not for people who have a little movie sense left in them.\": {\"frequency\": 1, \"value\": \"Went to watch this ...\"}, \"Amazing documentary. Saw it on original airdate and on DVD a few times in the last few years. I was shocked that it wasn't even nominated for a Best Documentary Oscar for 2002, the year it was released. No other documentary even comes close.

It was on TV recently for the 5th anniversary, but I missed the added \\\"where are they now\\\" segment at the end, except I did catch that tony now works for the hazmat unit.

I've seen criticism on documentary film-making from a few on this list. I can't see how this could have been done any different. They had less than 6 months to assemble this and get it on the air. The DVD contains more material and background.

I'm also surprised that according to IMDb.com, the brother have had no projects in the four years since. What have they been doing?\": {\"frequency\": 1, \"value\": \"Amazing ...\"}, \"I did not watch the entire movie. I could not watch the entire movie. I stopped the DVD after watching for half an hour and I suggest anyone thinking of watching themselves it stop themselves before taking the disc out of the case.

I like Mafia movies both tragic and comic but Corky Romano can only be described as a tragic attempt at a mafia comedy.

The problem is Corky Romano simply tries too hard to get the audience to laugh, the plot seems to be an excuse for moving Chris Kattan (Corky) from one scene to another. Corky himself is completely overplayed and lacks subtlety or credulity - all his strange mannerisms come across as contrived - Chris Kattan is clearly 'acting' rather than taking a role - it bounces you right out of the story. Each scene is utterly predictable, the 'comedic event' that will occur on the set is obvious as soon as each scene is introduced. In comedies such as Mr. Bean the disasters caused by the title character are funny because you can empathise with the characters motivations and initial event and the situation the character ends up in is not telegraphed. Corky however gives the feeling that he is deliberately screwing up in a desperate attempt to draw a laugh from the audience.

If Chris had not played such an alien character (who never really connects with the other characters in the movie) and whose behaviour is entirely inexplicable (except for trying to draw laughs) and the comedy scenes weren't so predictable and stereotyped - all the jokes seemed far too familiar) this movie could have been watchable. But it isn't. Don't watch it.\": {\"frequency\": 1, \"value\": \"I did not watch ...\"}, \"I can just about understand why some people might wish to stress this film's link with the Eighties but I really wouldn't say it's an accurate depiction of most peoples' lives in that era - even on the poorest Bradford estates. It is however typical of the blunt agitprop rubbish the dear old Royal Court Theatre was churning out at that time. Plenty of 'right-on' artistry for small, small audiences but enough well-connected backslapping to ensure future commissions for turgid playrights. IThe simple fact is that if you want to reflect upon truer common experience you'll find millions more nodding in knowing agreement to love and live as depicted in 'Gregory's Girl'.

I would be tempted to call this a 'kitchen sink' drama but that would be doing a great disservice to the plumbing industry. However, as far as having a decent script is concerned, this film is indeed all washed up. For some reason it has accrued an odd following amongst Guardian reading film-goers - I can only assume they get a visual frisson out of pretending to slum it. Steer clear my friends. It is a poor film with a poor script that likes to think it is breaking boundaries by adding humorous insights into grim life on the estates. it isn't..but it is grim. Do the washing up instead.\": {\"frequency\": 1, \"value\": \"I can just about ...\"}, \"Nicole Kidman is a wonderful actress and here she's great. I really liked Ben Chaplin in The Thin Red Line and he is very good here too. This is not Great Cinema but I was most entertained. Given most films these days this is High Praise indeed.\": {\"frequency\": 1, \"value\": \"Nicole Kidman is a ...\"}, \"This Drummond entry is lacking in continuity. Most of them have their elements of silliness, the postponed wedding, and so on. However, this has an endless series of events occurring in near darkness as the characters run from one place to another. The house seems more like a city. There's also Leo G. Carrol who is such an obvious suspect who no-one seems to even look at. He is a stranger and acts rather suspicious, but Drummond and the folks don't seem to pick up on anything. Still, it as reasonably good action and a pretty good ending.

I know that Algie is supposed to be a comic figure, but like Nigel Bruce in the Rathbone Sherlock Holmes flicks, he is so buffoonish that it's hard to imagine anyone with taste or intelligence being around him. Is there a history behind him that will explain how he and Drummond became associates?\": {\"frequency\": 1, \"value\": \"This Drummond ...\"}, \"I saw \\\"Brother's Shadow\\\" at the Tribeca Film Festival and found myself still thinking about it two days later. The story of a prodigal son (Scott Cohen) returning to his family's custom furniture business after a stint in jail, it offers all the necessary qualities of a solid drama--memorable characters; sharp, observant dialog; sensitive use of the camera by a filmmaker who thinks visually.

But more than that, it presents something that is all too rare at the multiplex these days: the uncompromising vision of a mature sensibility. The talent of director-screenwriter Todd S. Yellin seems to emerge full-blown, but we get the sense he (like his protagonist) has paid his dues. He knows how real people struggle in this world, and he knows how we yearn to see--or at least, to experience vicariously--success. Yet Yellin respects his audience too much to blow happy smoke up our rear ends. In the end, we see that Jake's triumph doesn't lie in commissions, or even in the esteem of his family, but in \\\"the work\\\" he couldn't abandon if he tried.

It's an essential theme in a world (and especially a movie industry) that can't rise above \\\"the bottom line\\\". This film deserves a wide audience.\": {\"frequency\": 1, \"value\": \"I saw \\\"Brother's ...\"}, \"After, I watched the films... I thought, \\\"Why the heck was this film such a high success in the Korean Box Office?\\\" Even thought the movie had a clever/unusal scenario, the acting wasn't that good and the characters weren't very interesting. For a Korean movie... I liked the fighting scenes. If you want to watch a film without thinking, this is the film for you. But I got to admit... the film was kind of childish... 6/10\": {\"frequency\": 1, \"value\": \"After, I watched ...\"}, \"This is a good family show with a great cast of actors. It's a nice break from the reality show blitz of late. There is nothing else quite like it on television right now either, unless you count Joan of Arcadia as being similar because it has a teen lead character too. Anyway, Clubhouse is worth a look because Jeremy Sumpter gives the main character (Pete Young) a kind of likability and naivet\\ufffd\\ufffd that is appealing without being overly sweet and cuddly. Dean Cain, Christopher Lloyd, Mare Winningham and Kirsten Storms round out the rest of the main cast members, and each is terrific in their role. I really like Kirsten Storms as Pete's sister Betsy; she is quite a pill, but she still cares about her mom and brother, even though she hates to show it. It may take a few episodes to really find it's legs, but Clubhouse is easily one of the best shows to come along in a good long while, so check it out people--you'll be glad you did!\": {\"frequency\": 1, \"value\": \"This is a good ...\"}, \"Though I've yet to review the movie in about two years, I remember exactly what made my opinion go as low as it did. Having loved the original Little Mermaid, and having been obsessed with mermaids as a child could be, I decided I'd take the time to sit down and watch the sequel.

Disney, I've got a little message for you. If you don't have the original director and actors handy...you're just looking to get your butt whooped.

In the sequel, our story begins with a slightly older Ariel and her daughter, Melody. My first big issue was that Eric and the rest of the crew sang. Yes, I understand that Disney is big on sing-and-dance numbers, but really, that's what made Eric my favorite prince. He was calm, collected, and a genuine gentleman that knew how to have fun. And he DID. NOT. SING.

And then there's the villain. Oh, how could we forget the shivers that coursed down our spines whenever Ursula slunk onto the screen, terrifying both Ariel and audiences around the world? Unfortunately, that gene was not passed on to her seemingly useless sister, Morgana. Nothing was ever, EVER said about Morgana in the first movie; she just pops out of nowhere, trying to steal the baby. Oh, how cute. The younger sister is ticked off and instead of going after the trident, decides to kidnap a month-old baby. Gag me.

Other than being a flat character with no sense of originality in her, Morgana was just very unorthodox. The same plan as her sister, the same minions (who, by the way, did not scare anyone. I had a three year old on my lap when I watched this movie, and she laughed hysterically.) She had no purpose being in there; I'd like to have seen Mom be the villain. I'm sure she would have done a better job than Little Miss Tish over there.

King Triton held none of the respect he'd earned from me in the first movie, and don't even get me started on Scuttle, Sebastian and Flounder. Triton was a stern but loving father in the first movie, and in the second, it's almost like he's lost his will to knock fear into the hearts of his subjects. Scuttle, once a comic relief that made everyone laugh with his 'dingle-hopper' (yes, I'll admit it; I did call my fork a dingle-hopper from time to time after that). In this film, Scuttle's all but forgotten. A supporting character even in the first, he at least added something to the movie. He was rich with a flavor the others didn't have, and in the sequel, they all but stripped it from him entirely. Sebastian was still the same, but twice as worrisome as before. Disney, don't do that. Don't even try to mess with our favorite crab. Or our favorite little fat fish, who becomes a dad and has a multitude of very annoying children. He's fat, and he's bland, and he looks like he's going to flat line any second.

The walrus and penguin were unneeded, and after a while, you just start to resent everyone. Especially Melody, who has no depth to her whatsoever.

And one of these days, Disney, I'm kicking out of my life.

If I didn't love your originals so much.\": {\"frequency\": 1, \"value\": \"Though I've yet to ...\"}, \"Judging by some of the comments in IMDB, I was expecting an action movie - perhaps a dramatic one or a stupid one or a simple one or a comicy one, but essentially an action movie.

Whatever it is that I watched, it certainly didn't feel like a movie. The story is simple and straightforward (even though the prologue tries to make it seem complicated). Take three interest groups: 1) the government 2) the rebels 3) a group of assassins.

Now subtract the first (they never appear in the movie). Then simply let one of the assassins, the princess, become a rogue on a revenge trip. Add in a rebel love-interest with a guilty conscience. And you've got the ingredients.

But they still did not manage to turn it into a story or a movie. Between some random action sequences and some odd visuals trying to be Sci-Fi on a low budget, what you're left with is a feeling of emptiness. The movie just does not feel like a movie, but a weird, incoherent, boring dream.

Avoid.

2/10\": {\"frequency\": 1, \"value\": \"Judging by some of ...\"}, \"here was no effort put into Valentine to prevent it from being just another teenage slasher film, a sub-genre of horror films of which we have seen entirely too many over the last decade or so. I've heard a lot of people complaining that the film rips off several previous horror movies, including everything from Halloween to Prom Night to Carrie, and as much as I hate to be redundant, the rip off is so blatant that it is impossible not to say anything. The punch bowl over poor Jeremy's head early in the film is so obviously taken from Carrie that they may as well have just said it right in the movie (`Hey everyone, this is the director, and the following is my Carrie-rip-off scene. Enjoy!'). But that's just a suggestion.

(spoilers) The film is structured piece by piece exactly the same way that every other goofy teen thriller is structured. We get to know some girl briefly at the beginning, she gets killed, people wonder in the old oh-but-that-stuff-only-happens-to-other-people tone, and then THEY start to get killed. The problem here is that the director and the writers clearly and honestly want to keep the film mysterious and suspenseful, but they have no idea how to do it. Take Jason, for example. Here is this hopelessly arrogant guy who is so full of himself and bad with women that he divides the check on a date according to what each person had, and as one of the first characters seen in the film after the brief history lesson about how bad poor Jeremy was treated, he is assumed to carry some significance. Besides that, and more importantly, he has the same initials as the little boy that all the girls terrorized in sixth grade, and the same initials that are signed at the bottom of all of those vicious Valentine's Day cards.

It is not uncommon for the audience to be deliberately and sometimes successfully misled by the behavior of one or more characters that appear to be prime suspects, and Jason is a perfect example of the effort, but not such a good example of a successful effort. Sure, I thought for a while that he might very well be the killer, but that's not the point. We know from early on that he is terrible with women, which links him to the little boy at the beginning of the film, but then in the middle of the film, he appears at a party, smiles flirtatiously at two of the main girls, and then gives them a hateful look and walks away, disappearing from the party and from the movie with no explanation. We already know he is a cardboard character, but his role in the film was so poorly thought out that they just took him out altogether when they were done with him.

On the positive side, the killer's true identity was, in fact, made difficult to predict in at least one subtle way which was also, unfortunately, yet another rip-off. Early in the film, when Shelley stabs the killer in the leg with his own scalpel, he makes no sound, suggesting that the killer might be a female staying silent to prevent revealing herself as a female, rather than a male as everyone suspects. But then for the rest of the film, we just have this stolid, relentless, unstoppable killer with the emotionless mask and that gigantic butcher knife. Director Jamie Blanks (who, with all due respect, looks like he had some trouble with the girls himself in the sixth grade) mentions being influenced by Halloween. This is, of course, completely unnecessary, because it's so obvious from how badly he plagiarizes the film. The only difference between the killer in Valentine and Michael Meyer's is that Michael's mask was so much more effective and he didn't have a problem with nosebleeds. This stuff is shameless.

At the end, there is a brief attempt to mislead us one more time as to who the killer is (complete with slow and drawn out `and-the-killer-is' mask removal), but then we see Adam's nose start to bleed as he holds Kate, his often reluctant girlfriend, and we know that he's been the killer all along. Nothing in the film hinted that he might be the killer until the final act, and these unexplained nosebleeds were not exactly the cleverest way to identify the true killer at the end of the film. Valentine is not scary (I watched it in an empty house by myself after midnight, and I have been afraid of the dark for as long as I can remember, and even I wasn't scared), and the characters might be possible to care about if it weren't so obvious that they were just going to die. I remember being impressed by the theatrical previews (although the film was in and out of the theater's faster than Battlefield Earth), but the end result is the same old thing.\": {\"frequency\": 1, \"value\": \"here was no effort ...\"}, \"Sophmoric this film is. But, it is funny as all get out. It shows the \\\"boys locker room mentality\\\" being played by the \\\"other side\\\". It is good to see such tides turned and how silly they are. But that's probably not news to most women, 'cause (just ask one), \\\"they've heard 'em all before\\\".

Watch it with a small group or party of mixed gender and 97.3% of the room will laugh for 2 hours straight. And the other 2.7%...can you ever really please them?\": {\"frequency\": 1, \"value\": \"Sophmoric this ...\"}, \"This is a great movie. In the same genre of the \\\"Memphis Belle\\\". Seen it about 10 years ago. And would like to see it again. There is a link with the history of the hells angels!! How the pilot crew fight the Germans in WO2. And most Changes form pilots to Harley motor cycle rs. The movie is in a way really happened. See the movie! And reed the history of the hells angels at hells at hells angels.com Regards Frederik.

Cast & Crew: John Stamos, John Stockwell, Teri Polo, Kris Kamm, directed by Graham Baker more \\ufffd\\ufffd Synopsis: The story of a rowdy backwoods rebel biker who joins the Army to avoid a stiff prison sentence after a minor brush with the law. Though he chafes at Army discipline, he soon proves himself under fire as a daring and charismatic leader of men in a Motorcycle Scout Troop in pr-World War II Spain. more \\ufffd\\ufffd MPAA Rating: PG Runtime: 88 minutes\": {\"frequency\": 1, \"value\": \"This is a great ...\"}, \"The Woman In Black is fantastic in all aspects. It's scary, suspenseful and so realistic that you can actually see it happening in real life. I first saw this on the TV back in 1989, and with all the lights off and the volume turned up, it was probably the most creepy experience of my entire life. I managed to get hold of a copy, and now, I make sure to bring it out every Halloween and show it too unsuspecting family members, who have no idea what they're in for, and all I can do is laugh with glee. As for the film:

It starts out with a young lawyer named Arthur Kipps, who is assigned by his firm to go to the market town of Crythin Gifford to settle the papers of a recently deceased client - Mrs. Alice Drablow.

This film starts off as a reasonably solid and interesting ghost story. But then, Arthur attends the funeral, and from that scene on, we do not feel safe. We are constantly on edge and biting our nails, and that goes on for the next hour or so, until the final, thrilling finale.

A warning to all new viewers though: do not watch this alone...\": {\"frequency\": 1, \"value\": \"The Woman In Black ...\"}, \"

\\\"Bleak House\\\" is hands down the finest adaptation of a Charles Dickens Novel ever put on screen. Alway one of My favorite novels,I was exteremely pleased with this Television Mini Series. The late, great Denholm Elliot was perfectly cast as the noble John Jardyce and Diana Rigg was sheer perfection as the doomed Ladty Dedlock. The film captures the essence of Dickens era and is extremely faithful to the book,oly making minor plot cuts that do not effect the story. over all a brilliant,moving and atmosphereic film.\": {\"frequency\": 1, \"value\": \"

\\\"Bleak ...\"}, \"In what is a truly diverse cast, this show hits it's stride on FOX. It is the kind of sitcom that grows on you. If you just watch 1 show you might not like it much, but once you watch two or three- you get hooked.

This is because some of the jokes hit & some miss depending upon how you view them. As is usual today, the themes are very mature. The humor is usually very mature too. Often the most funny parts are the parts where the mature themes collide with the innocent ones.

Red (Kurtwood Smith) a veteran actor does some very good deadpan type of humor on this show. Debra Jo Rupp plays well in this ensemble cast too. Danny Masterson, the oldest actor of the \\\"kids\\\" is very good too. Laura Prepon (Donna) looks better in the earlier shows as a natural redhead (who got the idea of making her a blonde?). She shows very good talent & comedic timing often. She looks good without make up too.

This is one of the better entries on FOX in the sitcom department & it's most successful live action one since Married With Children\": {\"frequency\": 1, \"value\": \"In what is a truly ...\"}, \"This is an old fashioned, wonderfully fun children's movie with surely the most appealing novice witch ever. Unlike many modern stories which seem to revel in dark witchcraft, this is simply a magical tale of hocus pocus that is cute, light hearted, and charming.

The tale is set back in 1940 in the English village of Peppering Eye, where three Cockney children, Charlie, Carrie, & Paul Rollins, are being evacuated out of danger from World War II city air raids. They are mistakingly sent to live with Eglantine Price, who is studying by correspondence course to become an apprentice witch. Eglantine and the trio of children use a magic bed knob in order to travel to London on their flying bed. Here they encounter Emilius Browne, the fraudulent headmaster of Miss Price's witchcraft training correspondence school. Miss Price sets about working on spells designed to bring inanimate objects to life. Meanwhile, they must also deal with a shady character called the Bookman and his associate, Swinburne.

Angela Lansbury is of course marvelously endearing as the eccentric witch in training, Miss Price. David Tomlinson plays Mr. Browne, headmaster of the defunct witchcraft school, who has now turned street magician. This actor was previously cast as the children's father in the movie Mary Poppins. In fact, this film is a tale quite reminiscent of the earlier Mary Poppins, both wonderful fantasy stories for children. Perhaps this movie doesn't have quite such memorable music as Chim-Chim-Cheree, but it does boast some appealing little tunes. Some have been critical, but the movie features excellent special effects. All in all, the story is enchanting family entertainment. It's a pity if modern children are too sophisticated for this lovely & bewitching tale, which should appeal to the child in all of us.\": {\"frequency\": 1, \"value\": \"This is an old ...\"}, \"Not even Goebbels could have pulled off a propaganda stunt like what Gore has done with this complete piece of fiction. This is a study in how numbers and statistics can be spun to say whatever you have predetermined them to say. The \\\"scientists\\\" Gore says have signed onto the validity of global warming include social workers, psychologists and psychiatrists. Would you say a meteorologist is an expert in neuro-surgery? The field research and data analysis geologists are involved in do not support Gores alarmist claims of global warming. As one of those geologists working in the field for the last 40 years I have not seen any evidence to support global warming. My analysis of this movie and Gores actions over the last couple years brings me to the conclusion that global warming is his way of staying important and relevant. No more, no less. Ask any global warming alarmist or \\\"journalist\\\" one simple question- You say global warming is a major problem. Tell me. What temperature is the Earth supposed to be?\": {\"frequency\": 1, \"value\": \"Not even Goebbels ...\"}, \"This film is justly famous as one of the most horrible examples of propaganda ever produced. The insistent equation of Jews with disease is simply

pathological, and even worse it almost becomes believable for brief seconds

through its sheer repetition. The fact that something this crude works, even

briefly, is an object lesson in itself. You have to have a strong stomach and a firm grip on yourself to sit through this, and I wouldn't recommend trying unless you have a good reason.\": {\"frequency\": 1, \"value\": \"This film is ...\"}, \"The plot was dull, the girls were sickening and the supposed Italian male lead had clearly never heard an Italian accent.Someone said the boys were cute in this film but it just seemed to be filled with mediocre people. There were literally no redeeming features about this film.

I think this is a graveyard for actors that will never work again, with the unfortunate exception of the Olsen twins who seem to fascinate people for no discernible reason.

I hope the Olsen twins find something out of the limelight to keep them away from the entertainment business. They have no place in it.\": {\"frequency\": 1, \"value\": \"The plot was dull, ...\"}, \"This is one of the most boring movies I have ever seen, its horrible. Christopher Lee is good but he is hardly in it, the only the good part is the opening scene.

Don't be fooled by the title. \\\"End of the World\\\" is truly a bad movie, I stopped watching it close to the end it was so bad, only for die hard b-movie fans that have the brain to stand this vomit.\": {\"frequency\": 1, \"value\": \"This is one of the ...\"}, \"Hello Mary Lou: Prom Night II starts at the Hamilton High School prom of 1957 where Mary Lou Maloney (Lisa Schrage) is cheating on her date Bill Nordham (Steve Atkinson) with Bud Cooper (Robert Lewis). Bill finds out & is devastated, meanwhile Mary Lou is announced prom queen 1957 & takes to the stage to accept her award. Bill, still hurting, decides to play a practical joke on Mary Lou so he throws a firecracker on stage but the still lit fuse catches Mary Lou's dress setting it & her on fire, within seconds Mary Lou is toast. 30 years later & Hamilton High is soon to hold it's annual prom night. Bill (Micheal Ironside) is now the principal & has a teenage son named Craig (Justin Louis) who is dating Vicki Carpenter (Wendy Lyon) & are both planning on going to the prom together. Bud (Richard Monette) is now a priest, that terrible night 30 years ago still haunt both Bill & Bud. One day Vicki is looking around the schools basement when she discovers a large trunk which she opens, this turns out to be a bad move as the vengeful spirit of Mary Lou is set free & is intent on claiming her crown as prom queen & in her spare time sets out to avenge her untimely death. First up is Jess Browning (Beth Gondek) whose death is put down to a suicide, Mary Lou begins to posses Vicki's body as the night of the prom draws nearer. After disposing of some competition in the shape of Kelly Hennenlotter (Terri Hawkes) who tries to fix the prom so she wins. Mary Lou in Vicki's body is crowned Hamilton High prom queen which allows Mary Lou herself to come back from the dead to make an unexpected appearance & really liven the party up...

With absolutely no connection to the original Prom Night (1980) & directed by Bruce Pittman I thought Hello Mary Lou: Prom Night II wasn't a particularly good film. The script by Ron Oliver concentrates more on supernatural elements rather than cheap teen slasher themes, whether this was a good or bad decision will depend on your expectations I suppose. Personally I found these different elements didn't really gel or work that well together at all. The whole film was far to slow to be really enjoyable, after the opening sequence where Mary Lou dies no one else is killed until the half hour mark & then the film plods along for another half an hour until Vicki is finally possessed & the film finally picks up momentum for the climax where an evil Mary Lou kills a whole one person at the prom before she is supposedly defeated, come on horror film fans you did expect that clich\\ufffd\\ufffdd 'killer not dead & ready for a sequel' ending didn't you? Don't expect a hight body count, just five throughout the entire film & none particularly graphic although I did like the way Monica (Beverley Hendry as Beverly Hendry) tried to hide in a shower room locker which Mary Lou crushed & resulting in poor Monica's blood oozing out. The supernatural side of Hello Mary Lou: Prom Night II is depicted by Vicki having lots of hallucinations for the first hour & Mary Lou controlling objects during the latter stages including a couple of creepy shots of a rocking horse which comes to life, the blackboard scene is quite good as well as it turns into water & zombie hands drag Vicki into it. The slasher side of Hello Mary Lou: Prom Night II isn't outstanding, I did like Mary Lou herself as she churns out the obligatory one-liners & she made for a good villain even if she didn't get to kill enough people. Oh, & yes I did get the running homages to various other horror film director's with almost all of the character's sharing last names with one, this obviously adds nothing to the film but is a nice little touch I suppose. The acting is OK but the normally dependable Micheal Ironside looks lost & uninterested almost as if he's asking himself what he's doing in this & if he'll ever work again. Forget about any gore, someone is hanged, there is a stabbing with a crucifix that happens off screen, someone is impaled with a neon light, a computer goes crazy & electrocutes someones face(!?) & Mary Lou bursts out of Vicki's body at first as a rotting zombie which was quite a cool scene. There are some full frontal nudity shots in the girls shower as well, if that's your thing. To give it some credit Hello Mary Lou: Prom Night II is OK to watch, has reasonable production values throughout & is generally well made. Overall I was disappointed by Hello Mary Lou: Prom Night II, it was just too slow & ultimately uneventful to maintain my interest for nearly 100 minutes. I'm not sure whether it deserves a 3 or 4 star rating, I'll give it a 4 as there's nothing specifically wrong with it I suppose & I've sat through much worse films but it just didn't really do anything for me I'm afraid.\": {\"frequency\": 1, \"value\": \"Hello Mary Lou: ...\"}, \"Darius Goes West is a film depicting American belief that everything is possible if you try hard enough. This wonderful fun filled and sometimes heartbreaking film shows a young man who never expected, but longed to see, what was outside the confines of his lovely city of Athens, GA. Darius wished to see the ocean. His longtime friends Logan, Ben and several other good friends decided to make Darius' wish come true. They started small - Ben & Logan's mom started an email campaign to bring awareness to Darius' condition: Duchenne Muscular Dystrophy and to raise funds for the fellas to take Darius to not only see the ocean but to see these great United States. To say the young college buddies succeeded in bringing hope and awareness to this dreaded disease would be an understatement. They realized Darius' dream and then some. They put their lives on hold while showing love, care and tons of fun to Darius while helping Darius see how he can in turn show those same traits to others suffering from DMD. Darius went on to volunteer for the Red Cross - sitting in his chair collecting money (along with his buddies) outside a local grocery store. His wonderful smile tells the world that dreams do come true - all you need is hope and a group of college friends to support and care for you. Give Darius and all the guys an Oscar - no one else deserves it more. Martha Sweeney.\": {\"frequency\": 2, \"value\": \"Darius Goes West ...\"}, \"ba ba ba boring...... this is next to battlefield earth in science fiction slumberness. genie francis (aka general hospital's laura) has a small role as a reporter and that in itself should tell you that this movie must be bad.... there is ben kingsley (an academy award winning actor) in this stinker and a few others decent actors. You have to wonder what possessed them to decide to do this awful movie. The music dramatically goes up and down like it's a major dramatic story. Even if you pay attention the plot is impossible to follow. The effects are mediocre as well and seem really dated. All of the actors speak in a monotone voice and have no realism to their dialogue. I could go on and on on how this is a bad movie. At least with Battlefield Earth it's so bad it's funny but this is just b o r i n g. Avoid unless you want to be lulled to sleep.\": {\"frequency\": 1, \"value\": \"ba ba ba ...\"}, \"Moe and Larry are newly henpecked husbands, having married Shemp's demanding sisters. At his music studio, Shemp learns he will inherit a fortune if he marries someone himself!

\\\"Husbands Beware\\\" is a remake of 1947's \\\"Brideless Groom,\\\" widely considered by many to be one of the best Stooge films with Shemp. The remake contains most of the footage from that film. The new scenes, shot May 17, 1955, include the storyline of Moe and Larry marrying Shemp's sisters, along with their cooking of a turkey laced with turpentine! A few new scenes are tacked onto the end of the film as well(a double for Dee Green was used; if you blink, you will miss the double's appearance.)

\\\"Husbands Beware\\\" would have made for a good film with just the plot line of marrying the sisters. Budget considerations, coupled with fewer bookings for two-reel comedies, influenced the decision to use older footage.

Although completely new films were still being made by the Stooges, most of their releases by 1955-56 were made up of older films with a few new scenes tossed in. \\\"Husbands Beware,\\\" while one of these hybrids, is watchable and entertaining; we get to see most of \\\"Brideless Groom\\\" again, and the new scenes are funny enough to get the viewer through the film. This film is one of the last Stooge comedies to feature new footage of Shemp, and it was released six weeks after his death.

7 out of 10.\": {\"frequency\": 1, \"value\": \"Moe and Larry are ...\"}, \"Bacall does well here - especially considering this is only her 2nd film. This one is often overshadowed because it falls between 2 great successes: \\\"To Have and To Have Not\\\" (1944) and \\\"The Big Sleep\\\" (1945), both of which paired her with Humphrey Bogart. Granted this one is not up to par to the other movies but I think through no fault of her own. I think there was some miscasting in having her portray a British upper-crust lady. No accent whatsoever. I think all the strange accents were distracting - Boyer was certainly no Spaniard. It was hard to keep straight which country people were from.

I really liked the black and white cinematography. Mood is used to great affect - I especially liked the fog scene. The lighting also does a great job of adding to the intrigue and tension.

Bacall is just gorgeous. Boyer just doesn't fit the romantic leading man role for me - so he and Bacall together was a little strange. Not great chemistry - and certainly no Bogie and Bacall magic. But I still really liked this picture. There is great tension and it moves along well enough. I must say I found the murder of the little girl quite bold for this period film.

Katina Paxinou and Peter Lorre stand out as supporting cast. Paxinou as the hotel keeper is absolutely villainous and evil in her portrayal. Her one scene where she laughs maniacally as Mr. Muckerji is leaving after exposing her as the child's murderer is quite disturbing. Lorre also does quite well in his slimy, snake portrayal of Conteras - a sleazy coward to the end. Wanda Bendrix also does quite well in portraying the child Else - especially considering this was her first picture and she was only 16 at the time (though she appears much younger). Turns out she later married Auie Murphy which proved to be a short lived, tempestuous marriage.\": {\"frequency\": 1, \"value\": \"Bacall does well ...\"}, \"Without being one of my favorites, this is good for being a change of pace... even if only for a few minutes.

It all starts with a big fight between Tom, Jerry and Spike (who is renamed \\\"Butch\\\" here). They're all beating each other, but suddenly Spike makes a heroic and admirable decision: he stops the fight and suggests that they all should be friends. So, all of them sign a peace treaty and become friends... which isn't going to last for long.

Meanwhile, the three become affectionate, patient and kind to each other. They even save each other when one of them is in danger of life. The relationship goes nothing but excellent, until a very big steak appears and they all become greedy. The three are guilty to return to their usual fights and rivalries.

But still... to see Tom, Jerry and Spike as friends is truly a delightful and grateful experience, even if only for a while.

Oh, by the way, as a curious fact, two songs from \\\"The Wizard of Oz\\\" are played here in instrumental versions: \\\"We're off to see the Wizard\\\" and \\\"Somewhere over the rainbow\\\".\": {\"frequency\": 1, \"value\": \"Without being one ...\"}, \"Although this is generally a cheesy jungle-adventure movie, it does have some highlights - the settings are quite beautiful, and the pacing of the adventure is good. You won't be bored watching it.

Keith is as breezy as possible playing the eponymous lead, an unabashedly drunk jungle guide shanghai'd into escorting rich boy Van Hoffman and his gorgeous wife Shower on a hunting expedition in cannibal country. He never takes things seriously . Shower is there as decoration and Keith makes extensive use of her - she doesn't really have to act much. She's not the only female to show off her body and the prurient aspects of the film make it about halfway to a T/A picture.

There's nothing in this film that would draw specific attention to it, or away from it. Produced to be shlock, it succeeds without too much fuss. A good 2 AM cable programmer.\": {\"frequency\": 1, \"value\": \"Although this is ...\"}, \"I first saw this when it was picked as a suggestion from my TiVo system. I like Danny Elfman and thought it might be interesting. On top of that, I'm a fan of Max Fleischer's work, and this started out with the look and feel of his 30s cartoon. With both of those, I thought it would hold my interest. I was wrong. Just a few minutes in, and I had the fast forward button down. I ran through it in about 15 minutes, and thought that was it.

Afterwards, I read some of the other reviews here and figured I didn't give it enough of a chance. I recorded it again and watched it through. There's 75 minutes of my life I'm not getting back.

I can't believe there aren't more bad reviews. Personally, I think it's because it's hard to get to the 10 line comment minimum. How many ways are there to say this is a waste of time?

The movie comes across as though it was made by a few junior high kids ready to outrage the world and thinking they can with breasts, profanity, and puke jokes. The characters are flat. The parody of \\\"Swinging the Alphabet\\\" is lame, essentially cobbling the tune, getting through A - E, hitting the obvious profanity a \\\"F\\\", and then having no idea where to go. The trip through the intestines to the expected landing doesn't work the first time, let alone the following ones.

Across the board, the entire movie is what you would expect from someone trying to \\\"out-South Park\\\" Stone and Parker without the ability to determine what is and isn't funny. This might be amusing if you're high. Otherwise, it's not.\": {\"frequency\": 1, \"value\": \"I first saw this ...\"}, \"Intrigued by the synopsis (every gay video these days has a hunk on the cover; this is not necessarily to be construed as a good sign) I purchased BEN AND ARTHUR without knowing a thing about it. This is my second (and I assure you it will be my last) purchase of a CULTURE Q CONNECTION video. As far as I am concerned, this DVD is nothing but a blatant rip-off. I do not make this observation lightly \\ufffd\\ufffd I am a major collector of videos, gay and mainstream, and I can state with some authority and without hesitation that BEN AND ARTHUR is quite simply the worst film I have ever sat through in my life. Period. My collection boasts over 1,600 films (93% on them on DVD) and of those, well over 300 are gay and lesbian themed. I hardly own every gay movie ever made, but I am comfortable in stating that I pretty much purchase almost every gay video of interest that gets released, and very often I buy videos without knowing anything about the film. Sometimes, this makes for a pleasant surprise - Aimee & Jaguar, It's In The Water, Urbania and Normal are all examples of excellent gay titles that I stumbled upon accidentally. So when I read on the box that BEN AND ARTHUR concerned a conflict between gay lovers and the Christian Right, one of my favorite subjects, I decided to take the plunge sight unseen, despite my previously disappointing purchase of another CULTURE Q CONNECTION title, VISIONS OF SUGAR PLUMS. That film was pretty bad, but compared to BEN AND ARTHUR, it viewed like GONE WITH THE WIND. So what was so wrong with BEN AND ARTHUR? Plenty! To begin with, the \\\"plot\\\" such as it was, was totally ridiculous. This film almost made me sympathetic to the Christian Right \\ufffd\\ufffd we are asked to believe not only that a church would expel a member because his brother is gay, but that a priest would actually set up a mob style execution of a gay couple in order to save their souls (like this even makes sense). The writing is so poor that many scenes make no sense at all, and several plot points reflect no logic, follow-up or connection to the story. Murder and violence seem to be acceptable ends to the gay activist / right wing conflict on both sides, and the acting is so bad that it's difficult to imagine how anybody in this film got hired. The characters who are supposed to be straight are almost without exception clearly gay - and nelly stereotypes to boot; the gay characters are neither sexy nor interesting. This film is enough to put off anybody from buying gay themed videos forever, and the distributors should be ashamed of themselves. The only advantage this picture has over my other CULTURE Q Connection purchase, VISIONS OF SUGARPLAMS, is that this one has a soundtrack with clear dialogue. Hardly a distinction, since the script is so insipid that understanding the script only serves to make you more aware of how bad this film truly is. It is an embarrassment to Queer culture, and I intend to warn everyone I possibly can before they waste their money on it. At $9.95 this film would have been way overpriced; I understand that it's soon to be re-priced under $20, which is STILL highway robbery. I paid the original price of $29.95, and I never felt more cheated in my life. The only true laugh connected with this drivel is the reviews \\ufffd\\ufffd I have seen \\\"user reviews\\\" for this film on numerous websites, and there is always one or two that \\\"praise\\\" the director / writer / actor in such a way that it's obvious that the reviewer is a friend of this Ed Wood wannabe. How sad. How desperate. I just wish IMDb would allow you to assign zero stars - or even minus zero. If ever a film deserved it, this is it.\": {\"frequency\": 1, \"value\": \"Intrigued by the ...\"}, \"Often laugh out loud, sometimes sad story of 2 working divorced guys -- Lemmon a neurotic clean \\\"house husband\\\" and Matthau a slob sportswriter -- who decide to live together to cut down on expenses.

Nicely photographed and directed. The script is very barbed -- that is, there's always more than one side to almost every line. Particularly funny scene involves 2 british sisters (Evans and Shelley) who seem amused by everything anyone says, but when Lemmon busts out his photos of kids and, yes, ex-wife-to-be, he has the girls sobbing along with him before Matthau can show up with the promised drinks!

Very entertaining.\": {\"frequency\": 1, \"value\": \"Often laugh out ...\"}, \"First things first, this movie is achingly beautiful. A someone who works on 3D CG films as a lighter/compositor, the visuals blew me away. Every second I was stunned by what was on screen As for the story, well, it's okay. It's not going to set the world on fire, but if you like your futuristic Blade Runner-esquire tales (and who doesn't?) then you will be fine.

I do have to say that I felt the voice acting was particularly bland and detracted from the movie as a whole. I saw it at the cinema in English, but I am hoping that there is a French version floating around somewhere.

Definitely worth seeing.\": {\"frequency\": 1, \"value\": \"First things ...\"}, \"Being half-portuguese doesn't render me half-blind (nor half-prejudiced) when discussing portuguese films. Not that I get to do that very often anyway. But this film was such a rush of adrenaline! Yes, that's right - it was mostly accurate as far as history went/goes - but it pulled no punches on venturing beyond usual portuguese-film territory: things like using real locations in the middle of traffic-congested Lisbon and recruiting a real crowd to stand in for the real crowd of almost 30 years ago. And by God did they get it right! OK, to sum it up: very emotional if you've lived through it, but you'll spot minor improvements that could have been made as well as plot necessities that were. If you're just watching it randomly, you're in for a good historical romp, only of the very recent History kind and a bit more thought-proving than usual. Even by European standards, yes.\": {\"frequency\": 1, \"value\": \"Being half- ...\"}, \"I thought this was a sequel of some sorts, and it is meant to be to the original from 1983. But a sequel is not taking the original plot and destroying it.

I actually had very little expectations to this movie, but I just wasted 95 minutes of life. No suspense - I actually feel clairvoyant, poor acting, and so filled with technical errors, so I as a computer geek just couldn't believe it. They have tried to make it a mix between a generic war movie and 24 hours. But this is not even worthy of a low budget TV movie.

Do not see this movie, this is a complete waste of time. Instead get the original. The theme is still valid. Don't let to much power into a machine. And the acting and plot is far more exiting and compelling.\": {\"frequency\": 1, \"value\": \"I thought this was ...\"}, \"This movie, which starts out with a interesting opening of two hot blondes getting it on in the back of a driver-less, moving vehicle, has quite the quirky little personality to boot. The cast of seven (although one girl doesn't hang around for the bodycount, which is unfortunate because the death toll is already so small as is) are all super-hot, as our story centers around teens partying way out in the desert (an odd but effective choice of setting), who are hunted down by a creepy man in black gloves and jeans who drives a black truck. It predates many of the vehicle-inspired slashers to date (\\\"The Trip\\\", \\\"Joy Ride\\\", \\\"Jeepers Creepers\\\") where the killer's vehicle itself becomes an evil antagonist. The killer himself is quite creepy, and we find solace in the extremely likable heroine in Jennifer McAllister (look at the interesting symbolic contrast of the evil killer in all black, while our benevolent heroine sports all white attire, as scanty and stonewashed as it may be). Director Bill Crain does some really great things with his camera, some neat tricks on screen, and the cast tries their absolute best. There's enough gore in the low bodycount to please the gore fans, and enough T&A from a couple of the girls to please T&A fans. Overall, this flick is highly underrated and widely sought out in the slasher movie world as it's proved quite rare to find on video. Highly recommended.\": {\"frequency\": 1, \"value\": \"This movie, which ...\"}, \"Every once in a while the conversation will turn to \\\"favorite movies.\\\" I'll mention Titanic, and at least a couple people will snicker. I pay them no mind because I know that five years ago, these same people were moved to tears by that very movie. And they're too embarrassed now to admit it.

I just rewatched Titanic for the first time in a long time. Expecting to simply enjoy the story again, I was surprised to find that the movie has lost none of its power over these five years. I cried again.... in all the same places. It brought me back to 1997 when I can remember how a movie that no one thought would break even became the most popular movie of all time. A movie that burst into the public consciousness like no other movie I can recall (yes, even more than Star Wars). And today, many people won't even admit they enjoyed it. Folks, let's get something straight -- you don't look cool when you badmouth this film. You look like an out of touch cynic.

No movie is perfect and this one has a few faults. Some of the dialogue falls flat, and some of the plot surrounding the two lovers comes together a little too neatly. However, none of this is so distracting that it ruins the film.

Leonardo DiCaprio and Kate Winslet are wonderful. Leo is one of the fine actors of his generation. Wait 'til you see him in Gangs of New York before you call him nothing more than a pretty boy. Kate Winslet was so strong in this film. The movie really was hers, and she held it together beautifully.

James Cameron managed what many believed was impossible by recreating a completely believable Titanic. The sinking scenes were horrific, just as they were that night. How anyone can say the effects were bad is beyond me. I was utterly transfixed.

This film is one memorable scene after another. Titanic leaving port in Southampton. Rose and Jack at the bow, \\\"flying\\\". \\\"Iceberg, right ahead!\\\" The screws hanging unbelievably out of the ocean. The screams of the doomed after she went down. And that ending that brought even the burliest man in the theater to tears.

The music, which has also been a victim of the film's success, was a key ingredient. James Horner's score was simply perfect. And the love theme was beautiful and tragic. Too bad Celine Dion's pop song version had to destroy this great bit of music for so many.

I confess, I am a Titanic buff. As such, I relished the opportunity to see the ship as we never got to see it -- in all its beauty. Perhaps watching it sink affected me more than some because I've had such an interest in the ship all my life. However, I doubt many of those I saw crying were Titanic buffs. I applaud Cameron for bringing this story to the masses in a way that never demeaned the tragedy. The film was made with such humanity.

Another reviewer said it better than I ever could: Open up your hearts to Titanic, and you will not be disappointed.\": {\"frequency\": 1, \"value\": \"Every once in a ...\"}, \"No other movie has made me feel like this before... and I don't feel bad. Like, I don't want my money back or the time that I waited to watch this movie (9 months) nor do I feel bad about using two hours of a sunny summer day in order to view this ______. The reason I say \\\"_____\\\" is because no matter how hard I wrack my brain I just can't seem to come up with a word in ANY of the seven languages that movie was in to sum it up. I have no idea what was going on the entire time and half way through the movie I needed a breather. No movie has ever done this to me before. Never in my life have I wanted cauliflower, milk, and baguettes this much. Thank you. - Ed

Uh. *clears throat* No words. No thoughts. I don't know. I truly don't know. - Cait\": {\"frequency\": 1, \"value\": \"No other movie has ...\"}, \"This movie is hilarious! I watched it with my friend and we just had to see it again. This movie is not for you movie-goers who will only watch the films that are nominated for Academy Awards (you know who you are.)I won't recap it because you have seen that from all the other reviews.

\\\"Whipped\\\" is a light-hearted comedy that had me laughing throughout. It doesn't take itself too seriously and should be watched with your friends, not your girlfriend. It won't win any awards, but it just has to be watched to be appreciated. True, some of the jokes are toilet humor, but that is not necessarily a bad thing. Everyone can use some of it sometimes. Some people need to lighten up and see \\\"Whipped\\\" for what it is, not what it isn't.

****1/4 out of *****.\": {\"frequency\": 1, \"value\": \"This movie is ...\"}, \"### Spoilers! ###

What is this movie offering? Out of control editing and cinematography that matches up with a terrible plot. It is sad to see Denzel Washington's talents go wasted in trashes like this.We are certainly hinted how the Mexicans cannot save themselves, outside forces needed, possibly militaristic, American ones. And we know the father is a shady character, he is a Mexican after all, unlike the wife who appreciates Creasey more because he is American. He killed all of them thinking she died. And did she? Of course, she won't, she is a young kid and you are not supposed to hurt the sensibilities of the Hollywood fan. The trade off scene was the only thing that prevents me from rating it below the \\\"implausibly successful\\\"(as some critic pointed out)'Taken'. The nausea of such movies will take time to go. It is in the rating of such movies that we have to doubt IMDb's credulity.7.7 for a movie like this and 7.0 for My Own Private Idaho. Go figure! Mine will be in the range of 3.5-4.0\": {\"frequency\": 1, \"value\": \"### Spoilers! ### ...\"}, \"There is one really good scene in Faat Kine. The title character gets in an argument with another woman and after being threatened, Faat Kine sprays her in the face. The scene works because the act is so unexpected, bizarre, and rather funny at the same time. In that one instance, writer/director Ousmane Sembene gives the audience a character that is easy to root for, an interesting film character that could be worth watching for two hours. In the scene, he presents a brave woman who is bold in her actions. For the rest of the movie, the only other thing he seems to present is conflicting tones.

The tone is all over the place. It's true not all movies have to clearly fit within a specific genre, but I don't think Faat Kine fits into any genre. Supposedly, it's a drama, though there are moments of such broad comedy (the aforementioned spraying in the face) that it cannot be taken seriously. On the other hand, the film is certainly not a comedy with the abundant amount of serious topics Sembene has crammed into the picture. There is a way to successfully mix comedy and drama together. Unfortunately, Semebene doesn't find that balance. Instead, one scene after another just drift into each other without much rhyme or reason, leaving two different tones hanging in the wind.

Faat Kine also has the problem of running two hours long with an extremely drawn out finale. The film ends with a big party where all the characters' conflicts are resolved, only they aren't resolved quickly. The scene lasts longer than any other scene, going on for probably twenty minutes. Because the rest of the scenes up until this point have been meandering, the finale is particularly hard to endure with repetition beginning early on in the scene, making for a frustrating viewing experience.

Perhaps I am being too hard on Faat Kine. I am not the right audience for it. I felt nothing towards the characters and had no connection to any part of the story. There are people who will probably find something meaningful in the story and see strong characters. However, I was unable to do so and thus cannot recommend it.\": {\"frequency\": 1, \"value\": \"There is one ...\"}, \"So, neighbor was killing neighbor. Reminds me of Iraq. As I watched the American flag (50 stars in 1864?) being dragged behind the horse, I realized why burning that piece of red white and blue doesn't upset me as much as our destruction/indifference to the Bill of Rights. I'm a Southerner, and must have some historical memory.

Watching the Tobey McGuire character learn to respect the dignity of a former slave, as he looks at the scalps of blacks and Germans (his ethnic background) being wagered at a poker game.....was interesting. Many twists in this movie. The wife, who is forced into her marriage, shows both lust and a strong will, characteristics we're not used to seeing in 'respectable Victorian southern belles'.

The crazy wacked out renegade southerner gave me some insight into why my cousin, head of the Copeland Horse-thieving Gang, Inc. in Mississippi, was hung about that time. Bands of homeless men were roaming the countryside, armed. Remind you of Iraq? And how similar we are underneath the facade of religion and ethnic background? And why southerners are STILL fighting that civil war today.

Too bad we can't use that same knowledge in our handling of the country we've just invaded and are occupying, fomenting civil war everywhere. That's Mesopotamia, now called Iraq, who happen to have the misfortune to sit on oil. The wild-eyed killers in Missouri, raiding Lawrence, Kansas could as easily be the insurgents we're fighting now with no success.

Another anomaly was the father's tribute to the Yankees who move into Lawrence and erect a school \\\"even before they erect a church. And for that reason, they'll win.\\\" Huh????? I was taught history in Birmingham, Al and we were taught that the North was much more industrial and richer.....that's why they won. Course, they also LITERALLY had God on their side. As you see here, when the freed slave indicates that he's cutting out to free his mother, sold into slavery in Texas. God, what a horrible legacy slavery gave us.

Acting pretty good, lots of blood and gore as the warriors ride gleefully into battle (but didn't hear any rebel yells, so reminiscent of football games in Alabama). You also get a real feeling for how stupid the war was, as the bushwackers and jayhawkers gather their forces for another raid. They have lost sight of why they're fighting, and so do we. Just more mindless slaughter.

You're also brought up to date with the limbless kids coming home from Iraq, as the bushwacker (ahh, what connotations) first has his arm seared shut, trying to save it, then has it amputated, and then dies. So much suffering for such a stupid cause.

The cinematography is fantastic. Now I have to get back to the DVD and get the production notes, one of my favorite parts of any movie. I suspect that this movie was written by a Gore Vidal, as the spoken language is of a type you would associate with that era, if you knew History. The dialogue is definitely thought-provoking. Not your ordinary blood and guts war movie, by any means. You see the wounded but still active-duty soldiers, still fighting cause they have nothing else to do. You see the southern raiders, living off the land, stealing indiscriminately. Yet, at the beginning, you've seen the battle stop, so the women could be evacuated from danger. As I read the escalating number of women and children dying in Iraq, I'm thinking, \\\"Where did we lose our sense of honor as a people?\\\" I have forgotten why I sought this movie out and bought it after 20 years, but some book somewhere lauded it. With good reason. Tobey at his best, pre-Spideyman. Buy the DVD or rent it. And tell me why others laud this, not just liberals cest moi.\": {\"frequency\": 1, \"value\": \"So, neighbor was ...\"}, \"\\\"A Family Affair\\\" takes us back to a less complicated time in America. It's sobering to see how different everything was back then. It was a more innocent era in our country and we watch a 'functional' family dealing in things together. The film also marks the beginning of the series featuring the Hardy family.

The film, directed by George Seitz, is based on a successful play. Judge James Hardy, and his wife Emmily, are facing a domestic crisis that must be dealt with. Married daughter Joan comes home after she has committed a social blunder and her husband holds her responsible. At the same time, another daughter, Marion, brings home a beau, who is clear will clash with her father. The happy teen ager Andy, seems to be the only one without a problem until his mother makes him escort Polly to the dance, something he is reluctant to do.

Needless to say, Judge Hardy will prove why he knows best as he puts a plan into action to get everyone together again. After all, he is a man that understands, not only the law, but how to deal with those outside forces that threatens his standing in the community and what will make his family happy.

Lionel Barrymore plays Judge Hardy with conviction. He is the glue that holds everything together. Spring Byington is seen as Emily, the mother. Mickey Rooney has a small part in this film, but he is as always, fun to watch. Cecilia Parker and Julie Haydon appeared as the daughters, Marion and Joan. Sara Hayden and Margaret Marquis are also featured in the film as Aunt Milly and Polly, the girl that surprises Andy with her beauty.

\\\"A Family Affair\\\" is a good way to observe our past through the positive image painted of an American family.\": {\"frequency\": 1, \"value\": \"\\\"A Family Affair\\\" ...\"}, \"They're showing this on some off-network. It's well crap. While it is not as bad as the B-movies they show on the Sci-fi network on Saturdays but still a fairly large pile of crap. The acting is passable. The plot and writing are fairly sub-standard and the pacing is entirely too slow. Every minute of the movie feels like the part of the movie where they're wrapping things up before the credits - not the peak of the movie, the denouement. Also, large portions of the cast look way to old for the age range they're playing. The whole thing is predictable, boring and not worthy of being watched. Save your time. It's not even worth the time it takes to watch it for free.\": {\"frequency\": 1, \"value\": \"They're showing ...\"}, \"My comment is limited generally to the first season, 1959-60.

This superb series was one of the first to be televised in color, and it was highly influential in persuading Americans that they had to buy a color television set, which was about $800 in 1959, the equivalent of more than $3,000 today. How many of us would pay that much for the privilege of watching a show transmitted by a cathode ray picture tube on a 17-inch screen? I was eleven when the series began, and I watched it from the beginning.

Watching it now, 50 years later, several things come to mind. First, many of the story lines involve the Comstock Lode and the heyday of silver mining, which dates to 1859. For 1859, the weapons and clothes are, for the most part, not authentic. (The haircuts are left out of the discussion.) That's basically a nitpick.

And, it would have been impossible for Ben to have arrived in the Lake Tahoe area in 1839 and to have amassed a 100-square mile ranch in the next twenty years. Pioneers were still trying to solve the Sierra Nevada problem as late as 1847, and the Gold Rush did not even begin until two years later.

Indians are not played by Native American actors. John Ford was using Native American actors in the 1920s. The Bonanza producers could have easily done so thirty years later. That is a major nitpick for me.

There are other time-line problems. In Season 1, Mark Twain appears, and he is depicted as a middle-aged man. Mark Twain was 24 years-old in 1859. The stories also vacillate between 1859-1860 (pre-Civil War) and what was more suitable for an 1880 time-frame. There are continuity problems, over and over.

It is somewhat off-putting, too, that there is so much killing in the first season. In time, the killing was reduced.

Many of the episodes take a socially liberal slant, which would be hard to believe, given the time-line, but give the writers credit for anticipating the seismic shifts in the Nation's attitudes beginning in the 1960s.

Having said all that, the acting is good, and I have come to conclude in my latter years that Adam's character was drawn better than any other's. I don't think Pernell Roberts ever got the credit he deserved. Also, Season 1 reinforces the fact that Dan Blocker (Hoss) was a good actor.

Many of the stories trace real historical events. The guest stars were interesting.

This was great family entertainment, and the series stands up very well by any measure.\": {\"frequency\": 1, \"value\": \"My comment is ...\"}, \"When i first saw this film i thought it was going to be a good sasquatch film. Usually when you have these types of movies there's generally ONE sasquatch, but in this one there is like what? 7 or 10 of them?. Acting was good, plot was OK, i liked the scenes where the sasquatch is killing the first few victims, very good camera work. I was expecting it to be a gory film but it was very little. This movie was way better than Sasquatch. The SCI-FI channel really needs to make more sasquatch films, i mean i really liked Sasquatch Mountain, Abominibal was not good, the one i'm reviewing is OK, but the movie Sasquatch was not, but I'm not reviewing that so let me get back on track. This movie is good for a rainy Saterday afternoon, but for any other occasions, no.\": {\"frequency\": 1, \"value\": \"When i first saw ...\"}, \"Goebbels motivation in backing down was not explored. In the aftermath of Stalingrad the Reich had decided to go for 'total war'. This is referred to in the film. Part of this was to use women in the war effort, which Germany had not previously done to any great extent. An SS massacre of women would have faced Goebbels with a public relations disaster of massive proportion. His preference was to make the problem go away as quietly as possible, on the basis that the Jewish men could always be rounded up later. I understand the majority survived the war.

His other problem was that the 'Red' Berlin had never been very enthusiastically behind the Nazi cause and had to be handled cautiously. Again a massacre of women could have cost the Nazis what mediocre level of support they had in their capital city.

It was interesting that the majority of SS uniforms showed patches which indicated that the men wearing them were not of German nationality, but were from German origins in other countries such as Lithuania or Latvia\": {\"frequency\": 1, \"value\": \"Goebbels ...\"}, \"Roman Polanski masterfully directs this sort of a variation on the same theme as Repulsion. I can't imagine there is one honest movie goer not able to acknowledge the fine director in Le Locataire, yet both parts of the dyptic may not be thoroughly satisfactory to most people, myself included.

Polanski is very good at making us feels the inner torture of his characters (Deneuve in Repulsion and himself in Le Locataire), starting with some lack of self-assurance soon to turn gradually into psychological uneasiness eventually blossoming into an irreversible physical malaise. The shared ordeal for the characters and audience is really dissimilar from the fright and tension of horror movies since there's no tangible supernatural element here. While horror movies allow for some kind of catharsis (be it cheap or more elaborate) Polanski sadistically tortures us and, if in his latter opus the dark humour is permanent, we are mostly on our nerves as opposed to on the edge of our seats.

Suspense, horror, all this is a matter of playing with the audience's expectations (alternatively fooling and fulfilling them), not literally with people's nerves. In my book Rosemary's Baby is a far greater achievement because sheer paranoia and plain rationality are in constant struggle: the story is about a couple moving in a strange flat, while we are forced to identify with a sole character. What's more if the fantasy elements are all in the hero's mind the situation is most uncomfortable since we, the viewers, are compelled to judge him, reject him while we have been masterfully lured (\\\"paint 'n lure\\\") into being him.\": {\"frequency\": 1, \"value\": \"Roman Polanski ...\"}, \"I read some gushing reviews here on IMDb and thought I would give this movie a look. Disappointed. On the plus side the male leads are good, and some interesting photography but as a whole this movie fails to convince. Seems to be full of its' own self indulgent importance in trying to say something meaningful but falls way short and all in all the picture is an unconvincing mess.

It is one of those films classified as a film noir which can be defined as follows:

\\\"A film noir is marked by a mood of pessimism, fatalism, menace and cynical characters\\\".

Well that is the story here: 3 losers stumble upon each other with their collective problems that include mental illness, alcoholism, laziness, indebtedness etc and together they conspire to kidnap a child and outwit each other.

Would have been a much better movie if the story was confined more to the kidnap instead of the character failings of the kidnappers. I thought the female lead was way out of her depth and came across as an amateur actress.

Whilst some good moments, I finished up feeling I had wasted my time.

4/10.\": {\"frequency\": 1, \"value\": \"I read some ...\"}, \"Everybody who wants to be an editor should watch this movie! It shows you about every mistake not to do in editing a movie! My grandma could have done better than that! But that's not the only reason why this movie is really bad! (It's actually so bad that I'm not able to write a sentence without exclamation mark!) If the first episode of \\ufffd\\ufffdLes Visiteurs' was a quite good familial comedy with funny jokes and cult dialogues, this sequel is copying badly the receipe of the first one. The funny parts could be counted on one hand and maybe half of it. Clavier is over-acting his role even more than in the first part, Robin is trying to act like Lemercier (because she's replacing her) but that's \\ufffd\\ufffdgrotesque'. Lemercier is Lemercier, Robin is Robin! Even if Muriel Robin can be funny by herself on stage, she is not in this movie because she's not acting as she used to act. I know that it should be hard to replace somebody who was good in a role (Lemercier obtained a C\\ufffd\\ufffdsar award for her role in the first movie) but she made a big mistake: instead of playing her role, she played \\ufffd\\ufffdLemercier playing her role'! As for the story, it's just too much! Of course we knew at he end of the first movie that there would be a sequel but Poir\\ufffd\\ufffd and Clavier should hae tried to write a more simple story like the first episode. The gags are repetitive, childish and d\\ufffd\\ufffdj\\ufffd\\ufffd-vu. No, really, there's no more than 3 funny parts in this. The only good things might be the costumes and some special effects. So you have only 2 reasons to watch it: 1) if you want to learn how to edit awfully a movie, 2) if you want to waste your time or if you really need a \\ufffd\\ufffdbrainless moment'! 2/10\": {\"frequency\": 2, \"value\": \"Everybody who ...\"}, \"Diego Armando Maradona was, and still remains as the best football player, the game has offered. Not just an athlete, but an artist. This documetary if the 1986 World Cup will forever live in the memories of every football fan around the world. Because of his tremendous and unbelievable goal, which he scored against my own country(england). There's absolutely no point of diminishing this star. Although I dont undersand spanish, I can appreciate the argentine narrator. He actually cries of happiness, and can barely express his emotion..... Anything I wrote can be senseless and difficult to comprehend, but readers.....you have to watch this to know what I mean.\": {\"frequency\": 1, \"value\": \"Diego Armando ...\"}, \"This is not \\\"so bad that it is good,\\\" it is purely good! For those who don't understand why, you have the intellect of a four year old (in response to a certain comment...) Anyways, Killer Tomatoes Eat France is a parody of itself, a parody of you, and a parody of me. It is the single most genius text in cinematic history. I have it and the three prequels sitting on my DVD rack next to Herzog and Kurosawa. It embodies the recognition of absurdity and undermines all that you or me call standard. I write scripts and this movie single-handedly opened up a genre of comedy for me, the likes of which we have never seen. It can only be taken in portions... its sort of exploitive... by now I'm just trying to take up the ten line minimum. My comment ended a while ago. Hopefully it works when I submit it now.\": {\"frequency\": 1, \"value\": \"This is not \\\"so ...\"}, \"There are four great movie depicting the Vietnam War. They are (in no particular order: Apocalypse Now, Born on the Fourth of July, Platoon, and finally Tigerland. All but Tigerland focus on the actual war and the men in it. Tigerland focuses on men in advanced training for the Vietnam War. The character of Boz is one of the most important depictions of a man questioning war, and the absurdity of it. This has been done in many war movies, but rarely in boot camp. Also, this is a very complex character, whose method with dealing with his feeling and emotions are the driving force of this movie. The character of Boz makes this movie so good. It is a shame it did not get a major release. It belongs on the shelf of any movie fan alongside the aforementioned movie titles.\": {\"frequency\": 1, \"value\": \"There are four ...\"}, \"Demonicus is a movie turned into a video game! I just love the story and the things that goes on in the film.It is a B-film ofcourse but that doesn`t bother one bit because its made just right and the music was rad! Horror and sword fight freaks,buy this movie now!\": {\"frequency\": 1, \"value\": \"Demonicus is a ...\"}, \"Jake Speed is a film that lacks one thing \\ufffd\\ufffd a charismatic lead. Unfortunately that's something that really taints the entire movie and it's a shame because at heart it is an enjoyable action movie with a witty enough script and an interesting, if derivative, premise. Although it's genesis probably can be traced back to the success of the Indiana Jones trilogy \\ufffd\\ufffd the film actually plays a little more like 'Romancing the Stone' albeit in reverse. It's not an author of romantic adventure fiction being led on an adventure by a character very much like one of her creations it is an adventure fiction character (who happens to chronicle his own adventures) leading an ordinary woman on one of his adventures.

When a young woman goes missing in Paris, her sister Margaret (played by the appealing Karin Kopins) gets embroiled with pulp hero Jake Speed (Wayne Crawford) and his sidekick Dennis (Dennis Christopher) who both turn out to be real and very flawed individuals in an adventure that takes them into the heart of a civil war torn African state and ultimately into the clutches of two brothers the deliciously evil Sid (John Hurt) and his ridiculously camp sibling Maurice (Roy London). That's the plot \\ufffd\\ufffd it's not labyrinthine and it's not complicated but the story that it tells doesn't require great depth.

The action sequences are appealing to begin with and it's certainly true that the heroic trio are put through their paces (whether caught in battles between government and rebel forces or being dropped into a pit full of lions) and there are certainly some quite funny lines. However the film does seem to struggle to find an ending and unfortunately the action sequences that are quite appealing to begin with go nowhere and ultimately become a bit bland and irksome. This, however, may not have been such an issue if it was possible to like Jake Speed but due to Wayne Crawford's performance it becomes harder to really care what happens. Now I don't know if he was stretching himself a little thin as he was also the producer and writer of the movie or whether he's simply not a good actor (as I haven't seen him in much else) but he never really convinces as a roguish mixture of Doc Savage, Indiana Jones and Jack Colton.

This is a shame because most of the other characters play their roles well \\ufffd\\ufffd Karen Kopins is funny and convincing and her character shares some nice banter with Jake (unfortunately it never convinces). Dennis Christopher is perfect as the archetypal sidekick and John Hurt plays the part with camp relish \\ufffd\\ufffd almost as if he were in a sixties episode of Batman. He strides about his few scenes growling in a ridiculous cockney accent putting in a performance that almost belongs in another film. Sid is no Moriarty (he is presented as Jake's nemesis from a number of his previous adventures / books) but he is always fun to watch.

Jake Speed tries to channel the same fun B movie spirit as 'Night of the Comet' (a film produced by Crawford a few years beforehand) and almost succeeds but misses \\ufffd\\ufffd which is a shame because Jake would have been good to watch in a few more adventures and may have been served better by a television series.

I would recommend this out of curiosity appeal but ultimately it leaves a bitter taste because most of the elements were there to make something genuinely good.\": {\"frequency\": 1, \"value\": \"Jake Speed is a ...\"}, \"Fascinating downer about a would-be male hustler in New York City forced to live in a condemned building with a crippled con-man. Extremely bleak examination of modern-day moral and social decline, extremely well-directed by John Schlesinger (who never topped his work here) and superbly acted by Jon Voight and Dustin Hoffman. Packs quite a punch overall, yet the \\\"fantasy\\\" scenes--some of which are played for a chuckle--are mildly intrusive, as is the \\\"mod\\\" drug party. The relationship that develops between the two men is sentimental, yet the filmmakers are careful not to get mushy, and this gives the picture an edge it might not have had with a lesser director than Schlesinger. Originally X-rated in 1969, and the winner of the Best Picture Oscar; screenwriter Waldo Salt (who adapted James Leo Herilhy's book) and Schlesinger also won statues. ***1/2 from ****\": {\"frequency\": 1, \"value\": \"Fascinating downer ...\"}, \"I find it hard to understand why this piece of utter trash was repackaged. The only saving grace in the whole thing is the body of Ariauna in her sexy uniform. Her humour is also to be appreciated. She is a definite plus but alas it would take a magician to salvage this garbage. However she must be positively recognised for her heroic effort & true professionalism. Can't say the same for her co star Lilith with her whining voice that grates on your nervous system. Appeared disinterested & gave the impression that just her presence on the set was all that was needed. All said apart from Ariauna's performance it is indeed utter trash.\": {\"frequency\": 1, \"value\": \"I find it hard to ...\"}, \"Hilarious, evocative, confusing, brilliant film. Reminds me of Bunuel's L'Age D'Or or Jodorowsky's Holy Mountain-- lots of strange characters mucking about and looking for..... what is it? I laughed almost the whole way through, all the while keeping a peripheral eye on the bewildered and occasionally horrified reactions of the audience that surrounded me in the theatre. Entertaining through and through, from the beginning to the guts and poisoned entrails all the way to the end, if it was an end. I only wish i could remember every detail. It haunts me sometimes.

Honestly, though, i have only the most positive recollections of this film. As it doesn't seem to be available to take home and watch, i suppose i'll have to wait a few more years until Crispin Glover comes my way again with his Big Slide Show (and subsequent \\\"What is it?\\\" screening)... I saw this film in Atlanta almost directly after being involved in a rather devastating car crash, so i was slightly dazed at the time, which was perhaps a very good state of mind to watch the prophetic talking arthropods and the retards in the superhero costumes and godlike Glover in his appropriate burly-Q setting, scantily clad girlies rising out of the floor like a magnificent DADAist wet dream.

Is it a statement on Life As We Know It? Of course everyone EXPECTS art to be just that. I rather think that the truth is more evident in the absences and in the negative space. What you don't tell us is what we must deduce, but is far more valid than the lies that other people feed us day in and day out. Rather one \\\"WHAT IS IT?\\\" than 5000 movies like \\\"Titanic\\\" or \\\"Sleepless in Seattle\\\" (shudder, gag, groan).

Thank you, Mr. Glover (additionally a fun man to watch on screen or at his Big Slide Show-- smart, funny, quirky, and outrageously hot). Make more films, write more books, keep the nightmare alive.\": {\"frequency\": 1, \"value\": \"Hilarious, ...\"}, \"This movie was bad. This movie was horrible. The acting was bad. The setting was unrealistic. The story was absurd: A comet that appears once in eons is set to appear one night. Most of the world's population decided to watch this comet. Then, the next morning everyone but a select few of people has been turned to dust from the comet's radiation. People's clothes are still intact, there are plants which are still alive, but the people were turned to dust. No bones, nothing. Thats ridiculous. How can radiation incinerate people but leave their clothes and other biological substances intact?

Even better, the comet mutated some people into zombie flesh eating monsters. Their makeup would not have even looked frightening to a newborn child. The Insane Clown Posse scare me more...and they're supposed to look stupid.

Then there were the survivors. People who had been surrounded by steel when the comet passed were spared from zombie-dom and death. How can steel block a comet's radiation that supposedly incinerates people in their tracks?

Equally insulting is the 60's horror music playing in the background through parts of the movie, or the 80's hair rock which serves no purpose in the film and makes you want to shoot your television.

The stupidest part of the movie, however, are the characters it focuses on: two Valley Girls and Chakotay from Star Trek: Voyager. These three characters were totally unrealistic. Who would go looting the day after an apocalypse with flesh eating mutants running everywhere? There were four 5 minute horror scenes in the entire movie, and most of them were dreams. In between these scenes is unsophisticated dialog which makes South Park seem intelligent. The silence in between the elementary dialog was painful. I could have made a better movie with four monkeys and a bag of Cheetos. Don't see this movie, ever.\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"It should come as no shock to you when I say that Alone in the Dark is a crappy movie. To put it bluntly, it's as if a dung monster defecated, ate the result, and then vomited. The final product would still outshine this movie.

Seemingly based on an ancient (!) Atari video game, the movie has something or other to do with a portal to the bowels of the earth, the unleashing of demons, and ancient civilizations. Something about there being two worlds, that of darkness and that of light. (Guess which one's ours.) Oh, and 10,000 years ago a really super-duper advanced civilization opened the portal, demons came over and had a blast, then wiped out the civilization. Which is why we've never heard of them, conveniently enough.

Christian Slater, perhaps pining for the days of Heathers and Pump up the Volume, plays Edward Carnby, a paranormal researcher to whom Something Bad happened when he was 10 years old. He's hot on the trail of one of the artifacts of said advanced civilization. Carnby used to be part of a secret institution called 713, which has been trying to figure out what happened to that long-ago civilization. But Carnby believed he wasn't going to be able to find the answers he sought, so he left the group.

But see, these beasties are out, and they get their prey in varying ways, such as gutting them, splitting them down the middle, implanting neurological control devices in them, or just turning them into killing zombies. Yes, it's another zombie movie.

That's about as distilled I can make the plot. It's pretty convoluted and incomprehensible. In similar movies, one might see the intrepid researcher/adventurer figure things out a step at a time, and when we the audience are mentally with the researcher, it's a lot of fun. But when the scenes shift from attack to attack with no perspective or context... not so much fun.

The acting is dreadful, save for Slater, who (although he almost seems embarrassed to be in the movie) showed he was capable of carrying the acting load. He had to; get this - Tara Reid is cast as a museum curator! Honest to goodness, I thought I'd seen the casting of a lifetime when Denise Richards was cast as a nuclear physicist in Tomorrow Never Dies. But Reid here matches Richards, crappy emoting for crappy emoting. Hightlights include Reid pronouncing \\\"Newfoundland\\\" as \\\"New Fownd Land,\\\" Reid delivering most of her lines in a dazed, throaty monotone (kinda like she'd been on an all-night bender for the past week before filming), Reid - a museum curator, mind you - spending a lot of the movie in a midriff-bearing top and hip-hugger jeans. Oh yeah, she was as believable as Jessica Simpson giving stock quotes. Oh, why must the pretty ones be so dumb? (Note: I don't think Tara Reid's all that good looking. She looks like she's in perpetual need of food.) Almost everyone else in the cast is completely forgettable, except perhaps for Steven Dorff, who played Burke, one of the leaders of 713. Dorff's character wasn't terribly well developed, but nothing in the movie was, from the sets to the characters to Tara Reid. But I digress.

Anyway, the perplexing and utterly preposterous storyline is tough enough to follow with the film moving at such a breakneck pace, but director Uwe Boll tosses in a pounding, mind-deadening soundtrack; it's so loud you can't hear what the actors are saying in some of the scenes! That can't be right. Given the acting level, however, perhaps thanks are in order to Mr. Boll.

Oh, and a fun note. The opening moments of the movie include narration... of the words that are crawling across the screen at the same time. Remember the first Star Wars? You heard that now-familiar Star Wars theme while the prologue crawled. There was surely no need for narration; why do I need some doofus to read what's on the screen for me? Were the producers simply looking out for blind people? Maybe that also explains why the soundtrack was so loud - they were also looking out for hard-of-hearing people. Also, the narrator inexplicably had a lisp for the first few lines of the crawl - then lost it. Bizarre.

Alone in the Dark is a loud, dopey mishmash of dreadful acting, an incoherent script, and ham-handed directing. Hardly a note rings true. There's so much chaos that the audience simply gives up caring about the characters and roots for their demise. Even in the dark, the demonic creatures seem cooler and much more developed by comparison.

Ironically, since there were only three other people in the theater, I watched this Alone in the Dark. I wonder if Uwe Boll planned it that way? I can't quite give this the lowest rating, because I had low hopes for it to begin with - and because it never grabbed me enough for me to get worked up about it. It's atrocious, although Slater redeems himself a tiny bit.\": {\"frequency\": 1, \"value\": \"It should come as ...\"}, \"This is without a doubt the worst movie I have ever seen. It is not funny. It is not interesting and should not have been made.\": {\"frequency\": 1, \"value\": \"This is without a ...\"}, \"Now, I've seen a lot of bad movies. I like bad movies. Especially bad action movies. I've seen (and enjoyed) all of Jean-Claude Van Damme's movies, including the one where he's his own clone, both of the ones where he plays twins, and all three where he's a cyborg. I actually own the one where he plays a fashion designer and has a fight in a truck full of durians. (Hey, if nothing else, he's got a great ass and you almost always get to see it. With DVD, you can even pause and zoom in!) That's why you can trust me when I say that this movie is so bad, it makes Plan 9 look like Citizen Kane.

Everything about Snake Eater is bad. The plot is bad. The script is bad. The sets are bad. The fights are bad. The stunts are bad. The FX are bad. The acting is spectacularly, earth-time-bendingly bad, very probably showcasing the worst performance of every so-called actor in the cast, including Lorenzo Lamas, and that's really saying something. And I'd be willing to bet everyone involved with this movie is lousy in bed, to boot. ESPECIALLY Lorenzo Lamas.

It does manage to be unintentionally funny, so it's not a total loss. However, I recommend that you watch this movie only if you are either a congenital idiot or very, very stoned. I was able to sit through it myself because I needed to watch something to distract me from rinsing cat urine out of my laundry.

It didn't help much, but it was better than nothing. One point for Ron Palillo's cameo as a gay arsonist.\": {\"frequency\": 1, \"value\": \"Now, I've seen a ...\"}, \"Armageddon PPV

The last PPV of 2006

Smackdown brand.

Match Results Ahead********

We are starting the show with The Inferno match. Kane v. MVP. This was an okay match. Nothing about wrestling here. This was about the visuals. Overall, this was not bad. There were a few close spots here with Kane getting too close to the fire, but in the end, Kane won with ramming MVP into the fire back first.

Nice opener. Let's continue.

Teddy Long announces a new match for the tag team titles: London and Kendrick will defend against: Regal and Taylor, The Hardyz, and MNM IN A LADDER MATCH!!!! Let's get moving!

Match two: Fatal four way ladder match. This was total carnage. Judging by three out of the four teams here, you would expect chaos. The spots were amazing. A total spot-fest. One point Jeff went for Poetry in Motion and London moved and Jeff hit the ladder! Shortly afterword, Jeff is set on the top rope with two ladders nearby as MNM were going to kill Jeff, Matt makes the save and Jeff hits the \\\"see-saw\\\" shot to Joey Mercury! Mercury is hurt. His eye is shut quickly and is busted open hard way. Mercury is taken out of the match and Nitro is still there. He is going to fight alone for the titles! Regal and Taylor then grab London and suplex him face-first into the ladder! Jeff climbs the ladder and Nitro in a killer spot, dropkicks through the ladder to nail Jeff! Awesome! In the end, London and Kendrick retain the tag team titles. What a match!!!

This was insane. I can't figure out why WWE did not announce this till now. The Buyrate would increase huge. I'm sure the replay value will be good though.

Mercury has suffered a shattered nose and lacerations to the eye. He is at the hospital now. Get well kid.

No way anything else here will top that.

Next up: The Miz v. Boogeyman.(Ugh) This was a nothing match. Will the Boogeyman ever wrestle? The Miz sucks too. After a insane crowd, this kills them dead. DUD.

Chris Benoit v. Chavo. This was a strong match. I enjoyed it. Chavo hit a killer superplex at one point! Benoit hit EIGHT German suplexes too! Benoit wins with the sharpshooter. Good stuff.

Helms v. Yang-Cruiserweight title championship match. This was a good match. Unfortunately, the stupid fans did not care for this. WHY? Helms and Yang are very talented and wrestled well. I agree with JBL. He ranted to the crowd. JBL is 100% correct. Learn to appreciate this or get out.

Mr. Kennedy v. The Undertaker-Last Ride match. Not too much here. This was a slug fest, with a few exceptions. Kennedy at one point tossed Taker off the top of the stage to the floor. The spot was fine. Reaction was disappointing. The end spot was Taker tomb-stoned Kennedy on the hearse and won the match. Unreal. Kennedy needed this win. They both worker hard. Still, Kennedy needed this win. Undertaker should have lost. Creative screwed up again.

A stupid diva thing is next. I like women. Not this. At least Torrie was not here. That's refreshing. Judging from the crowd, Layla should have won. The WWE wanted Ashley. Consider this your bathroom break. Next.

Main Event: Cena & Batista v. Finlay & Booker T. This was also a nothing match. The focus was Cena v. Finlay and Batista v. Booker. Batista and Booker can't work well together. Finlay tries to make Cena look good. The finish was botched. Finlay hit Batista's knee with a chair shot and Batista no-sold the shot and finished the match. Lame. Not main event caliber at all.

Overall, Armageddon would have scored less, but the ladder match WAS the main event here. That was enough money's worth right there. A few others were solid.

The Last Word: A good PPV with the ladder match being the savior. Smackdown is not a bad show just is not compelling enough. Smackdown needs to stop letting Cena tag along. Let Smackdown stand on their own two legs. This show proves that Smackdown can.\": {\"frequency\": 1, \"value\": \"Armageddon PPV

Which is where this adaptation of Our Sunshine, a novel about the Kelly legend, excels. Rather than attempting to portray a Ned Kelly who is as unfeeling as the armour he wore, the film quickly establishes him as a human being. Indeed, the reversal of the popular legend, showing the corruption of the Victorian police and the untenable situation of the colonists, goes a long way to make this film stand out from the crowd. Here, Ned Kelly is simply a human being living in a time and place where in order to be convicted of murder, one simply had to be the nearest person to the corpse when a policeman found it. No, I am not making that up. About the only area where the film errs is by exaggerating the Irish versus English mentality of the battles. While the Kelly gang were distinctly Irish, Australia has long been a place where peoples of wildly varied ethnicities have mixed together almost seamlessly (a scene with some Chinese migrants highlights this).

Heath Ledger does an amazing job of impersonating Australia's most notorious outlaw. It is only because of the fame he has found in other films that the audience is aware they are watching Ledger and not Kelly himself. Orlando Bloom has finally found a role in which he doesn't look completely lost without his bow, and Geoffrey Rush's appearance as the leader of the police contingent at Glenrowan goes to show why he is one of the most revered actors in that desolate little island state. But it is Naomi Watts, appearing as Julia Cook, who gets a bit of a bum deal in this film. Although the film basically implies that Cook was essentially the woman in Ned Kelly's life, but you would not know that from the minimal screen time that she gets here. Indeed, a lot of the film's hundred and ten minutes feels more freeze-dried than explorative. Once the element of police corruption is established, in fact, the film rockets along so fast at times that it almost feels rushed.

Unfortunately, most of the film's strengths are not capitalised upon. Rush barely gets more screen time than his name does in the opening and closing credits. Ditto for Watts, and the rest of the cast come off a little like mannequins. I can only conclude that another fifteen, or even thirty, minutes of footage might have fixed this. But that leads to the other problem, in that the lack of any depth or background to characters other than the titular hero leaves the events of the story with zero impact. One scene manages to do the speech-making thing well, but unfortunately, it all becomes a collage of moments with no linking after a while. If one were to believe the impression that this film creates, a matter of weeks, even days, passes between the time that Ned Kelly becomes a wanted man on the say-so of one corrupt policeman, and the infamous shootout at Glenrowan. Annoyingly, the trial and execution of Ned Kelly is not even depicted here, simply referred to in subtitles before the credits roll.

That said, aside from some shaky camera-work at times, Ned Kelly manages to depict some exciting shootouts, and it has a good beginning. For that reason, I rated it a seven out of ten. Other critics have not been so kind, so if you're not impressed by shootouts with unusual elements (and what could more more unusual than full body armour in a colonial shootout?), then you might be better off looking elsewhere. Especially if you want a more factual account of Ned Kelly's life.\": {\"frequency\": 1, \"value\": \"The story of Ned ...\"}, \"Ha. without a doubt Tommy's the evil one here. i don't know why, but for some reason, little kids in horror movies tend to come across as little butt munches. and since they're kids, they won't die. because they're annoying...well..except for asylum of terror. but those are few and far between.

Anyway onto the movie. Can't find this movie on DVD? sure you can! all you have to do is buy the Chilling classics DVD pack! not only do you get Metamorphosis on DVD for $15, but you also get 49 OTHER MOVIES! what a bargain! pff. OK. i'm done advertising for these cheesy movies. let's just say, this movie ain't worth the 15 bucks on its own.

So we have a chemist scientist. yeah. cause all chemist scientists look as handsome as this guy playing Peter. He's trying to come up with a serum to stop deterioration of the body. the college he works at wants to pull the plug on his project, so he tries it on himself. but because this is a horror movie, he sucks it up and starts and incredibly long transformation sequence that takes nearly 3/4 of the movie.

To pad out the movie he gets into a relationship with some woman who has a son. and she was never married! scandalous! But of course Tommy is one of the most irritating characters....no. i take it back. HE IS the most irritating character. Far worse than the old crippled guy who wants to take over peter's work and gloats over him while he's in the hospital. that's right, even as an old cripple, you can still be the villain.

So we see Peter start to randomly kill some people in visions he has until he realizes he's the one doing it and just decides to kill everyone in his path to get back to normal. However at the end he ends up de-evolving into a lizard. yeah, i know don't ask. The ending really doesn't make any sense. And if you're hoping for any really good payoff, you're not going to get it.

This isn't a HORRIBLE movie....it's just frustrating because of the lack of a good payoff. if you already own the 50 movie pack and this is next on your list, you're not in for a snoozer, but you're also not in for a great movie. Just sit back, relax, and eat a lot of snack food. Because this movie isn't going to be making you jump out of your skin anytime soon.

Metamorphosis gets 4 plastic lizard heads, out of 10.\": {\"frequency\": 1, \"value\": \"Ha. without a ...\"}, \"Looking for Quo Vadis at my local video store, I found this 1985 version that looked interesting. Wow! It was amazing! Very much a Ken Russell kind of film -quirky, stylized, very artistic, and of course \\\"different.\\\" Nero was presented not so much as evil incarnate, but as a wacky, unfulfilled emperor who would rather have had a circus career. He probably wondered why on earth he was put in the position of \\\"leading\\\" an empire -it wasn't much fun, and fun is what he longed for. Klause Maria Bandaur had a tremendous time with this role and played it for all it was worth. Yes, Nero persecuted the Christians with a vengeance; one of many who did so. At one point one of his henchmen murmurs: \\\"No one will ever understand we were simply protecting ourselves.\\\" He got that right.\": {\"frequency\": 1, \"value\": \"Looking for Quo ...\"}, \"This is exactly the reason why many people remain homeless . . . because stupid producers pay their money to make awful films like this instead of donating if they can bother!

This film is even worse than white chicks! Little Man has a lame excuse for posing a character midget as a baby. Story is awful considering it was written by six people. The idea still wouldn't be too bad though, if it was original and not a rip-off of a cartoon episode. it has funny moments but some of them are way over-done and some are just stupid. The acting was very, very bad. So was the directing. Anyone involved in this film should be ashamed of themselves. it is racist and very offensive to midgets. I mean, instead of showing sympathy to them, the film-makers make fun of them! It really disgusts me how they do it. They see midgets being just like babies. And for a character who is a midget, pretending to be an abandoned baby just to get a diamond from a certain family. That is its lame excuse for showing something like that. It just was not worth it. Don't watch this film. It is a huge waste of time and money.\": {\"frequency\": 1, \"value\": \"This is exactly ...\"}, \"What's inexplicable? Firstly, the hatred towards this movie. It may not be the greatest movie of all time, but gimme a break, it got 11 oscars for a reason, it made EIGHTEEN HUNDRED MILLION DOLLARS for a reason. It's a damn good movie. Which brings to the other inexplicable aspect of it. I have no idea whatsoever why this movie left such an impression on me when I saw it in theaters. I've rewatched it on TV and video, and it had none of the impact it had when I saw it on the big screen (twice, or maybe three times, actually). But that might be it, the appeal of it. It's a Movie, yes, capital M there, it's an Epic, it's a spectacle in the order of Gone With the Wind or Ben Hur. Now, Ben Hur and Gone With the Wind seem kinda hokey to me, with the hammy acting and excessive melodrama. Not that Titanic has none of that. Well, the acting was actually very good. The melodrama was quite heavy-handed at times.

But the reason Titanic works is that it's such an emotional ride. I usually enjoy movies that stimulate the mind, or give me a visual thrill. This movie isn't exactly dumb, but it's not cerebral at all. The visual thrills are simply means to an end, to fuel the emotions of the audience. I didn't cry when Bambi's mom died, I don't react to tearjerkers. But this is a tearjerker to the power of ten million, an emotional rollercoaster that, if it were a regular one, would make Buzz Aldrin scream like a little girl. And I'm sure that if you see it on video and have decided that you hate it, and have a ready supply of cynicism, then you can thoroughly dislike this movie. But if you let that disbelief suspend just a bit, if you give this epic melodrama the benefit of the doubt, you'll enjoy it completely. And look at the top ten grossing films of all time. Is a single one of them bad? Is a single one of them worth a score of 1 out of 10? No, not even The Phantom Menace. And this movie made 1.8 BILLION DOLLARS worldwide. It can't be bad. Not possible. 10/10.

p.s. how can anyone even consider comparing this to spiderman? spiderman was a fun movie, but it was a total 9/11 kneejerk that caused it to gross as much as it did. it simply wasn't anything all that special. no one will remember it in 50 years. but i'm pretty sure Titanic will be remembered.\": {\"frequency\": 1, \"value\": \"What's ...\"}, \"Dennis Hopper and JT Walsh steal the show here. Cage and Boyle are fine, but what gives this neo-noir its juice is Hopper's creepy, violent character and JT Walsh's sneakiness.

A drifter gets mistaken for a hit-man, and tries to make a little dough out of it, but gets in over his head.

I found a strange parallel in the opening scene of this movie, when Cage walks into a trailer in Wyoming to get drilling work, with the help of his buddy...and the opening scene in Brokeback Mountain, when the character does the same thing! But that's another story.

Dennis Hopper is at his best here...cocky, one-step-ahead villainous, seething and explosively violent. JT Walsh (RIP) is also great as the man with a dark past, trying to live legitimately (well, almost).

There are only 4 real characters of note here, with the exception of the hard-working deputy in the town of Red Rock, Wyoming. The first twist hits early on, and from there it's a nice neo-noir adventure in some sleepy little town. Satisfying. 8 pts.\": {\"frequency\": 1, \"value\": \"Dennis Hopper and ...\"}, \"I don't know how or why this film has a meager rating on IMDb. This film, accompanied by \\\"I am Curious: Blue\\\" is a masterwork.

The only thing that will let you down in this film is if you don't like the process of film, don't like psychology or if you were expecting hardcore pornographic ramming.

This isn't a film that you will want to watch to unwind; it's a film that you want to see like any other masterpiece, with time, attention and care.

******SUMMARIES, MAY CONTAIN A SPOILER OR TWO*******

The main thing about this film is that it blends the whole film, within a film thing, but it does it in such a way that sometimes you forget that the fictions aren't real.

The film is like many films in one:

1. A political documentary, about the social system in Sweden at the time. Which in a lot of ways are still relevant to today. Interviews done by a young woman named Lena.

2. A narrative about a filmmaker, Vilgot Sjoman, making a film... he deals with a relationship with his star in the film and how he should have never got involved with people he's supposed to work with.

3. The film that Vilgot is making. It's about a young woman named Lena(IE. #2), who is young and very politically active, she is making a documentary (IE. #1.). She is also a coming of age and into her sexuality, and the freedom of that.

The magnificence and sheer brilliance of \\\"I am Curious: Yellow/Blue\\\" is how these three elements are cut together. In one moment you are watching an interview about politics, and the next your watching what the interviewer is doing behind the scenes but does that so well that you sometimes forget that it is the narrative.

Another thing is the dynamic between \\\"Yellow\\\" and \\\"Blue\\\", which if you see one, you must see the other. \\\"Blue\\\" is not a sequel at all. I'll try to explain it best i can because to my knowledge, no other films have done it though it is a great technique.

Think of \\\"Yellow\\\" as a living thing, actual events in 14 scenes. A complete tale.

Think of \\\"Blue\\\" as all the things IN BETWEEN the 14 scenes in \\\"Yellow\\\" that you didn't see, that is a complete tale on it's own.

Essentially they are parallel films... the same story, told in two different ways.

It wasn't until i saw the first 30 minutes of \\\"Blue\\\" that i fully understood \\\"Yellow\\\"

I hope this was helpful for people who are being discouraged by various influences, because this film changed the way i looked at film.

thanks for your time.\": {\"frequency\": 1, \"value\": \"I don't know how ...\"}, \"I do agree with everything Calamine has said! And I don't always agree with people, but what Calamine has said is very true, it is time for the girls to move on to better roles. I would like to see them succeed very much as they were a very inspirational pair growing up and I would like to see them grow as people, actresses and in their career as well as their personal life. So producers, please give the girls a chance to develop something that goes off the tangent a bit, move them into a new direction that recognises them individually and their talents in many facets. This movie that is being commented is not too bad, but as I have seen further on in their movies, their movies stay the same of typical plot and typography. When In Rome is good for audiences of younger generation but the adults who were kids when the twins were babies want to follow the twins in their successes and so hence I think we adults would like to see them make movies of different kinds, maybe some that are like the sixth sense, the hour, chocolat, that sort of movie - not saying to have just serious movies for them, humour ones too yes, but rather see them in different roles to what they have been playing in their more recent movies like this one and New York Minute. (Note: I am from Australia so excuse my weird spelling like reognise with the s instead of z)\": {\"frequency\": 1, \"value\": \"I do agree with ...\"}, \"I saw this film in its premier week in 1975. I was 13 years old and at that time I found it adequate and somewhat fun. I then came to discover the WORLD of Doc Savage through the Bantam novels of the old pulp magazine stories. I had no idea before any of this of the realm of Doc, but I fast became one of the most avid Doc Savage fans you could ever meet. I read (and still own) all of the Bantam books, I started going to comic book cons (along with Star Trek and Doctor Who and all manner of geeky fat kid events) and had a wonderful time with each adventure I took with Doc and the ORIGINAL Fab 5. Philip Jose Farmer's Book - The Apocalyptic Life of Doc Savage became a bit of a bible for me and to this day I have very fond feelings regarding my Doc phase. In so saying I have to admit now years later that this film really missed the boat. It is a film that did not know what it wanted to be when it grew up. The screenplay was infantile and bore little resemblance to the pulp story. These stories from the 30's were short and if one looked at Lester Dent's (AKA Kenneth Robeson) outline for writing them, they broke down into PERFECT 3 act dramas that screamed for screen treatment. One would have thought that with George Pal and Michael Anderson at the helm, it would have turned out better. The spoof elements miss the target and the more serious moments almost get there, but then fall short. It is interesting to watch though in that they hired second-string character actors (guys that had really been only bit players and extras before this film) who all acquit themselves very well. Paul Gleason of course has gone on to be a fine utility player in all facets of entertainment and Bill Lucking is a television perennial. All the rest have fallen off the map sadly. I do wish to own a copy of this film as it is the only movie version of my hero, but I fear I will not watch it much as it is too painful. I would say 0 but I give it 2 out of 10 instead for some of the period art direction (Doc's answering machine at the end was a nice touch) and the cast of 3rd stingers getting a moment in the sun.\": {\"frequency\": 1, \"value\": \"I saw this film in ...\"}, \"I have seen virtually all of Cynthia Rothrock's films, and to me this is the funniest. It reminds me of early Jackie Chan movies. Admittedly, Ms Rothrock may not be the greatest actress, but she is very good to watch as both a martial artist and as a very cute young lady. This film, while probably not the best of all her films, was the most entertaining.\": {\"frequency\": 1, \"value\": \"I have seen ...\"}, \"I saw it at Cinema MK2 Hautefeuille just one night after its first public projection in Paris. A very pretty film about three 15 years old teenagers, all of them just at about the same psychologically stages. Many of the scenes let us to come back to our adolescence age & our first feelings about sexual relations. it is possible to imagine that the director would like to reduce the first strong sensual feelings of the girls to lesbianism, but even in that case she doesn't corrupt the likelihood of the story. You can sometimes find the film a little slow but it is what creates this intimate atmosphere. I fund the young actresses of talent, special mention with Floriane and Marie, very convincing. There are many small details but this film also enabled me to discover what synchronized swimming is: impressing!\": {\"frequency\": 1, \"value\": \"I saw it at Cinema ...\"}, \"Full House is a great show. I am still today growing up on it. I started watching it when i was 8 and now i am 12 and still watching it. i fell in love with all of the characters, especially Stephanie. she is my favorite. she had such a sense of humor. in case there are people on this sight that hardly watch the show, you should because you will get hooked on it. i became hooked on it after the first show i saw, which just happened to be the first episode, in 2002. it really is a good show. i really think that this show should go down to many generations in families. and it's great too because it is an appropriate show for all ages. and for all parents, it teaches kids lessons on how to go on with their life. nothing terrible happens, like violence or swearing. it is just a really great sit-com. i give it 5 out of 5 stars. what do you think? OH and the best time to watch it is when you are home sick from school or even the old office. It will make you feel a lot better. Trust me i am hardly home sick but i still know that it will make you feel better. and to everybody that thinks the show is stupid, well that's too bad for you because you won't get as far in life even if you are happy with your life. you really should watch it and you will get hooked on it. i am just telling you what happened to me and everybody else that started watching this awesome show. well i need must go to have some lunch. remember you must start watching full house and soon!\": {\"frequency\": 1, \"value\": \"Full House is a ...\"}, \"I bought this at tower records after seeing the info-mercial about fifteen hundred times on comedy central. I was actually really looking forward to watching this. My god where did i go wrong? Now before i give my review let me just say that i am a person who can pretty much find the good in all movies, hell i own over 1,500 dvd's! With that said, the underground comedy movie ranks up there with the worst film i have EVER seen. I tried to give it a chance, but not only was it not funny. It had no point, did not offend what-so-ever and was all around stupid. God who in their right mind thought these pieces of crap were funny? this is going right to the bottom of the bin...\": {\"frequency\": 1, \"value\": \"I bought this at ...\"}, \"Oh dear. I was so disappointed that this movie was just a rip-off of Japan's Ringu. Well, I guess the U.S. made their version of it as well, but at least it was an outright remake. So, so sad. I very much enjoy watching Filipino movies and know some great things can come out of such a little country, so I can't believe this had to happen. Claudine and Kris are such big names there, surprised they would be affiliated with plagiarism. To any aspiring movie makers out there in the Philippines: You do not have to stoop this low to make money. There are many movie buffs that are watching the movies Filipinos put out and enjoying them!\": {\"frequency\": 1, \"value\": \"Oh dear. I was so ...\"}, \"This movie bewilders me. It may be that I'm just a stupid American, but I really just don't get 400 Blows. Everything I've read about this movie has been a total rave, but I just couldn't stay interested. I'm sure that it was as revolutionary in film-making as all the critics say, but when it boils right down to it, it's just really really boring. Maybe it's the language barrier, may I'm just not \\\"sensitive\\\" or \\\"artsy\\\" enough, but whatever the case is, I hated this movie. The story itself isn't bad; it's about a young French boy who is treated unfairly by his parents and his teachers, and eventually he ends up in a juvenile facility. That in itself ought to be interesting, and it was, at first. There was nothing wrong with the dialogue, but then again it's hard to say because half of the conversations weren't subtitled and for no apparent reason, so I didn't always know what was going on. But for the dialogue we could understand, it made enough sense. The actors were believable enough, but it's hard to say what a real person would do in these situations. So you feel for the main character, but only in the sense that when he gets into trouble you think, well that sucks. The plot isn't even your typical plot. Each time he gets in trouble, he gets into more trouble than the last time, but the reasons never vary too much. And through the entire film you realize that there's nothing the main character can really do about it. So it's more like just waiting to see how it ends. The ending, by the way, was completely over my head. It's way too artsy for me, and I just didn't get it. Leading up to the end was easy enough to follow. The structure was certainly there, and it made sense as well, but everything was really drawn out. For the amount of dialogue and significant moments, the movie could have been an hour shorter. It just didn't end. Part of it was the unnecessarily long shots, none of which were especially memorable; for example, the ending was a clip of the main character running down a country road that lasted a good thirty seconds. Now, I'm sure that had some deeper meaning in it somewhere, but for the average viewer, I'd rather have gotten up to get some more food during that time. Or at least done something a little more useful than sit and watch this boy running, like doing my laundry, or taking a nap.

Final Verdict

The feeling throughout the whole movie was that this probably would be very moving and just amazing and that it would teach me some great life lesson, if I could only get what the director was trying to say by his\\ufffd\\ufffd unique decisions. As it was, I just felt cheated out of a good two hours of my life.\": {\"frequency\": 1, \"value\": \"This movie ...\"}, \"What a good film! Made Men is a great action movie with lots of twists and turns. James Belushi is very good as an ex hood who has stolen 12 million from the boss who has to fend of the gangsters , hillbillies his wife and the local sheriff( Timothy Dalton).you wont be disappointed, jump on board and enjoy the ride. 8 out of 10\": {\"frequency\": 1, \"value\": \"What a good film! ...\"}, \"This anime series starts out great: Interesting story, exciting events, interesting characters, beautifully rendered and executed. Not everything is explained right away, dangling a proverbial carrot before the viewer, enticing the viewer to watch each succeeding episode. But imagine the disappointment to find that the sci-fi thriller/giant robot adventure is only a backdrop for psycho-babble and quasi-religious preachy exploitation. If you want to hear \\\"You're OK. It's good to be you.\\\" after being embattled with negative slogans and the characters' negative emotions, then this is for you. If you want a good sci-fi flick that is simply fun to watch, forget this one. Both the original, and the alternate endings were grossly disappointing to me. All that, AND this movie was too preachy.\": {\"frequency\": 1, \"value\": \"This anime series ...\"}, \"First of all that I would like to say is that Edison Chen is extremely hot and that Sam Lee is looking much better than before XD! This is probably one of the most original movies I have seen so far; shows a poverty lifestyle background of a Cambodian. The Cambodian(Edison aka Pang) goes around killing people to survive himself; has done it throughout his entire life. Sam Lee's(Wai) duty is to capture the Cambodian for good. There are tons of violent actions but has a good story to it. The movie shows the struggles between those two characters; they both beat each other like angry dogs. GO AND WATCH PPL...STRONGLY SUGGESSTED!!! (GO HK FILMS)\": {\"frequency\": 1, \"value\": \"First of all that ...\"}, \"How has this piece of crap stayed on TV this long? It's terrible. It makes me want to shoot someone. It's so fake that it is actually worse than a 1940s sci-fi movie. I'd rather have a stroke than watch this nonsense. I remember watching it when it first came out. I thought, hey this could be interesting, then I found out how absolutely, insanely, ridiculously stupid it really was. It was so bad that I actually took out my pocket knife and stuck my hand to the table.

Please people, stop watching this and all other reality shows, they're the trash that is jamming the networks and canceling quality programming that requires some thought to create.\": {\"frequency\": 3, \"value\": \"How has this piece ...\"}, \"I last read a Nancy Drew book about 20 years ago, so much of my memory of the fictional character is probably faulty. From what I gathered, the books were introduced to me at an era when teenage sleuths were popular to children growing up at the time (for my case, the 80s and early 90s), with Hardy Boys, Famous Five, and of course, \\\"Carolyn Keene\\\"'s Nancy Drew amongst the more famous ones. I still remember those hardcover books with very dated cover illustrations, usually quite heavy (for a kid) to lug around, and the thickness of the book perhaps attributed to the fact that the words are printed in large fonts.

Well, the character has been given some updates along the way, as I recall my sister's subsequent Nancy Drew books becoming less thick, of softcover, with updated and a more chic Nancy illustrated on the cover. I can't remember if those stories were the same as the old hardcover ones, but I guess these books, being ghostwritten, have their fair share of updating itself for the times.

In this Warner Brothers release of Nancy Drew, the character no doubt gets its update to suit the times, but somehow the writers Andrew Fleming and Tiffany Paulsen maintained her 50s- ish small town sensibilities, thereby retaining some charm and flavour that erm, folks like me, would appreciate. Her fashion sense, her prim and properness, even some quirky little behaviour traits that makes her, well, Nancy Drew.

Her family background remains more or less the same, living with her single parent father Carson Drew (Tate Donovan), who is moving his daughter and himself to the big city for a better job opportunity, and to wean his daughter off sleuthing in the town of River Heights. Mom is but a distant memory, and the housemaid makes a cameo. But what made Nancy Drew work, is the casting of Emma Roberts in the lead role. Niece of her famous aunt Julia, she too possess that sprightly demeanour, that unmistakable red hair and that megawatt smile. Her Nancy Drew, while in the beginning does seem to rub you the wrong way, actually will grow on you. And in almost what I thought could be a discarded scene from Pretty Woman, it had the characters walk into a classy shop with almost opposite reactions.

While Dad Carson Drew tries hard to bring Nancy out of her sleuthing environment and to assimilate into normal teenage life, trust Nancy to find themselves living in a house whose owner, a Hollywood type has been, was found murdered under suspicious circumstances. Mystery solving is her comfort food when she finds herself an outcast of the local fraternity, and not before long we're whisked off along with her on her big screen adventure.

There's nothing too Black Dahlia about the crime and mystery, and instead it's a pretty straightforward piece for Nancy to solve, in between befriending Corky (Josh Flitter) a chubby friend from school, and pacifying jealous boyfriend Ned (Max Thieriot), while hiding the truth of her extra curriculum activities from her dad. The story's laced with cheesy fun and an oldie sentimentality which charms, and together, it becomes somewhat scooby-doo like. With minimal violence and no big bag gunfights or explosions, this is seriously a genre which is labelled clearly with \\\"chick flick\\\" alert.

I guess the movie will generate a new generation of fans, rekindle the memories of old ones, and probably, just probably, might spark a new fashion trend of sporting penny loafers.\": {\"frequency\": 1, \"value\": \"I last read a ...\"}, \"Well that's 90 minutes of my life I won't get back. This movie makes teen tv show \\\"California Dreams\\\" look like \\\"Almost Famous\\\". The acting was horrid and storyline unrealistic. Don't even get me started on the actual band at the forefront of this story, lame songs, look etc.. You had to believe that they were one of the hottest bands in the country, and there isn't enough irony in the world to accept that one. The guitarist is seen to be a heroin user, not that I blame him, if I was around such a putrid band with stale songs and wooden acting I'd be injecting the horse too.

If you take music remotely seriously, avoid this at all costs.\": {\"frequency\": 1, \"value\": \"Well that's 90 ...\"}, \"This is a must-see documentary movie for anyone who fears that modern youth has lost its taste for real-life adventure and its sense of morality. Darius Goes West is an amazing roller-coaster of a story. We live the lives of Darius and the crew as they embark on the journey of a lifetime. Darius has Duchenne Muscular Dystrophy, a disease which affects all the muscles in his body. He is confined to a wheelchair, and needs round-the-clock attention. So how could this crew of young friends possibly manage to take him on a 6,000 mile round-trip to the West Coast and back? Watch the movie and experience the ups and downs of this great adventure - laugh and cry with the crew as they cope with unimaginable challenges along the way, and enjoy the final triumph when they arrive back three weeks later in their home town to a rapturous reception and some great surprises!\": {\"frequency\": 1, \"value\": \"This is a must-see ...\"}, \"Wow. I have seen some really bad movies in my time, but this one truly takes the cake. It's the worst movie I've seen in the past decade - no exaggeration.

As a US Army veteran of the war in Afghanistan, I found it nearly impossible to even finish watching this ridiculous film, not because it brought back memories - far from it - but because there was absolutely no attempt at \\\"authenticity\\\" to be found anywhere in the film. Not so much as the tiniest little shred. It seemed like it had been written by an 8 year-old child who got all his notions of war (and soldierly behavior) straight out of comic books. The film was made in Honduras, which should have been a clue, but even that can't fully explain the atrocious production values of this clich\\ufffd\\ufffd-ridden piece of trash.

I could try to list all the endless technical flaws, but it would take virtually forever. From the ancient unit shoulder patches which have not been seen or worn since WWII, and the character's name tags, like \\\"ColCollins\\\" (worn by the character \\\"Colonel Collins\\\"), which was actually spelled using the reversed, mirror-image \\\"N\\\" of the Russian alphabet (not the US alphabet) the list just goes on and on. The uniforms, the equipment, the plot, and most especially the behavior of the characters themselves -- every single scene was just chock-full of ridiculous flaws, inaccuracies and utterly mindless clich\\ufffd\\ufffds.

Neither the storyline itself nor the characters were the least bit credible or believable. It was all laughably childish, in the extreme. This was obviously a movie that was meant to appeal strictly to pre-pubescent boys, and I have little doubt that even they would find this film utterly absurd.

In short, this film has absolutely NO redeeming qualities at all. It's a total waste of time. I'd strongly advise anybody reading this to pass this garbage by; it's truly not worth wasting a single moment of your time for.\": {\"frequency\": 1, \"value\": \"Wow. I have seen ...\"}, \"This is a great show, and will make you cry, this group people really loved each other in real life and it shows time and time again. Email me and let's chat. I have been to Australia and they real do talk like this.

I want you to enjoy Five Mile Creek and pass on these great stories of right and wrong, and friendship to your kids. I have all 40 Episodes on DVD-R that I have collected over the last 5 years. See my Five Mile Creek tribute at www.mikeandvicki.com and hear the extended theme music. Let's talk about them.

These people are so cool!\": {\"frequency\": 1, \"value\": \"This is a great ...\"}, \"Okay, note to the people that put together these horror acting legends DVD-collections: I truly am grateful and I hugely support the initiative, but \\ufffd\\ufffd have you even watched the films before selecting them as part of the collection? When I purchased the Boris Karloff collection there were several films in which the star only played a supportive and unessential role (\\\"Tower of London\\\", \\\"The Strange Door\\\"). \\\"The Invisible Ray\\\", however, is part of the Bela Lugosi collection and here it's actually Boris Karloff who overshadows Bela! This actually would have been a great title for the Boris Karloff collection instead! Bela Lugosi's character is quite possibly the most good-natured and earnest one he ever portrayed in his entire career and good old Karloff actually plays the mad and dangerously obsessed scientist here. \\\"The Invisible Ray\\\" features three main chapters. The first one, set in Dr. Janos Rukh's Carpathian castle is pretty boring and demands quite a lot of the viewer's patience, but of course the character drawings and the subject matter discussed here are fundamental for the rest of the film. Dr. Rukh (Karloff) demonstrates to a couple of eminent colleagues (among them Bela Lugosi as Dr. Benet) how he managed to capture extraterrestrial rays inside a self-manufactured device. The scientists are sincerely impressed with his work and invite Rukh and his lovely wife Diane along for an expedition in the heart of Africa. There Dr. Rukh isolates himself from the group, discovers the essential element \\\"Radium X\\\" to complete his medical ray and goes completely bonkers after being overexposed to the meteorite himself. The third and final act is obviously the best and most horrific one, as it revolves on a good old fashioned killing spree with ingenious gimmicks (melting statues) and a surprising climax. Karloff glows in the dark and, convinced the others are out to steal his discovery and even his life, he intends to eliminate them using his deadly touch. The narrative structure of \\\"The Invisible Ray\\\" sounds rather complicated, but the film is easy to follow and entertaining. The story is rather far-fetched but nevertheless compelling and director Lambert Hillyer provides several moments of sheer suspense. Boris Karloff is truly fantastic and so is Lugosi, even though he deserved to have a little more screen time. Their scenes together are the highlights of the film, along with the funky images of the glowing Boris.\": {\"frequency\": 1, \"value\": \"Okay, note to the ...\"}, \"Imagine the worst skits from Saturday Night Live and Mad TV in one 90 minute movie. Now, imagine that all the humor in those bad skits is removed and replaced with stupidity. Now imagine something 50 times worse.

Got that?

Ok, now go see The Underground Comedy Movie. That vision you just had will seem like the funniest thing ever. UCM is the single worst movie I've ever seen. There were a few cheap laughs...very few. But it was lame. Even if the intent of the movie was to be lame, it was too lame to be funny.

The only reason I'm not angry for wasting my time watching this was someone else I know bought it. He wasted his money. Vince Offer hasn't written or directed anything else and it's not surprise why.\": {\"frequency\": 1, \"value\": \"Imagine the worst ...\"}, \"This Movie is complete crap! Avoid this waste of celluloid at all costs, it is rambling and incoherent. I pride myself on plumbing the depths of 70's sleaze cinema from everything from Salo to Salon Kitty. I like being shocked, but I need a coherent story. However if watching horses mate gets you off this film is for you. The saddest part was that lame werewolf suit with the functional wang. I mean its just plain hard to sit through, not to mention the acting is terrible and the soundtrack is dubbed badly. Please, I know the cover is interesting (what looks like a gorillas hands reaching for a woman's bare ass)but don't waste your time or money as you won't get either back.\": {\"frequency\": 1, \"value\": \"This Movie is ...\"}, \"I don't understand people. Why is it that this movie is getting an 8.3!!!!!!???? I had high hopes for this movie, but once i was about a half hour into it I just wanted to leave the theater. In the vast majority of the reviews on this site people are saying that this is one of the best action movies they've seen (or of the summer, year, etc.) They say it's an excellent conclusion. WTF!!!!!!!!!?????? What has been concluded (besides the fact that Bourne can ride motorcycles, shoot, and fight better than anyone else he comes across)? What do you learn about Bourne's character in this movie?????????Absolutely f****** nothing!!!!!!! Okay, there's a lot of action, but what's so great about the action in this movie?? I don't like the cinematography and film editing. The shaky camera effect and fast changing shots were used TOO much and they get old fast (I didn't mind them in Supremacy because it was still easy to follow and was not used in excess) and made me quite dizzy. I was quickly wishing I had saved my $$$ for something else.

This movie has no plot. All this movie is is a 115 minute chase seen. Bourne, who you learn absolutely nothing about in the entire 115 minutes of the movie, is a perfectionist at everything he attempts. There is absolutely no character development in this movie, you know nothing about anyone, and there is a wide array of new characters that are introduced in this installment. Some people said that this movie has incredible writing and suspense. ???????????!!!!!!!! What writing???? What suspense??? There's no suspense. Bourne is so perfect at doing everything he does, I don't think he has anything to worry about. If this is the best movie of the year 2007 I may just quit watching movies entirely!!!!

Many people have also said that Matt Damon's performance in this movie is one of the best (if not the best) of his career. What performance?? How many lines did he have in this movie??? I have some respect for Damon because he has been in movies that I liked and has played different kinds of characters, but a good actor is someone that you can barely recognize from one movie to the next, someone who chooses different types of roles. Not someone who plays the same roles over and over again (which Damon doesn't do, but an example of someone who does is Vin Diesel).

Anyways, this movie was a BIG disappointment to me. I do not recommend this movie but I do recommend the first two (Bourne Identity and Bourne Supremacy) and I most definitely recommend reading the three books (which are much different then the movies).\": {\"frequency\": 1, \"value\": \"I don't understand ...\"}, \"I must have seen this a dozen times over the years. I was about fifteen when I first saw it in B & W on the local PBS station.

I bought a DVD set for the children to see, and am making them watch it. They don't teach history in School, and this explains the most critical event of the 20th Century. It expands their critical thinking.

Impartially, with the participants on all sides explaining in their own words what they did and why, it details what lead up to the war and the actual war.

Buy it for your children, along with Alistair Cooke's America. Watch it with them, and make them understand. You'll be so glad you did.\": {\"frequency\": 1, \"value\": \"I must have seen ...\"}, \"\\\"Yokai Daisenso\\\" is a children's film by Takashi Miike, but as you might expect, it's probably a bit too dark & scary for younger ones. However, older children may well eat this up, that is, if you play it dubbed in English.

The story is that of a young boy, who has moved with his mother to the country, to live with his grandfather, after a divorce. During a village festival the boy is chosen as a \\\"Kirin rider\\\", a great honor, but with that honor comes much danger and adventure, of course.

Meanwhile, evil doings are at hand as a woman in a white mini skirt, go-go boots & a beehive hair-do, teams up with an evil Yokai to turn people's resentments and discarded items against them. And this evil has manifested itself as a flying city in the form of a monster that heads for the City of Rage itself, Tokyo. One quite funny scene has two derelicts watching the monster fly over the city...says one, \\\"Oh, it's only Gamera\\\".

The young boy has befriended Yokai, which are monsters of a kind, mostly benign, that have isolated themselves away from humans, and all the Yokai in Japan band together to fight the evil.

In many ways Miike & crew have taken the late 60's/early 70's Yokai films and turned them into a modern action adventure film for (older) kids that also combines some strange mechanical monsters that made me think of \\\"Transformers\\\". The look and feel of the film is great, the effects are entertaining, and some of the humor will just sail right over kid's heads, but still, older ones might enjoy it. As for adults, there's not much here not to like, if you're a fan of Japanese monster movies you'll enjoy the heck out of this.

Cool & fun stuff, kind of dark at times but perhaps that's just Miike..and what a wild ride. 8 out of 10.\": {\"frequency\": 1, \"value\": \"\\\"Yokai Daisenso\\\" ...\"}, \"This movie wasn't awful but it wasn't very good. I am a big fan Toni Collette I think she is a very beautiful and talented actress. The movie starts off about Robin Williams who is a writer and gets a book from a 14 year old kid. The book is great and he cant't believe a kid wrote it. Toni Collette plays the kids guardian who you don't know if this kid really exists or if she's making it all up. I am not gonna ruin the movie but I will say this the movie is not scary.

The acting is pretty good and Toni Collette's performance was awesome as well as Robin Williams.

The movie was a huge disappointment in my opinion I would wait for it to come to DVD.\": {\"frequency\": 1, \"value\": \"This movie wasn't ...\"}, \"I don't know if I'd consider it a masterpiece of not, but it's damn near close; it's extremely well made, artistic, suspenseful, intricately plotted, thematically challenging and full of bleak foreshadowing and sexual-religious imagery. There's also some great camera-work from Jan de Bont, an atmospheric score from Loek Dikker and outstanding acting from Jeroen Krabb\\ufffd\\ufffd and Ren\\ufffd\\ufffde Soutendijk, the latter giving one of the most sneaky, subtle 'femme fatale' performance I've ever seen. Like many other European movies, this movie has an unashamed, non-judgmental attitude toward sex, nudity and the complexities of sexuality and has zero reservations about mixing it all up with religious and/or surrealistic (some would say blasphemous) images. In other words, if you can't bear the thought of seeing a lust-driven homosexual envisioning the object of his carnal desire as Jesus crucified on the cross before the two of them go at it inside a cemetery crypt then this might not be the movie for you. What surprised me more is how this bizarre movie managed to completely dodge being a pretentious mess. It mixes the abstract/surreal/parallel fantasy-reality scenes and somehow makes it all work. Like any good mystery, you can see the pieces slowly falling into place as the movie progresses. There is NOT an out-of-left-field resolution here. The movie has direction, there's no needless filler and once it concludes, you begin to understand the purpose of what may have confused you earlier. If you like the work of Ken Russell and David Lynch, I can almost guarantee you will love this movie. Hell, if\\ufffd\\ufffdyou have no idea who they even are, you still might like it.

I'm not going to spoil the plot by getting too detailed, but the film's opening shot - through a web as a spider catches its prey - sets the stage as Krabb\\ufffd\\ufffd, as unshaven, smug, bisexual writer Gerard Reve (interestingly, also the name of the writer whose novel this is based on) crosses paths with a wealthy, mysterious, sexy woman named Christine (Soutendijk, melding androgynous stylings with Simone Simon-like innocence/cuteness that's pretty unnerving), who may be a literal 'black widow' responsible for the deaths of her three previous husbands. The two become lovers and move in with one another, but we're led to believe (through Christine's bizarre behavior and the frequent appearances of another woman - played by Geert de Jong - who may or may not actually exist) something terrible is boiling under the surface. When another of Christine's lovers, the young and \\\"beautiful\\\" Herman (Thom Hoffman), shows up at the house, things take an unexpected turn. And that's all you need to know.

THE 4TH MAN was a huge art-house success in much of the world, but didn't make it over to the US until 1984, where it was awarded the Best Foreign Film of the year from the Los Angeles Film Critics Association. The most common video is the Media release, which has been horribly dubbed. Try to avoid that one and head straight for the newer subtitled Anchor Bay DVD release. Since coming to America, Verhoeven's career has had its ups and downs. He has made a few decent films (Flesh & Blood, RoboCop) and some lousy ones (Showgirls). In fact, Verhoeven's big hit Basic Instinct is almost like a less interesting, junior league version of The Fourth Man. Soutendjik also tried her hand at acting in America and since GRAVE SECRETS (1989) and EVE OF DESTRUCTION (1991) were the best offers she was getting, she headed right back home to the Netherlands.\": {\"frequency\": 1, \"value\": \"I don't know if ...\"}, \"Although I generally do not like remakes believing that remakes are waste of time; this film is an exception. I didn't actually know so far until reading the previous comment that this was a remake, so my opinion is purely about the actual film and not a comparison.

The story and the way it is written is no question: it is Capote. There is no need for more words.

The play of Anthony Edwards and Eric Roberts is superb. I have seen some movies with them, each in one or the other. I was certain that they are good actors and in case of Eric I always wondered why his sister is the number 1 famous star and not her brother. This time this certainty is raised to fact, no question. His play, just as well as the play of Mr. Edwards is clearly the top of all their profession.

I recommend this film to be on your top 50 films to see and keep on your DVD shelves.\": {\"frequency\": 1, \"value\": \"Although I ...\"}, \"This isn't the worst movie I've ever seen, but I really can't recall when I've seen a worse one. I thought this would be about an aircraft accident investigation. What it really was is a soap opera, and a bad one at that. They overplayed the 'conflict' card to the extreme. The first hour or so seems like a shouting match, with some implausible scenes thrown in.

*Possible spoiler*

The 40-or-so minute 'memorial' scene (with requisite black umbrellas and rain) to fictitious crash victims was lame, and I thought it would never end.

Avoid this one at all costs, unless you revel in 'conflict'.

\": {\"frequency\": 1, \"value\": \"This isn't the ...\"}, \"The van trotta movie rosenstrasse is the best movie i have seen in years. i am actually not really interested in films with historical background but with this she won my interest for that time!!

the only annoying thing about the movie have been the scenes in new york, and the impression i had of \\\"trying to be as American as possible\\\" ... which i think has absolutely failed.

the scenes in the back really got to my heart. the German actress katja riemann completely deserved her award. she is one of the most impressing actress i have ever seen. in future i will watch more of her movies. great luck for me that i am a native German speaking =) and only for a year in the us, so as soon as i am back i'll buy some riemann dvds.

so to all out there who have not seen this movie yet: WATCH IT!!! i think it would be too long to describe what it is all about yet, especially all the flash backs and switches of times are hard to explain, but simply watcxh it, you will be zesty!!!!!!!\": {\"frequency\": 1, \"value\": \"The van trotta ...\"}, \"This spectacular film is one of the most amazing movies I have ever seen. It shows a China I had never seen or imagined, and I believe it shows 1930's China in the most REAL light ever seen in a movie. It is absolutely heart-breaking in so many situations, seeing how hard life was for the characters, and yet the story and the ending are incredibly joyful. You truly see the depths and heigths of human existence in this film. The actors are all perfect, such that you feel like you have really entered a different world.

I simply can not recommend this movie highly enough. It may just change you forever once you have seen it.\": {\"frequency\": 1, \"value\": \"This spectacular ...\"}, \"THE MAN IN THE WHITE SUIT, like I'M ALL RIGHT JACK, takes a dim view of both labor and capital. Alec Guinness is a scientific genius - but an eccentric one (he has never gotten his university degree due to an...err...accident in a college laboratory). He manages to push himself into various industrial labs in the textile industry. When the film begins he is in Michael Gough's company, and Gough (in a memorable moment) is trying to impress his would-be father-in-law (Cecil Parker) by showing him the ship-shape firm he runs. While having lunch with Parker and Parker's daughter (Joan Greenwood), Gough gets a message regarding some problems about the lab's unexpectedly large budget problems. He reads the huge expenditures (due to Guinness's experiments), and chokes on his coffee.

Guinness goes on to work at Parker's firm, and repeats the same tricks he did with Gough - but Parker discovers it too. Greenwood has discovered what Guinness is working on, and convinces Parker to continue the experiments (but now legally). The result: Guinness and his assistant has apparently figured out how to make an artificial fiber that can constantly change the electronic bonds within it's molecular structure so that (for all intents and purposes) the fiber will remain in tact for good. Any textile made from it will never fade, get dirty, or wear out - it will last forever.

Guinness has support from a female shop steward, but not her chief. He sees Guinness as selling out to the rich. But when he explains to them what he's done, they turn against him. If everyone has clothes that will last forever then they will not need new clothes! Soon Parkers' fellow textile tycoons (led by Gough, Ernest Theisinger - in a wonderful performance, and Howard Marion-Crawford) are equally panic stricken by what may end their businesses. They seek to suppress the invention. With only Greenwood in his corner (although Parker sort of sympathizes with him), Guinness tries to get the news of his discovery to the public.

In the end, Guinness is defeated by science as well as greed. But he ends the film seeing the error in his calculations, and we guess that one day he may still pull off his discovery after all.

It's a brilliant comedy. But is the argument for suppression valid? At one point the difficulties of making the textile are shown (you have to heat the threads to a high temperature to actually enable the ends of the material to be united. There is nothing that shows the cloth will stretch if the owner gets fat (or contract if the owner gets thin). Are we to believe that people only would want one set of clothing for ever? What happened to fashion changes and new styles? And the cloth is only made in the color white (making Guinness look like a white knight). We are told that color dye would have to be added earlier in the process. Wouldn't that have an effect on the chemical reactions that maintain the structure of the textile?

Alas this is not a science paper, but a film about the hypocrisies of labor and capital in modern industry. As such it is brilliant. But those questions I mention keep bothering me about the validity of suppressing Guinness' invention\": {\"frequency\": 1, \"value\": \"THE MAN IN THE ...\"}, \"Only the most ardent DORIS DAY fan could find this one even bearable to watch. When one thinks of the wealth of material available for a story about New York City's most famous blackout, a film that could have dealt with numerous real-life stories of what people had to cope with, this scrapes the bottom of the barrel for lack of story-telling originality.

Once again Doris is indignant because she suspects she may have been compromised on the night of the blackout when she returned to her Connecticut lodgings, took a sleeping potion and woke up in the morning with a man who had done the same, wandering into the house by mistake.

Nobody is able to salvage this mess--not Doris, not ROBERT MORSE, TERRY-THOMAS, PATRICK O'NEAL or LOLA ALBRIGHT. As directed by Hy Averback, it's the weakest vehicle Day found herself in, committed to do the film because of her husband's machinations and unable to get out of it. Too bad.\": {\"frequency\": 1, \"value\": \"Only the most ...\"}, \"

I take issue with the other reviewer's comments for the simple reason that this is a MYSTERY FILM, not a supernatural one! It is not the only film to have a seemingly \\\"supernatural\\\" explanation (\\\"vampires\\\"), but turns out to be a very mundance one.

Other films that come to mind are Edgar Wallace's \\\"Before Dawn\\\" and the (more famous) \\\"Mark of the Vampire\\\".

The film does a WONDERFUL job in creating a very \\\"spooky atmosphere\\\", similar DRACULA, when Renfield meets the Count on the staircase of his castle, or in MARK OF THE VAMPIRE, when the two people look thru the windows of the castle ruins and see a \\\"corpse\\\" playing an organ, while Luna descends using wings! VERY surreal!

If one likes these (often silent) atmospheric touches, THIS film is a MUST!

Norm Vogel\": {\"frequency\": 1, \"value\": \"

I take ...\"}, \"SCARECROWS seems to be a botched horror meets supernatural film. A group of thugs pull off a paramilitary-like robbery of the payroll at Camp Pendleton in California. They high-jack a cargo plane kidnapping the pilot and his daughter with demands to be flown to Mexico. Along the way one greedy robber decides to bailout with the money landing in a cornfield monitored by strange looking scarecrows. These aren't just any run-of-the-mill scarecrows...they can kill. The acting is no better than the horrible dialog. And the attempts at humor are not funny. Very low budget and shot entirely in the dark.

The cast includes: Ted Vernon, Michael David Simms, Kristina Sanborn, B.J. Turner, Phil Zenderland and Victoria Christian.\": {\"frequency\": 1, \"value\": \"SCARECROWS seems ...\"}, \"That is the best way I can describe this movie which centers on a newly married couple who move into a house that is haunted by the husband's first wife who died under mysterious circumstances. That sounds well and good, but what plays out is an hour of pure boredom. In fact one of the funny things about this flick is that there is a warning at the beginning of the film that promises anyone who dies of fright a free coffin. Well trust me, no one ever took them up on that offer unless someone out there is terrified of plastic skulls, peacocks, weird gardeners, and doors being knocked on. And the music is the worst, it consists of constant tuba music which sounds like it is being played by some sixth grader. And you will figure out the terrible secret that is so obvious that you really have to wonder what the people in this movie were thinking. Someone dies while running and hitting their head and the police are never called to investigate. Yes in the end this is a slow paced (which is really bad considering the movie is only just over an hour), boring little tale, that is easily figured out by the average person. Apparently none of the characters in this flick were the average person.\": {\"frequency\": 1, \"value\": \"That is the best ...\"}, \"I'm usually not one to say that a film is not worth watching, but this is certainly an extenuating circumstance. The only true upside to this film is Cornelia Sharpe, looking rather attractive, and the fact that this film is REALLY short.

The plot in the film is unbelievably boring and goes virtually nowhere throughout the film. None of the characters are even remotely interesting and there is no reason to care about anyone. I'm not sure why on earth Sean Connery agreed to do this film, but he should have definitely passed on this one.

The only reason I could see for seeing this film is if you are a die-hard Sean Connery fan and simply want to see everything he's done. Save this one for last though.

Well, if you by some miracle end up seeing this despite my review (or any of the other reviews on this site), then I hope you enjoy it more than I did. Thanks for reading.\": {\"frequency\": 1, \"value\": \"I'm usually not ...\"}, \"Oh a vaguely once famous actress in a film where she plays a mother to a child . It`s being shown on BBC 1 at half past midnight , I wonder if ... yup it`s a TVM

You`ve got to hand it to TVM producers , not content on making one mediocre movie , they usually give us two mediocre movies where two themes are mixed together and NOWHERE TO HIDE is no different . The first theme is a woman in danger theme cross pollinated with a woman suffering from the pain of a divorce theme which means we have a scene of the heroine surviving a murder attempt followed by a scene having her son Sam ask why she divorced ? And being a TVM she answers that the reason is \\\" That people change \\\" rather than say something along the lines like \\\" I`m a right slapper \\\" or Your daddy cruises mens public toilets for sex \\\" as does happen in real life divorce cases . And it`s young Sam I feel sorry for , not only are his parents divorced but he`s as thick as two short planks . Actually since he`s so stupid he deserves no sympathy because he`s unaware that a man flushing stuff down a toilet is a drug dealer , unaware that you might die if someone shoots at you , and unaware that I LOVE LUCY is painfully unfunny . If only our own childhoods were so innocent , ah well as Orwell said \\\" Ignorance is strength \\\" . Oh hold on Sam is suddenly an expert on marine life ! Is this character development or poor scripting ? I know what one my money`s on . And strange that Sam the boy genuis hasn`t noticed that if the story is set in 1994 then why do people often wear clothes , drive cars and ride trains from the 1950s ? But as it turns out during a plot twist it`s the mother who`s the dummy . Then there`s a final plot twist that left me feeling like an idiot for watching this\": {\"frequency\": 1, \"value\": \"Oh a vaguely once ...\"}, \"Director Sidney Lumet has made some masterpieces,like Network,Dog Day Afternoon or Serpico.But,he was not having too much luck on his most recent works.Gloria (1999) was pathetic and Find Me Guilty was an interesting,but failed experiment.Now,Lumet brings his best film in decades and,by my point of view,a true masterpiece:Before the Devil Knows You're Dead.I think this film is like a rebirth for Lumet.This movie has an excellent story which,deeply,has many layers.Also,I think the ending of the movie is perfect.The performances are brilliant.Philip Seymour Hoffman brings,as usual,a magnificent performance and he's,no doubt,one of the best actors of our days.Ethan Hawke is also an excellent actor but he's underrated by my point of view.His performance in here is great.The rest of the cast is also excellent(specially,the great Albert Finney) but these two actors bring monumental performances which were sadly ignored by the pathetic Oscars.The film has a good level of intensity,in part thanks to the performances and,in part,thanks to the brilliant screenplay.Before the Devil Knows You're Dead is a real masterpiece with perfect direction,a great screenplay and excellent performances.We need more movies like this.\": {\"frequency\": 1, \"value\": \"Director Sidney ...\"}, \"Just finished watching the movie and wanted to give my own opinion(and justice) to the movie.

First of all, to get things straight, this movie is not pretending to be anything other than a solid action comedy movie. It doesn't aim to revolutionize the movie industry and garner critical acclaims nor does it want to be regarded as one. If you really want to enjoy this movie to the fullest, I suggest you discard your critical-mindedness and your longing for a good plot because you won't find any in here. With that established, let us further into the movie.

I had low expectations for this movie simply because it didn't have a strong plot(Yes, moviegoers, I underrated this movie as well), but I never expected myself to enjoy this movie that much. I even enjoyed this more than the Stephen Chow flicks(which I find Kung Fu Hustle to be his best effort and would've rated it a 9 as well). Action is tight and epic while comedy chokes on to the right places.

SPOILERS alert, I think The action might be unreal, but why would I want to watch a serious basketball movie anyways? There are a lot other sports movies(drama) that already did it well, why create another? SPOILERS end

I'm not even sure why you're reading this. Go ahead and watch it. Just remember, no thinking - just watch, enjoy, smile, laugh, and

Every once in a while they(the movie industry) creates masterpieces such as Pulp Fiction or The Godfather movies, and sometimes they create movies which are better off in the pile of dump. I'm not saying Kung Fu Dunk deserves the recognition that the previous examples have, then again, if we're talking about Stephen Chow-ish comedy, this one's a top ten.

Highly recommended if you love: -no brainer movies with really good action -Kung Fu -Death Trance -Kung Fu and comedy -what the heck, watch this. you'll have a great time.

9/10 for you the cast of Kung Fu Dunk. ^_^\": {\"frequency\": 2, \"value\": \"Just finished ...\"}, \"i almost did not go see this movie because i remember march of the penguin was not that much exciting. I went mainly because Disney promised to plant a tree if i go see it on the opening weekend, but after i did go see it, it was simply amazing; the fact that the photographers can capture impossible images are simply worth your money. You also get to see different habitats, different vegetation, animals, and natural phenomenons that will not only shock you - simply because you would never expect nature to be so magical and dynamic - but also touch your souls and raise the question of humanity versus the world, of how our lives have deviated from nature to such a degree that we take for granted of the natural beauty and miracles that are quintessential to our biosphere. You don't have to be an earth lover or a tree-hugging environmentalist to appreciate the mere awesomeness of this documentary. You simply have to be a curious soul who questions the value and miracle of living. Enjoy!\": {\"frequency\": 1, \"value\": \"i almost did not ...\"}, \"I felt drawn into the world of the manipulation of mind and will at the heart of the story. The acting by Nolte, Lee, Arkin and the supporting cast was superb. The strange twists in the Vonnegut story are made stranger by odd details.\": {\"frequency\": 1, \"value\": \"I felt drawn into ...\"}, \"I enjoyed this film yet hated it because I wanted to help this guy! I am in my fifties and have a lot of friends in the music business...who are now still trying to become adults....no more fans,groupies,money etc...and they are having such a hard time adjusting to a regular life...as they see the new bands etc getting the spotlight...it is almost like they have to begin anew...this film is a testament to what a lot of the old rockers from the 70's and 80's are going through now....and that's where I find the film sad and depressing.BUT it portrays the life of an old rock star-abandoned and lost-in a believable way.The young girl who arrives at his decrepit home reminds me of Hollis maclaren (Outrageous)...and she is one lady in a film you will cheer for. This film is a must have for folks in their 50's who have seen the rise and fall of bands,people who knew the members, and have watched them hurt as age creeps in,and popularity fades.This is an almost perfect movie....sad but in a way positive....because of the whales. A MUST SEE!\": {\"frequency\": 1, \"value\": \"I enjoyed this ...\"}, \"What the *bliep* is it with this movie? Couldn't they fiend a better script? All in all a 'nice' movie, but... it has been done more than once... Up till the end I thought it was okay, but... the going back to the past part... *barf* SO corny... Was waiting for the fairy god mother to appear... but wow, that didn't happen... which is good.

I loved Big with Tom Hanks, but to see such a movie in a new form with another kid who wished that he/she is older/bigger; that just is so pas\\ufffd\\ufffd

Just watch till it comes out on TV. Don't get me wrong, but it ain't all that\": {\"frequency\": 1, \"value\": \"What the *bliep* ...\"}, \"A May day 1938 when happen a huge rally celebrating Hitler's visit to Rome serves as the backdrop for a love story between Antoniette(Sophia Loren)married to fascist(John Vernon) and Gabriel(Marcello Mastroianni). She's a boring housewife with several sons and he's a unhappy, solitary homosexual fired from radio and pursued by the fascists. She's left alone in her home when her spouse must to attend the historical celebration. Then both develop a very enjoyable relationship in spite of their differences. The film is set on the historic meeting Fuher Hitler and Duce Mussolini along with others authorities as Count Ciano and King Victor Manuel III, describing the events by a radio-voice in off which sometimes is irritating.

It's a romantic drama carried out with sense and sensibility. An unrelentingly passionate romance between two conflicting characters. Magnificent performances from two pros make a splendid movie well worth seeing. Of course Ruggero Macarri and Ettore Scola's sensible screenplay results in ever interesting, elaborate and sentimental. Colorful and atmospheric cinematography by Pascualino De Santis. Emotive musical score by Armando Trovajoly with sensitive leitmotif. The film won deservedly Golden Globes 1978 to best Foreign Film.

Director Scola's imagination stretches to light up the limited scenarios where are developing the drama. Usually his films take place on a few stages and are semi-theatrical. For example : \\ufffd\\ufffdLe Bal\\ufffd\\ufffd(1982) uses a French dance-hall to illustrate the changes in society 2)\\ufffd\\ufffdNuit of Varennes(1983) a stagecoach is the scenario where meet an unlikely group as Thomas Paine, Luis XVI and Marie Antoinette who fled from revolutionary Paris 3) \\ufffd\\ufffdThe family\\ufffd\\ufffd(1987)all take place in the family's grand old Roman flat; and of course 4)\\ufffd\\ufffdUna Giornata Particulare\\ufffd\\ufffd or \\ufffd\\ufffdA special day\\ufffd\\ufffd where Loren and Mastroianni strikes up a marvelous relationship into their respective apartments and at the flat roof.\": {\"frequency\": 1, \"value\": \"A May day 1938 ...\"}, \"This was a very entertaining movie and I really enjoyed it, I don't normally rent movies like these (ie. indie flicks) however, I was attracted to the film because it had an incredible cast which included Jamie Kennedy, whom I have loved since the Scream trilogy. The movie director took a risk (and it is a risky risk) in telling the lives of many (and I mean MANY) different people and having the intertwine at various intervals. Taking that risk was a good idea because it's end result is an exceedingly good film.

The film has a few MAIN characters; Dwight (Jamie Kennedy) - a disgruntled fortune cookie writer whose relationship with his girlfriend is on the rocks because of an argument. Wallace Gregory (John Carroll Lynch) - an airplane loader/technician who has a love for all living things (except, perhaps meter maids) and who despite his good heart has an increasing amount of bad luck. Cyr (Brian Cox) - the owner of a Chinese restaurant/donut shop who is a germaphobe and because of is his fear of germs places his assistant/cook Sung -(Alexis Cruz) under pressure to keep up with his phobia. Ernie - (Christopher Bauer) is married to Olive - (Christina Kirk) who he is convinced is trying to; stop him have fun, look ridiculous, go insane, and not live a normal life. They begin to have petty and almost crazy arguments and Olive seriously begins to have doubts about Ernie. Gordon - (Grant Heslov) is a man whose life isn't going very well, as bad things begin to add up in his life he decides to take it in hand. Mitchel - (Jon Huertas) is convinced that Gwen - (Alexandra Westcourt) is the girl of his dreams and that they are destined for each other, though she is more skeptical. He attempts to woo her every chance he gets and he certainly makes attempts! Johnston - (Michael Hitchcock) has just been fired from his job and has doubts about his role as provider, he takes another job that he just isn't suited for. His wife Annelle - (Arabella Field) is comforting through out his job loss experience until she learns that Johnston wasn't quite the loving husband she thought he was.

All in all I definitely suggest this movie!

-Erica\": {\"frequency\": 1, \"value\": \"This was a very ...\"}, \"The exclamation point in the title is appropriate, albeit an understatement. This movie doesn't just cry -- it shrieks loud enough to shatter glass.

Filmmakers Andrew and Virginia Stone made shrill, humorless suspense thrillers that strove for a semi-documentary feel. Here, they shot on actual New York locations with tinny \\\"real-life\\\" acoustics to jack up the verisimilitude. But the naturalism of the sound recording only serves to amplify the Stones' maladroit dialog and the mouth-frothing histrionics of tortured butterfly Inger Stevens.

In a performance completely devoid of modulation, Stevens plays the wife of electronics whiz James Mason (looking haggard and bored); both are held captive by extortionist Rod Steiger (looking bloated and bored) and his slimy cohorts in a scheme to blackmail an airline with a deadly bomb that Mason has unwittingly helped construct.

Here is another credibility-straining instance of a criminal mastermind so brilliantly attentive to every detail, yet knuckleheaded enough to hire a drug-addicted degenerate as an underling. The Stones' idea of nail-biting tension is to trap the hysterical Stevens alone with Benzedrine-popping rapist Neville Brand, filling the frame with his sweaty, drooling kisser. But the camera work is so leaden and Brand so (uncharacteristically) demure that the effect is hardly lurid, much less suspenseful. The Stones, a square pair at heart, don't even have the courage of their own lack of convictions.

The film, which ends with the portly Steiger chasing the fleet-footed Stevens on a subway train track, is as clumsy as its ungainly heavy. With Angie Dickinson as Steiger's amoral girlfriend, Jack Klugman, Kenneth Tobey, and Barney Philips.\": {\"frequency\": 1, \"value\": \"The exclamation ...\"}, \"Take:

1. a famous play

2. a director with now ideas of his own who is using

3. a copy of the stage design of a popular theatre production of the play mentioned in 1.

4. an actor for the lead - who has no feeling for the part he's playing And you'll get: \\\"Hamlet, Prinz von D\\ufffd\\ufffdnemark\\\"

I listened to the radio play of \\\"Hamlet\\\" with Maximilian Schell as Hamlet and I was so disappointed. I hoped that the filmed version would be better, that Schell would at least have a body language to underline what he's saying - nothing. Then the set... the minimalistic design is not everyone's taste, but usually I like it when there's just enough on the stage to make clear what's the setting and nothing more. Alas, that's on a stage, in a theatre. It won't work in a film based on a play that actually has believable settings. That the idea for the set was copied from the theatre production in which Schell played the Hamlet already... let's say if that was the only thing to complain about... I ask myself how Schell could get the part of Hamlet anywhere in first place and how anybody could allow him to play Hamlet a second time. If you've got the choice to view any of the about sixty films based on \\\"Hamlet\\\", don't watch this one, unless you're a masochist, or really hardcore, or like to poke fun on untalented actors.\": {\"frequency\": 1, \"value\": \"Take:


While, in THREE SMART GIRLS, Durbin plays an impulsive \\\"Little Miss Fixit,\\\" who, after some setbacks, manages to reunite her divorced parents, in its' semi-remake, THREE DARING DAUGHTERS, Jane Powell almost destroys the marriage between her screen Mom Jeanette MacDonald and new stepfather Jose Iturbi when she refuses to accept him and strong arms her younger siblings into rejecting him, too. From the Durbin and Powell films I've seen, I'd say these disparate qualities permeate the early films of both of these talented young performers.

As for Durbin's performance in THREE SMART GIRLS, I find it completely winning, and most impressive. Although it's clear from her occasionally shrill and over-emphatic line readings in some of the more energetic scenes that this is an early film for Deanna, watching the self-confident, knowing and naturally effervescent manner in which she delivers her lines and performs overall, and the subdued and tender manner she projects the more serious scenes, you'd never guess that this was the FIRST film role of a 14 year-old girl whose prior professional experience consisted almost exclusively of two years of vocal instruction.

Given that this film, and Durbin herself, were much publicized at the time as \\\"Universal's last chance,\\\" the production must have been an impossibly stressful situation for a film novice of any age, but you'd never know it from the ease and assurance Durbin displays on screen. Although she's clearly still developing her acting style and demeanor before the camera (this was equally true of the early performances of much more experienced contemporaries like Garland, Rooney, O'Connor and Jane Powell), Durbin projects an extraordinary presence and warmth on camera that is absolutely unique to her, and, even here, in her first film, she manages to remain immensely likable despite the often quick-tempered impulsiveness of her character, and though she's occasionally shrill, she never for a second projects the coy and arch qualities that afflicted many child stars, including Jane Powell and some of the other young sopranos who followed in the wake of her success.

In short, like all great singing stars, Durbin was much more than just a \\\"beautiful voice.\\\" On the other hand, while Durbin's pure lyric soprano is a truly remarkable and glorious instrument, the most remarkable thing about it, to me, was the way she is able to project her songs, without the slightest bit of affectation or \\\"grandnes\\\" that afflict the singing of adult opera singers like Lily Pons, Grace Moore and Jeanette MacDonald in films of the period

The film is also delightful, heavily influenced by screwball comedy, it backs Durbin up with a creme-de-la-creme of first-class screwball pros such as Charles Winninger, Binnie Barnes, Alice Brady, Ray Milland and Mischa Auer. The story is light and entertaining. True, it's hardly \\\"realistic,\\\" but why would anyone expect it to be? If you want :\\\"realistic\\\" rent THE GRAPES OF WRATH or TRIUMPH OF THE WILL. On the other hand, if you're looking for a genuine, sweet, funny and entertaining family comedy with a wonderfully, charismatic and gifted adolescent \\\"lead,\\\" and terrific supporting players, this film won't let you down.\": {\"frequency\": 1, \"value\": \"I'm surprised at ...\"}, \"I was unlucky enough to have seen this at the Sidewalk Film Festival. Sidewalk as a whole was a disappointment and this movie was the final nail in the coffin. Being a devout fan of Lewis Carroll's 'Alice' books I was very excited about this movie's premier, which only made it that much more uncomfortable to watch. Normally I'm enthusiastic about modern re-tellings if they are treated well. Usually it's interesting to see the parallels between the past and present within a familiar story. Unfortunately this movie was less of a modern retelling and more of a pop culture perversion. The adaptation of the original's characters seemed juvenile and usually proved to be horribly annoying. It probably didn't help that the actors weren't very good either. Most performances were ridiculously over the top, which I assume was either due to bad direction or an effort to make up for a bad script. I did not laugh once through out the duration of the film. All of the jokes were outdated references to not so current events that are sure to lose their poignancy as time goes by. Really, the only highlight of the film was the opening sequence in which the white rabbit is on his way to meet Alice, but even then the score was a poor imitation of Danny Elfman's work. Also, I'd have to say that the conversion of the croquet game into a rave dance-off was awful. It was with out a doubt the low point of the film.

What a joke. Don't see this movie. After its conclusion I was genuinely angry.\": {\"frequency\": 1, \"value\": \"I was unlucky ...\"}, \"I had high hopes for this film. I thought the premise interesting. I stuck through it, even though I found the acting, save Helena Bonham Carter, unremarkable. I kept hoping my time spent would pay off, but in the end I was left me wondering why they even bothered to make this thing. Maybe in George Orwell's version there is a message worth conveying. If this film accomplished anything, it has inspired me to read Orwell's classic. I find it hard to believe his tale could be as disappointing as this adaption. If the film maker's message is \\\"the mundane life is worth living\\\", well then, they've succeeded. I would recommend this film to no one; 101 minutes of my life wasted.\": {\"frequency\": 1, \"value\": \"I had high hopes ...\"}, \"I've read most of the comments on this movie. I have seen this movie(and the whole prophecy series) many times with family members of all ages, we all enjoyed and it just made us meditate on what we already knew from reading and studying the bible about the rapture and end times. No one got scared or traumatized like I have read on some posts. The movie is just based on biblical facts. I have seen a lot of end time movies \\\"Tribulation\\\", \\\"Armagedon\\\" and so on and by far this one is one of the best in presenting bible truths. It may not have a lot of great special effects like todays movies but I believe it is a good witnessing tool. This movie and its prophecy series can be seen free at this website higherpraise.com, and judge for yourself. Blessings to all.\": {\"frequency\": 1, \"value\": \"I've read most of ...\"}, \"This is the worst movie I have seen since \\\"I Know Who Killed Me\\\" with Lindsey Lohan.

After watching this movie I can assure you that nothing but frustration and disappointment await you should you choose to go see this. Hey, Tim Burton, I used to be a big fan of yours... did you even screen this movie? I mean seriously, what the f%#k?

Without giving anything away, here is the story in a vague nutshell... Nine wakes up, he does stuff, his actions and decisions are irrelevant... and the movie ends. Oh wait... here comes a spoiler...

Spoiler alert! Spoiler alert! At the end of the movie.... it rains. I think a part of my soul died while watching this movie.\": {\"frequency\": 1, \"value\": \"This is the worst ...\"}, \"In the very first episode of Friends, which aired 22 Sept 1994 \\\"The One Where Monica Gets A Roommate\\\" there is a song playing as Rachel sits in the window towards the end of the show, the line that plays is: \\\"If you ever need holding\\\".... does anyone know the artist singing or the title of the song? It is seems as if it is a great song....I would love to get a copy of it. Thanks for the assistance. I am looking for the album/cd it is on so I can purchase it.

I have the shows which are available for purchase and enjoy this show over and over again. It just seemed to be believable...thanks for the hours of entertainment you have provided over the years.\": {\"frequency\": 1, \"value\": \"In the very first ...\"}, \"I've always liked this John Frankenheimer film. Good script by Elmore Leonard and the main reason this wasn't just another thriller is because of Frankenheimer. His taut direction and attention to little details make all the difference, he even hired porn star Ron Jeremy as a consultant! You can make a case that its the last good film Roy Scheider made. I've always said that Robert Trebor gave just a terrific performance. Clarence Williams III got all the publicity with his scary performance and he's excellent also but I really thought Trebor stood out. Frankenheimer may not be as proud of this film as others but it is an effective thriller full of blackmail, murder, sex, drugs, and real porno actors appear in sleazy parts. What can you say about a film that has Ann Margaret being shot up with drugs and raped? A guilty pleasure to say the least. Vanity has a real sleazy role and a very young Kelly Preston makes an early appearance. A classic exploitive thriller that shouldn't be forgotten.\": {\"frequency\": 1, \"value\": \"I've always liked ...\"}, \"Why can't more directors these days create horror movies like \\\"The Shining\\\"? There's an easy answer to that: modern day directors are not Stanley Kubrick. Kubrick proved once-and-for-all with this movie that he is truly one of the greatest directors and auteurs of all time.

So, the plot is fairly simple. A man named Jack Torrance (played brilliantly by Jack Nicholson)and his family move into a large, secluded hotel to watch over it for the off-season. The kicker is that the previous caretaker of the hotel savagely murdered his wife and two girls. What follows can most readily be summed by the title of the movie, but you have to watch it to see what I mean.

This is the first movie in a very long time to strike me as \\\"scary\\\". It's some seriously messed up stuff, but in a good way. One of the things that adds to the scare factor is the amazing music. Music has been a major part of Kubrick's movies (2001: A Space Oddysey and A Clockwork Orange, just to name a couple) and he definitely doesn't disappoint with this one. The score completely sets the tone and this film would not be the same without it.

Finally, I must comment on Nicholson's legendary performance. Jack is terrifyingly convincing as a crazy killer. In fact, just his stare steals a few scenes of this movie. This is top-notch acting that must be seen to believe.

There will never be a horror movie that quite matches this one. R.I.P. Stanley.\": {\"frequency\": 1, \"value\": \"Why can't more ...\"}, \"Certain elements of this film are dated, of course. An all white male crew, for instance. And like most Pre-Star Wars Science Fiction, it tends to take too long admiring itself.

But, still, no movie has ever capture the flavor of Golden Age Science Fiction as this one did, even down to the use of the \\\"electronic tonalities\\\" to provide the musical score. Robbie the Robot epitomized the Asimov robots, and was the inspiration for all that followed, from C3PO to Data.

The plot line, of course, is Shakespeare's \\\"The Tempest\\\". Morbius is Prospero, and exiled wizard who finds his kingdom invaded by interlopers... It was a movie that treated Science Fiction as an adult genre, perhaps the first.\": {\"frequency\": 1, \"value\": \"Certain elements ...\"}, \"This film was horrible. The script is COMPLETELY unrealistic yet it is written to take place in the real-world, the editing and lighting effects are worse than most first projects in film school.

I do not recommend this film to anyone who: A) knows any detail about the world of police or covert operations. B) knows any detail about film making or appreciation.

I do recommend this film to the average or below-average mind, I think it would be enjoyable if I was a dumber. If you must watch this film on a full mind, I highly recommend some kind of inebriation

It is a total waste of what little production value it has.\": {\"frequency\": 1, \"value\": \"This film was ...\"}, \"The major fault in this film is that it is impossible to believe any of these people would ever be cast in a professional production of Macbeth. Hearing David Lansbury's soft voice struggling laboriously with the famous \\\"Tomorrow, Tomorrow, and Tomorrow\\\" speech made it impossible to believe anyone would ever consider him for the role. I kept believing therefore that he didn't get the part because he was a lousy actor; not because a bigger name was available. Then when we see portions of the play in rehearsal it is difficult to believe the director is not parodying things with a hopelessly miscast, misdirected travesty of actors who are unable to articulate or even understand the verse and directors who see the play through their own screwball interpretations. Sometimes directors are so anxious to have their films done (and writers think they have the ability to direct their own works)that they settle for less. This appears to be such an example.\": {\"frequency\": 1, \"value\": \"The major fault in ...\"}, \"\\\"The Classic War of the Worlds\\\" by Timothy Hines is a very entertaining film that obviously goes to great effort and lengths to faithfully recreate H. G. Wells' classic book. Mr. Hines succeeds in doing so. I, and those who watched his film with me, appreciated the fact that it was not the standard, predictable Hollywood fare that comes out every year, e.g. the Spielberg version with Tom Cruise that had only the slightest resemblance to the book. Obviously, everyone looks for different things in a movie. Those who envision themselves as amateur \\\"critics\\\" look only to criticize everything they can. Others rate a movie on more important bases,like being entertained, which is why most people never agree with the \\\"critics\\\". We enjoyed the effort Mr. Hines put into being faithful to H.G. Wells' classic novel, and we found it to be very entertaining. This made it easy to overlook what the \\\"critics\\\" perceive to be its shortcomings.\": {\"frequency\": 1, \"value\": \"\\\"The Classic War ...\"}, \"Really it's a dreadful cheat of a film. Its 70-minute running time is very well padded with stock footage. The rest are non descript exteriors and drab interiors scenes. The plot exposition is very poorly rendered. They are all just perfunctory scenes sort of strung together. There is no attempt at drama in scene selection but rather drama is communicated by the intensity of the actors. Please don't ask.

The plot concerns a rocket radiating a million degree heat orbiting earth five miles up threatening to destroy the earth. It's a real time menace that must be diverted if a custom built H-bomb can be fashioned and placed in an experimental rocket within an hour. Nothing very much here to report except for a mad speech by a scientist against the project because there might be some sort of life aboard and think of the scientific possibilities but this speech made by the obligatory idiot liberal was pretty much pass\\ufffd\\ufffd by then.

What saves this film, somewhat uniquely, IS the stock footage. I've never seen a larger selection of fifties jet fighter aircraft in any other film. This is by no means a complete list but just some of the aircraft I managed to see. There's a brief interception by a pilot flying, in alternate shots, an F-89 Scorpion and an F-86. First to scramble interceptors is the Royal Canadian Air Force in Hawker Hunters and F-86 Sabre Jets (or Canadian built CF-13s) and even a pair of CF-100 Clunks.

Then for some reason there are B-52s, B-47s and even B36s are seen taking off. More padding.

\\\"These Canadian jets are moving at 1200 miles an hour\\\". I don't think so since one of them appears to be a WW2 era Gloster Meteor, the rest F-80s. The Meteors press the attack and one turns into a late F-84F with a flight of early straight wing F-84s attacking in formation.

There's a strange tandem cockpit version of the F-80 that doesn't seem to be the T-33 training type but some sort of interim all-weather interceptor variant with radar in the nose. These are scrambled in a snowstorm.

An angled deck aircraft carrier is seen from about 500 meters. It launches F-8U Crusaders, F-11F Tigers, A-5 Vigilantes and A-3 Skywarriors. The Air Force scrambles F-86s and F-84s and more F-89s then you've ever seen in your life as well as F-100 Super Sabres and F-102 Delta Daggers.

The F-100s press their attack with sooooo much padding. The F-89's unload their rockets in their wingtip pods in slo mo. The F-86s fire, an F-102 lets loose a Falcon, even some F-80s (F-94s?) with mid-wing rocket pods let loose. There is a very strange shot of a late model F-84 (prototype?) with a straight wing early model F-85 above it in a turn, obviously a manufacturer's (Republic Aviation) advertising film showing the differences between the old and the new improved models of the F-84 ThunderJet. How it strayed into here is anybodies guess.

There is other great stock footage of Ottawa in the old days when the capital of Canada was a wide spot in the road and especially wonderful footage of New York City's Times Square during one of the Civil Defense Drills in the early 50s.

I think we also have to deal with the notion that this was filmed in Canada with the possible exception of the auto chase seen late in the picture as the Pacific seems to be in the background. The use of a Jowett Jupiter is somewhat mind-boggling and there is a nice TR 3 to be seen also. Canada must have been cheap and it is rather gratuitously used a lot in the background.

As far as the actual narrative of the film there is little to recommend it other than the mystery of just who Ellen Parker is giving the finger to at the end of the picture. And she most definitely is flipping someone off. Could it be, R as in Robert Loggia? The director who dies before this film was released? Her career as this was her last credit?

Its like the newspaper the gift came wrapped in was more valuable than the gift.\": {\"frequency\": 1, \"value\": \"Really it's a ...\"}, \"Happy Go Lovely is a waste of everybody's time and talent including the audience. The lightness of the old-hat mistaken identity and faux scandal plot lines is eminently forgivable. Very few people watched these movies for their plots. But, they usually had some interesting minor characters involved in subplots -- not here. They usually had interesting choreography and breathtaking dancing and catchy songs. Not Happy Go Lovely. And Vera-Ellen as the female lead played the whole movie as a second banana looking desperately for a star to play off it -- and instead she was called upon to carry the movie, and couldn't do it. The Scottish locale was wasted. Usually automatically ubiquitous droll Scottish whimsy is absent. The photography was pedestrian. The musical numbers were pedestrian. Cesar Romero gives his usual professional performance, chewing up the scenery since no one else was doing his part, in the type of producer role essayed frequently by Walter Abel and Adolph Menjou. David Niven is just fine, and no one could do David Niven like David Niven. At the end of the day, if you adore Niven as I do, it's reason enough to waste 90 minutes on Happy Go Lovely. If not, skip it.\": {\"frequency\": 1, \"value\": \"Happy Go Lovely is ...\"}, \"Directed by Brian De Palma and written by Oliver Stone, \\\"Scarface\\\" is a movie that will not be forgotten. A Cuban refugee named Tony Montana (Pacino) comes to America for the American Dream. Montana then becomes the \\\"king\\\" in the drug world as he ruthlessly runs his empire of crime in Miami, Florida. This gangster movie is very violent, and some scenes are unpleasant to watch. This movie has around 180+ F-words and is almost three hours long. This movie is entertaining and you will never get bored. You cheer for the Drug-lord, and in some scenes you find out that Montana isn't as evil as some other Crime Lords. This is a masterpiece and i recommend that you see this. You will not be disappointed. 9/10\": {\"frequency\": 1, \"value\": \"Directed by Brian ...\"}, \"I remember watching the BSG pilot. I can describe that night exactly. I remember what chair I sat in. That show was magic. It came alive. I enjoyed the first two years of BSG. I enjoyed parts of the third year even, and I watched every episode of the fourth year, totally faithfully in great hopes that it would somehow turn around. Well, it didn't.

I watched the Caprica pilot and was enthralled. There was hope for something good here. Then I started watching the regular episodes, and they are getting more and more boring.

It's too obvious, too predictable. It reminds me of the droll political correctness of his last failed show, Virtuality.

Much of his line work on DS9 was good. When he focused on BSG in an organized way, it was good. This was especially true early on when they more or less followed the pattern of episodes set by the first BSG series. When they departed from that after meeting up with Admiral Cain and the Pegasus, it all went to pot. It was like he wrote the rest of the show without knowing where he was going.

Maybe it will improve. Maybe it was just a few weak initial episodes. But I am very, very nervous.\": {\"frequency\": 1, \"value\": \"I remember ...\"}, \"I wasn't expecting the highest calibre of film-making with Joel Schumacher directing this one, so I was surprised that TIGERLAND wasn't a complete waste of time.

In technique, it's often derivative of SAVING PRIVATE RYAN with the shaky camera work, grainy shots, the film occasionally running like it's skipping a sprocket---all those techniques Speilberg used to make his film seem more realistic but in the end was more distracting than anything else.

But unlike SAVING PRIVATE RYAN, the emotional component wasn't as weak, as the characters in this film seemed more like real people and the story less contrived, not so wrapped up in the American flag (Speilberg gets an 'F' in subtlety).

Next to the first section of Kubrick's FULL METAL JACKET, this is the most realistic portrayal of boot camp that I have seen in a film, and for that I think it's worth watching.

It's not a great film, but neither is it a bad film.\": {\"frequency\": 1, \"value\": \"I wasn't expecting ...\"}, \"A year or so ago, I was watching the TV news when a story was broadcast about a zombie movie being filmed in my area. Since then I have paid particular attention to this movie called 'Fido' as it finished production and began playing at festivals. Two weeks ago Fido began playing in my local theater. And, just yesterday, I read a newspaper article which stated Fido is not attracting audiences in it's limited release, with the exception of our local theater. In fact, here it is outdrawing all other shows at The Paramount Theater, including 300. Of course, this makes sense as many locals want to see their city on screen or spot themselves roaming around in zombie make-up. And for any other locals who haven't seen Fido yet but are considering it, I can say there are many images on screen, from the school to city park to the forbidden zone, that you will recognize. In fact, they make the Okanagan Valley look beautiful. That's right beautiful scenery in a zombie movie! However, Fido itself is a very good movie. Yes, despite its flaws, it is better then most of the 20 other movies playing in my local market. Fido is best described as an episode of Lassie in which the collie has been replaced by a member of the undead. This is a clever premise. And the movie even goes further by taking advantage of the 1950's emphasize on conformity and playing up the cold-war paranoia which led to McCarthyism. Furthermore, it builds on the notion that zombies can be tamed or trained which George Romero first introduced in Day Of The Dead.

K'Sun Ray plays a small town boy who's mother (Carrie-Ann Moss) longs for a zombie servant so she can be like all the other house wives on her block. However, his dad (Dylan Baker) is against the idea as he once had to kill his own 'zombie father'. Eventually, the family does acquire a zombie named 'Fido' (played by Billy Connolly), and adjusts to life with the undead. Billy Connolly was inspired casting. He is able to convey Fido's confusion, longing, hatred, and loyalty through only his eyes, lumbering body, and grunts. Connolly shows that he can play understated characters better than his outrageously comedic ones. This is his best role since Mrs. Brown.

Fido follows in the footsteps of other recent zomcoms such as Shawn Of The Dead and Zombie Honeymoon. Being someone who appreciates Bruce Campbell and Misty Mundae movies more than Eli Roth and Jigsaw ones, I prefer humor over gore in my horror. However, I understand the criticism of those horror fans who feel there is not enough 'undead carnage' in Fido. Yet, I am sure patient viewers will be rewarded by the films gentle humor.

The movie does break down in it's third act. It's as if the writers were so wrapped up in the cute premise of domesticated zombies in the 1950s, they forgot about the story arc. However, given my interest in horror comedies and my appreciation for seeing the neighborhood on screen, I rate Fido 9 out of 10.\": {\"frequency\": 1, \"value\": \"A year or so ago, ...\"}, \"Seems everyone in this film is channeling Woody Allen. They stammer and pause and stammer some more. Only for REALLY die-hard DeNero fans! It tries to appear as edgy and artistic - but it comes off as looking like a very, very low budget film made by college students. The most often used word in the whole film is \\\"hum\\\". The film does peg the atmosphere of the late sixties/early seventies though. If you like films where people are CONSTANTLY talking over each other, horrible lighting (even if it is for \\\"art's sake\\\"), and makes you feel like you are sitting in on a lame political meeting, then you might like this - but you need to be really bored. I found this CD in the dollar bin and now I know why.\": {\"frequency\": 1, \"value\": \"Seems everyone in ...\"}, \"After seeing the credits with only one name that I recognize and that was the preacher in this film (Russ Conway), I did not expect much from this film and I was not disappointed. A man is planning on killing his new wife by convincing other people that she is insane and will take her own life. Unbeknown to the husband is that the plastic looking skull that he uses, in contrast, a ghost of a woman apparently his first dead wife has revenge on her mind and uses a real skull. A simple plot with a twist of irony at the end. If you are tired late one night and in need of sleep, this will help you to sleep that sleep.\": {\"frequency\": 1, \"value\": \"After seeing the ...\"}, \"I just rented this movie to see Dolph Lundgren, whom I hadn't seen in any movies since Rocky IV. Unfortunately this movie was a big disappointment. The acting of all the parties was bad except for Mr. Lundgren, who was okay-ish. Kata Dob\\ufffd\\ufffd was something nice to look at despite her ridiculous outfit and make-up.

The plot is not at all clever, it's something that's been repeated a million times in different movies. The crooks were utterly stereotypical, and Lundgren's character hadn't any depth in it. I didn't really expect a movie masterpiece, but unfortunately this is not even decent action. Every turn in the plot is extremely predictable and the unbelievable amount of over-the-top unrealism and comic-book like characters started to annoy me strongly pretty soon.

I would recommend this to young kids wanting some comic-like action, but only if nothing else is available.

1/10. (I guess the current average vote of 7.0 with 6 votes must have been influenced by somebody involved in making this movie)\": {\"frequency\": 1, \"value\": \"I just rented this ...\"}, \"In Manhattan, the American middle class Jim Blandings (Cary Grant) lives with his wife Muriel (Myrna Loy) and two teenage daughters in a four bedroom and one bathroom only leased apartment. Jim works in an advertising agency raising US$ 15,000.00 a year and feels uncomfortable in his apartment due to the lack of space. When he sees an advertisement of a huge house for sale in the country of Connecticut for an affordable price, he drives with his wife and the real estate agent and decides to buy the old house without any technical advice. His best friend and lawyer Bill Cole (Melvyn Douglas) sends an acquaintance engineer to inspect the house, and the man tells that he should put down the house and build another one. Jim checks the information with other engineers and all of them condemn the place and sooner he finds that he bought a \\\"money pit\\\" instead of a dream house.

\\\"Mr. Blandings Builds his Own House\\\" is an extremely funny comedy, with witty lines and top-notch screenplay. Cary Grant is hilarious in the role of a man moved by the impulse of accomplishing with the American Dream of owning a huge house that finds that made bad choice, while losing his touch in his work and feeling jealous of his friend. In 1986, Tom Hanks worked in a very funny movie visibly inspired in this delightful classic, \\\"The Money Pit\\\". My vote is eight.

Title (Brazil): \\\"Lar, Meu Tormento\\\" (\\\"Home, My Torment\\\")\": {\"frequency\": 1, \"value\": \"In Manhattan, the ...\"}, \"Saw this film in August at the 27th Annual National Association of Black Journalists Convention in Milwaukee, WI, it's first public screening. THE FILM IS GREAT!!! Derek Luke is wonderful as Antwone Fisher. This young actor has a very bright future. The real Antwone Fisher did a great job writing the film and Denzel's direction is right on the money. See it opening weekend. You won't be disappointed.\": {\"frequency\": 1, \"value\": \"Saw this film in ...\"}, \"How good is Gwyneth Paltrow! This is the right movie for her... too bad she's completely out role. I haven't read the book by Jane Austen, but I can't believe it is so superficial and the characters aren't much more than caricatures. It wasn't probably that easy to reduce in 2 hours of show about 600 pages of the book, but I had expected more than just seeing old pieces of furniture and tea cups. I was taking a sigh of relief every time I saw an actor who didn't overstep the mark of overacting (a couple of times).\": {\"frequency\": 2, \"value\": \"How good is ...\"}, \"An executive, very successful in his professional life but very unable in his familiar life, meets a boy with down syndrome, escaped from a residence . Both characters feel very alone, and the apparently less intelligent one will show to the executive the beauty of the small things in life... With this argument, the somehow Amelie-like atmosphere and the sentimental music, I didn't expect but a moralistic disgusting movie. Anyway, as there were some interesting scenes (the boy is sometimes quite a violent guy), and the interpretation of both actors, Daniel Auteil and Pasqal Duquenne, was very good, I decided to go on watching the movie. The French cinema, in general, has the ability of showing something that seems quite much to life, opposed to the more stereotyped American cinema. But, because of that, it is much more disappointing to see after the absurd ending, with the impossible death of the boy, the charming tone, the happiness of the executive's family, the cheap moral, the unbearable laughter of the daughters, the guy waving from heaven as Michael Landon... Really nasty, in my humble opinion.\": {\"frequency\": 1, \"value\": \"An executive, very ...\"}, \"This was shown on the biography channel and was about as informative as a children's comic! I gave it 2 out of 10 for it's attention to detail because for the most part it had a 70s feel to it and the three ladies that played the original three angels looked like them so the make-up was good.

This was supposed to be a biography on the biography channel but it was void of everything that is normally / usually seen in one of their biographies. No interviews with surviving cast members, crew members, production team members etc., or their friends, families, and any biographers of those people. In fact I know just as much now about the programme as I did before I watched this film that was based on the (supposedly) biographical book. As for actually learning something that no-one knew about the program and wasn't common knowledge well that never happened.\": {\"frequency\": 1, \"value\": \"This was shown on ...\"}, \"Barbara Stanwyck gives this early Douglas Sirk-directed, Universal-produced soap just the kick that it needs. Not nearly as memorable as Sirk's later melodramas, it's easy to see by watching \\\"All I Desire\\\" where Sirk would be heading artistically in the next few years. Stanwyck is a showgirl who returns to her family in smalltown, U.S.A, after deserting them a decade earlier. Her family and community have mixed emotions in dealing with her shocking return. Some of the cinematography is amazing, and Stanwyck is tough-as-nails and really gives this film a shot of energy. Overall, a fairly good show.\": {\"frequency\": 1, \"value\": \"Barbara Stanwyck ...\"}, \"A top notch Columbo from beginning to end. I particularly like the interaction between Columbo and the killer, Ruth Gordon.

As an avid Columbo fan, I can't recall another one in which he doesn't set up the killer at the end as he does in other episodes. In this one, as he's trying to determine the correct sequence of the boxes and the \\\"message\\\" that the nephew left behind, it finally dawns on him.

The music in this episode is very good as well, as it is in many of other ones.\": {\"frequency\": 1, \"value\": \"A top notch ...\"}, \"When I first heard that Hal Hartley was doing a sequel to Henry Fool, I was excited (it's been a personal favorite for years now), and then wary when I heard it had something to do with terrorism. Having just seen it though, I was surprised to find that it worked, while still being an entirely different sort of movie than Henry Fool. The writing and direction were both dead on and the acting was superb...especial kudos go to Hartley for reassembling virtually the whole cast, right down to Henry's son, who was only four in the original. Like I said though, this movie is quite different from the first, but it works: I reconciled myself with the change in tone and subject matter to the fact that 10 years have passed and the characters would have found themselves in very different situations since the first film ended. In this case, an unexpected adventure ensues...and that's about all I'll give away...not to mention the fact that I'll need to see it again to really understand what's going on and who's double crossing who. While it was certainly one of the better movies I've seen in some time, it suffers like many sequels with its ending, as it appears that Hartley is planning a third now and the film leaves you hanging. I'll be sure to buy my tickets for part 3 ('Henry Grim'?) in 2017.\": {\"frequency\": 1, \"value\": \"When I first heard ...\"}, \"With Knightly and O'Tool as the leads, this film had good possibilities, and with McCallum as the bad guy after Knightly, maybe some tension. But they threw it all away on silly evening frill and then later on with maudlin war remnants. It was of course totally superficial, beautiful English country and seaside or not.The number one mistake was dumping Knightly so early on in the film, when she could easily have played someone a couple of years older, instead of choosing someone ten years older to play the part. They missed all the chances to have great conflict among the cast, and instead stupidly pulled at the easy and low-cost heartstring elements.\": {\"frequency\": 1, \"value\": \"With Knightly and ...\"}, \"I Last night I had the pleasure of seeing the movie BUG at the Florida Film Festival and let me say it was a real treat. The Directors were there and they did a Q&A afterwards. The movie begins with a young boy smashing a roach beneath his foot, a man who is nearby parking his car sees the young boy smash it and runs to ask the kid `why? why? did he have to kill that living creature?' in his rush to counsel the youth in the error of his ways, the man neglects to pay his parking meter, which starts off a whole chain of events involving people not at all related to him, some funny, some sad, and some ridiculous. This movie has a lot of laughs, Lots! and there are many actors which you will recognize. The main actors who stood out in the film for me were: Jamie Kennedy (from his comedy show the Jamie Kennedy Experiment, playing a fortune cookie writer; John Carroll Lynch (who plays Drew's cross dressing brother on the Drew Carey show) playing the animal loving guy who just can't get it right; Brian Cox (The original Hannibal Lecter in Manhunter) playing the germaphobic owner of a Donut and Chinese Food Take Out joint. There is one line where Cox tells his chef to wash off some pigs blood that is on the sidewalk by saying \\\"clean up that death\\\" which is quite funny mostly because of Cox's \\\"obsessed with germs\\\" delivery. The funniest moment in the movie comes when a young boy imitates his father, whom he heard earlier in the day yell out `MotherF*****', while in the classroom. Another extremely funny and surreal scene is when Trudie Styler (Mrs. Sting herself) and another actor perform a scene on a cable access show, from the film the boy in the plastic bubble. The actor who hosts the cable access show is just amazing he is so serious and deadpan and his performance as both the doctor and the boy in the plastic bubble is enthralling. There are many other fine and funny actors and actresses in this film and having shot it in less than a month with a budget of just about $1 million, the directors Phil Hay and Matt Manfredi (who are screenwriters by trade, having written crazy/beautiful and the upcoming Tuxedo starring Jackie Chan) have achieved a film that is great, funny and endearing.\": {\"frequency\": 1, \"value\": \"I Last night I had ...\"}, \"Oh my, this was the worst reunion movie I have ever seen. (That is saying a lot.) I am ashamed of watching.

What happened in the script meetings? \\\"Ooooooh, I know! Let's have two stud muffins fall madly in love with the Most-Annoying-Character-Since-Cousin-Oliver.\\\" \\\"Yeah, that'll be cool!\\\"

Even for sitcoms, this was the most implausible plot since Ron Popeil starting spray painting bald men.\": {\"frequency\": 1, \"value\": \"Oh my, this was ...\"}, \"

One of the best films I've ever seen. Robert Duvall's performance was excellent and outstanding. He did a wonderful job of making a character really come to life. His character was so convincing, it made me almost think I were in the theater watching it live, I give it 5 stars.\": {\"frequency\": 1, \"value\": \"

One of ...\"}, \"Despite unfortunately thinking itself to be (a) intelligent, (b) important and (c) interesting, fortunately this movie is over mercifully quickly. The script makes little sense, the whole idea of the sado-masochistic relationship between the two main characters is strangely trite, and John Lydon shows us all, in the space of one movie, why he should never have let himself out of music. His performance is one-note and irritating.

The only positive thing to be said is that Harvey Keitel manages to deliver a good turn. His later Bad Lieutenant would show just how badly good actors can act, but mercifully his performance here is restrained.\": {\"frequency\": 1, \"value\": \"Despite ...\"}, \"Since Siskel's death and Ebert's absence the show has been left in the incapable hands of Richard Roeper. Roeper is not a film critic he just criticizes anything he doesn't like personally i.e. films with country music get panned because \\\"I don't like country music!\\\" and children's movies get a standard \\\"Don't see it now, wait until it comes out on DVD and rent it for your kids!\\\" Roeper may well be an idiot savant, but in some other field. The weekly guests 'sitting-in' for Ebert fare better, but who wants to pick a daisy in the midst of a cow pat? All that said, it IS the only show in town and that alone makes it worth watching. As for Roger Ebert, if Stephen Hawking can talk, so can you! It's your mind and thoughts we long for. Do whatever is necessary to get that usurper off his self-declared throne.\": {\"frequency\": 1, \"value\": \"Since Siskel's ...\"}, \"Tiempo de Valientes fits snugly into the buddy action movie genre, but transcends its roots thanks to excellent casting, tremendous rapport between its leads, and outstanding photography. Diego Peretti stars as Dr. Silverstein, a shrink assigned to ride shotgun with detective Diaz (Luis Luque), who's been assigned to investigate the murder of two minor hoods who seem to have been involved in am arms smuggling conspiracy. Diaz has been suspended from duty, but he's the best man for the job and must have professional psychiatric help in order to be reinstated. Silverstein and Diaz soon find themselves enmeshed in a conspiracy involving Argentina's intelligence community and some uranium, and the film separates them at a crucial point that allows Silverstein to develop some impressive sleuthing skills of his own. Peretti and Luque are excellent together and remind me of screen team Terence Hill and Bud Spencer, though Peretti isn't as classically handsome as Hill. Remarkably, even at almost two hours in length Tiempo de Valientes doesn't wear out its welcome, and indeed writer-director Damian Szifron sets up a potential sequel in the film's charming coda. All in all, a wonderful and very entertaining action comedy that neither panders to the lowest common denominator nor insults your intelligence.\": {\"frequency\": 1, \"value\": \"Tiempo de ...\"}, \"This movie looked good - good cast, evergreen topic and an explosive opening. It went downhill from there. Why was it filmed by hand held camera? It shakes, judders, part captures scenes and simply confuses the viewer. A poor choice indeed. As if this was not enough, the worst edit in memory assumes a drugged viewer - mandatory if you want to get any enjoyment from it at all. And then it commits the worst sin of all. After leading the viewer down all sorts of unlikely and implausible scenarios to the point of exhaustion, they roll credits without revealing the denouement - the ending - the payoff -like what the heck was the motive? How can you expect to succeed by making thrillers without an ending? Doh! This movie had great promise and ending up doing a face plant in the mud. What a waste of effort. Poor effort by writer and director.\": {\"frequency\": 1, \"value\": \"This movie looked ...\"}, \"Man's Castle is set in one of those jerry built settlements on vacant land and parks that during these times were called 'Hoovervilles' named after our unfortunate 31st president who got stuck with The Great Depression occurring in his administration. The proposition of this film is that a man's home is still his castle even when it's just a shack in a Hooverville.

Spencer Tracy has such a shack and truth be told this guy even in good times would not be working all that much. But in a part very typical for Tracy before he was cast as a priest in San Francisco, the start of a slew of classic roles, he's playing a tough good natured mug who takes in Loretta Young.

One of the things about Man's Castle is that it shows the effects of the Depression on women as well as men. Women had some additional strains put on them, if men had trouble finding work, women had it twice as hard. And they were sexually harassed and some resorted to prostitution just for a square meal. Spence takes Loretta Young in who's facing those kind of problems and makes no demands on her in his castle. Pretty soon though they're in love, though Tracy is not the kind to settle down.

The love scenes had some extra zing to them because Tracy and Young were having a torrid affair during the shooting of Man's Castle. And both were Catholic and married and in those days that was an insuperable barrier to marriage. Both Tracy and Young took the Catholic faith quite seriously.

Also in the cast are Walter Connolly as a kind of father figure for the whole camp, Marjorie Rambeau who's been through all the pitfalls Young might encounter and tries to steer her clear and Arthur Hohl, a really loathsome creep who has his eye on Young as well. Hohl brings the plot of Man's Castle to its climax through his scheming.

Man's Castle is grim look at the Great Depression, not the usual movie escapist fare for those trying to avoid that kind of reality in their entertainment.\": {\"frequency\": 1, \"value\": \"Man's Castle is ...\"}, \"An allegation of aggravated sexual assault along with some other unpleasant peccadilloes, including improper use of a broom, are made against half a dozen or so of the most popular high-school jocks in Glen Ridge, New Jersey, by a \\\"mildly retarded\\\" student (Heather Matarazzo). The investigation and building of the case are handed over to the DA's office, where Ally Sheedy and Eric Stoltz are put in charge.

Rumors about the case spread through Glen Ridge, an upper-middle-class suburb where the jocks are adored by everyone in the community. (One of their fathers is a police lieutenant.) Nobody believes Matarazzo. \\\"Our boys would never take a slut like that down to the basement, rape her, and subject her to such sexual humiliation.\\\" The question is whether Sheedy and Stoltz will ever be able to shape a sufficiently cogent case that they can bring the jocks to trial. Matarazzo is not an ideal plaintiff. She's desperate for love and friendship, and that makes it easy for faux friends to mislead her into making false statements. A slimy reporter says, \\\"You can trust me,\\\" but it turns out the reporter can't be trusted at all. Another student, a very popular girl in school, pulls a Linda Tripp on Matarazzo, pretending to be her bosom buddy but all the while asking her leading questions about the incident -- and taping the results! As a consequence, watching this story unfold is like being on a roller coaster. At first it looks like a good case for Sheedy and Stoltz. But then, oops, the community organizes against the law. Then it looks good again. But then the reporter interferes. Then that obstacle is no sooner overcome, than Linda Tripp pokes her big nose into the investigation and makes public the tapes that seem to indicate Matarazzo was lying. (Well, actually, she WAS lying -- but she was lying to her interrogator in order to please her.) Then that's overcome, but Matarazzo objects to taking the stand because she doesn't want to be characterized as \\\"retarded.\\\" Eric Stoltz is fine in the part of the prosecutor. I say that for the simple reason that he and I lived in Pago Pago around the same time. (I hope he wasn't the kid I had that altercation with at the bar of the Seaside Club. If he was, I take back my compliment.) Ally Sheedy is a strange actress and hard to characterize. She did a marvelous self-restrained job in \\\"Fine Art\\\" but I didn't sense any particular effort being put into this role, which was rather formulaic anyway. I mean, neither she nor Stoltz nor anyone else could give a bravura performance in what's essentially a comic book story.

The producers and director had the good sense to choose Heather Matarazzo for the role of victim. The very worst thing they could have done is cast an ethereally lovely, neotenous blond. Instead, Matarazzo, without being at all ugly, looks rather plain and this ordinary quality is complemented by her grooming and make up. Nor have the writers turned her wistful and gentle. She has a temper and is sometimes irritating to listen to, which is all for the good.

Matarazzo's character is the best drawn in the film. The jocks are stereotypes. Pure evil. They think themselves above the law, barge in on some nice girl's party in East Orange, trash the place during a party far worse than \\\"La Dolce Vita's\\\" climactic orgy, and leave without explanation or apology. They deserve to get it in the neck -- and they do.

I referred to this as a comic book story and that's pretty much what it is. It challenges none of our prejudices. It reaffirms out belief that the world can be divided into Good and Evil. And we don't have a moment's doubt about who's who. What I'm waiting for -- not really, that's just rhetorical -- is a movie almost exactly like this one and a dozen others, but in which the victim is LYING in order to get her name and photo in the papers and garner all those sympathy chips from right-thinking folk like the rest of us.

The film is based on a true story, as are so many others we've all seen, and even more fictional features. (Eg., \\\"The Accused\\\".) Some are good, some are strictly routine. Okay. Fair enough. Now when do we get to see a film about the Tawana Brawley case, in which the teen-aged girl disappeared on a whim for a few days, then had her friends strip her, tie her up, and smear her with dirt, so she could claim she'd been abducted and raped by the police? Now THAT would be a challenge in a way this one simply is not.\": {\"frequency\": 1, \"value\": \"An allegation of ...\"}, \"Some of the worst, least natural acting performances I've ever seen. Which is perhaps not surprising given the clunky, lame dialog given to the one note characters. Add to that the cheap production values and you've got a movie that doesn't look like it even belongs on television. One doesn't expect much from a Lifetime movie, especially one this old, but this is nearly unwatchably bad.

Plot-wise, it's a dreadful, clich\\ufffd\\ufffdd romance of a type even Harlequin would consider beneath them. It's possible to guess how the remainder of the movie will go by simply watching the opening couple of scenes. Surprise, the only female character who gets any focus and the mysterious stranger end up falling in love.\": {\"frequency\": 1, \"value\": \"Some of the worst, ...\"}, \"-SPOILES- Lame south of the border adventure movie that has something to do with the blackmail of a big cooperate executive Rosenlski the president of Unasco Inc. by on the lamb beachcomber David Ziegler who's living the life of Reilly, or Ziegler, in his beach house in Cancun Mexico.Having this CD, that he gave to his brother James, that has three years of phone conversations between Rosenlski and the President of the United States involved in criminal deals. This CD has given David an edge over the international mobsters who are after him.

The fact that James get's a little greedy by trying to shake down Rosenlski for 2 million in diamonds not only cost him his life but put David in danger of losing his as well. Ropsenlski want's to negotiate with David for the CD by getting his ex-wife Liz to talk to him about giving it up, Rosnelski made a deal to pay off her debts if she comes through. David is later killed by Rosenliski's Mexican hit-man Tony, with the help of a great white shark, who just doesn't go for all this peaceful dealings on his boss' part.

Tony had taken the CD that Liz left for his boss at a local hotel safe and now want's to murder James, like he did David, and at the same time keep the CD to have something over Rosenlski.

David who had secretly hidden the diamonds that James had on him at the time of his murder is now the target of Tony and his men to shut him up for good. David also wants to take the diamonds and at the same time give his boss Rosenlski the impression that the CD that David had is lost but use it later, without Rosenlski knowing who's behind it,to blackmail him.

The movie \\\"Night of the Sharks\\\" has a number of shark attacks in it with this huge one-eyed white shark who ends up taking out about a half dozen of the cast members including Tony. David who's a firm believer in gun-control uses knives high explosives and Molotov cocktails, as well as his fists, to take out the entire Tony crew. Even the killer shark is finished off by Tony but with a hunting knife, not a gun. When it came to using firearms to save his friend and sidekick Paco a girlfriend Juanita and his priest Father Mattia lives from Tony and his gang guns were a no-no with David; he was more of a knife and spear man then anything else.

The ending of the movie was about as predictable as you can make it with David thought to be killed by the one-eyed shark later pops up out of the crowd,after Rosenlski was convinced that he's dead and leaves the village. David continues his life as a free living and loving beachcomber with no one looking to kill him and about two million dollars richer. to David's credit he had his friend Paco give Rosenski back his CD but under the conditions that if anything happened to him his cousin, who Rosenlski doesn't know who and where he is, will shoot his big mouth off and let the whole world know about his dirty and criminal dealings.\": {\"frequency\": 1, \"value\": \"-SPOILES- Lame ...\"}, \"I am dumbfounded that I actually sat and watched this. I love independent films, horror films, and the whole zombie thing in general. But when you add ninga's, you've crossed a line that should never be crossed. I hope the people in this movie had a great time making it, then at least it wasn't a total waste. You'd never know by watching it though. Script? Are you kidding. Acting? I think even the trees were faking. Cinematography? Well, there must've been a camera there. Period. I don't think there was any actual planning involved in the making of this movie. Such a total waste of time that I won't prolong it by commenting further.\": {\"frequency\": 1, \"value\": \"I am dumbfounded ...\"}, \"This short film that inspired the soon-to-be full length feature - Spatula Madness - is a hilarious piece that contends against similar cartoons yielding multiple writers. The short film stars Edward the Spatula who after being fired from his job, joins in the fight against the evil spoons. This premise allows for some funny content near the beginning, but is barely present for the remainder of the feature. This film's 15-minute running time is absorbed by some odd-ball comedy and a small musical number. Unfortunately not much else lies below it. The plot that is set up doesn't really have time to show. But it's surely follows it plot better than many high-budget Hollywood films. This film is worth watching at least a few times. Take it for what it is, and don't expect a deep story.\": {\"frequency\": 1, \"value\": \"This short film ...\"}, \"They had an opportunity to make one of the best romantic tragedy mafia movies ever because they had the actors,the budget,and the story but the great director John Huston was too preoccupied trying to mellow out this missed classic.Strenuously trying to find black humor as often as possible which diluted the movie very much.And also they were so uncaring with details like sound and detailed action.Maybe it was the age of the director who passed away two years later.\": {\"frequency\": 1, \"value\": \"They had an ...\"}, \"Can such an ambient production have failed its primary goal, which was to correctly adapt Allende's novel? Obviously yes. Bille August managed to make a superficial, shallow film where basic elements of South American mentality are presented simply as side events, resulting in total incoherency. I can't believe there was a whole production team that could not understand the book! There is of course technical quality in this film and I think the actors did their best with what they had in their hands, but something is missing. And this something was the most important part.\": {\"frequency\": 1, \"value\": \"Can such an ...\"}, \"I really liked this movie...it was cute. I enjoyed it, but if you didn't, that is your fault. Emma Roberts played a good Nancy Drew, even though she isn't quite like the books. The old fashion outfits are weird when you see them in modern times, but she looks good on them. To me, the rich girls didn't have outfits that made them look rich. I mean, it looks like they got all the clothes -blindfolded- at a garage sale and just decided to put it on all together. All of the outfits were tacky, especially when they wore the penny loafers with their regular outfits. I do not want to make the movie look bad, because it definitely wasn't! Just go to the theater and watch it!!! You will enjoy it!\": {\"frequency\": 1, \"value\": \"I really liked ...\"}, \"The movie is just plain fun....maybe more fun for those of us who were young and fans of \\\"The Ramones\\\" around the time the film was made. I've watched the film over and over, by myself and with friends, and it is still fresh and funny. At the risk of being too serious, the concept of being a big fan of a certain band is timeless, and high school students boredom with drudgery of some classes is just as timeless.

And, the film has some gem lines/scenes.....references to how our \\\"permanent record\\\" in high school will follow us through life. (Let me assure you I've been out of high school for, uhhh, some years and it's not following me).....the famous \\\"static\\\" line (\\\"I'm getting some static\\\".....\\\"Not as much as you're going to get\\\", as Principal Togar approaches).....the school board member who is so decrepit he's attended by nurses....the Nazi Hall Monitors love for a \\\"body search\\\" ......Principal Togar announcing, \\\"I give you the final solution\\\", and burning the Ramones records (note: records were what came before CD's) ....and of course Joey Ramone noting, \\\"Things sure have changed since we got kicked out of high school\\\", followed by Togar asking \\\"Do your parents know you're Ramones?\\\"

Just one piece of advice.....don't look up where the stars are now.....Joey Ramone sadly died young. Dey Young, who was a major hottie in the film, today reminds us we all age....PJ Soles career never advanced as we might have expected......... Marla Rosenfield, as one the other students, apparently appeared only in this film (one of my male friends dies over her every time we watch the film), though I submit her performance was more than adequate and should have brought her more teen film roles. And, does anyone know what happened to DJ Don Steele?

So, watch and enjoy.....don't think....just have FUN!\": {\"frequency\": 1, \"value\": \"The movie is just ...\"}, \"If I could go back, even as an adult and relive the days of my Summer's spent at camp...I would be there so fast. The Camps I went to weren't even this great. They were in Texas where the mosquitoes actually carry people off but we had horses and fishing. The movie cinematography was astounding, the characters funny and believable especially Perkins, Pollack and Arkin. Sam Raimi's character and sub-antics were priceless. So who ever thought this movie was lame...I have deep pity for because they can't suspend their disbelief long enough to imagine camp life again as an adult or they never went as kids. The whole point was that these people had an opportunity to regress and become juvenile again and so they did at every opportunity. I wish I could. It was funny, intelligent, beautifully scripted, brilliantly cast and the artistry takes me back so I want to watch it over and over just for the scenery even. Sorta like Dances with Wolves and LadyHawk...good movies but the wilderness becomes a character as much as the actors. Rent it, see it, buy it and watch it over and over and over...never gets old. ;0)\": {\"frequency\": 1, \"value\": \"If I could go ...\"}, \"This is almost certainly the worst Western I've ever seen. The story follows a formula that is especially common to Westerns and martial arts films -- hero learns that family/friends have been murdered, so hero sets out to exact revenge, foils the ineffective lawman, rescues the kidnapped loving damsel, and murders the expert arch-nemesis in a brutal duel. This formula has often been successful -- otherwise it wouldn't be a formula -- but Gunfighter is the most sophomoric execution of it you'll ever see. The scripting is atrociously simple-minded and insulting; it sounds like a high schooler wrote the dialogue because it lacks depth, maturity, and realism. The sound is bad; it sometimes looks dubbed. The cinematography is lame, and the sets are sometimes just facades. The acting is pitiful; sure, some of the performers could blame the script, but others cannot use that excuse. I hope I never see Chris Lybbert in a speaking role ever again; every time he says a line that should be angry or mean, he does nothing more than lower the timbre of his voice and he just sounds like a kid trying to act macho. And speaking of Chris Lybbert, who plays Hopalong, check out his duds (if you dare to watch this film): He wears these brand new clothes that make him look more like Roy Rogers than a hard-working, down-and-dirty cowboy. If you enjoy inane cinematic fare that serves merely to worship the imagined grandeur of Hopalong Cassidy, then get this, but if you have more than two neurons, watch something else.\": {\"frequency\": 1, \"value\": \"This is almost ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"Although I have ...\"}, \"Most people, especially young people, may not understand this film. It looks like a story of loss, when it is actually a story about being alone. Some people may never feel loneliness at this level.

Cheadles character Johnson reflected the total opposite of Sandlers character Fineman. Where Johnson felt trapped by his blessings, Fineman was trying to forget his life in the same perspective. Jada is a wonderful additive to the cast and Sandler pulls tears. Cheadle had the comic role and was a great supporter for Sandler.

I see Oscars somewhere here. A very fine film. If you have ever lost and felt alone, this film will assure you that you're not alone.

Jerry\": {\"frequency\": 1, \"value\": \"Most people, ...\"}, \"Carlo Verdone once managed to combine superb comedy with smart and subtle social analysis and criticism.

Then something happened, and he turned into just another dull \\\"holier-than-thou\\\" director.

Il Mio Miglior Nemico can more or less be summarized in one line \\\"working class = kind and warm, while upper-class = snob and devious. But love wins in the end\\\".

Such a trite clich\\ufffd\\ufffd for such a smart director.

There isn't really too much to talk about in the movie. Every character is a walking stereotype: the self-made-man who forgets his roots but who'll become \\\"good\\\" again, the scorned wife, the rebellious rich girl who falls for the honest-but-poor guy... Acting is barely average.

Severely disappointing under every aspect.\": {\"frequency\": 1, \"value\": \"Carlo Verdone once ...\"}, \"Although I didn't like Stanley & Iris tremendously as a film, I did admire the acting. Jane Fonda and Robert De Niro are great in this movie. I haven't always been a fan of Fonda's work but here she is delicate and strong at the same time. De Niro has the ability to make every role he portrays into acting gold. He gives a great performance in this film and there is a great scene where he has to take his father to a home for elderly people because he can't care for him anymore that will break your heart. I wouldn't really recommend this film as a great cinematic entertainment, but I will say you won't see much bette acting anywhere.\": {\"frequency\": 1, \"value\": \"Although I didn't ...\"}, \"Gregory Peck gives a brilliant performance in this film. The last 15 minutes (or thereabouts) are great and Peck is an absolute joy to watch. The same cannot however be said for the rest of the film. It's not awful and I'm sure it was made with good intentions, but the only real reason (if I were to be honest) to see it is Peck. For the rest you are better off just reading the Old Testament.\": {\"frequency\": 1, \"value\": \"Gregory Peck gives ...\"}, \"I saw this film first in the Soviet Union and many erotic scenes were simply edited out by the censorship committee. But then, in Poland in 2000, I watched it in a complete form. And so what? The plot is incredibly unwise - 2 men survive the genetic catastrophe and find themselves on the planet full of feminist strong, straight and fundamentally severe ladies. The men now try to fight it and then the whole bunch of extremely silly clich\\ufffd\\ufffds follow - sex-drive, constant masculine desire for sex, feminists who are shown like complete idiots (you may agree with them or not, but idiots certainly they are not), and so on. The performance even of the stellar Jerzy Stuhr is here wooden and strangely bad - he just pulls unfunny faces and repeats on saying phrases like \\\"I am in the elevator with a nude chick and I haven't done anything to her!\\\". This was intended to be a comedy, instead, it turned out to be a vapid farce, full of predictable jokes and below-the-waist innuendos. Do not waste your time on it - this is just bad.\": {\"frequency\": 1, \"value\": \"I saw this film ...\"}, \"This documentary film is based on incomplete considerations of the evidence, in which Brian Flemming, perhaps purposely, fails to mention important evidence to the contrary. Perhaps his most crucial mistake is one of the earliest: His claims concerning the invalidity of Paul's testimony about Jesus Christ disregard key facts, like: **The existence of some formulated creeds within Paul's letters. These creeds suggest that most of the central claims about Jesus were already formulated into statements of faith possibly within a few years of Christ's death and resurrection. **The testimonies of the early Christians can't just be tossed out as mere fantasy. There were indeed many people claiming to be the Messiah during that period, but only ONE of them has remained: Jesus. Why? Because it would have been preposterous for anyone to have actually believed Christ was the messiah, and go on to die for those beliefs, if they knew that he had not been resurrected. **Even if the Gospels are dated more liberally, we are still talking about accounts of Jesus written within the lifetimes of other eyewitnesses that would have pointed out inaccuracies in these Gospels. And there is evidence that the Gospels were written much earlier.

What I am saying is that Flemming's documentary is an incredibly biased and self-serving piece of work that hodge podges different arguments and evidence to serve his anti-Christian view. Don't be fooled by poor investigation.\": {\"frequency\": 1, \"value\": \"This documentary ...\"}, \"I went to see it 2 times this movie, a friend of mine went to see it at the release party, and he was telling me it was so great, that I was expecting very much about the movie, to mutch, I couldn't enjoy it because I was not watching it in nuteral position. The second time I knew what to expect and I enjoyed it more than the first time. After The second time I felt so in the mood to have a party. I LOVED the music it's just great.

If Tom Barman improves his directing talent he will be a director where everyone will be talking about. If you can delivere this movie as your first you must be talented.

The acting is done by some great belgian stars (Dirk roofthooft) and a bunch of upcomming talents like Titus De Voogdt.

\": {\"frequency\": 1, \"value\": \"I went to see it 2 ...\"}, \"The Brain (or head) that Wouldn't Die is one of the more thoughtful low budget exploitation films of the early 1960s. It is very difficult to imagine how a script this repulsively sexist could have been written without the intention of self-parody. And the themes that are expressed repeatedly by the female lead, Ginny Leith - a detached head kept alive by machines, I-Vs and clamps - seem to confirm that the film was meant to simultaneously exploit and critique gender stereotypes. Shades of the under-rated Boxing Helena.

The genderisms are plentiful, and about as irritating as an army of angry ants. The dialog is hyperbolic, over-dramatic and unbelievable, and the acting is merely OK (but not consistent). Why have I given this film a 4? Because some thought clearly went into it. I am really not sure what point the film was really trying to make, but it seems clear that it strives for an unusually edgy and raw sort of horror (without the blood and guts today's audiences expect).

Another unique and interesting aspect of the Brain is that there really are not any heroes in this film, and none of the characters are particularly likable.

All considered, this is a fairly painful and disturbing look at early 1960s American pop sexuality, from the viewpoint of a woman kept alive despite her missing body after what should have been a fatal car crash. Her lover is threatening to sew a fresh, high quality, body onto her and force her to continue living with him. She is understandably non-plussed by all of this and forced to befriend a creature who is almost as monstrous as her boyfriend. Oh, there are also some vague references to the 1950s/60s clich\\ufffd\\ufffd about the evils of science run amok.

Recommended for B sci fi buffs and graduate students in gender studies. O/w not recommended.\": {\"frequency\": 1, \"value\": \"The Brain (or ...\"}, \"Need a lesson in pure, abject failure?? Look no further than \\\"Wizards of the Lost Kingdom\\\", an abysmal, dirt-poor, disgrace of a flick. As we all know, decent moovies tend to sprout horrible, horrible offspring: \\\"Halloween\\\" begat many, many bad 80's slasher flicks; \\\"Mad Max\\\" begat many, many bad 80's \\\"futuristic wasteland fantasy\\\" flicks; and \\\"Conan the Barbarian\\\" begat a whole slew of terrible, horrible, incredibly bad 80's sword-and-sorcery flicks. \\\"Wizards of the Lost Kingdom\\\" scrapes the bottom of that 80's barrel, in a way that's truly insulting to barrels. A young runt named Simon recaptured his \\\"good kingdom\\\" from an evil sorcerer with the help of a mangy rug, a garden gnome, a topless bimbo mermaid, and a tired-looking, pudgy Bo Svenson. Svenson(\\\"North Dallas Forty\\\", \\\"Inglorious Bastards\\\", \\\"Delta Force\\\"), a long-time b-moovie muscleman, looks barely able to swing his aluminum foil sword. However, he manages to defeat the forces of evil, which consist of the evil sorcerer, \\\"Shurka\\\", and his army of badly costumed monsters, giants, and midgets. At one point, a paper mache bat on a string attacks, but is eaten by a 1/2 hidden sock puppet, pitifully presented as some sort of dragon. The beginning of the film consists of what can only politely be described as bits of scenes scooped up from the cutting-room floor of udder bad moovies, stitched together in the vain hope of setting the scene for the film, and over-earnestly narrated by some guy who never appears again. Words cannot properly convey the jaw-dropping cheapness of this film; the producers probably spent moore moolah feeding Svenson's ever expanding gullet than on the cheesy fx of this flick. And we're talkin' Brie here, folks... :=8P Director Hector Olivera(\\\"Barbarian Queen\\\") presents this mish-mash in a hopelessly confused, confuddled, and cliched manner, destroying any possible hint of clear, linear storytelling. The acting is dreadful, the production levels below shoe-string, and the plot is one tired cliche after another paraded before our weary eyes. That they actually made a sequel(!!!) makes the MooCow's brain whirl. James Horner's(\\\"Braveheart\\\", \\\"Titanic\\\",\\\"The Rock\\\") cheesy moosic from \\\"Battle Beyond the Stars\\\" was lifted, screaming and kicking, and mercilessly grafted onto this turkey - bet this one doesn't pop up on his resume. Folks, you gotta see this to believe it. The MooCow says as a cheapo rent when there is NOTHING else to watch, well, it's moore fun than watching dust bunnies mate. Barely. :=8P\": {\"frequency\": 1, \"value\": \"Need a lesson in ...\"}, \"As a \\\"Jane Eyre\\\" fan I was excited when this movie came out. \\\"At last,\\\" I thought, \\\"someone will make this book into a movie following the story actually written by the author.\\\" Wrong!!! If the casting director was intending to cast a \\\"Jane\\\" who was plain he certainly succeeded. However, surely he could have found one who could also act. Where was the tension between Jane and Rochester? Where was the spooky suspense of the novel when the laughter floated into the night seemingly from nowhere? Where was the sparkle of the child who flirted and danced like her mother? Finally, why was the plot changed at the end? One wonders whether the screenwriters had actually read the book. What a disappointment\": {\"frequency\": 1, \"value\": \"As a \\\"Jane Eyre\\\" ...\"}, \"In what could have been seen as a coup towards the sexual \\\"revolution\\\" (purposefully I use quotations for that word), Jean Eustache wrote and directed The Mother and the Whore as a poetic, damning critique of those who can't seem to get enough love. If there is a message to this film- and I'd hope that the message would come only after the fact of what else this Ben-Hur length feature has to offer- it's that in order to love, honestly, there has to be some level of happiness, of real truth. Is it possible to have two lovers? Some can try, but what is the outcome if no one can really have what they really want, or feel they can even express to say what they want?

What is the truth in the relationships that Alexandre (Jean-Pierre Leaud) has with the women around him? He's a twenty-something pseudo-intellectual, not with any seeming job and he lives off of a woman, Marie (Bernadette Lafont) slightly older than him and is usually, if not always, his lover, his last possible love-of-his-life left him, and then right away he picks up a woman he sees on the street, Veronika (Fran\\ufffd\\ufffdoise Lebrun), who perhaps reminds him of her. Soon what unfolds is the most subtly torrid love triangle ever put on film, where the psychological strings are pulled with the cruelest words and the slightest of gestures. At first we think it might be all about what will happen to Alexandre, but we're mistaken. The women are so essential to this question of love and sex that they have to be around, talking on and on, for something to sink in.

We're told that part of the sexual revolution, in theory if not entirely in practice (perhaps it was, I can't say having not been alive in the period to see it first-hand), was that freedom led to a lack of inhibitions. But Eustache's point, if not entirely message, is that it's practically impossible to have it both ways: you can't have people love you and expect to get the satisfaction of ultimate companionship that arrives with \\\"f***ing\\\", as the characters refer over and over again.

The Mother and the Whore's strengths as far as having the theme is expressing this dread beneath the promiscuity, the lack of monogamy, while also stimulating the intellect in the talkiest talk you've ever seen in a movie. At the same time we see a character like Alexandre, who probably loves to hear himself talk whether it's about some movie he saw or something bad from his past, Eustache makes it so that the film itself isn't pretentious- though it could appear to be- but that it's about pretentiousness, what lies beneath those who are covering up for their internal flaws, what they need to use when they're ultimately alone in the morning.

If you thought films like Before Sunrise/Sunset were talky relationship flicks, you haven't met this. But as Eustache revels in the dialogs these characters have, sometimes trivial, or 'deep', or sexual, or frank, or occasionally extremely (or in a subdued manner) emotional, it's never, ever uninteresting or boring. On the contrary, for those who can't get enough of a *good* talky film, it's exceptional. While his style doesn't call out to the audaciousness that came with his forerunners in the nouvelle vague a dozen years beforehand, Eustache's new-wave touch is with the characters, and then reverberating on them.

This is realism with a spike of attitude, with things at time scathing and sarcastic, crude and without shame in expression. All three of the actors are so glued to their characters that we can't ever perceive them as 'faking' an emotion or going at all into melodrama. It's almost TOO good in naturalistic/realism terms, but for Eustache's material there is no other way around it. Luckily Leaud delivers the crowning chip of his career of the period, and both ladies, particularly Labrun as the \\\"whore\\\" Veronika (a claim she staggeringly refutes in the film's climax of sorts in one unbroken shot). And, as another touch, every so often, the director will dip into a quiet moment of thought, of a character sitting by themselves, listening to a record, and in contemplation or quiet agony. This is probably the biggest influence on Jim Jarmusch, who dedicated his film Broken Flowers to Eustache and has one scene in particular that is lifted completely (and lovingly) in approach from the late Parisian.

Sad to say, before I saw Broken Flowers, I never heard of Eustache or this film, and procuring it has become quite a challenge (not available on US DVD, and on VHS so rare it took many months of tracking at various libraries). Not a minute of that time was wasted; the Mother and the Whore is truly beautiful work, one of the best of French relationship dramas, maybe even just one of the most staggeringly lucid I've seen from the country in general. It's complex, it's sweet, it's cold, it's absorbing, and it's very long, perhaps too long. It's also satisfying on the kind of level that I'd compare to Scenes from a Marriage; true revelations about the human condition continue to arise 35 years after each film's release.\": {\"frequency\": 1, \"value\": \"In what could have ...\"}, \"I like this movie a lot, but it's a fact, that you cannot understand it, unless you're from the ex Yugoslavia. Most of the actors are now dead and those were the best actors in ex Yugoslavia. I appreciate that this movie is now on Divx and I can have it in my collection. Macedonia. Serbia. Montenegro. Bosnia and Herzegowina. Croatia. Slovenia.

All of this was ex Yugoslavia, a melting pot of the Balcan nations. It could be a dream land, if Slobodan Milosevic, Franjo Tudjman and other nationalists wouldn't poison the nation's mind with their sick ideas.\": {\"frequency\": 1, \"value\": \"I like this movie ...\"}, \"Nintendo!!! YOU #%$@ERS!!! How could you do this to me? I can't believe it...this movie is actually worse than the first one. I went to see this at the theatre with my brother because my mother forced me to tag along....oh God...where do I even begin? The plot SUCKED. The voice acting SUCKED. The animation SUCKED. The ending REALLY SUCKED. If you liked this movie, YOU SUCK TOO. And to Futuramafan1987, who said this was the greatest movie ever, you are a TOOL, PLAIN AND SIMPLE. This isn't a movie for anyone but crack-addled ten-year olds with Game Boys who think Pikachu is God. I'm still cry to this day thinking about that horrible turd of a movie....and then there was Pikachu's Adventure...don't even get me started on that horrible mess of a film. It is, in all truth, one of the most boring experiences of my entire life. Don't go watch this at any costs.

Bottom Line: Go out, find every copy of this movie that you can, and burn it. Burn them all, and then proceed to rent a GOOD movie, like Aliens...or Bowling For Columbine...or even Back to the Future!\": {\"frequency\": 1, \"value\": \"Nintendo!!! YOU ...\"}, \"Aim For The Top! Gunbuster is one of those anime series which has classic written all over it. I totally loved this series, and to this day, it remains my favorite anime. And while it was not Gainax's first animated product, it was their first OVA series.

Mainly starting out as a parody of the 1970's sports drama Aim For The Ace (Ace O Nerae!), Gunbuster picks up steam as a serious drama toward the ending of episode 2, when Noriko Takaya is forced to relive the death of her father, who was killed in mankind's initial encounter with the insect race Humanity is at war with. It is because of her father's death that Noriko wants to become a combat pilot. But her lack of confidence proves to get in the way at times and she falters. Her friend, Kazumi Amano, even has doubts about Noriko being chosen as a pilot. However, Noriko's coach, Koichiro Ota, has faith in her. And he has made it his personal mission to see that she succeeds at becoming a pilot, for he was a survivor of the battle in which Noriko's father was killed.

Other characters include Jung-Freud, a Russian combat pilot assigned to serve with the squadron Noriko and Kazumi belong to, Smith Toren, a love interest for Noriko who is killed in their first sortie together, and Kimiko Higuchi, Noriko's childhood friend. Kimiko's involvement is also of interest, as while Noriko is off in space, Kimiko remains behind on Earth to live a normal life. And because of the acts of time dilation, Kimiko ages normally on Earth while Noriko is relatively the same age as when she left school. By the end of the series, Noriko is roughly 18 years old while Kimiko is in her mid-fifties.

All in all, this is an excellent anime series to watch if you are a fan of giant robot mecha and of Gainax animation. If you like Hideaki Anno's other shows, or are a fan of Haruhiko Mikimoto's artwork, then give this show a chance. It will grow on you.\": {\"frequency\": 1, \"value\": \"Aim For The Top! ...\"}, \"Jeanette MacDonald and Nelson Eddy star in this \\\"modern\\\" musical that showcases MacDonald's comic abilities. Surreal 40s musical seem to be making fun of 40s fashions even as they were in current vogue. Eye-popping costumes and sets (yes B&W) add to the surreal, dreamlike quality of the entire film. Several good songs enliven the film, with the \\\"Twinkle in Your Eye\\\" number a total highlight, including a fun jitterbug number between MacDonald and Binnie Barnes. Also in the HUGE cast are Edward Everett Horton, Reginal Owen, Mona Maris, Douglas Dumbrille and Anne Jeffreys. Also to been seen in extended bit parts are Esther Dale, Almira Sessions, Grace Hayle, Gertrude Hoffman, Rafaela Ottiano, Odette Myrtile, Cecil Cunningham and many others.

Great fun and nice to see the wonderful MacDonald in her jitterbug/vamp routines. She could do it all.\": {\"frequency\": 1, \"value\": \"Jeanette MacDonald ...\"}, \"A young woman who is a successful model, and is also engaged to be married, and who has twice attempted suicide in the past, is chosen by a secretive and distant association of Catholic priests to be the next \\\"sentinel\\\" to the gateway to Hell, which apparently goes through a creepy old, but well maintained Brooklyn apartment building. Its tenants take the stairway up and can reincarnate themselves, but apparently can't escape as long as a sentinel is there to block the way. The previous one(John Carradine) is about dead, so she, by fate or whatever, becomes the next one, and the doomed must get her to kill herself in order for them to be free. Lots of interesting details lie under the surface, her relationship with her father, the stories of the doomed, her fianc\\ufffd\\ufffd, so one can pass this off as cheap exploitation horror, but given the sets, the great cast, and overall level of bizarreness, this is definitely worth seeing.\": {\"frequency\": 1, \"value\": \"A young woman who ...\"}, \"While not quite as monstrously preposterous as later works, this slow-moving, repetitive giallo offers some nice touches in the first half, but grows more and more lethargic and silly as it stumbles to its lame denouement.

To be sure, the actors are above average - considering this is an Argento movie - and some moments show the director's visual skills, but whole sequences should've been cut and, basically, it's just the same exploitative trash as ever, wallowing in fake science and abnormal sexual depravity.

3 out of 10 genetic disorders\": {\"frequency\": 1, \"value\": \"While not quite as ...\"}, \"... It even beats the nasty \\\"raw\\\". Almost twenty years old is this show and still I laughed VERY MUCH when I was watching it last night. It shows Eddie Murphy dressed in tight red clothes(Old School)and he jokes with everything from celebertis to his family. He was only 22-years old then and this is a must-see!

8/10\": {\"frequency\": 1, \"value\": \"... It even beats ...\"}, \"Dick Tracy is one of my all time favorite films. I must admit to those that haven't seen it. You will either really love it or really hate it. It came out a year after the success of Batman. So everyone's expectations were so high that many were let down simply because the plot is so simple. But its based on a comic strip...what did you expect? Creatively, this movie is amazing! The sets, make-up, music, costumes, and the impressive acting make this film fantastic. The film has bloodless violence and no bad language - that's something rare these days. Directed, produced, and stars Warren Beatty as the ace crime fighter going up against Al Pacino's evil Big Boy Caprice and his mob of thugs. Madonna steals the show as the seductive Breathless Mahoney. This is one of the best characters Madonna has ever played. She has the best one liners I've heard! Madonna fans would love it! One of the coolest things about the film is that they only used seven colors to make it look like a comic strip. This film is truly a piece of artwork that is sadly overlooked by the public. To sum things up, this film brings out the child in all of us. It's a film that will leave you smiling at the end.\": {\"frequency\": 1, \"value\": \"Dick Tracy is one ...\"}, \"From the filmmakers who brought us The March of the Penguins, I guess that came with plenty of expectations for The Fox and the Child. From the harsh winters of the South Pole to the lush wilderness in France, the narrative now becomes part documentary and part fairy tale, which tells of the friendship between the two titular characters, Renard the fox and its friendship with the child who christened it, played by Bertille Noel-Beuneau.

The story's frankly quite simple, and at times this movie would have looked like the many Japanese movies which children-miscellaneous animals striking a friendship after the development of trust, and how they go about hanging around each other, dealing with respective adversaries and the likes. Here, the child meets the elegant fox near her home up in the mountains, which provide for plenty of beautiful picture-postcard perfect shots that a cinematographer will have to go into overdrive to capture.

But while we indulge in wistful scenery, the characters don't get to establish that level of trust from the onset, and we have to wait a few seasons to past, and 45 minutes into the film, before they find a leveler in food. The child persistently attempts at striking a bond with the objective of taming the creature for her own amusement, but the fox, well, as other notions of course. While I thought the narrative was pretty weak, unlike March of the Penguins which has that human narrative interpretation of what's happening on screen, what excelled here were the documentary elements of the movie, tracing the life and times of the fox as both a predator, and a prey.

Between the two, more tension and drama was given to the latter, especially when dealing with traditional foes like wolves, and granted, those sequences were fairly intense especially when the child got embroiled in it. Otherwise, it was plain sailing and quite a bore as the two of them go about their playing with each other, in shots that you know have undergone some movie magic editing. There were surprisingly dark moments in the movie that weren't really quite suitable for children, as those in the same hall attested to it by bawling their eyes out suddenly, so parents, you might want to take note and not let your toddler disturb the rest of the movie goers.

As a film, I would've preferred this to be a complete documentary ala The March of the Penguins, but I guess the way it was resented, probably had the objective of warning us not to meddle with nature, and that some things are just not meant to be, and should stay as such. Decent movie that leaned on the strength of the chemistry between Bertille Noel- Bruneau, and the multiple foxes that played Renard.\": {\"frequency\": 1, \"value\": \"From the ...\"}, \"This film is a twisted nonsense of a movie, set in Japan about a dysfunctional family who end up with a strange violent guest who just sits back and watches the 4 members of the family at their worst. Nothing is sacred in this movie, with sex drugs and violence stretched to such a limit i'm surprised it got past the censors.

Overall, i think it will appeal only to those whom we shouldn't be encouraging, rather than any supposed underlying message coming out for the rest of us to consider. A film that panders to the worst element in society and is in anyway utter gash... A disappointment from a man who made the sublime Dead or Alive and Audition movies.\": {\"frequency\": 1, \"value\": \"This film is a ...\"}, \"I saw this little magnum opus for the first time very recently, on one of those dollar DVD's that seem to be everywhere nowadays, and was so moved by it that I cannot contain myself. For those who have never seen this mesmerizingly miserable Mexican import, and wish to view it without being prejudiced by anyone else's jaundiced commentary, there are undoubtedly substantial spoilers in what follows. So if you are one of those reckless individuals, stop reading at once and go and watch it for yourself. If you get drunk enough in advance, you might be fortunate enough to pass out before it's over.

Begin with the premise that a man may become a werewolf after being bitten by a yeti. No one in the film ventures an explanation as to how this sort of cross-species implantation could occur, and the rest of the movie is even more hopelessly nonsensical. But pour yourself another glass of wine (or whatever you're drinking), and let us proceed.

Paul Naschy (our werewolf) has the look of a man fighting a toothache, in a town where the only dentist has traded his supply of Novocaine for a case of cheap whiskey, and has been drunk ever since. (Ain't he the lucky one?) Naschy's facial expression never varies, whether in or out of makeup, and apparently no one gave him any coaching on how to act like a werewolf. Occasionally he tries to imitate the Lon Chaney Jr. crouch, but most of the time he simply strolls around in his black mafia shirt, like just another cool dude with a tad too much facial hair. To be fair, the makeup is actually better than the actor inside of it, but the continuity is infinitely worse. Naschy's werewolf is the only one I can think of that changes shirts twice in the middle of a prowl. He goes from black shirt to red shirt, then back to black, then back to red, then back to black, all in a single, frenzied night. Interestingly enough, he always does the Chaney crouch while wearing the red shirt, and the cool dude walk while wearing the black shirt. And it's only while he is wearing the red shirt that we see much of the fury alluded to in the title. Presumably there's something about that red shirt that just brings out the animal in him.

So anyway, after being bitten by the cross-pollinating yeti, the poor schmuck returns home from Tibet to learn that his wife has been sleeping with one of his students. The two illicit lovers try to murder him by adjusting the brakes on his car. He survives the wreck, and makes it home just in time for a full moon. Then, after chewing up his wife and her lover, he wanders off again, and somehow manages to get himself electrocuted. But is that enough? Can they let this tormented wretch rest in peace? Not a chance. He is resurrected by a supposed female scientist with a hardcore S/M fetish, otherwise known as \\\"The Doctor\\\" (and definitely not a new incarnation of Doctor Who). She digs him up and whisks him away to her kinky kastle, takes him down to the dungeon, chains him to the wall, and gives him a damn good flogging. Presumably such a string of indignities ought to be enough to put a little fury into any wolfman.

After his two-shirted rampage, our wolfman spends most of the rest of the film wandering around the castle, trying to find a way out. (And who can blame him?) In the course of his wanderings, he encounters a bewilderingly incoherent assortment of clich\\ufffd\\ufffds, including a man dressed in medieval armor, a curiously inept Phantom of the Opera impersonator (supposedly The Doctor's father), and a hard-partying cadre of bondage slaves.

So what's it all about, one may reasonably ask? One gets the vague impression that it has something to do with mind control, and involves something The Doctor calls \\\"chemotrodes.\\\" (Best guess. I really have no idea how it's spelled, if there even is such a thing.) Mercifully, the experiment ends in failure, and most importantly, it ends...before one has time to gnaw one's own leg off.

Of course, one doesn't really expect any sense from a film like this, but at least it ought to be good for laughs. This one isn't. Forget it, buddy. There is a creeping sort of anarchy about this film, from its patched-together, tequila-drenched ambiance to its atrocious cinematography and agonizing musical score, that defies even the most sozzled attempts to get any MST3K type laughs out of it. If it's not even good for that, what the hell is it good for? If Montezuma's revenge could have somehow been digitally remastered and put on a DVD, it would have looked exactly like this movie.\": {\"frequency\": 1, \"value\": \"I saw this little ...\"}, \"What a waste of time! I've tried to sit through 'Sky Captain..\\\" about 6 times, and every time, within about 3 minutes, I start doing something else - anything else! It's a downright boring movie, the acting is terrible, the writing dull, and obviously a first-time director, because it's stiff. And I wanted to love it. I love sci-fi, the old cliffhangers, and I can appreciate the attempt at nods to Flash Gordon, and Metropolis, but my God, what a waste of money. I used to work for Paramount Pictures, and I had written Sherry Lansing in 1993 about using blue screen for screen tests. She told me they'd never have an interest or need to do it. 10 years later, Paramount releases this piece of crap. Sherry was right in 1993, but must have forgotten her own advice when she greenlighted this dog. Blue screen an effect shot, but not an entire movie. Let's not forget, neither Jude nor Jolie are terrific actors (but easy on the eyes). Paltrow's performance reminds me of a high school effort. Too bad - it could've worked, but only under a skilled director. the funny thing is, Sky Captain's director will keep getting work, even after this dreck. It's commerce, not art!\": {\"frequency\": 1, \"value\": \"What a waste of ...\"}, \"

If you're at all interested in pirates, pirate movies, New Orleans/early 19th century American history, or Yul Brynner, see this film for yourself and make up your own mind about it. Don't be put off by various lacklustre reviews. My reaction to it was that it is entertaining, well acted (for the most part), has some very witty dialogue, and that it does an excellent job of portraying the charm, appeal and legendary fascination of the privateer Jean Lafitte. While not all the events in the film are historically accurate (can you show me any historical film that succeeds in this?), I feel the film is accurate in its treatment of the role Lafitte played in New Orleans' history, and the love-hate relationship between the \\\"respectable\\\" citizens of New Orleans and this outlaw who was one of the city's favorite sons. Don't worry about what the film doesn't do, but watch it for what it does do, i.e., for its study of one of New Orleans', and America's, most intriguing historical figures.\": {\"frequency\": 1, \"value\": \"

If ...\"}, \"- Let me start by saying that I understand that Invasion of the Star Creatures was meant to be a parody of the sci-fi films of the 50s. I understand that none of it is to be taken seriously. The problem I have is that none of it works. A parody should be funny and this one just isn't. Not once during the entire runtime did I so much as crack a smile. In general, I am easily entertained, but I couldn't find a sliver of entertainment anywhere in Invasion of the Star Creatures.

- I knew I was in trouble right from the beginning. The two \\\"stars\\\" make their screen appearance with one of the lamest gags imaginable - a water hose they can't control that gets them both wet. These two come off as Bowery Boys wannabes. Why anyone would want to mime the act and persona of the Bowery Boys is beyond me. After the less than illustrious beginning, the movies goes on to feature comical chase sequences, dancing Indians, vegetable men, decoder rings, and other assorted unfunny bits. It's all just a complete waste of time.

- I bought this on the double feature DVD with Invasion of the Bee Girls. That movie is Academy Award winning stuff in comparison with Invasion of the Star Creatures.\": {\"frequency\": 1, \"value\": \"- Let me start by ...\"}, \"this short film trailer is basically about Superman and Batman working together and forming an uneasy alliance.obviously,the two characters have vastly differing views on how to deal with crime and what constitutes punishment.it's a lot of fun to see these two iconic characters try to get along.i won't go int to the storyline here.but i will get into the acting,which is terrific.everyone is well cast.the two actors playing Superman and Batman are well suited to their characters.the same filmmakers that made Batman: Dead End and Grayson also made this short film.of the three,i probably liked this one the least,but i still thought it was well done.for me,World's finest is a 7/10\": {\"frequency\": 1, \"value\": \"this short film ...\"}, \"This could well be the worst film I've ever seen. Despite what Mikshelt claims, this movie isn't even close to being historically accurate. It starts badly and then it's all downhill from there. We have Hitler's father cursing his own bad luck on the \\\"fact\\\" that he'd married his niece! They were in fact, second cousins. Hitler's mother, Klara, called his father, Alois, \\\"uncle\\\" because Alois had been adopted and raised by Klara's grandfather and brought up as his son, when he was really his nephew. Alois was much older than Klara and so as a child she'd got into the habit of calling Alois, \\\"uncle.\\\"

The scene in the trenches where Hitler is mocked by his fellow soldiers and decides to take it out on his dog is simply a disgrace and an insult to the intelligence of all viewers. We see Hitler chase the dog through the trench, when he catches up with the poor thing he proceeds to thrash it for disobeying him. In the distance we see and hear his fellow soldiers continue to mock and chastise the cowardly little man, but then a shell lands directly on his persecutors, and every last one, we are told, is killed outright. How then, if Hitler was the only person to survive the scene, did this tale of brutality and cowardice come to be told? Did Hitler himself go around \\\"boasting\\\" about it? - I don't think so.

Next up, Hitler bullies and intimidates a poor, stressed out and war weary Jewish officer into giving him an Iron Cross! I can only assume that this Jewish officer had been a pawnbroker before fighting for the Fatherland, and had thoughtfully brought along some pledged medals from his shop, because I'm certain that Iron Crosses were not being handed out as shown in this comic farce.

All the grotesque clich\\ufffd\\ufffds are here, not least the calming and hypnotic effect of Wagner's music upon the little man. If only the producers had kept Ian Kershaw on side. Then they might have discovered that Franz Lehar's \\\"Merry Widow\\\" was more likely to float the Fuhrer's boat than any \\\"Flying Dutchman\\\" from the cannon of Richard Wagner!

Hitler may have been responsible for the deaths of 60 million people but how can he ever be forgiven for his appalling taste in music?

I could go on but I'd be at it for hours.

Give it a miss.\": {\"frequency\": 1, \"value\": \"This could well be ...\"}, \"I read the book in 5th grade and now a few years later I saw the movie. There are a few differences:

1.Billy was oringinally suppose to eat 15 worms in 15 days, not 10 worms in one day by 7:00pm.

2.Billy is suppose to get 30 dollars after he's eaten all the worms. In the movie after Billy eats all the worms, Joe has to go to school with worms in his pants.

3. Joe is suppose to fake some of the worms but in the movie, he doesn't at all.

Even though there are changes,this movie is still one that kids will enjoy.\": {\"frequency\": 1, \"value\": \"I read the book in ...\"}, \"I waited ages before seeing this as all the reviews I read of this said it was horrible! i rented it expecting the worst, and while it is hardly the best sandler film out there, there are much worse! Sandler frequently talks to the camera and the film does not take itself seriously, but that is all part of the fun! A great way to waste an afternoon, and you might even find yourself laughing once a twice! A good film, well worth renting!\": {\"frequency\": 1, \"value\": \"I waited ages ...\"}, \"I only rented this movie because of promises of William Dafoe, and Robert Rodriguez. I assumed that upon seeing RR's name on the cover (as an actor) that this movie would be good. It sounds like a movie that Rodriguez would of made so if He's going to lend his name to it, than it has to be good right? WRONG WRONG WRONG. By far the worst editing since \\\"Manos Hands of fate\\\". The way it was edited made no sense and made the movie impossible to follow and after the first 30 minutes you wont even want to try to follow it anymore. I have no idea how Dafoe and Rodriguez got involved in this film, maybe they owed somebody, but they are way to good for this. Besides they were only in this movie for a couple minutes apiece and Rodriguez didn't even talk. So if you wanna see a movie with Poor editing, poor acting, and confusing storyline than be my guest but don't say you weren't warned.\": {\"frequency\": 1, \"value\": \"I only rented this ...\"}, \"Of the many problems with this film, the worst is continuity; and re-editing it on VHS for a college cable channel many years ago, I tried to figure out what exactly went wrong. What seems to have happened is that they actually constructed a much longer film and then chopped it down for standard theatrical viewing. How much longer? to fill in all the holes in the plot as we have it would require about three more hours of narrative and character development - especially given the fact that the film we do have is just so slow and takes itself just so seriously.

That's staggering; what could the Halperins have possibly been trying to accomplish here? Their previous film, \\\"White Zombie\\\", was a successful low budget attempt to duplicate the early Universal Studios monster films (The Mummy, Dracula, etc.), and as such stuck pretty close to the zombie mythology that those in North America would know from popular magazines.

Revolt of the Zombies, to the contrary, appears to have been intended as some allegory for the politics of modern war. This would not only explain the opening, and the change of Dean Jagger's character into a megalomaniac, but it also explains why the zombies don't actually do much in the film, besides stand around, look frightening, and wait for orders - they're just allegorical soldiers, not the undead cannibals we've all come to love and loathe in zombie films.

I am the equal to any in my dislike for modern war and its politics - but I think a film ought to be entertaining first, and only later, maybe, educational. And definitely - a film about zombies ought to be about zombies.

Truly one of the most bizarre films in Hollywood history, but not one I can recommend, even for historic value.\": {\"frequency\": 1, \"value\": \"Of the many ...\"}, \"Mae Clarke will always be remembered as the girl whose face James Cagney showed a grapefruit into in the same year's THE PUBLIC ENEMY. She will not be remembered for this weird little story about a a hood's girl who finds that her past will always be with her.

In some ways, this looks a bit antique for 1931, almost as if you are looking at 1928's famously inert LIGHTS OF NEW YORK. But don't be fooled. Although Ted Tetzlaff's photography is still in the big scenes, there's lots of movement, indicating distraction to the moviegoers in the set-ups to them. But in competition with the fast-paced stuff that it seems that everyone was doing at Warner's, this attempt to bring the woman's viewpoint into the genre as a tearjerker doesn't work, nor is Mae Clarke the actress to carry the effort.\": {\"frequency\": 1, \"value\": \"Mae Clarke will ...\"}, \"Spoiler!! I love Branagh, love Helena Bonham-Carter, loved them together in \\\"Mary Shelley's Frankenstein\\\" - but THIS -

I can understand an actor's desire to stretch, to avoid the romantic stereotype. Well, they did, but really - the script droned on, Bonham-Carter's clothes were tres chic, and the occasional speeded-up \\\"madcap\\\" sequence could have been an outtake from a Beatles' movie, or the old Rowan and Martin Laugh-In.

I never got the point - other commenters say the Branagh character was a dreamer. I never felt that. He was a loser, and not very bright, and certainly not endearing. The business with the bank robber disguise was merely painful to watch. Certainly not amusing.

Bonham-Carter's realistic (one supposes) attempts as realistic speech were harder to understand than the first 15 minutes of Lancashire accent in \\\"Full Monty.\\\"

The poetic ending, with him high on a hill with her buried under the monstrosity of his airplane was too orchestrated. Was there a choir of angels, or merely a soundtrack?

Go back to the classics or something with a spine and an arc to it. Donate this to PBS.

\": {\"frequency\": 1, \"value\": \"Spoiler!! I love ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"This move reminded ...\"}, \"What can I say, it's a damn good movie. See it if you still haven't. Great camera works and lighting techniques. Awesome, just awesome. Orson Welles is incredible 'The Lady From Shanghai' can certainly take the place of 'Citizen Kane'.\": {\"frequency\": 1, \"value\": \"What can I say, ...\"}, \"I really liked this movie, and went back to see it two times more within a week.

Ms. Detmers nailed the performance - she was like a hungry cat on the prowl, toying with her prey. She lashes out in rage and lust, taking a \\\"too young\\\" lover, and crashing hundreds of her terrorist fianc\\ufffd\\ufffd's mother's pieces of fine china to the floor.

The film was full of beautiful touches. The Maserati, the wonderful wardrobe, the flower boxes along the rooftops. I particularly enjoyed the ancient Greek class and the recitation of 'Antigone'.

It had a feeling of 'Story of O' - that is, where people of means indulge in unrestrained sexual adventure. As she walks around the fantastic apartment in the buff, she is at ease - and why not, what is to restrain a \\\"Devil in the Flesh\\\"?

The whole movie is a real treat!\": {\"frequency\": 1, \"value\": \"I really liked ...\"}, \"i thought this movie was really really great because, in India cinemas nowadays, all you see is skin, music, and bad acting...in this movie, you can see some tradition, ethnicity, and at least some decency...although some parts were a little dramatic, guess what? that is what Indian cinema is all about! after watching this movie, at least you don't get a headache from all the loud overrated music, or any violence, its just the truth, it teaches about love, and of course caring for the person you love throughout life...i think it was an amazing movie...Kids can watch it without a doubt, and adults will enjoy the simplicity that used to be India's sure profoundness...until all these rap hits, miniskirts, and skin showing became a part of it.\": {\"frequency\": 1, \"value\": \"i thought this ...\"}, \"We can start with the wooden acting but this film is a disaster. Having grown up in NY I can tell you that this film is an insult to anyone who is familiar with the community or the people. I'm not even a defender of the culture in any way and found this to be a Hollywoodized piece of trash to fit its own fictional, ridiculous culture presentation and language that anyone who watches Seinfeld knows is inaccurate. This is a colossal waste of time and, even worse, is not exactly interesting since the outcome is obvious and the scenes of confrontation are laughably bad. Who acts this way? Nobody.

The writer's name sounds Israeli or something of that nature but it is clear he doesn't have a clue about the subject he is writing about. Looking at his bio, it is shocking he lived in New York and wonder how much real connection he had with the community. Even mediocre films like \\\"A Stranger Among Us\\\" are better and more closer to the truth than this dreck. Reading this guy's credits it's no wonder he has written scripts on all C grade films that somehow feature stars. shocking. Perhaps he knows someone because this script is even below par for a bad Dolph Lundgren film.\": {\"frequency\": 1, \"value\": \"We can start with ...\"}, \"Tony Goldwyn is a good actor who evidently is trying his hand at directing. \\\"A Walk on the Moon\\\" appears to have borrowed from other, better made films. The present story takes place in the late sixties at a summer resort for working class Jews not far from Woodstock. The screen treatment by Pamela Gray doesn't have much going for it, so it's a puzzle why Mr. Goldwyn decided to tackle this film as his first attempt at direction.

The Kantrowitz family is spending some time at the resort. We see them arrive at the small bungalow that is going to be their temporary home. Marty, the father, comes only for the week-end; he works in what appears to be a family small appliance business repairing television sets, mostly. In a few days the first man will walk in space, so the excitement is evident.

The Kantrowitz women are left behind. Pearl, Marty's wife and her mother-in-law, Lilian, spend idle days in the place until the \\\"blouse salesman\\\" arrives. Pearl goes browsing and she finds much more than a shmatte; she gets the salesman as well. It appears that Pearl and Marty have no sexual life at all. After two children, Pearl, who appears to be sexy and with a high libido is ready for some extra marital fun.

That is the basic premise for the film, which becomes a soap opera when the young daughter, Alison, decides to play hooky and go to the Woodstock festival nearby where, horror of horrors, she witnesses her own mom making out with the blouse salesman! What's a girl to do? Well, stay tuned for the grand finale when all the parties are happily reunited by the little son's bedside when he is stung by wasps and the salesman comes to apply some home remedy, and daddy is called from the city, after knowing about Pearl's betrayal with the younger stud.

Poor Diane Lane, she went to make \\\"Unfaithful\\\" later on, which is the upscale version of this dud. Viggo Mortensen is the salesman who caters to his lonely female customers whispering little somethings in their ears! Liev Schreiber as Marty, the cuckolded husband, doesn't have much to do. Anna Paquin plays the rebellious Alison and Tovah Feldshuh is the unhappy Nana, who would like to have stayed in the city watching her soap operas instead of witnessing first hand one that is playing in her own backyard!

Watch it at your risk, or pop the DVD in the telly when you have a fun crowd at home and you really want to have a laugh, or two dishing the film.\": {\"frequency\": 1, \"value\": \"Tony Goldwyn is a ...\"}, \"Atlantis is probally the best Disney movie that i have seen in years. It has great action scene, magic, an intelligent and weel written script. Atlantis, brings back the magic of the Disney Classics such as \\\"The Lion King\\\" or \\\"Alladin\\\". After Seeing this one i'm sure that this year summer blockbusters season will be great.

I recommend to you all, \\\"Alantis : The Lost Empire is like a breath of inspiration.

9 out of 10\": {\"frequency\": 1, \"value\": \"Atlantis is ...\"}, \"Pathetic. This is what happens when director comes to work just because someone is paying him to.

The intentions were good, great locations and settings for a film of epic proportions. But the performance, damn! I swear, in some shots you can see extras on the background staring in the camera, or looking at the actors because no one told them what they should do when they hear \\\"Action!\\\". The battle scenes are so bad you wonder - are these people for real? They could've done more damage just by hugging each other. In the slow-mo scenes you can see people on battle field walking around or just standing, waving their hands.

Only action in the foreground is somehow emphasized. But for what? The story is so illogical and discontinuous, it seems like random situations in chronological order, sometimes not even that. The dialogs are dumb, the love plot is more embarrassing and ridiculous than in Hong Kong action movies.

With a budget of 40 million, and you can see every dollar invested on the screen, in best case scenario, the final result of all this enormous effort is a shiny round laser disk in the thin cover placed on the shelf in video store.\": {\"frequency\": 1, \"value\": \"Pathetic. This is ...\"}, \"Forget the campy 'religious' movies that have monopolized the television/film market... this movie has a real feel to it. While it may be deemed as a movie that has cheap emotional draws, it also has that message of forgiveness, and overall good morals. However, I did not like the lighting in this movie... for a movie dealing with such subject matter, it was too bright. I felt it took away from the overall appeal of the movie, which is almost an unforgivable sin, but the recognizable cast, and their performances counteract this oversight.

Definitely worth seeing... buy the DVD.\": {\"frequency\": 2, \"value\": \"Forget the campy ...\"}, \"This 1947 film stars and was directed and written by Orson Welles (with a funky Irish accent) and also stars the gorgeous Rita Hayworth with less appealing short blonde hair. So, I've hung out with Orson before in Touch of Evil and Citizen Kane and the Third Man etc. but this was my first Rita Hayworth interaction. Our first meeting went well, she does a superb job playing the frightened/cagey Elsa, married to a crippled millionaire lawyer. Mike (Welles) and Elsa fall for each other. He wants to run away with her, she doesn't know if she can live without the things money can buy. Elsa, her husband, and his partner bicker and bite, just like the sharks Mike describes attacking each other and his foretelling proves just too true. Several twists and turns follow in this murder mystery as we come to the climax in the fun house. (Think the ending shootout in The Man with the Golden Gun, which borrowed heavily from this scene). I wasn't sure who the murderer was until the end.

This movie is like shrimp in garlic and lemon. The dish centers on the sea, it is subtle, sour, and pungent, all to great effect. These might not be the best, fresh shrimp, but good quality frozen shrimp from Costco. The flavorful sauce adds to the naturalness of the pink shrimp as you fill up on a healthy, but filling alternative to more mundane, common fare. 7/10 http://blog.myspace.com/locoformovies\": {\"frequency\": 1, \"value\": \"This 1947 film ...\"}, \"It's a rehash of many recent films only this one has fewer stars, lesser complications and a more fuzzy feel to it. Abhay and Ritika (played by Fardeen Khan & Esha Deol respectively) meet at a friend's wedding where their own marriage (unbeknowst to them) begins its process of being arranged. Within no time the two strangers are married and sent of to a honeymoon camp where they meet other couples going through the motions similar to theirs. As they spend time together, secrets are revealed, hearts broken and/or mended and love blossoms.

If you've seen Honeymoon Private Limited and/or Salaam-e-Ishq, then you've seen this film. The plot twists are the same, there is not a single element of surprise in the entire two and a half hours of the film. Everything is predictable. I only enjoyed it because I had seen 'Darling' (also starring the leads Deol & Khan) earlier in the day and enjoyed their chemistry in that so I said \\\"why not\\\" when my sister suggested we rent 'Just married' as well.

See it: Because Kirron Kher co-stars and is her usual darling self in it.

Skip it: Because you've had enough of all this couple-fest nonsense!

C+\": {\"frequency\": 1, \"value\": \"It's a rehash of ...\"}, \"NOTHING (3+ outta 5 stars) Another weird premise from the director of the movie \\\"Cube\\\". This time around there are two main characters who find themselves and their home transported to a mysterious white void. There is literally NOTHING outside of their small two-story house. Intriguing to be sure, but I thought the comedic tone established for this movie from the get-go was extremely ill-conceived. There needs to be some humour, certainly... and I have no problem with the humour that was eventually derived from the plight of our two heroes (their final \\\"showdown\\\" was definitely a hoot)... but I really think the movie would have been a lot better off if it had stayed more rooted in reality in the beginning. After watching the movie I watched the \\\"Making of\\\" feature on the DVD and a short trailer at the end is almost totally devoid of the \\\"sillier\\\" comedic aspects... making it look like a completely different (and slightly better) movie. The last half hour of the movie is where things really start to come together... similar in a way to the recent movie \\\"Primer.\\\" The actors are fine when they are not overdoing the comedy shtick. They are really quite believable in their more \\\"normal\\\" moments. I was probably ready to write this movie off as a failed experiment at the midway point... but it won me over by the end. (And keep watching past the credits for the final scene... just don't ask me to explain it.)\": {\"frequency\": 1, \"value\": \"NOTHING (3+ outta ...\"}, \"I caught this on the dish last night. I liked the movie. I traveled to Russia 3 different times (adopting our 2 kids). I can't put my finger on exactly why I liked this movie other than seeing \\\"bad\\\" turn \\\"good\\\" and \\\"good\\\" turn \\\"semi-bad\\\". I liked the look Ben Chaplin has through the whole movie. Like \\\"I can't belive this is happening to me\\\" whether it's good or bad it the same look (and it works). Great ending. 7/10. Rent it or catch it on the dish like I did.\": {\"frequency\": 1, \"value\": \"I caught this on ...\"}, \"Have not watched kids films for some years, so I missed \\\"Here Come the Tigers\\\" when it first came out. (Never even saw \\\"Bad News Bears\\\" even though in the '70s I worked for the guys who arranged financing for that movie, \\\"Warriors,\\\" \\\"Man Who Would Be King,\\\" and \\\"Rocky Horror Picture Show,\\\" among others.) Now I like to check out old or small movies and find people who have gone on to great careers despite being in a less than great movie early on. Just minutes into this movie I could take no more and jumped to the end credits to see if there was a young actor in this movie who had gone on to bigger and better things--at least watching for his/her appearance would create some interest as the plot and acting weren't doing the job. Lo and behold, I spied Wes Craven's name in the credits as an electrical gaffer. He'd already made two or three of his early shockers but had not yet created Freddie Krueger or made the \\\"Scream\\\" movies. Maybe he owed a favor and helped out on this pic. More surprising was Fred J. Lincoln in the cast credits as \\\"Aesop,\\\" a wacky character in the movie. F.J. Lincoln, from the '70s to just a few years ago, appeared in and produced adult films. He was associated with the adult spoof \\\"The Ozporns,\\\" and just that title is funnier than all of \\\"Tigers\\\" attempts at humor combined. Let the fact that an adult actor was placed in a kids movie be an indication as to how the people making this movie must have been asleep at the wheel.\": {\"frequency\": 1, \"value\": \"Have not watched ...\"}, \"This is the worst movie I have ever seen in my entire life. The plot and message are horrible. There are too many mistakes in this movie that it's impossible to keep up. I don't even understand how this movie can get any nomination, let alone 2. Here's why: 1) Sam Lee portrays a angry/irrational detective which was caused by the disappointment from his dad. Pros: He's angry alright. Cons: When it comes to the explanation scene, he cannot convey the sadness/disappointment he has in his father. The crying scene was too fake and it seems like he is literally squeezing out tears from the corner of his eyes.

2) To connect the movie to the title, there were barking or dog wimping sounds during the fight scenes and rape scene, which is totally irrelevant and confusing to the viewer. I understand that it's supposed to be a metaphor or what not... but it's just sooo dumb! 3) WHY THE HECK DID THE COPS NOT SHOOT THE KILLER? What the heck is wrong with this movie. When the killer started stabbing an officer, SHOOT him. He's already dead! What the heck? There were lots of opportunity that the killer could be killed, but I do not know why he wasn't! 4) During the scene where the girl had her foot hurt. In the scene, it was very clear that the LEFT foot of the girls was hurt, so how the heck in the next scene that she's lending all her weight on her left foot? And this is the actress nominated as the best new performer? WTF? 5) The sounds in the movie are off sync.

6) I am guessing that this movie is trying to bring awareness of the brutality and violence among children in South East Asia, so why does the bad guy wins and then the cop was joining the fight? 7) This movie is just too violent without a purpose. Cops are beating CI to a pulp and then if they cooperate, they give them marijuana and coke? This is overall the worst movie. I truly feel that the person who wrote this movie is a sadist and sick person. I have never seen a more disgusting movie in my whole entire life. WORST MOVIE EVER!\": {\"frequency\": 1, \"value\": \"This is the worst ...\"}, \"Dudley Moore is fantastic in this largley unknown classic. This film is very witty film that relies hugely on the actors talent. Without Dudley Moore, John Gielgud, Liza Minnelli, and a few others, this film could have been a disaster. It is not always well shot and at times has some very corny music that tries to force a mood (the \\\"psycho\\\"-like music at the wedding fight), but the acting overcomes it. The character Arthur is hilarious, with his drunken comments. But he develops well into a more mature, well rounded character as he learns to live by his own free will. The end is fairly corny, though. I wont give it away, but it could be improved. Worth seeing many times.\": {\"frequency\": 1, \"value\": \"Dudley Moore is ...\"}, \"What do you get if you cross The Matrix with The Truman Show?

I'm sure you've all seen The Matrix by now. The creators of The Matrix say that it is 'anime inspired'. Just from watching the trailer to this classic, you can see where they took the plot from.

The film is sort of set in 1980s Japan, and it really shows. The costumes, music and words(in the recent English Language version by AD Vision) are all like they've been directly lifted from the era. I believe it was made in that time also, but due to certain plot points, this doesn't date the film!

As you probably guessed by my referencing to The Matrix, the world isn't real. It's not really the 1980's. In fact, it's something more like the 2480's. After a nuclear war, the Earth(or \\\"Biosphere Prime\\\")'s ecosystem was destroyed. The survivors we're forced to escape into space, where the conflict continued. Once the planets(or \\\"Biospheres\\\") were all abandoned, people began to live in MegaZones - cities inside of spaceships, where, via hypnotism techniques and Truman Show-esque illusion, they were made to believe they we're back on earth, in the most peaceful time in recent memory... The 1980s. When young Shogo obtains a mysterious advanced looking motorcycle, it leads him to find out more than he's supposed to know... The Garland(a bike which becomes a mech), a weapon from the 2400's, aids Shogo in his escape from the pursuing military. As more and more is discovered about the MegaZone, the war comes closer to home, and due to conflicts between the military and the computer, the war comes to the MegaZone too... I apologise if those points are seen as spoilers, but the plot is outlined basically that way on the synopsis.

Emotions run high in this movie, moreso than The Matrix. You really do believe the war is going on, and Shogo really does become quite scarred by what he's discovering. What starts off as an uber-happy cool 80's flick becomes a tragic tale of war and unreality. These characters are real people, not the cardboard cutouts we saw flipping around in bullet-time in The Matrix. There really is the sense of the suffering people can go through after being caught up in such a conspiracy, and a war. It may just choke you up towards the end... I know it did me.

Animation is pretty impressive for it's day, and the picture quality on the ADVision DVD is unbelievable for it's age. The artwork style is beautiful and reminiscent of traditional anime, very cultural. Be prepared for quite a lot of violence and blood, there's also an erotic sex scene.

The ending can be seen as a 'there can be no ending', similar to the Matrix, or, supposedly can be followed by the sequel, which I haven't yet had the pleasure of watching.

I have to say that this is one of the best animes I've seen, in fact, one of the best movies I've seen, and considered by many to be one of the greatest animes of all time.

I must recommend the ADVision DVD, as their take on the English Language is incredible, and does the movie justice, and can be purchased with an artbox for holding the two sequels when they are released, which will have the same vocal cast.

All in all, MegaZone 23 is an incredible movie, and deserves to be held highly, and should be an essential in any anime fan's collection. Heck, even my mother enjoyed it.\": {\"frequency\": 1, \"value\": \"What do you get if ...\"}, \"A fantastic Arabian adventure. A former king, Ahmad, and his best friend, the thief Abu (played by Sabu of Black Narcissus) search for Ahmad's love interest, who has been stolen by the new king, Jaffar (Conrad Veidt). There's hardly a down moment here. It's always inventing new adventures for the heroes. Personally, I found Ahmad and his princess a little boring (there's no need to ask why John Justin, who plays Ahmad, is listed fourth in the credits). Conrad Veidt, always a fun actor, makes a great villain, and Sabu is a lot of fun as the prince of thieves, who at one point finds a genie in a bottle. I also really loved Miles Malleson as the Sultan of Basra, the father of the princess. He collects amazing toys from around the world. Jaffar bribes him for his daughter's hand with a mechanical flying horse. This probably would count as one of the great children's films of all time, but the special effects are horribly dated nowadays. Kids will certainly deride the superimposed images when Abu and the genie are on screen together. And the scene with the giant spider looks especially awful. Although most of the younger generation probably thinks that King Kong looks bad at this point in time, Willis O'Brien's stop-motion animation is a thousand times better than a puppet on a string that doesn't even look remotely like a spider. 8/10.\": {\"frequency\": 1, \"value\": \"A fantastic ...\"}, \"I had the opportunity to see this film debut at the Appalachian Film Festival, in which it won an award for Best Picture. This film is brilliantly done, with an excellent cast that works well as an ensemble. My favorite performances were from Youssef Kerkour, Justin Lane , and Adam Jones. Also, there are some great effects with dragonflies and cockroaches, that I was surprised to find out that this film was done on a small budget. The writer-director Adam Jones, who I believe also won an award for his writing, does an excellent job with direction. The audience loved this movie. Cross Eyed will keep you laughing throughout the movie. Definitely a must see.\": {\"frequency\": 1, \"value\": \"I had the ...\"}, \"I was very moved by the story and because I am going through something similar with my own parents, I really connected. It is so easy to forget that someone whose body is failing was once vibrant and passionate. And then there's the mistakes they made and have to live with. I loved Ellen Burstyn's performance and who is Christine Horne? She's fantastic! A real find. There is probably the most erotic scene I've ever seen in a film, yet nothing was shown - it was just so beautifully done. Overall the look and feel of the film was stunning, a real emotional journey. Cole Hauser is very very good in this picture, he humanizes a man spiraling downwards. I liked the way the filmmaker approached this woman's life, never sentimental, never too much - just enough to hook us in, but not enough to bog down.\": {\"frequency\": 1, \"value\": \"I was very moved ...\"}, \"I have seen some bad movies (Austin Powers - The Spy Who Shagged Me, Batman Forever), but this film is so awful, so BORING, that I got about half way through and could not bear watching the rest. A pity. Boasting talent such as Kenneth Branagh, Embeth Davitz and Robert Duvall and a story by John Grisham, what went wrong? Branagh is a big-time lawyer who has a one-night fling with Davitz. Her father (Duvall) is a psychopath who hanged her cat, etc, etc, so Branagh has him sent to a nuthouse, and he promptly escapes. Somehow (I couldn't figure out how) Robert Downey jr, Daryl Hannah, Famke Janssen and Tom Berenger are all mixed into the story which moves slower than stationary. I wanted to like this, and, being a huge Grisham fan, have read all about this movie and I (foolishly) expected something interesting. This is honestly the WORST film I've seen to date and I wish I could have my money refunded. * out of *****.\": {\"frequency\": 1, \"value\": \"I have seen some ...\"}, \"How this piece of garbage was put to film is beyond me. The only actor who is at all known to me is Judge Reinhold, an accomplished actor whose presence is merely a justification for putting it into production.

I don't even think it is worth a nomination for a rotten tomato award, this film really does make B movies a cinematic enjoyment. A car travelling along the freeway with police in tow, and no one knows how to stop the car, yeah, right.

The script must have been written on the back of a cigarette carton. Most made for TV movies are awful but this redefines the word. Check out the acting skills of the bridge operator, pure Oscar material.\": {\"frequency\": 1, \"value\": \"How this piece of ...\"}, \"The clich\\ufffd\\ufffd of the shell-shocked soldier home from the war is here given dull treatment. Pity a splendid cast, acting to the limits of their high talents, can't redeem 'The Return of the Soldier' from its stiff-collared inability to move the viewer to emotional involvement. Best moments, as another reviewer noted, come when Glenda Jackson is on screen; but even Jackson's crackling good cinematic power can't pull this film's chestnuts from its cold, never warmed hearth. Ann-Margret, she of sex-kitten repute and too often accused of lacking acting ability, finds her actual and rather profound abilities wasted here - despite her speaking with a nigh-flawless Middlesex accent. The hackneyed score, redolent of many lackluster TV miniseries' slathered-on saccharine emotionalism, is at irritating odds with the emotional remoteness of the script, blocking, and overbaked formalism of the direction; except for its score and corseted script and direction, 'The Return of the Soldier' has all the right bits but it fails to make them work together.\": {\"frequency\": 1, \"value\": \"The clich\\u00e9 of the ...\"}, \"Let me begin by saying I am a big fantasy fan. However, this film is not for me. Many far-fetched arguments are trying to support this film's claim that dragons possibly ever existed. The film mentions connections in different stories from different countries, but fails to investigate them more thoroughly, which could have given the film some credibility. The film uses (nice!) CGI to tell us a narrated fantasy story on a young dragon's life. This is combined with popular-TV-show-CSI-style flash-forwards to make it look like something scientific, which it is definitely not. In many cases the arguments/clues are far-fetched. In some cases, clues used to show dragons possibly existed, or flew, or spit fire are simply invalid. To see this just makes me get cramp in my toes. Even a fantasy film needs some degree of reality in it, but this one just doesn't have it. Bottom line: it's a pretentious fantasy-CSI documentary, not worth watching.\": {\"frequency\": 1, \"value\": \"Let me begin by ...\"}, \"I thought that it was a great film for kids ages 6-12. A little sappy, but the story is uplifting an fresh. It proves that the dreams of an adolescent can truly come true. I think that it's a great story for any kid who is feelings down, or feels as if there trying to juggle too many things among them. Very 'cute' film. Bravo.\": {\"frequency\": 1, \"value\": \"I thought that it ...\"}, \"As many agree, Origin is a beautiful anime artistically. The music, graphics, and the world created are gorgeous and it really stands above most other modern animated works. However, if you are looking for more than this, than I suggest looking else where. The beauty stops short of its appearance, and when it really comes down to plot and characters, there's nothing special. Action is slow and minimal and the people are flat, corny at times, and do not act realistically. Not to mention the plot hole here and the plot hole there... So, in summary, oh my goodness, I've never seen an anime as beautiful as this one; and oh my goodness, it's like... -poke- people don't act like that. It took a GIANT step forward in graphics and music in anime, but it also took a few step backs to times of bad characterization, and unfortunately, there's not even that much action to make up for that...\": {\"frequency\": 1, \"value\": \"As many agree, ...\"}, \"Tears of Kali is an original yet flawed horror film that delves into the doings of a cult group in India comprised of German psychologists who have learned how to control their wills and their bodies to the point that they can cause others to be \\\"healed\\\" through radical techniques (that can trigger nightmarish hallucinations and physical pain and torture) to release the pent-up demons inside them.

The film is shown as a series of vignettes about the Taylor-Eriksson group--the above-mentioned cult group. The first segment is somewhat slower than the rest but serves fine to set up the premise for the rest of the film. The rest of it plays out like a mindf@ck film with some of the key staples thrown in the mix (full-frontal nudity, some gore) to keep you happy.

I say check this out. May not be spectacular, but it's concept is pretty neato and it delivers in the right spots. 8/10.\": {\"frequency\": 1, \"value\": \"Tears of Kali is ...\"}, \"I came to NEW PORT SOUTH expecting a surrogate movie about the Columbine school massacre similar to Gus Van Sant's ELEPHANT and certainly the synopsis in the TV guide stating that a student sociopath rebels against the system did give me that impression but this is a very boring movie where little happens so consider yourself warned

The story is about Maddox , a Chicago high school student who decides to strike back at what he perceives to be an authoritarian regime . The major problem is that the character is underwritten and the actor who plays him Blake Shields is unable to embellish any script deficiencies . You have the gut feeling that Maddox should have the evil charisma of Hitler , Saddam or Bin Laden but he never comes across as anything more than a petulant truculent teenager and it's impossible to believe he could rally any disciples . The subtext of you overthrow one manipulative authoritarian regime only to replace it with another manipulative regime is too obvious which means NEW PORT SOUTH is an entirely unconvincing drama that's not worth going out of your way to see\": {\"frequency\": 1, \"value\": \"I came to NEW PORT ...\"}, \"Henry Sala's \\\"Nightmare Weekend\\\" is a rotten piece of sludge from Troma.This is a juvenile,sloppy and stupid low-budget horror film about some teenage girls spending the weekend at a mansion.The professor's evil assistant lures the girls into a bizarre scheme to perform hideous experiments.Using a brain implant she transforms her victims and their dates into zombies.\\\"Nightmare Weekend\\\" is a completely braindead piece of garbage that features lots of nudity and some cheesy gore,not to mention a laughable musical score.The acting is horrendous and the script is utterly incoherent.Why such piece of crap is widely distributed is beyond me.Avoid it like the plague.1 out of 10.\": {\"frequency\": 1, \"value\": \"Henry Sala's ...\"}, \"***SPOILERS*** ***SPOILERS*** Juggernaut is a British made \\\"thriller\\\" released in the US by First National. Karloff is Dr. Sartorius who has to leave his research because his funds have dried up. Karloff is forced to retreat to France and start up a medical practice. He is propositioned by a conniving woman who wants to get rid of her much older husband. She knows Karloff needs the money.

Karloff agrees to the proposition and soon becomes the personal doctor of the husband. All the while, the wife is prancing about town with the local no good playboy. Karloff finally injects the old geyser with poison and he kicks off. However, his son (from another marriage) arrives a few days before the killing and finds out the will has been changed. When he spills the beans to the wife, she goes berserk and even bites the son's hand.

Meanwhile, Karloff's nurse has misplaced the hypo Karloff used to kill the old man. When Karloff finds out he isn't getting any money, he asks the wife to poison the son. The nurse suspects Karloff and finds the missing hypo. Analysis shows poison, but not quite in time as Karloff kidnaps the nurse.

To make a long story short, the nurse escapes, gets the police, and manages to save the son who is about to be injected by Karloff. Karloff instead injects himself and dies.

This movie does have some good points. Karloff is possessed and plays the type of mad doctor he did in The Devil Commands and the Man Who Lived Again. It is peculiar, however, to see him walk around stiffly and slightly hunched over. We never find out why he is walking this way. I suspect the director thought it made him more sinister.

The actress playing the 2-timing wife overacts something terrible. She has a French accent. Even though she overacts badly, you still manage to hate her (or maybe you hate her because of her acting...).

A little below average for a Karloff vehicle. If you buy the Sinister Cinema VHS copy, the audio is a bit choppy.\": {\"frequency\": 1, \"value\": \"***SPOILERS*** ...\"}, \"Stephen King adaptation (scripted by King himself) in which a young family, newcomers to rural Maine, find out about the pet cemetery close to their home. The father (Dale Midkiff) then finds out about the Micmac burial ground beyond the pet cemetery that has powers of resurrection - only of course anything buried there comes back not quite RIGHT.

Below average \\\"horror\\\" picture starts out clumsy, insulting, and inept, and continues that way for a while, with the absolute worst element being Midkiff's worthless performance. It gets a little better toward the end, with genuinely disturbing finale. In point of fact, the whole movie is really disturbing, which is why I can't completely dismiss it - at least it has SOMETHING to make it memorable. Decent supporting performances by Fred Gwynne, as the wise old aged neighbor, and Brad Greenquist, as the disfigured spirit Victor Pascow are not enough to really redeem film.

King has his usual cameo as the minister.

Followed by a sequel also directed by Mary Lambert (is it any wonder that she's had no mainstream film work since?).

4/10\": {\"frequency\": 1, \"value\": \"Stephen King ...\"}, \"I recently rented the animated version of The Lord of the Rings on video after seeing the FANTASTIC 2001 live action version of the film. The Lord of the Rings live action trilogy directed by Peter Jackson will undoubtably be far better than George Lucas' Star Wars \\\"prequel\\\" trilogy (Episodes 1-3) will ever be as the real fantasy film series of the 21st century!

I remember seeing the animated version as a child, and I didn't quite understand the depth of the film at that time. Now that I have read the books, I understand what the whole storyline is all about. To be sure, some of the characters are quite silly, (Samwise Gangee is particularly annoying, almost as much as Jar Jar Binks in Star Wars Episode One, (AWFUL!)) but, I have to say it follows the book rather closely, and it goes into part of book two, The Two Towers. The good things are that the action is somewhat interesting and some of the animation is quite remarkable for it's time. The bad things are that it ends upruptly halfway through The Two Towers without any result of Frodo's quest to destroy the one ring, and the animation looks quite dated compared to today's standards.

Overall, not AS bad as many say it is. BUT, the 2001 live action version is the new hallmark of The Lord of the Rings! At least Ralph Bakshi took the script seriously! Peter Jackson has said that the animated version inspired him to read the books, which in turn caused him to create one of the greatest fantasy series ever put on film, so we can at least thank Ralph Bakshi for that matter! I'll take the animated version of Lord of the Rings over the live version of Harry Potter anyday!

A 7 out of a scale of 1-10, far LESS violent than the 2001 live action version, but NOWHERE near as good! For diehard fans of the books and film versions of The Lord of the Rings.\": {\"frequency\": 1, \"value\": \"I recently rented ...\"}, \"this movie was a horrible excuse for...a movie. first of all, the casting could have been better; Katelyn the main character looked nothing like her TV mom.

also, the plot was pathedic. it was extremely clich\\ufffd\\ufffd and predictable. the ending was very disappointing and cheesy. (but thats all i'll say about that).

the nail in the bag though, was a scene when Katelyn (jordan hinson) was supposed to be crying, but the girl couldn't cry on command! there were no tears streaming down her face, just a few unbelievable sobs. she is not a dynamic actress at all. she gave the same fake little laugh identical to that of hillary duff on lizzie Maguire (sp?). thats when the movie went from not-so-good, to just plain bad. it really looked like she was acting.

in a nutshell: this movie was really bad! it was kind of a mix of every clich\\ufffd\\ufffd kid movie from the 1990's that everyone's sick of--only worse!

i give it an 'F', because it was just so darn hard to sit through (b/t/w, i was babysitting when i saw it).

however, you may like it if your 9 or under. ;)\": {\"frequency\": 1, \"value\": \"this movie was a ...\"}, \"One star for the \\\"plot\\\". One star for the acting. One star for the dubbing into squeaky-voiced American. Five stars for Monica Broeke and Inge Maria Granzow, with their propensity for taking all their clothes off. And ten out of ten for the divine Emmanuelle B\\ufffd\\ufffdart, two years before she made 'Manon des sources'. B\\ufffd\\ufffdart also undresses a couple of times, but even fully-clothed her presence is enough to make this film eminently watchable. Watch out for the scene where she tells her friend about the three \\\"first times\\\" for a girl. It's corny, but still far more erotic than the rather laughably choreographed \\\"love scenes\\\" featuring Broeke, Granzow and Patrick Bauchau. Incidentally, the cinematography is not great; the stills for the closing credits are a better indication of what David Hamilton is capable of.\": {\"frequency\": 1, \"value\": \"One star for the ...\"}, \"As someone who likes chase scenes and was really intrigued by this fascinating true-life tale, I was optimistic heading into this film but too many obstacles got into the way of the good story it should have been.

THE BAD - I'm a fan of Robert Duvall and many of the characters he has played, but his role here is a dull one as an insurance investigator.

The dialog is insipid and the pretty Kathryn Harrold is real garbage-mouth. From what I read, there were several directors replacing each other on this film, and that's too bad. You can tell things aren't right with the story. I couldn't get \\\"involved\\\" with Treat Williams' portrayal of Cooper, either. He should have been fascinating, but he wasn't in this movie. It's also kind of a sad comment that a guy committing a crime is some sort of \\\"folk hero,\\\" but I admit I wound up rooting for the guy, too.

Not everything was disappointing. I can't complain about the scenery, from the lush, green forests of Oregon to the desert in Arizona.

I'd like to see this movie re-made and done better, because it is a one-of-a-kind story.\": {\"frequency\": 1, \"value\": \"As someone who ...\"}, \"This movie will tell you why Amitabh Bacchan is a one man industry. This movie will also tell you why Indian movie-goers are astute buyers.

Amitabh was at the peak of his domination of Bollywood when his one-time godfather Prakash Mehra decided to use his image yet again. Prakash has the habit of picking themes and building stories out of it, adding liberal doses of Bollywood sensibilities and clich\\ufffd\\ufffds to it. Zanzeer saw the making of Angry Young Man. Lawaris was about being a bastard and Namak Halal was about the master-servant loyalties.

But then, the theme was limited to move the screenplay through the regulation three hours of song, dance and drama. What comprised of the movie is a caricature of a Haryanavi who goes to Mumbai and turns into a regulation hero. Amitabh's vocal skills and diction saw this movie earn its big bucks, thanks to his flawless stock Haryanvi accent. To me, this alone is the biggest pull in the movie. The rest all is typical Bollywood screen writing.

Amitabh, by now, had to have some typical comedy scenes in each of his movies. Thanks to Manmohan Desai. This movie had a good dose of them. The shoe caper in the party, the monologue over Vijay Merchant and Vijay Hazare's considerations, The mosquito challenge in the boardroom and the usual drunkard scene that by now has become a standard Amitabh fare.

Shashi Kapoor added an extra mile to the movie with his moody, finicky character (Remember him asking Ranjeet to \\\"Shaaadaaaap\\\" after the poisoned cake incident\\\"). His was the all important role of the master while Amitabh was his loyal servant. But Prakash Mehra knew the Indian mind...and so Shashi had to carry along his act with the rest of the movie. It was one character that could have been more developed to make a serious movie. But this is a caper, remember? And as long as it stayed that way, the people came and saw Amitabh wearing a new hat and went back home happy. The end is always predictable, and the good guys get the gal and the bad ones go to the gaol, the age-old theme of loyalty is once again emphasized and all is well that ends well.

So what is it that makes this movie a near classic? Amitabh Bacchan as the Haryanvi. Prakash Mehra created yet another icon in the name of a story. Chuck the story, the characters and the plot. My marks are for Amitabh alone.\": {\"frequency\": 1, \"value\": \"This movie will ...\"}, \"While the premise behind The House Where Evil Dwells may be intriguing, the execution is downright pathetic. I'm not even sure where to begin as I've got so many problems with this movie. I suppose I'll just number a few of them:

1. The Acting \\ufffd\\ufffd When you see that Edward Albert, Doug McClure, and Susan George (and her teeth) are the stars of your movie, you know you're in trouble? Not that it matters much to me, but these are hardly A-List names. Susan George may have been in a couple of movies I enjoy, but I've never considered her the greatest actress I've ever seen. And in this movie, her acting is embarrassing. As for the other two, the less said the better.

2. The Ghosts \\ufffd\\ufffd The ghosts or spirits or whatever you want to call them reminded me quite a bit of the ghosts in the haunted mansion ride.at Disney World. And, they are about as frightening. And why did they have to be so obvious? Subtlety is not a characteristic of The House Where Evil Dwells.

3. The Plot \\ufffd\\ufffd How predictable can one movie be? The outcome of this movie is painfully obvious once you meet the three main characters. If you couldn't see where this movie was headed after about 15 minutes, you need to see more movies.

4. The Convenient Priest \\ufffd\\ufffd What are the chances that the haunted house you buy just happens to be across the street from a group of Japanese monks? Not to mention that one of them knows the history of your house and comes over, knocks on the door, and asks if you need help removing evil spirits. Absurd is a word that comes to mind.

5. Everything Else \\ufffd\\ufffd It's very difficult for me to think of any positives to write about. I suppose I'll give it a point for the opening scene and a point for the house's architecture. That's a sure sign of a winner \\ufffd\\ufffd noting the architecture as a highlight of any film doesn't say much about the actual movie.

I'll stop. You should be able to get the idea from what I've already mentioned. And, I haven't even mentioned the annoying little girl or the Invasion of the Crabs or a multitude of other problems. Be warned, this thing is horrible.\": {\"frequency\": 1, \"value\": \"While the premise ...\"}, \"This movie was disaster at Box Office, and the reason behind that is innocence of the movie, sweetness of the story. Music was good, story is very simple and old, but presentation of such story is very good, Director tried his best. Abhay is excellent and impressive and he shines once again in his role, he did his best in comedy or in emotional scene. Soha looks so sweet in the movie. Rest star cast was simply okay. Music and all songs are good, Himesh is impressive as an Singer here. Don't miss this movie, its a wonderful movie and a feel good one for us. Abhay best work till date. I will give 9/10 to Ahista Ahista.\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"This story is told and retold and continues to be retold in every possibly way imagine. The immortal Charles Dicken's story has been recreated in every possible way imagine. I admit I have not seen the classic Alistair Sim version and I'm sure someday I will but I would be blown away if it touched even close to this amazing eighties version. I believe that if Dickens himself had created his story for film this would be it.

The story is well known, I won't go into much detail because everyone has seen it in one form or another. A rich, stingy, mean, old man is visited by the Ghost of his former partner and warned about his mean ways. In order to straighten him out he is visited by three spirits, each which show him a different perspective of his life and the people he is involved with, past, present and future. Finally in seeing all this before him he realizes the error of his ways in a big way and attempts retribution for all the wrong he has done.

George C. Scott is absolutely, undeniably perfect for this role. He takes hold of the Ebeneezer Scrooge role and makes it his own and creates an incredible character. He is not just a mean old man, but someone who has been effected by certain situations in his life that has made him bitter and angry at the world. There is compassion within him but he holds it below everything else and is very self involved. Scott delivers the role of perfection when it comes to Scrooge.

Not only does the leading role make this film but everything else fits into place. This is a grand epic of Victorian England, Dickens England is recreated before our very eyes, the sights and the sounds and you can almost feel the breeze in your face and the smells of the market. Director Clive Donner brilliantly recreates this scene and leaves nothing to the imagination. I could watch this film on mute and be dazzled by the scenery. It's not spectacular scenery per se but it's real. The film takes us from the high class traders market to the very dismal pits of poverty and everything in between.

The rest of the cast fits into their roles and brings their literary counterparts to life. Bob Cratchitt, played by David Warner and his entire family including and especially the young Tiny Tim played by Anthony Walters were wonderful. The Ghosts each had their own distinct personality and added to the dark mood of this story. A Christmas Carol is not a light story. Dickens wrote this story for a dark period in England's life and it's one of the few Christmas tales that is really dark, almost scary, and it has to be scary in order to scare a man who has been a miser for so many years into turning around. The dark feel to the story is captured in this film and is downright frightening and yet the end lifts your spirits and captures Christmas miracles. The score to this film is also something to be mentioned as it is epic and grand and beautiful to listen to whether it's the actual score or the Christmas music, everything fits together. Apparently Christmas movies are my favorite because I insist everyone see this Christmas Carol above all others. 10/10\": {\"frequency\": 1, \"value\": \"This story is told ...\"}, \"Where do you begin with a movie as bad as this?

Do you mention the cast of unlikeable heroes? The over-the-top acting? The dreadful script?

No. You just say that anyone who pays money to see a film as poor as this needs their head looking at. I know I do. I respect those poor guys who saw it with little or no advance word from mags like Empire (usually a bad sign if a preview copy isn't available to the quality movie mags). However, cinemas really should start thinking about giving out refunds if the customer isn't happy with the finished product.

I went three days after it opened with two other mates. The only other person in the cinema was one bloke on his own.

And that was on cheap night.

Either the ad campaign had failed dismally or word had spread through most of the country of just what a stinker this is.

Not since the days of The Avengers (1998) have I felt so short changed since watching a movie. If a mate comes round with this on video in a few months make sure he pays your electricity bill while watching it.

Tara Fitzgerald deserves an award for not cracking up - or walking off the set; Keith Allen retains some dignity amid the cinematic carnage; Barry Foster should have been arrested on the set for his performance, Rhys Ifans does his career no favours after the success of Notting Hill and only Dani Behr is halfway likeable as a busty secretary.

Mind you, considering she used to be in The Word, any viewers' expectations of her acting ability had to be pretty low to begin with.

The production values aren't bad considering the obviously limited budget but that script is atrocious. If you want to hear a bunch of unlikeable characters say \\\"Fak!\\\" for a couple of hours then this should be right up your street.

Otherwise, bargepoles required.

\": {\"frequency\": 1, \"value\": \"Where do you begin ...\"}, \"Charlotte's deadly beauty and lethal kicks make the movie cooler than it'd be otherwise.The story is so poor and Charlotte's character dies in such a foolish way, that you wonder if this's the ending they had thought of for this movie. I wish somebody could tell that an alternative ending exists, but I fear it doesn't. As for the rest of the cst, well I'd say they simply didn't act very well; although the blame should be put on the poor script.This movie reminds me of Rush Hour 2 where Zhang Ziyi dies in absurd way, since she had been the only one who had stolen the show during the whole movie. I could give this movie 2/5\": {\"frequency\": 1, \"value\": \"Charlotte's deadly ...\"}, \"I always feel strange and guilty saying it (because I'm a fairly well-educated non-teenager), but I actually sort of like the Olsen twins, and I respect the movies they make, even though I've never really been their target audience. \\\"When in Rome\\\" was a traditional Mary-Kate and Ashley movie, complete with the foreign travel, accents, motorbikes, adult romance as a \\\"B\\\" storyline, fashion orientation, and even the gag reel over the credits. I enjoyed myself. \\\"When in Rome\\\" and the other Olsen twin movies never pretend to be anything they're not; most of the time, they only premiere on video, and they never claim to be the next \\\"Citizen Kane\\\" or even \\\"An Affair to Remember.\\\" My point is, people who watch this movie and expect it to be anything other than another Olsen twin movie will be disappointed.

That said, those who ARE fans of the Olsen twins will really enjoy themselves. For those of us who've watched them since the first episodes of \\\"Full House,\\\" it's really great to see them growing into more mature roles. This movie provides important historical and geographical information, just like many of their other movies (remember 10 Downing Street from \\\"Winning London\\\" and the visit to the Louvre from \\\"Passport to Paris\\\"?) as well as providing good, clean fun that can be enjoyed by the whole family.

As long as I still feel like I'm on my soapbox, and as long as I can make it relevant to the movie, let me take a moment to challenge those who reject the Olsen twins: in order to be a fan of the Olsen twins, you don't have to be some pre-teen \\\"valley girl\\\" from California. In fact, that's not really the target audience. If it were, the MK&A fashion line of clothes and accessories would be run through Gap or some store like that, not Wal-Mart. \\\"When in Rome,\\\" while it does feature \\\"high fashion\\\" and globe-trotting and two girls from a valley in Cali, isn't really ABOUT that... it's more about inspiring young girls who have initiative to let it take them places. If that means setting the movie in some glamorous foreign city with cute guys on motorbikes, so be it. That's called marketing--you take an idea and sell it by making it appealing. At least they're sending a good message, even if the means seem a little superficial.

Basically, don't knock the film until you've seen it, and then don't knock it until you've tried to understand what the Olsen twins do: they encourage young girls to be creative, intuitive, and driven young women. This movie does that, I think, just like their others. Kids - enjoy. Parents - do the same. If you like the Olsen twins, you won't be disappointed.\": {\"frequency\": 1, \"value\": \"I always feel ...\"}, \"This was the third Muppet movie and the last one Jim Henson was around to take part in the making of before his premature death in 1990. The first three films starring the famous characters were all made and released into theatres before I was born. I originally saw the first and second installments in the original trilogy, \\\"The Muppet Movie\\\" and \\\"The Great Muppet Caper\\\", around the mid-nineties, as a kid, but didn't see this third one, \\\"The Muppets Take Manhattan\\\", until April 2007. This was shortly after I had seen its two predecessors and 1996's \\\"Muppet Treasure Island\\\" for the first time in many years. This third Muppet movie definitely didn't disappoint me the first time I saw it, and my second viewing nearly three years later may not have impressed me as much, but if not, it certainly didn't go too far downhill.

The Muppets' stage musical, \\\"Manhattan Melodies\\\", turns out to be a big hit on their college campus. They are graduating from college, so they will soon be leaving, but decide they will all stay together and go to Manhattan to try and get their show on Broadway. After their arrival, they begin searching for a producer, but after many rejections, they finally decide to part and go find jobs. Most of them leave town, but Kermit stays, and is still determined to find the right producer and reunite the Muppet gang. He gets a job at a New York restaurant owned by a man named Pete. The frog quickly befriends Pete's daughter, Jenny, an aspiring fashion designer who currently works at her father's restaurant as a waitress. As Kermit continues his attempts to reach stardom, now with the help of Jenny, he doesn't know that Miss Piggy has secretly stayed in New York and is now spying on him. She begins to see Kermit and Jenny together, and to her it looks like they're getting close, which leads to jealousy!

When I saw this movie for the second time, it looked disappointing at first. It seemed a little rushed, unfocused, and maybe even forgettable around the beginning. There are some funny bits during this part of the film, such as Animal chasing a woman through the audience on the college campus, but for a little while, the film seemed bland to me compared to its two predecessors. Fortunately, it wasn't long before that changed. The film is entertaining for the most part, with \\\"Saying Goodbye\\\", the poignant song the Muppets sing as they part, and a lot that happens after that. The two funniest parts MIGHT be Miss Piggy's tantrums after she sees Kermit and Jenny hugging, but there were definitely many other times when I laughed, such as poor Fozzie trying to hibernate with other bears. The Muppets still have their charm and comical antics, which obviously also helps carry the movie for the most part, as does the plot, a simple but intriguing one for all ages. There are some weaker moments, such as the Muppet babies sequence, and Juliana Donald's performance as Jenny is lacklustre, but neither of these problems are too significant, and are far from enough to ruin the entire experience.

I would say \\\"The Muppet Movie\\\", the film that started the franchise in 1979, is the best of the original trilogy, and that seems to be the most popular opinion. This third film is probably the weakest of the three, but all of them are good. Unlike \\\"Muppets From Space\\\", the third of the theatrical films in the franchise made after Henson's sad passing, at least \\\"The Muppets Take Manhattan\\\" is still the Muppets! I won't go into details about what I think of the Muppets' 1999 film, released twenty years after their first one, since I've already explained in my review of it why I found it so disappointing, and even though it does have some appeal, I'm clearly not alone. However, every theatrical movie starring the lovable Muppets that was made during Henson's life is good entertainment for the whole family, even if the second and third installment each showed a slight decline in quality after the one that directly preceded it.\": {\"frequency\": 1, \"value\": \"This was the third ...\"}, \"Ruth Gordon is one of the more sympathetic killers that Columbo has ever had to deal with. And, the plot is ingenious all the way around. This is one of the best Columbo episodes ever. Mariette Hartley and G. D. Spradlin are excellent in their supporting roles. And Peter Falk delivers a little something extra in his scenes with Gordon.\": {\"frequency\": 1, \"value\": \"Ruth Gordon is one ...\"}, \"This show has a few clich\\ufffd\\ufffds and a few over the top, Dawson's Creek-like moments (a 16-year-old talking about way back when life made sense?), but overall it seems like a decent show. Most of the characters seem very real, and the story seemed to move along well in the pilot - ending with a good lesson in the end. I just hope every episode doesn't turn out to be life-altering like the first, that would just be too much drama for this vehicle. Jeremy Sumpter does an excellent job as a teenager with a passion for baseball, I believe a lot of us could relate to his awe and sometimes tunnel vision for the team that he always wanted to a part of.\": {\"frequency\": 1, \"value\": \"This show has a ...\"}, \"Over the years, we've seen a lot of preposterous things done by writers when the show just had to go on no matter what, keeping \\\"8 Simple Rules\\\" going after John Ritter died comes to mind, but this is probably the first time I cared. The idea of having \\\"That 70's Show\\\" without Eric or to a lesser extent Kelso is ridiculous. They tried to cover it up with a comeback of Leo and increasingly outrageous story lines, but it always felt like why bother when you don't have a main character anymore. It just didn't really connect, it was a bunch of unrelated stuff happening that most of the time wasn't even funny. The last season felt like the season too much for every single character, simply because Eric used to take a lot of screen time and now we'd be smashed in the face by how stale and repetitive the rest of the characters were. Focusing on the gimmick that is Fez was thoroughly uninteresting and the character would simply stop working, because the whole deal was that he'd say something weird from out of nowhere, and you can't say stuff from out of nowhere when every second line is yours. They also brought in the standard cousin Oliver, only this time it just wasn't a kid. Whenever you heard somebody knock on the door, you started praying it wasn't Randy, please let it not be Randy. The deal with Randy was that he'd do really awful jokes, usually as Red would say, smiling like an ass and totally screwing up delivery and Donna would be in stitches. I think more than half of the last season was Donna pretending to be amused. The problems had started earlier though: what once was a truly great show with an equally great concept that for once wasn't about a dysfunctional family slowly got into the territory of soap opera. Everybody started being in love with everybody, emotional scenes were dragged out at nausea, with just one usually lame joke placed somewhere to divert attention that we were watching \\\"As The World Turns\\\". I'm guessing this was character development, but come on that was written almost as clumsily as the moral lessons from \\\"Family Matters\\\". To be fair, the last episode, also because it had a cameo by Topher Grace (a cameo in his own show), was really good, even if not that funny either.

By the way, yet more criticism on Season 8: what the hell was with the opening theme? Not only did they use the same joke twice (a character not singing), Fez scared the hell out of me. Dude, don't open your eyes that far. But the first five seasons or so,among the best comedy ever broadcast.\": {\"frequency\": 1, \"value\": \"Over the years, ...\"}, \"When it first came out, this work by the Meysels brothers was much criticized and even judged to be exploitation. Luckily, it is now hailed as a masterpiece of documentary cinema, especially now that society has been exposed to real exploitation in what is reality television, and the bad evolution of most direct cinema.

Really, at first, we must say that this isn't really direct cinema, it is more cinema verit\\ufffd\\ufffd. The difference between the two is very slight, but it mainly is the fact that in this documentary, we are made to feel the presence of the Meysels brothers, and they do interact with the characters filmed. This as well makes it clear that it is not exploitation. The Meysels have been allowed in the house, and they are included in what is a very eccentric situation of a very eccentric household. And both Edith and Edie just love the idea of being filmed.

It would have been very disappointing had very been shown only a voice of God narration and shallow interviews. Here, we are given a full portrait of the madness of the house, a madness that does seem to go down well with both Edie and her mother Edith. Their house is a mess, litter and animals everywhere, faded colors and furniture all over the house, and the constant fights that are constant interactions of reality. These two people have lived with each other their whole life, and are not fighting in front of the camera because they want the attention, but rather because they can't help talking to each other this way. They know each other too well to hide their inner feelings, there is no need. In the end, though, even as they blame each other for their lives, they really love each other deeply. Edie says she doesn't want her mother to die, because she loves her very much, and Edith says that she doesn't want Edie to leave her because she doesn't want to be alone.

But the most interesting aspect of the film is that regardless of their old age, the two women can't help be girls. They cannot help being one the singer, the other the dancer. Exhibit all their artistic skills in front of their camera. When Edie asks David Meysels rhetorically \\\"Where have you been all my life?\\\" she is really very happy that she finally gets to show the whole world herself and her wonderful showgirls skills. A beautiful portrait of stylistic importance and a charm that is highly unlikely to be ever seen again, the way only the Meysels and few others could do.\": {\"frequency\": 1, \"value\": \"When it first came ...\"}, \"I completely agree with the other comment someone should do a What's up tiger Lily with this film.

It has to be one of the worst french films I've seen in a long time (actually along with Brotherwood of the Wolves, 2 horrendous films in a much too short period of time).

It's really sad because the cast is really interesting and the original idea kind of fun. Antoine DeCaunes in particular and Jean Rochefort being among my darlings, I was bitterly disappointed to see them compromised in such a poor film.

Lou Doyon is quite bad, as usual which goes to prove that a pretty face and famous parents can get you into the movies but they don't necessarily give you talent.

avoid this film, if you want to laugh watch an Alain Chabat instead or some nice period piece full of fun like LA FILLE DE D'ARTAGNAN.\": {\"frequency\": 1, \"value\": \"I completely agree ...\"}, \"Given the people involved, it is hard to see why this movie should be so messed up and dull. The writer, David Ward, wrote the amazing caper film \\\"The Sting\\\" two years later, Jane Fonda had just won an Academy Award for Klute, and Donald Sutherland had just done excellent work in films like \\\"Klute,\\\" \\\"Start the Revolution Without Me,\\\" and \\\"Kelly's Heroes.\\\" Plotwise, the movie is a caper tale, with a small gang of bumbling misfits planning a big heist. At the same time the movie wants to be hip satire, a series of comedy sketches of the type that the NBC television show \\\"Saturday Night\\\" would do so well two years later. The bad result is that the plot makes the comedy bits seem awkward and forced and the disconnected comedy bits destroy any kind of suspense that the heist might have. It is quite literally a movie that keeps smashing into itself, just as the cars in the cars in the demolition scenes run into each other.

The only real interest for me was watching Jane Fonda. Her \\\"Iris Caine\\\" is supposed to be a light hearted version of her dramatic Bree Daniels prostitute character in \\\"Klute\\\" Yet, one doesn't believe her for a moment. It is always Jane Fonda pretending to be a prostitute that we are watching. It is as terrible a performance as her performance in \\\"Klute\\\" was terrific. It would be a good lesson for acting teachers to run the two films together to show how the same actress in the same type of role can be great or pathetic. It suggests that actors are only as good as their writers and directors.\": {\"frequency\": 1, \"value\": \"Given the people ...\"}, \"When tradition dictates that an artist must pass his great skills and magic on to an heir, the aging and very proud street performer, known to all as \\\"The King of Masks,\\\" becomes desperate for a young man apprentice to adopt and cultivate.

His warmth and humanity, tho, find him paying a few dollars for a little person displaced by China's devastating natural disasters, in this case, massive flooding in the 1930's.

He takes his new, 7 year old companion, onto his straw houseboat, to live with his prized and beautiful monkey, \\\"General,\\\" only to discover that the he-child is a she-child.

His life is instantly transformed, as the love he feels for this little slave girl becomes entwined in the stupifying tradition that requires him to pass his art on only to a young man.

There are many stories inside this one...many people are touched, and the culture of China opens itself for our Western eye to observe. Thousands of years of heritage boil down into a teacup of drama, and few will leave this DVD behind with a dry eye.

The technical transfer itself is not that great, as I found the sound levels all over the meter, and could actually see the video transfer lines in several parts of the movie. Highly recommended :-) 9/10 stars.\": {\"frequency\": 1, \"value\": \"When tradition ...\"}, \"Awful! Awful! Awful! No, I didn't like it. It was obvious what the intent of the film was: to track the wheeling and dealing of the \\\"movers and shakers\\\" who produce a film. In some cases, these are people who represent themselves as other than what they are. I didn't need a film to tell me how shallow some of the people in the film industry are. I suppose I'm at fault really because I expected something like \\\"Roman Holiday\\\".

I'm not a movie-maker nor do I take film classes but it appeared to me that the film consisted of a series of 'two-shots' (in the main) where the actors(!) had been supplied with a loose plot-line and they were to improvise the dialogue. Henry Jaglon makes the claim that he along with Victoria Foyt actually wrote the screenplay but the impression was that the actors, cognisant of the general direction of the film, extemporised the dialogue - and it was not always successful. Such a case in point was when Ron Silver made some remark which really didn't flow along the line of the conversation (and I'm not going back to look for it!) and Greta Scacchi broke into laughter even though they were supposed to be having a serious conversation, because Silver's remark was such a non sequitur. You get the impression too that one actor deliberately tries to 'wrong foot' the other actor and break his/her concentration. Another instance of this is when a producer tells Silver to \\\"bring the &*%#@#^ documents\\\" (3 times). Silver looked literally lost for words. I have seen one other film which looked like a series of drama workshops on improvisation and that was awful too!

The fact that Jaglon was able to attract Greta Scacchi (no stranger to Australia), Ron Silver, Anouk Ami, and Maximilian Schell suggests it was a 'slow news week' for them. Peter Bogdanovich had a 'what-the-hell-am-I-doing-here' look on his face at all times and I expected to hear him say: \\\"Look, I'm a director and screenwriter - not an actor\\\" - which would have been unnecessary to state! Faye Dunaway seemed more interested in promoting her son, Liam. Apart from the jerky delivery of the dialogue, the hand-held camera became irritating even if it was for verisimilitude - as I suspect the \\\"natural\\\" dialogue was - and the interest in the principals became subsumed to the interest in the various youths walking along the strand trying to insinuate themselves into shot. That at least approached Cinema Verite. So that, along with the irritating French singing during which I used the mute button, made for a generally disappointing 90-odd minutes.

I think we should avoid apotheosising films such as this. Trying to see value in the film where it has little credit in order to substantiate a perceived transcendental level to it is misguided. There was really nothing avant-garde about it. It didn't come across as a work of art and yet it wasn't a documentary either. I know, it was a mocumentary but the real test is whether it is entertaining. I was bored out of my skull! It did have one redeeming feature: it pronounced 'Cannes' correctly so I gave it 3/10.\": {\"frequency\": 1, \"value\": \"Awful! Awful! ...\"}, \"Last year we were treated to two movies about Truman Capote writing the book from which this film was made - Capote and Infamous.

I cannot imagine a movie like this being made in 1967. A stark, powerful and chillingly brutal drama; elevated to the status of a film classic by the masterful direction of Richard Brooks (Elmer Gantry, Cat on a Hot Tin Roof, The professional, Blackboard Jungle).

It is interesting that Robert Blake, who starred in this film, has had so many problems of late that may be related to his portrayal of a killer in this film.

This is a film that stays with you after viewing.\": {\"frequency\": 1, \"value\": \"Last year we were ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"This movie ...\"}, \"Bloodsuckers has the potential to be a somewhat decent movie, the concept of military types tracking down and battling vampires in space is one with some potential in the cheesier realm of things. Even the idea of the universe being full of various different breeds of vampire, all with different attributes, many of which the characters have yet to find out about, is kind of cool as well. As to how most of the life in the galaxy outside of earth is vampire, I'm not sure how the makers meant for that to work, given the nature of vampires. Who the hell they are meant to be feeding on if almost everyone is a vampire I don't know. As it is the movie comes across a low budget mix of Firefly/Serenity and vampires movies with a dash of Aliens.

The action parts of the movie are pretty average and derivative (Particularly of Serenity) but passable- they are reasonably well executed and there is enough gore for a vampire flick, including some of the comical blood-spurting variety. There is a lot of character stuff, most of which is tedious, coming from conflicts between characters who mostly seem like whiny, immature arseholes- primarily cowboy dude and Asian woman. There are a few character scenes that actually kind of work and the actors don't play it too badly but it mostly slows things down. A nice try at fleshing the characters out but people don't watch a movie called Bloodsuckers for character development and drama. The acting is actually okay. Michael Ironside hams it up and is as fun to watch as ever and at least of a couple of the women are hot. The space SFX aren't too bad for what is clearly a low budget work. The story is again pretty average and derivative but as I said the world created has a little bit of potential. The way things are set up Bloodsuckers really does seem like the pilot for a TV series- character dynamics introduced, the world introduced but not explored, etc.

The film does have a some highlights and head scratching moments- the kind of stuff that actually makes these dodgy productions watchable. -The scene where our heroes interrogate a talking sock puppet chestburster type creature. Hilarious. - The \\\"sex scene.\\\" WTF indeed. -The credit \\\"And Michael Ironside as Muco.\\\" The most annoying aspect of it all though is the really awful and usually inappropriate pop music they have playing very loud over half the scenes of the movie. It is painful to listen to and only detracts from what is only average at best.

Basically an okay watch is you're up for something cheesy, even if it is just for the \\\"chestburster\\\" scene.\": {\"frequency\": 1, \"value\": \"Bloodsuckers has ...\"}, \"The world is a terrible place. But this movie is farce and it's fun. And if you don't like it... you don't get it... and if you don't get... it doesn't matter. It's up to you if you want to play along. Every actor in this one had fun. It's only a joke. And that's good enough for me. Gabriel Byrne is priceless. Byrne and Paul Anka doing MY WAY is, as \\\"Vic\\\" puts it, \\\"...the best version ever\\\". Okay... it's no masterpiece, but it's not bad. I was warned against seeing it, but I'm sure glad I did...\": {\"frequency\": 1, \"value\": \"The world is a ...\"}, \"Truly this is a 'heart-warming' film. It won the George Peobody Award, winning over \\\"Roots\\\", so that may tell you something of the essence of this film. I am looking on the Internet how to order this movie since my former father-in-law, Eugene Logan, the co-writer of this film has been deceased for a few years now so I no longer have the opportunity to receive information from him. I would love to have his only grand-daughters, my daughters, see this film, as well as to pass this wonderful story on to his great-grandsons. My oldest daughter was seven years old at the time it was aired on television and I since have been looking forward to seeing it again. One of my friends said it was her favorite movie. I won't 'spoil' this movie for you.\": {\"frequency\": 1, \"value\": \"Truly this is a ...\"}, \"I've read a few of the reviews and I'm kinda sad that a lot of the Story seems glossed over. Its easy to do because its not a Book, its a movie and there's only so much that can be done in a movie- US Or Canadian- or anywhere.

Colm Feore does, at least for a recovering \\\"F@g-Hag\\\" like myself, a great job of not only playing the 'friendly neighborhood' gay man- but playing sick. I mean, the man really can't get much more pale! Though, you might never know it from the strip down near the... um, end.

If you need decrepit, there are a few SKing movies you might like.

Being the daughter of a Recovering Alchoholic, the druggie brother {David Cubitt} was the trick for me. I'm going to give him cred, he grew up quick- and believe me that's good. And, as an Aspiring writer, moimeme, I can dig a lot of his insights and overviews. But I'm more prosy than poetic.

I may be easy to please, but I enjoyed it. A nice story pretty well put together- by Canadians, quelle surprise. Just toed the line of the 'Movie of the week,' missing it by not being as drawn out, GREATLY Appreciated. And it was rather cleverly portrayed.\": {\"frequency\": 1, \"value\": \"I've read a few of ...\"}, \"I've read the other reviews and found some to be comparison of movie v real life (eg what it takes to get into music school), Britney Bashing, etc, etc. so let's focus on the movie and the message.

I have rated this movie 7 out of 10 for the age range 8 to 14 years, and for a family movie. For the average adult male.... 2 out of 10.

I like pop/rock music, i'm 45. I know of Britney Spears but never realised she actually sang Stronger until i read the credits and these reviews. I didn't recognise her poster on the wall so I was not worried about any 'self promotion'.

I watch movies to be entertained. i don't care about casting, lighting, producers, directors, etc. What is the movie and does it entertain me.

I watched this movie for the message. The world's greatest epidemic is low self-esteem (which is a whole other story) so watched with the message in mind, as that is an area of interest. The movie is light, bright and breezy, great for kids. I found the Texan twang began to fade throughout the movie and of course there are only so many ways to convey the give up/don't give up message, so yeh, it was a bit predictable. Great message though...should be more of them.

This movie is a great family movie, but for a bloke watching by himself, get Hannibal.\": {\"frequency\": 1, \"value\": \"I've read the ...\"}, \"I can always tell when something is going to be a hit. I see it or hear it, and get a good feeling. I did not get a good feeling watching the preview. I was not at all enthusiastic about this film, and I am not at all surprised that it is rated here as one of the worst 100 films. I was in fact proved right.

The first thing that threw me off was the title. Not that I have a problem with ebonics(I am black by the way), but for a movie they could have used a better title, and for this time use a title that doesn't have bad grammar. I heard the dialog, saw the acting and all I could do was make faces.

I also think that the dance movie theme is being overdone. At least \\\"You Got Served\\\" was better than this in my opinion. Even the soundtrack didn't thrill me.\": {\"frequency\": 1, \"value\": \"I can always tell ...\"}, \"\\\"Sasquatch Hunters\\\" actually wasn't as bad as I thought.

**SPOILERS**

Traveling into the woods, Park Rangers Charles Landon, (Kevin O'Connor) Roger Gordon, (Matt Latimore) Brian Stratton (David Zelina) Spencer Combs, (Rick Holland) and his sister Janet, (Stacey Branscombe) escort Dr. Helen Gilbert, (Amy Shelton-White) her boss Dr. Ethan Edwards, (Gary Sturm) and assistant Louise Keaton, (Juliana Dever) to find the site of some reputed bones found in the area. When they make camp, the team discovers a giant burial ground and more strange bones littering the area. When members of the group start to disappear, they start to wander through the woods to safety. It's discovered that a Sasquatch is behind the killings, and the team band together to survive.

The Good News: This wasn't as bad as I thought it would be. The movie really starts to pick up some steam at around the half-way point, when the creature attacks. That is a masterful series of scenes, as the whole group is subjected to attacks by the creature, and the suspense throughout the entire play-out is extremely high. The wooded area is most appropriately milked during these parts, heightening the tension and wondering when a single person wandering around in the forest will get their comeuppance. Also spread quite liberally through the movie is the effective use of off-screen growls and roars that are truly unworldly. They really do add much to make this part so creepy, as well as the other times the growling shriek is heard. It's quite effective, and works well. It's quite nice that the later part of the film picks up the pace, as it goes out pretty well on a high note of action. One scene especially I feel must point out as being a special scene on first viewing. As a man is running through the forest from the creature, he spots the expedition that has gone on looking for it. Raising his hands to holler to them for help, the second he goes to announce his presence is he attacked from out of nowhere and killed quite hastily. It caught me by surprise and actually gave me a little jump on first viewing.

The Bad News: There was only a couple things to complain about here, and one is a usual complaint. The creature here is mostly rendered by horrible CGI, which made him look totally ridiculous and destroys any credibility it might've had. The air of menace conjured up by the opening of the film is almost shot out the window when the creature appears on screen. It's so distracting that it's a shame a little more work wasn't put into it. I've complained about this one a lot, and is something that really should be done away with, as it doesn't look that realistic and is quite fake. Another big one is the off-screen kills in here. Very often in the film is a person grabbed and then yanked away, and then finding the bloody body afterward. It's quite aggravating when the kills look nice and juicy afterward. Otherwise, I don't really have much of a problem with this one, as everything else that's usually critiqued about this one didn't really bother me, but it is called on for others beyond this stuff.

The Final Verdict: I kinda liked this one, but it's still not the best Sasquatch movie ever. It's not supposed to be taken seriously, and if viewed that way, it's actually quoit enjoyable. Fans of these films should give this one a look, and those that like the Sci-Fi Creature Features might find some nice things in here as well.

Rated R: Graphic Language, Violence and some graphic carcasses\": {\"frequency\": 1, \"value\": \"\\\"Sasquatch ...\"}, \"Story of a good-for-nothing poet and a sidekick singer who puts his words to music. Director Danny Boyle has lost none of his predilection for raking in the gutter of humanity for characters but he has lost, in this film, the edge for creating inspiring and funny films. Strumpet is painful to watch and barely justified by the fact that it was made for TV.\": {\"frequency\": 1, \"value\": \"Story of a good- ...\"}, \"Hey now, yours truly, TheatreX, found this while grubbing through videos at the flea market, in almost new condition, and in reading the back of the box saw that it was somewhat of a \\\"cult hit\\\" so of course it came home with me.

What a strange film. The aunt and cousin of former first lady Jacqueline Bouvier Kennedy Onassis live in this decaying 28 room house out on Long Island (Suffolk Co.) and share the house with raccoons, cats, fleas (eyow!) and who knows what else. Suffolk Co. was all over them at one point for living in filth and old Jackie herself came by to set things right. Anyway, this is one strange pair, Big Edie and Little Edie...Edie (the daughter) always wears something over her head and dances, sings, and gives little asides to the camera that rarely make much sense. Big Edie (the mother, age 79) apparently likes to run around naked, and while we do get hints of what that might look like thankfully this was tastefully (?) done to the point where we're mercifully spared from that. These women talk and talk and talk, mostly about the past, and it doesn't make a whole lot of sense, except to them. They live in absolute filth, cats doing their business wherever (\\\"Look, that cat's going to the bathroom behind my portrait!\\\"), and one bedroom appears to be their center of operations. If I close my eyes and listen to Big Edie's voice it reminds me very much of my own late aunt, who was from that area of the country and had that Lawn Guyland accent. One scene has Little Edie putting on flea repellent, lovely, you can see all the cats scratching all the time so the place must have been infested. The box refers to these two women as \\\"eccentric\\\", and I'd have to say in this case it is just a euphemism for \\\"wacked out of their gourds\\\", but this film is not without its moments where you truly feel something for them. This is equal parts creepy, sad, and disgusting, but I couldn't stop watching once I started. This is not my \\\"normal\\\" type of flick but I found it to be somewhat fascinating. It won't be for everybody though, guaranteed.\": {\"frequency\": 1, \"value\": \"Hey now, yours ...\"}, \"What is most disturbing about this film is not that school killing sprees like the one depicted actually happen, but that the truth is they are carried out by teenagers like Cal and Andre...normal kids with normal families. By using a hand held camera technique a la Blair Witch, Ben Coccio succeeds in bringing us into the lives of two friends who have some issues with high school, although we aren't ever told exactly what is behind those issues. They seem to be typical -a lot of people hate high school, so what? A part of you just doesn't believe they will ever carry out the very well thought out massacre on Zero Day. The surveillance camera scenes in the school during the shooting are made all the more powerful for that reason. You can't believe it's really happening, and that it's really happened. The hand held camera technique also creates the illusion that this is not a scripted movie, a brilliant idea given the subject matter.\": {\"frequency\": 1, \"value\": \"What is most ...\"}, \"Our teacher showed us this movie in first grade. I haven't seen it since. I just watched the trailer though. Does this look like a first grade movie to you? I don't think so. I was so horrified by this movie, I could barely watch it. It was mainly the scene with Shirley McClain cutting that little girl in half, and then there was the boy with ketchup! I was freaked out by this film. Now today, being 20, I probably would not feel that way. I just wanted to share my experience and opinion that maybe small children shouldn't see this movie, even though it's PG. Be aware of the possible outcomes of showing this to kids. I don't even remember what it was about, once was enough!\": {\"frequency\": 1, \"value\": \"Our teacher showed ...\"}, \"Most people who have seen this movie thinks that it is the best movie ever made. I disagree but this movie is very very good. Tony is a bad ass guy and knows that he's intimidating and uses it to get ahead. It's about him and how he goes from washing dishes to having a huge house and a office with cocaine all over the desk. If you want a family movie then this isn't the way to go but if you want mobsters and vengeance and stuff like that then you'll like it.\": {\"frequency\": 1, \"value\": \"Most people who ...\"}, \"Jack Frost is about a serial killer who is sentenced to death. On the Way to his death sentence the prison truck that he rides in collides with a chemical tanker filled with a chemical that turns his molecules with the snow on the ground turning him into a snowman. Being a killer himself that would turn him into a killer snowman. Jack now wants revenge on the sheriff who caught him. Jack now starts his rampage all over again killing people in a small town.

I don't think Jack Frost has a chance of becoming a horror classic but its a entertaining flick. Just put your brain on hold and have fun with it, but just don't take it too seriously.\": {\"frequency\": 1, \"value\": \"Jack Frost is ...\"}, \"In a time when Hollywood is making money by showing our weaknesses, despair, crime, drugs, and war, along comes this film which reminds us the concept of the \\\"Indomitable Spirit\\\". If you are feeling beaten down, this movie will free your mind and set you soaring. We all know how tough life can be, sometime we need to be reminded that persistence and courage will get us through. That's what this film did for me and I hope it will for you.\": {\"frequency\": 1, \"value\": \"In a time when ...\"}, \"This is one of those films that explore the culture clash of Eastern born people in Westernized cultures.

Loving on Tokyo Time is a sad film about the inability of opposites to attract due to major cultural differences. Ken, rock n'roll fanatic, marries Kyoto, a Japanese girl, so that she can stay in the United States when her visa expires. The marriage is only expected to be temporary, that is, until Kyoto gains legal status again. But, Ken, who seems to be lost in every relationship, takes a liking to Kyoto and tries very hard to make things work out. This, despite his friend's urging that dumping Kyoto and getting rid of all commitments to girls is bad for rock n' roll except to inspire some song writing about broken hearts and all of that.

But Kyoto comes from a strict traditional Japanese upbringing, and doesn't expect to be married to Ken all that long. Not only that, she is homesick and wants to return to Japan. It's sad in that this is finally someone Ken thinks he can love and be with and all that, except the one time he thinks he's found someone to feel that way about, the girl isn't expecting to stay that long. It's not that she doesn't like Ken, it's just that she's used to a whole 'nother way of life. She says, \\\"I can't tell him the way I feel in English, and Ken can't tell me the way he feels in Japanese.\\\" It's a rather sad love story with a killer 80s techno-nintendo soundtrack.

I picked up Loving on Tokyo Time because it reminded me of one of my favorite 80s films, Tokyo Pop. And, for those of you who enjoyed Loving on Tokyo Time, check out Tokyo Pop (a New York singer goes to Japan and joins a Japanese American cover band), except it's a movie with a happy ending.

\": {\"frequency\": 1, \"value\": \"This is one of ...\"}, \"Mark Frechette stars as Mark, a college radical leftist. Mark is accused of killing a cop during a campus riot, and he flees all the way to the desert. He does so by stealing a small plane at the local airport, and flies it himself.

Once out flying over the desert, Mark spots a car from the air. A young woman named Daria steps out, and sees Mark circling in the plane. Mark swoops the plane very low several times, causing Daria to duck or get hit. When he lands, he becomes acquainted with Daria, who is strangely charmed by Mark's aerial highjinks.

After engaging in soulful conversation for hours, Mark and Daria get naked, and make love in the sand. But with Mark evading the law, they realize that he needs to keep running. So Mark and Daria's brief tryst is quite poignant, because it doesn't get to develop into a full-blown romance.

Zabriski Point was the Eraserhead of the early 70s. Both films have a rambling, vague quality, along with complicated meanings and characters. Frechette was as reckless in person, as his character was in this film. A few years after making Zabriski Point, Frechette robbed a bank in real life. While serving his prison sentence, Mark died an ignoble death. He was killed by a 150 lb. weight, which fell on him when he was weightlifting.

The best thing about this movie was the splendid cinematography, and special visual effects. The incredible, slow-motion scenes of debris floating in the air after an explosion, were a stroke of genius. Although not as ground-breaking a film as Easy Rider was, Zabriski Point still resonated with the early 70s counterculture. I recommend it, for those who like avant-guard films which showcase the upheaval, of the youth rebellion during the early 70s.\": {\"frequency\": 1, \"value\": \"Mark Frechette ...\"}, \"This movie was excellent. I was not expecting it to live up to all the hype but it did. Like all the Bourne movies the action is fast paced, realistic and intense. If you liked the other two movies in the trilogy you will love this one also. The movie's plot is straightforward and there are no plot twists that are too unrealistic. OK, Julia Stiles character showing up in the Italian safe house was kind of far-fetched especially after what happened in Supremacy but it makes sense that she is the only character in \\\"Treadstone\\\" that Bourne knows, that does not want him dead and he could possibly trust and the only person to lead him in the right direction. The action is driven by characters and their reactions to what is happening all around them. The thing that I always loved about the Bourne movies is that Bourne can kick butt but when matched with people as good as he is the fights are struggles and he takes a lot of damage in them. They never treat the audience like idiots.

All the actors were solid in their performances. I believe that Damon could play Bourne in his sleep and receives excellent support from Joan Allen reprising her role from Supremacy, David Strathairn and Scott Glenn. I recommend this film and the trilogy. I do miss Franka Potente though.\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"This happens to be one of my favorite horror films. It's a rich, classy production boasting an excellent cast of ensemble actors, beautiful on-location cinematography, a haunting musical score, an intelligent and novel plot theme, and an atmosphere of dread and menace. It's reminiscent of such classic films as ROSEMARY'S BABY and THE SHINING, wherein young, vulnerable women find themselves victimized by supernatural forces in old, creepy buildings with a macabre past. Here, CRISTINA RAINES plays a top New York City fashion model named Alison Parker. Her happy, outgoing exterior masks a deeply conflicted and troubled soul. This is evidenced by the revelation that in her past, she attempted suicide twice- once as a teenage girl after walking in on her degenerate father cavorting in bed with two women and having him rip a silver crucifix from her neck and toss it on the floor, and the second time, after her married lawyer-boyfriend's wife supposedly committed suicide over learning of their affair. Telling her beau(played by a suitably slimy CHRIS SARANDON) that she needs to live on her own for a year or so, she answers a newspaper ad for a fully-furnished, spacious one-bedroom apartment in an old Brooklyn Heights brownstone. This building actually exists and is located at 10 Montague Terrace right by the Brooklyn Heights Promenade off Remsen Street. The producers actually filmed inside the building and its apartments, paying the residents for their inconvenience, of course. The real estate agent, a Miss Logan(AVA GARDNER), seems to be very interested in having Alison take the apartment- an interest that cannot be solely explained by the 6% commission she would earn. Especially when she quickly drops the rental price from $500.00 a month to $400.00. Alison agrees and upon leaving the building with Miss Logan, notices an elderly man sitting and apparently staring at her from the top-floor window. Miss Logan identifies the man to her as Father Halliran and tells Alison that he's blind. Alison's response is very logical- \\\"Blind? Then what does he look at?\\\" After moving in, Alison meets some of the other residents in the building, including a lesbian couple played by SYLVIA MILES and BEVERLY D'ANGELO, who provide Alison with an uncomfortable welcome to the building. Alison's mental health and physical well-being soon start to deteriorate and she is plagued by splitting headaches and fainting spells. When she relays her concerns to Miss Logan about her sleep being disturbed on a nightly basis by clanging metal and loud footsteps coming from the apartment directly over her, she is dumbstruck to learn that apart from the blind priest and now herself, no one has lived in that building for the last three years. Summoning the courage one night to confront her nocturnal tormentor, she arms herself with a butcher knife and a flashlight and enters the apartment upstairs. She is confronted by the cancer-riddled specter of her dead father and uses the knife on him in self-defense when he comes after her. The police investigate and find no sign of violence in that apartment- no corpse, no blood, nothing. Yet Alison fled the building and collapsed in the street, covered in blood- her own, as it turns out. But there's nary a mark on her. What Alison doesn't realize until the film's denouement is that her being in that brownstone has a purpose. She was put there for a reason- a reason whose origin dates back to the Biblical story of the Garden of Eden and of the angel Uriel who was posted at its entrance to guard it from the Devil. She is being unknowingly primed and prepped by the Catholic Church to assume a most important role- one that will guarantee that her soul, which is damned for her two suicide attempts, can be saved. At the same time, the \\\"invisible\\\" neighbors, who turn out to be more than just quirky oddballs, have a different agenda in mind for her. This is a competent and intelligently done film and one that surprisingly portrays the Church and its representatives in a mostly sympathetic light.\": {\"frequency\": 1, \"value\": \"This happens to be ...\"}, \"A somewhat typical bit of filmmaking from this era. Obviously, It was first conceived into this world for the stage, but nonetheless a very good film from beginning to end. Peter O'Toole and Susannah York get to do their stage performance act for the silver screen and both do it effectively. There is very little in the way of story and anyone not familiar with this type of off beat character study may be a little put off by it. All in all, though, A good film in which Peter O'Toole and Susannah York get to overact.\": {\"frequency\": 1, \"value\": \"A somewhat typical ...\"}, \"'Presque rien' is a story of two young boys falling in love during summer stay by the seaside. I don't want to tell the plot, because it's not what's most important about this film (but you can be sure that it's interesting and original). The best part of this movie is the cinematography. The visual side of 'Presque rien' is so amazing it deserves highest note. It leaves you charmed with its beauty.

As for the plot, it is shown in uneven, rather complicated way. There is no simple chronology nor there are answers to all the questions the film brings. But this is what makes 'Presque rien' even more interesting. I recommend this movie to all the people for whom the artistic side of films is very important and they will not be disappointed.\": {\"frequency\": 1, \"value\": \"'Presque rien' is ...\"}, \"After Watergate, Vietnam and the dark days of the Nixon and Jimmy Carter eras, what the world needed was a good old-fashioned chapter-play hero taking on venomous serpents and evildoers in the America of 1936 or the jungles of South America in a series of fantastic cliffhanging adventures. Unfortunately what it got in 1975 was Doc Savage, The Man of Bronze. Perhaps the best that can be said of legendary producer George Pal's final film is that his often beautifully designed but sadly flat adaptation of Kenneth Robeson's pulp-paperback novels probably had George Lucas and Phil Kaufman leaving the theatre and saying to each other \\\"We can do better than that,\\\" and adding a bullwhip, a battered Fedora and some much needed character flaws to the mix.

A big part of the problem is that Doc Savage is in many ways even harder to write for than Superman \\ufffd\\ufffd explorer, adventurer, philanthropist, a scientific and intellectual genius in the bronzed bleach-blonde bulletproof muscle-bound body of a Greek God (or rather the form of TV's Tarzan, Ron Ely, a rather dull Charlton Heston clone here), there's simply nothing he can't do and, more damagingly, nothing that can harm him. The man is the virtual incarnation of Hitler's Aryan ubermensch (no surprise that the DVD is only available in Germany!), albeit with all-American values. And just in case there should ever be anything he's overlooked (not that there ever is) he has not one but five sidekicks in his entourage, the (less than) Fabulous Five. A chemist, an electrician and even an archaeologist I can accept, and at a stretch I could possibly even go as far as to see the possible need for a construction engineer, but what kind of hero takes a criminal lawyer with him on his adventures? In reality Doc's brain trust were probably added because with the hero so tiresomely invulnerable and practically perfect in every way \\ufffd\\ufffd even Kryptonite wouldn't put a dent in him - there needed to be someone at risk in the stories, though with the exception of Paul Gleason they're all so horribly badly cast and overplayed (as are most parts in the film) you'd happily kill them all off during the opening titles. The villains fare no better, with Paul Wexler exuding all the menace of a geography teacher as Captain Seas, Scott Walker (no, a different one) delivering one of cinema's worst accents (is it meant to be Scottish, Irish, Welsh, Greek, Pakistani or some nationality no-one has ever heard of?) while Robyn Hilton's Marilyn Monroe-ish dumb blonde moll gives Paris (no relation) a run for her money in the untalented bimbo stakes.

Even with those drawbacks, this should have been much better than it is considering the various ingredients \\ufffd\\ufffd lost tribes, a pool of gold, a dogfight with a biplane and a deadly poison that comes alive, all wrapped up in a quest to discover why Doc's father was murdered. Unfortunately it's a question of tone: in the 60s and 70s pulp superheroes weren't brooding figures prone to state-of-the-art action scenes and special effects but were treated as somewhat comical figures of low-budget camp fun with action scenes quickly knocked off on the cheap almost as an afterthought, the films aimed purely at the matin\\ufffd\\ufffde market: you know, for kids. There have long been rumours that the original cut was more straight-faced \\ufffd\\ufffd and certainly much of the camp value has been added in post-production, be it the Colgate twinkle in Doc's eye, the comical captions identifying various fighting styles in the final dust-up with Captain Seas or Don Black's gung-ho lyrics to John Philip Sousa's patriotic marches \\ufffd\\ufffd but plenty was in the film to begin with. After all, it's hard to see how one of the villain's underlings making phone calls from a giant rocking crib was ever intended as anything other than a joke that falls flat, while Doc's explanation to Pamela Hensley of why he never dates girls could be a scene written for Adam West's Batman. Instead, the funniest moments are usually purely unintentional, such as Doc displaying his sixth sense by, er, bobbing his Adam's apple.

Perhaps an even bigger problem is that, while promising on paper, the action is handled in an almost relentlessly mundane fashion, be it chasing a native assassin on the rooftops of New York skyscrapers or escaping from a yacht full of bad guys. Even the winning notion of animated glowing green snakes swirling through the air as they poison their victims fails to raise any enthusiasm from director Michael Anderson: having demonstrated their own invulnerability a couple of scenes earlier, Doc manages to dispatch them with no more than a chair and an electric fan by simply pulling the curtains on them.

Still, aside from Doc's various vehicles all stamped with his logo and looking more moulded plastic than bronze, the production design is often rather handsome even if it is very obviously L.A. standing in for New York while Fred Koenekamp's cinematography ensures the film often looks good despite the low budget. And it's good to see a superhero movie that doesn't spend most of its running time on an origin story, though one is left with the suspicion that Doc sprang fully formed from the loins of Zeus himself.

It's a film I'd really like to like more, but it just feels like 100 minutes of lost opportunities. No wonder Doc Savage, The Arch Enemy of Evil, the sequel so optimistically promised in the end credits, never happened.\": {\"frequency\": 1, \"value\": \"After Watergate, ...\"}, \"Gadar is a really dumb movie because it tells a fake story.It's too unrealistic and is a typical sunny deol movie that is aimed to bash Pakistan.The movie's aim is to misguide the viewers so they can think that Pakistan and it's government is bad but trying to hide their own flaws won't work.And all the songs and music of the movie are all bad.Most likely the Sikhs will love th movie cause they are being misguided.The movie sucks and sucks with power. I think only Amisha Patel was good in the movie. If i can give 0 out of 10 I would but the lowest is 1.Please save 3 hours of your life and do not watch this stupid boring movie .Disaster.\": {\"frequency\": 1, \"value\": \"Gadar is a really ...\"}, \"First and foremost, speaking as no fan of the genre, \\\"The Bourne Ultimatum\\\" is a breathtaking, virtuoso, superb action movie.

Secondly, it is a silly malarky of cartoonish super-hero stuff.

Thirdly, the film carries a complex, important point, about crime-fighters turning into criminals themselves. No reference is made to Abu Ghraib or the Executive Branch's outrageous domestic assaults on constitutional rights, none is necessary.

So, the latest in the \\\"Bourne\\\" series, in the hands of Paul Greengrass (of the 2004 \\\"Bourne Supremacy\\\" and last year's \\\"United 93\\\"), is a significant achievement, perhaps held back but not actually diminished by the unavoidable excesses of the genre.

\\\"Breathtaking\\\" above is meant both as a complimentary adjective and a description of the physical sensation: for more than an hour from the first frame, the viewer seemingly holds his breath, pushed back against the chair by the force of relentless, globe-trotting, utterly suspenseful action. There is no letup, no variation in the rhythm and pull of the film, and yet it never becomes monotonous and tiresome the way some kindred music videos do after just a couple of minutes.

Oliver Wood's in-your-face cinematography is making the best of Tony Gilroy's screenplay from Robert Ludlum's 1990 novel (which doesn't stack up well against the \\\"Bourne Identity,\\\" written a decade earlier).

Matt Damon is once again the inevitable, irreplaceable Bourne, the deadliest of fantasy CIA agents, this time taking on the entire agency in search of his identity, his past, and the mysterious agency program that has turned him into a killing machine. Nothing like his quietly heroic Edward R. Murrow, the always-marvelous David Strathairn is the nasty top agency official, pitched against Bourne in trying to hide some illegal \\\"take-no-prisoners\\\" policies and brutal procedures.

Joan Allen plays what appears to be the Good Cop against Strathairn's Bad One. And, there is Julia Stiles as the agent once again coming to Bourne's aid; a combination of Greengrass' direction and Stiles acting results in a surprising impact by a mostly silent character, her lack of communication and blank expression more intriguing than miles of dialogue.

So good is \\\"The Bourne Ultimatum\\\" that it gets away with the old one-man-against-the-world bit, this time stretched to ridiculous excesses, as Bourne defies constraints of geography, time, gravity... and physics in general. (Can you fly backwards with a car from the top of a building? Why not - it looks great.)

All this \\\"real-world\\\" magic - leaping from country to country in seconds, to arrive at some unknown location exactly as, when, and how needed - outdoes special-effect and superhero cartoon improbabilities. And yet, only a clueless pedant would allow \\\"facts\\\" interfere with the entertainment-based ecstasy of the Bourne fantasy.\": {\"frequency\": 1, \"value\": \"First and ...\"}, \"I saw this movie at the 18th Haifa film festival, and it is one of the best I've seen this year. Seeing it on a big screen (and I mean BIG, not one of those TV screens most cinemas have) with an excellent sound system always enhance the cinematic experience, as the movie takes over your eyes and ears and sucks you into the story, into the picture.

The movie presents a set of characters, which are loosely inter-connected. Their stories cross at certain points, and the multiplicity of story lines reminded me very much of the great Robert Altman and his exquisite films. But the true hero of the movie is obviously the city of Madrid, which provides the backdrop for the entire movie. It houses the characters, contains the pavements and roads on which they walk, and sets the background atmosphere for all the events, all in beautifully filmed scenes.

The movie returns again and again to certain themes (shoes, for instance), and in essence Salazar makes his metaphores more and more understandable to the viewer as the movie progresses. He combines the views of the city with the shots of the characters, and elegantly matches the feeling of the scene to the background. A set of talented actors helps him portrait a wide variety of characters. One excellent example is the scene in which Juaquin takes Anita across the street for the first time. It might not work on a small screen, but it gave me goose bumps easily on a big screen.

The message of the movie is very positive, and accordingly the movie is light and funny at times. The music along the movie is usually pop, with a few instrumental pieces (I hope to put my hand on the soundtrack one day, although I seriously doubt I will).

All together, I came out of this movie with a sensational feeling, and I'm not easily impressed (you'll have to take my word for it). For this and more I give this movie a solid 8/10.\": {\"frequency\": 1, \"value\": \"I saw this movie ...\"}, \"This is an above average Jackie Chan flick, due to the fantastic finale and great humor, however other then that it's nothing special. All the characters are pretty cool, and the film is entertaining throughout, plus Jackie Chan is simply amazing in this!. Jackie and Wai-Man Chan had fantastic chemistry together, and are both very funny!, and i thought the main opponent looked really menacing!, however the dubbing was simply terrible!. The character development is above average for this sort of thing!, and the main fight is simply fantastic!, plus some of the bumps Jackie takes in this one are harsh!. There is a lot of really silly and goofy humor in this, but it amused me, and the ending is hilarious!, plus all the characters are quite likable. It's pretty cheap looking but generally very well made, and while it does not have the amount of fighting you would expect from a Jackie Chan flick, it does enough to keep you watching, plus one of my favorite moments in this film is when Jackie (Dragon) and Wai-Man Chan(Tiger), are playing around with a rifle and it goes off!. This is an above average Jackie Chan flick, due to the fantastic finale, and great humor, however other then that it's nothing great, still it's well worth the watch!. The Direction is good. Jackie Chan does a good job here with solid camera work, fantastic angles and keeping the film at a fast pace for the most part. The Acting is very good!. Jackie Chan is amazing as always, and is amazing here, he is extremely likable, hilarious, as usual does some crazy stunts, had fantastic chemistry with Wai-Man Chan, kicked that ass, and played this wonderful cocky character, he was amazing!, i just wished they would stop dubbing him!. (Jackie Rules!!!!!). Wai-Man Chan is funny as Jackie's best friend, i really liked him, he is also a very good martial artist. Rest of the cast do OK i guess. Overall well worth the watch!. *** out of 5\": {\"frequency\": 1, \"value\": \"This is an above ...\"}, \"This is the biggest insult to TMNT ever. Fortunantely, officially Venus does not exist in canon TMNT. There will never be a female turtle, this took away from the tragic tale of 4 male unique mutants who will never have a family of their own, once gone no more. The biggest mistake was crossing over Power Rangers to TMNT with a horrible episode; the turtle's voices were WRONG and they all acted out of character. They could have done such a better job, better designs and animatronics and NO VENUS.

don't bother with this people...it's cringe worthy material. the lip flap was slow and unnatural looking. they totally disrespected shredder. the main baddie, some dragonlord dude was corny. the turtles looked corny with things hanging off their bodies, what's with the thing around raph's thigh? the silly looking sculpted plastrons!?

If they looked normal, acted in character and got rid of Venus, got rid of the stupid kiddie cartoon sounds...and better writing it could have been good.\": {\"frequency\": 1, \"value\": \"This is the ...\"}, \"There should be more movies about our Native Americans. I especially think that using actual real Native Americans, would be the the right thing. I know that this Archie Belaney, who was played by Pierce Brosnan he did an excellent job in portraying that character, since he was an Englishman. But my suggestion to Hollywood, is to put more American Indians into the roles, and never use anyone else. The Sioux Nation has been put on the back burner far too long. Their poverty is a disgrace to our country. It is my firm belief that our country should return the Black Hills to the Sioux. We ask Israel to return their lands to the Arabs, but we do not make any effort to do the same, we should be ashamed of ourselves. We must practice what we preach!\": {\"frequency\": 1, \"value\": \"There should be ...\"}, \"\\\"Darkness\\\" was entertaining to some degree, but it never seemed to have a plot, lacking one more so than other films that have been accused of this detriment; i.e. \\\"Bad Taste\\\". It started off really good, with a man running from something. It was very creepy for these first few minutes, but after a time the film just became entertaining on the level of gore, which was hard to make out at some points due to poor lighting and horrible recording quality anyway. The film was hard to believe because of the juvenile acting, which most of the time, seemed like some friends talking to a video camera, making lines up as they went. That, with a lack of any plot whatsoever, made it look like the film was started without, and ended without, a script of any kind. As said before, gore was this film's only drawing point, which much of the time was hard to make out.\": {\"frequency\": 1, \"value\": \"\\\"Darkness\\\" was ...\"}, \"I am a fan of the previous Best of the Best films. But this one was awful. No wonder I had such a hard time finding it. I tried 4 video rental stores, until I found one with a copy of this movie. The acting was terrible, the plot was a joke, and the action was bad as well.

I really miss Alex Grady, Travis Brigley, and the original kickboxing characters and theme that this film had with the first 2 movies.

John\": {\"frequency\": 1, \"value\": \"I am a fan of the ...\"}, \"This program is a lot of fun and the title song is so catchy I can't get it out of my head. I find as I get older I am drawn to the wrinklies who get things done, and these four are excellent in their endeavors. Some of what they do is outrageous but brilliant considering that now days with our PC world we'd never be able to do it in real life. I always learn something from the shows. But if you like mystery, drama, comedy, and a little forensic work you'll love this show. It reminds me of Quincy, ME in one way and Barney Miller in another the way they work and inter-react with each other. They screw up a lot but they get the job done, and that's what counts.\": {\"frequency\": 1, \"value\": \"This program is a ...\"}, \"\\\"A Gentleman's Game\\\" uses the game of golf in a country club setting to illustrate an adolescent's discovery about honesty, prejudice, and other life lessons. Several times I thought I knew where this film was heading, only to be proved wrong. Unfortunately, I'm not so sure that the filmmakers ever knew where it was heading, either. The defining moment in this movie is probably the scene in which Gary Sinise mocks \\\"The Karate Kid\\\" and debunks any notions that he's going to become a mentor to the adolescent golfer. It's refreshing, in a way, that this movie refuses to follow most of the simplistic and over-worked movie formulas. However, too much of it still comes off as contrived. At the drop of a hat people drop all pretenses of civility, or fail to stick up for the things in which they believe, or are exposed for something far less respectable than their place in society assumes. Unfortunately, there is often no resolution to these moments. And except for the fact that the club serves as backdrop for them, there is no real continuity or linking of them. It's a shame that the writers and director could not salvage a better film, especially given some of the talented actors and potential in the setup.\": {\"frequency\": 1, \"value\": \"\\\"A Gentleman's ...\"}, \"It's a bit easy. That's about it.

The graphics are clean and realistic, except for the fact that some of the fences are 2d, but that's forgiveable. The rest of the graphics are cleaner than GoldenEye and many other N64 games. The sounds are magnificant. Everything from the speaking to the SFX are pleasant and realistic.

The camera angle is a bit frustrating at times, but it's the same for every platform game, like Banjo-Kazooie and Donkey Kong 64.

I got this game as a Christmas present in 1997, and since then, I have dutifully gotten 120 stars over 10 times.\": {\"frequency\": 1, \"value\": \"It's a bit easy. ...\"}, \"Distortion is a disturbing, haunting film, about life imitating art and art reflecting life. Haim Bouzaglo, the director of the film, plays the role of Haim Bouzaglo, artistically blocked and sexually impotent playwright, who finds inspiration in his suspicions about the subject of his girl friend's documentary. As an Arab suicide bomber, disguised in skullcap and American t-shirt, wanders through the landscape in search of his target and his nerves, Haim transcribes his girl friend's life as she films her documentary and incorporates himself and his actors' lives during rehearsals. But the bomber has already struck and Haim has left the restaurant just minutes earlier. Despite the manipulation of time and space, the story is crystal clear, comprehensive and absorbing, a brilliant commentary on the \\\"distortion\\\" of everyday Israeli life, where the political is intertwined with the personal, where everyone lives \\\"on the edge,\\\" and people never know whether they are playing leading roles in their own lives or are merely dispensable bit players in someone else's dramatic narrative.

Bouzaglo plays with this notion of everyone being an actor in someone else's production brilliantly. We are always voyeurs, seeing what the fictional director sees illicitly but also what the \\\"real\\\" director chooses to reveal. To remind us that these glimpses are violations of privacy, Bouzaglo takes us into the bathroom and the bedroom (sometimes the bedroom is the street and rooftop), and repeatedly frames his views within TV, video, or security screens. Actors play the role of actors who represent the \\\"real\\\" characters played by actors. Of course, each of the actors is the star of his or her own production, only dimly aware of their diminished roles in their fellow actor's personal films. The detective hired by the playwright becomes a character in the play. The actor hired to play the role of the detective seeks out the detective for \\\"tips\\\" on how to play the role, is caught by the detective on surveillance tapes, and they attend a cast party as their real selves.

Despite this multiplicity of views, there is no mistaking the clear lines of this narrative: the playwright searches for subject matter, the bomber seeks a target, and the detective stalks the filmmaker. Nor is there any difficulty locating Bouzaglo's ultimate target\\ufffd\\ufffdenervated and impotent Israel, fully conscious of the threatening peril but incapable of meaningful action. Israel is Bouzaglo, the impotent fictional playwright cannibalizing his own life for his play. Israel is also the bankrupt soldier-entrepreneur who is the subject of the filmmaker's documentary, the cheating actors and actresses, and the cuckolded husband. They are all Israel because they are all helpless, caught in inaction or aimless action, as the bomber scans the landscape for his best target. All the characters can do as another bombing is reported is have sex and keep \\\"score\\\" of victims.

There is personal triumph, vindication, perhaps revenge at the end of this play within a story within a film, but viewers will be left aching for the state of Israel even as they are filled with admiration for Bouzaglo's memorable rendition of a nation's plight within the telling of an individual's story.\": {\"frequency\": 2, \"value\": \"Distortion is a ...\"}, \"I was looking forward to this ride, and was horribly disappointed.

And I am very easily amused at roller coaster and amusement park rides.

The roller coaster part was just okay - and that was all of about 30 seconds of a 90 second ride.

It was visually dull and poorly executed.

It was trying desperately to be like a mixture of the far superior Indiana Jones and Space Mountain rides and Disneyland, and failed in every aspect.

It was not thrilling or exciting in the least.\": {\"frequency\": 1, \"value\": \"I was looking ...\"}, \"Remember when Harrison Ford was the biggest star in Hollywood because he made great movies? Those days are feeling like a more and more distant memory.

While \\\"Hollywood Homicide\\\" is by no means terrible, it is a routine and surprisingly boring buddy cop movie. It's a comedy that's not particularly funny, and an action movie that's not especially exciting. An overabundance of subplots cannot mask the weakest of the central storyline.

Ford at least appears to be enjoying himself more than is his last few projects, and he is able to carry the film most of the time. Hartnett is adequate, but he and Ford aren't exactly Newman and Redford as far as chemistry is concerned.

All in all, \\\"Hollywood Homicide\\\" is a reasonably amusing diversion, but just barely. Take out Ford, and it's not even that.\": {\"frequency\": 1, \"value\": \"Remember when ...\"}, \"This has been put out on the DVD market by Alpha, and it's for die-hard Boris Karloff fans (like moi) only. It's not a horror flick, but a drama where Boris is a struggling scientist agreeing to kill a wealthy woman's husband in order to gain the fortune needed to continue with his work. But once the dying victim changes his will and leaves his spouse nothing, all hell breaks loose.

It's appeasing enough seeing Karloff as another selfish sinister type, and some of the acting is unintentionally hilarious (especially from the leading lady Mona Goya who is absolutely a laugh riot as the double-crossed wife).

But proceed with much caution.\": {\"frequency\": 1, \"value\": \"This has been put ...\"}, \"The story and the characters were some of the best I've ever seen. the graphics were good for the PS and the cut scenes and voice overs were amazing. I beat the game at least 3 times and loved every second of it. I felt the problems the protagonist faced were believable and realistic and i believe it deserves a sequel. or at least a remake. If they remade it for the ps3 i would buy the system for just that game and maybe mgs4 its amazing also the idea and execution of the dragoon system is enough to warrant a rental and on top of that ad the inventive although sometimes cheating(stupid buster wand) combat addition system and the plot makes this game a definite buy.\": {\"frequency\": 1, \"value\": \"The story and the ...\"}, \"This is the kind of movie that leaves you with one impression.. Story writing IS what movie making is about.

Incredible visual effects.. Very good acting, especially from Shue. Everything is perfect.. Except.. The story is just poor and so, everything fails.

Picture this, if you had the power to be invisible.. What would you do? Well, our mad scientist here (played by Kevin Bacon) could think of no other thing to do but fondle and rape women.. This is all his supposedly \\\"genius\\\" mind could think of. Does he try to gain extra power? No. He doesn't even bother research a way to get back to being visible. The guy is basically a sex crazed maniac.

Add to that, the lab atmosphere, you have all these young guys.. Throwing around jokes like they were in a bar.. If it wasn't for all the white coats and equipment, you would think this is a bad imitation of \\\"Cheers.\\\" Very shallow and poor personalities and very little care is put into making you think these guys are anything but lambs for the Hollow Man's wolf.

Even as a thriller, the movie falls way short because most of the \\\"thrilling\\\" scenes are written out so poorly and are full of illogical behaviors by the actors that are just screaming \\\"this is just a stupid thing I have to do so that the Hollow man can find me alone and kill me.\\\"

If you read the actual book, while the Scientist (Cane) goes after women, there is a lot of mental manipulation and disturbing thought that goes into his character. In the movie, Cane is just the sick guy who goes to a crowded marketplace to rub his body in women and get off on it. Just sad.\": {\"frequency\": 1, \"value\": \"This is the kind ...\"}, \"THE SECRET OF KELLS may be the most exquisite film I have seen since THE TRIPLETS OF BELLEVILLE. Although stylistically very different, KELLS shares with TRIPLETS and (the jaw-dropping opening 2D sequence of) KUNG FU PANDA, incredible art direction, production design, background/layout and a richness in color that is a feast for one's senses. KELLS is so lavish -- almost Gothic in its layout (somewhat reminiscent of Klimt), wonderfully flat in general overall perspective, ornate in its Celtic & illuminated design, yet the characters are so simplistic and appealing -- AND it all works together beautifully. You fall in love with the characters from the moment you meet them. You are so drawn to every detail of the story and to every stroke of the pencil & brush. What Tomm, Nora, Ross, Paul and all at Cartoon Saloon (& their extended crews) have achieved with this small budget/VERY small crewed film, is absolutely astounding. The groundswell of support amongst our animation community is phenomenal. This film is breathtaking and the buzz amongst our colleagues in recommending this film is spreading like wildfire. Congratulations to KELLS on its many accolades, its Annie nomination as well as its current Oscar qualifying run. They are all very well-deserved nods, indeed...\": {\"frequency\": 1, \"value\": \"THE SECRET OF ...\"}, \"Of course the plot, script, and, especially casting are strong in the film. So many fine things to see. One aspect I liked especially is the idea of the antagonist--Luzhini's (Turturro's)--ex-mentor working his evil on the sidelines. His chess opponent--an Italian dandy in three piece and cane--turns out to be a real gent, and a truly fine chess player. To his credit the \\\"opponent\\\" nobly goes along with the plan at the end to complete the final game for the championship posthumously (Luzhin has taken a flyer out a window--sad, but so releasing to him)by way of the unstable genius' widow (Emily Watson.) In death, then, because of the gallantry of an honorable chess master, Luzhin's defence (which he worked out in a late moment of lucidity) is allowed to be played. The Italian gent commends the play and calls it brilliant. Talk about a dramatic \\\"end game!\\\"\": {\"frequency\": 1, \"value\": \"Of course the ...\"}, \"I think that this is possibly the funniest movie I have ever seen. Robert Harling's script is near perfect, just check out the \\\"quotes\\\" section; on second thought, just rent the DVD, since it's the delivery that really makes the lines sing.

Sally Field gives a comic, over-the-top performance like you've never seen from her anywhere else, and Kevin Kline is effortlessly hilarious. Robert Downey, Jr. is typically brilliant, and in a very small role, Kathy Najimy is a riot as the beleaguered costumer. I was never much of a fan of Elisabeth Shue, but she's great here as the one *real* person surrounded by a bevy of cartoon characters on the set of \\\"The Sun Also Sets\\\" -- that rumbling you feel beneath you is Hemingway rolling over in his grave. Either that, or he's laughing really hard.

Five stars. Funny, funny, funny.\": {\"frequency\": 1, \"value\": \"I think that this ...\"}, \"VERY BAD MOVIE........and I mean VERY BAD...THe plot is predictable, and it's EALLY cheesy, the creativeness of the battle and the dance scenes for the time are the only reason I didn't give the movie a one, other than that...this is def a movie one can def afford not to watch.....I feel while watching the movie, the idea behind the movie was an interesting one tho kind of clich\\ufffd\\ufffd....bringing country bumpkins to the city blah blah blah, but I feel it might have been at least a little better if it just wasn't so cheesy, very poorly portrayed from idea to screen, i think. The Plot is somewhat predictable at times, tho the dancing I can say AT TIMES, is pretty good, The break dance battle twist was good.....IF u just pop the movie and watch the dance scenes and make up your own dialog maybe it can be a 5...lol\": {\"frequency\": 1, \"value\": \"VERY BAD ...\"}, \"This movie isn't about football at all. It's about Jesus/GOD!! It's the same kind of sappy sanctimonious religious drivel you get from those arch idiots who wrestle for Jesus, or pump iron for Jesus. Yeah, Jesus was totally buffed, liked contact sports, and definitely owned a full set of dumb bells. DUHHH! This movie should have been entitled \\\"Hiking for Jesus,\\\" or something along those lines just to let the general public know that the real intent of this movie is to convert people to Christianity, and to pander to those whose brains have already been thoroughly washed in the blood of the lamb. That the title is derived from the Bible is made clear when the head coach is reading his Bible and asking Jesus for help. The recent sports movie \\\"Invincible\\\" was 100 times more inspiring than this was, and Jesus wasn't even a factor. It was just the desire and determination of an individual with a dream.

Any broad appeal as an inspirational sports movie is ultimately lost amidst all of the blatant Bible thumping and sanctimonious religious propaganda. One gets the impression that the sole message is the only way you can succeed and make positive gain is if you accept Jesus as your personal savior. But this is simply not true, and is therefore a lie being perpetuated by those who believe that it is true and want everyone else to believe it. The image of the winning athlete thanking Jesus when he wins comes directly to mind. What does he do when he loses? Does he curse Jesus? Of course not! When he loses Jesus isn't responsible. Jesus is only responsible when he wins. And the logic goes round and round and round, and it ends up exactly where the true believer needs it to be, every time!! I had to hit pause when the scene with the coach receiving a brand new truck came on so I could stop rolling on the floor laughing my ass off and catch my breath. Materialism is not what Jesus taught. I find it odd that most so called \\\"Christians\\\" seem to either forget or ignore this message from their \\\"savior,\\\" especially when I see a Jesus fish on the back of a huge gas guzzling SUV that passes me like I'm standing still.

Another message this movie implies is that Jesus apparently cares more about the win loss record of a mediocre high school football team that he does about the millions of starving children in the world. The final scene where the insecure and unsure kicker boots a 51 yard field goal and it is hyped up as an unbelievably incredible miracle puts the final gag me with a spoon religious red flag on this turkey. I only gave it three stars because the guy who played the black coach could actually act.\": {\"frequency\": 1, \"value\": \"This movie isn't ...\"}, \"honestly, i don't know what's funnier, this horrific remake, or the comments on this board. Masterpiece's review had me in tears, that's so funny. Anyway, this movie is the among the worst movies ever, and certainly the bottom of the barrel for sequels. The \\\"Omen\\\" name on the title made me stop and watch it this morning on HBO, but it's a slap in the face to the other three, especially the original. There are so many classically bad moments, but my favorite is the guy catching fire from the juggler at the psychic fair!! good times ! This movie is to the Omen series what \\\"Scary Movie\\\" is to the entire genre. Avoid unless you're looking for a good laugh.\": {\"frequency\": 1, \"value\": \"honestly, i don't ...\"}, \"This is one of the best episode from the second season of MOH, I think Mick Garris has a problem with women... He kill'em all, they are often the victims (Screwfly solution, Pro-life, Valerie on the stairs, I don't remember the Argento's episode in season 1, etc., obviously Imprint). I think he enjoys to watch women been burn, torture, mutilated and I don't know. Never least \\\"Right to die\\\" is one of the best, with good turns and graphic scenes and suspense (specially with the photos from the cell scene, wonderful). The acting is like the entire series, regular I could be worst like \\\"Pro-life\\\" or \\\"We scream for Ice cream\\\". Also I think the plot it could be made for a movie and not just for an episode. The ideology of the series is horrible, killing and terminating women, mutilating animals and on and on... the first season it was better than the second one with episodes like \\\"Cigarrette burns\\\" (The best of all), \\\"Homecoming\\\" (The most funny), \\\"Imprint\\\" (really shocking).\": {\"frequency\": 1, \"value\": \"This is one of the ...\"}, \"**Possible Spoiler*** Adam Sandler is usually typecast in Comedy,but in \\\"Reign\\\",gives a deeply moving performance.While there are people who showed Courage facing post September 11,2001,Sandler plays Fineman,a widower who is lonely and \\\"lost in his own world\\\".Johnson(Cheadle),a practicing dentist,encounters his old College buddy(Sandler)and wants to catch up on \\\"Old times\\\".We see,as in Rain Man(Dustin Hoffman),Fineman also gets emotional and withdrawn in stressful situations.Oldies music,appears to be a comfort and \\\"Psychological\\\" crutch for him to lean on.

Johnson looks for,in Fineman,that certain pleasure and ease missing in his Family.He also feels unhappy and unsatisfied in his Job.In the same instance,He also wants to make sure his friend does not fall through the social \\\"cracks\\\".I came away from this movie,with a different outlook and more sympathetic Compassion for grieving families.\": {\"frequency\": 1, \"value\": \"**Possible ...\"}, \"Don't get me wrong, I'm a huge fan of many of Woody's movies, obviously his late 70's masterpieces (Annie Hall,Interiors, Manhattan)and most of his late 80's/early 90's dramas (Hannah, Crimes and Misdemeaners,Husbands and Wives) in fact I even liked some of his more recent efforts (Melinda, Anything Else, Small Time Crooks) but this was abysmal, I though it couldn't possibly be any worse than last years Match Point but how wrong I was.

It was lazily plotted - basically a cross between Match Point, Manhattan Murder Mystery and Small Time Crooks,with all the jokes taken out - Woody seems to be on the way out as well, slurring most of his lines and delivering 'hilarious' catchphrases 'I mean that with all due respect...' over and over until the blandness of it all becomes to much to bare.

I know that most actors are queuing up to work with him but they should at least read the script first - Scarlett Johansson and Hugh Jackman are so much better than this - and Woody should really take a more behind the camera role in future, if he has any sense about 20 miles behind it.

It wouldn't be so tragic if we didn't have so many great Woody films to compare this to - but it is clear that his best days are behind him and judging by this effort, Woody should call it a day before he becomes an industry joke.

Embarrassingly bad\": {\"frequency\": 1, \"value\": \"Don't get me ...\"}, \"Arguably this is a very good \\\"sequel\\\", better than the first live action film 101 Dalmatians. It has good dogs, good actors, good jokes and all right slapstick!

Cruella DeVil, who has had some rather major therapy, is now a lover of dogs and very kind to them. Many, including Chloe Simon, owner of one of the dogs that Cruella once tried to kill, do not believe this. Others, like Kevin Shepherd (owner of 2nd Chance Dog Shelter) believe that she has changed.

Meanwhile, Dipstick, with his mate, have given birth to three cute dalmatian puppies! Little Dipper, Domino and Oddball...

Starring Eric Idle as Waddlesworth (the hilarious macaw), Glenn Close as Cruella herself and Gerard Depardieu as Le Pelt (another baddie, the name should give a clue), this is a good family film with excitement and lots more!! One downfall of this film is that is has a lot of painful slapstick, but not quite as excessive as the last film. This is also funnier than the last film.

Enjoy \\\"102 Dalmatians\\\"! :-)\": {\"frequency\": 1, \"value\": \"Arguably this is a ...\"}, \"This is a terrible production of Bartleby, though not, as the other reviewer put it because it is \\\"unfilmable,\\\" but rather because this version does not maintain the spirit of the book. It tells the story, almost painfully so. Watching it, I could turn the pages in my book and follow along, which is not as much fun when dealing with an adaptation. Rather, see the 2001 version of Bartleby featuring Crispin Glover. That version, while humorous, brings new details to the film while maintaining the spirit of the novel. What's important is the spirit, not the minutiae of things like setting, character names, and costumes. The difference between these film versions is like night and day, tedious and hilarious. This version is a lesson as to what can go wrong if an adaptation is handled poorly, painful, mind-numbing schlock.\": {\"frequency\": 1, \"value\": \"This is a terrible ...\"}, \"I have not yet decided whether this will replace Anaconda as \\\"The Worst Film I Have Ever Seen\\\".

Even if you ignore the dodgy accents, low production values and appalling camera work this film has absolutely nothing going for it. I only went to see it as I had read the book and wanted to see how they would work the complicated plot into a 2 hour film.

The simple answer is - they didn't. Characters appear with little to no explanation as to who they are and then proceed to play no valuable part in the narrative. Even the main characters act without reason so that by the time the film reaches it's climax you don't care what happens to any of them.

I can accept that books occasionally need to be rewritten to fit into films and that it is perhaps unfair to judge this film against the book it was adapted from. But after my friends and I came out of the cinema I had to spend most of the journey home explaining what was supposed to have happened.

They even change the true meaning of the books title \\\"Rancid Aluminium\\\" by squeezing it into yet another piece of pointless voice over just so they can allow the film to have a cool title.

A real mess of a film from start to finish.\": {\"frequency\": 1, \"value\": \"I have not yet ...\"}, \"Considering its popularity, I found this movie a huge disappointment. Maybe I was expecting too much from this film. After all, it is one of the most well known martial arts films of the 1970s, but I could never figure out why. The story is uninteresting. It is also a very talky movie with sporadic action sequences. My biggest problem with the movie was that the story does not offer a character that I could root for, since the intended hero is an idiot. Director Chang has no sense of style, and he is unable to hide the glaring imperfections found in the narrative. I know this is not supposed to be high art, but I found the movie boring. Definitely not the best example of this much-beloved genre. Its cult status escapes me. I recommend you to skip it.\": {\"frequency\": 1, \"value\": \"Considering its ...\"}, \"So-so thriller starring Brad Pitt and Juliette Lewis, who join David Duchovny and Michelle Forbes on a road trip out west. The latter couple are researching notorious murder sites for an upcoming book; Pitt's a serial killer on the lam (unbeknownst to Dave) and Juliette is his poor, not-all-there companion. This is a good cast and the story moves along, but Pitt isn't belivably scary as a serial killer, although it is one of his better earlier roles. The best thing is here is Michelle Forbes, who always manages to shine, whether in her roles on `Homicide: Life on the Street' or in the brief series `Wonderland.'

Vote: 6\": {\"frequency\": 1, \"value\": \"So-so thriller ...\"}, \"This movie is very very very poor. I have seen better movies.

There was a bit of tension but not much to make you jump out of your chair. It begins slowly with the building of tension. Which is not a success. At least if you ask me. Though at some points or moments I must say it was a bit funny when people got shot and how they went down.

They should had made it something like Scary Movie, then it might be a better movie. Because I watched only pieces of the movie by skipping scenes and it got to boring through out the movie. I must say that i felt sleepy watching this movie so I sure can say it is not worth it.

Don't waste time on even thinking to do something with this movie besides leaving it where it already is. Somewhere very dusty..\": {\"frequency\": 1, \"value\": \"This movie is very ...\"}, \"Other than some neat special effects, this movie has nothing to offer. They threw in some gore and some nudity to try and make it interesting, but with no success. Kevin Bacon's acting was pretty good, but he couldn't salvage the movies lack of plot.\": {\"frequency\": 1, \"value\": \"Other than some ...\"}, \"\\\"Crush\\\" examines female friendship, for the most part avoiding the saccharine quality which spoils so many films with the same theme (e. g., \\\"Steel Magnolias\\\"). At the same time, it reveals the power of a sudden passion to overwhelm and surprise. The events depicted were highly improbable, but the underlying emotional truth seemed very genuine to me. Not a film for the speeding-vehicle-and-explosion crowd, but grown-up women are certain to respond with both laughter and tears.\": {\"frequency\": 1, \"value\": \"\\\"Crush\\\" examines ...\"}, \"I understand the jokes quite well, they just aren't good. The show is horrible. I understand it, and that's another horrible thing about it. The only cool character there EVER was on the show was that one hobo in that one episode, but then I see the other episode including that episode and the show is horrible. It's not funny, NOT funny! I don't want people to say \\\"Only smart people get it\\\" because if they're so smart why do they judge people they don't even know and say that they're not smart or intellectual enough to understand it? It's like saying \\\"The sky is red\\\" but never looking outside. But anyways, this is absolutely the worst show I have ever seen in my life, the jokes are terrible, I mean, you can understand them, they're just horrible, her controversy is very lame, her fart jokes and other jokes on bodily fluids are really dumb and usually consist of really bad acting. I'm not sure what these \\\"smart\\\" people see in this show, but judging others when they don't even know anything about any of us isn't exactly a smart comment.\": {\"frequency\": 1, \"value\": \"I understand the ...\"}, \"After what I thought was a masterful performance of two roles in Man From Snowy River, WHY was Kirk Douglas replaced by Brian Dennehy in the sequel? It just wasn't the same without Spur and Harrison, as portrayed by Douglas. Maybe he recognized how poor the plot was--Jim returns after extended absence, to find Jessica being pursued by another man. He could not expect any girl to wait that long with no contact from him, and not find competition. For a Disney movie, this contains foul language, plus the highly unnecessary part when Jim & Jessica shacked up without being married--very LAME. Quite an insult to viewer intelligence, according to members of my family. I'll stick with the first one, and try to forget I ever saw the sequel!\": {\"frequency\": 1, \"value\": \"After what I ...\"}, \"A Matter of Life and Death, what can you really say that would properly do justice to the genius and beauty of this film. Powell and Pressburger's visual imagination knows no bounds, every frame is filled with fantastically bold compositions. The switches between the bold colours of \\\"the real world\\\" to the stark black and white of heaven is ingenious, showing us visually just how much more vibrant life is. The final court scene is also fantastic, as the judge and jury descend the stairway to heaven to hold court over Peter (David Niven)'s operation.

All of the performances are spot on (Roger Livesey being a standout), and the romantic energy of the film is beautiful, never has there been a more romantic film than this (if there has I haven't seen it). A Matter of Life and Death is all about the power of love and just how important life is. And Jack Cardiff's cinematography is reason enough to watch the film alone, the way he lights Kim Hunter's face makes her all the more beautiful, what a genius, he can make a simple things such as a game of table tennis look exciting. And the sound design is also impeccable; the way the sound mutes at vital points was a decision way ahead of its time

This is a true classic that can restore anyone's faith in cinema, under appreciated on its initial release and by today's audiences, but one of my all time favourites, which is why I give this film a 10/10, in a word - Beautiful.\": {\"frequency\": 1, \"value\": \"A Matter of Life ...\"}, \"Off the blocks let me just say that I am a huge zombie fan so I don't make statements like the above lightly. Secondly let me say that this is an Italian zombie film and Fulci only directed 15 minutes of it before handing over to Bruno (Rats, Night Of Terror) Mattei. This is no Dawn of the Dead folks.

That said this is easily one of the most entertaining zombie films I have ever seen.

The script is wonderfully horrible. Just check out the two scientists trying to find an antidote (\\\"Let's try putting these two molecules together\\\").

The zombies come in all varieties. From moaning shufflers, to machete wielding maniacs, to birds!

The gore is plentiful. Legs are bitten off, arms amputated, stomachs burst open.

The pace is fast, flying from one zombie attack to the next.

Then there's the head in the fridge. Oh the head in the fridge! One of the greatest moments in horror since Ash got his hand possessed in Evil Dead 2.

You should know already whether you're the sort of person who's going to like this sort of film. Get some mates and some beer and you'll be in for a fun night.

Did I mention the head in the fridge?!?!?\": {\"frequency\": 1, \"value\": \"Off the blocks let ...\"}, \"I'm going to go on the record as the second person who has, after years of using the IMDb to look up movies, been motivated by Nacho's film, The Abandoned to create an account and post a comment. This was hands down the worst movie I've ever seen in my entire life. The plot was on the verge of non-existence, and none of the \\\"puzzle-pieces\\\" added up in any way whatsoever. The acting was laughable and the writing was embarrassing. How this film got backed and came to be is completely beyond me. The only saving grace I could find was Anastasia Hille's cunning and repetitive use of the f word. (and brilliant sound design) If I were faced with the option of seeing this film again or being mauled by wild bores I would be up against a difficult decision. I'm disappointed that I am unable to give it 0 stars.\": {\"frequency\": 1, \"value\": \"I'm going to go on ...\"}, \"Near the closing stages of Baby Mama, one of the central characters goes on to describe the basic outline of everything that came before and summarises that it 'was all just a mess'; I really couldn't say it any better than that. And while the feature does have its odd ray of hope every now and again, the vast majority of what is present is too neutered to be considered relevant and too unremarkable to be worth anyone's time. A lacklustre cast, mundane script and vague, caricature characters ensure that Baby Mama certainly isn't taxing on the ol' noggin, but it never makes up for this through its proposed sense of humour. Consisting mainly of very routine, clich\\ufffd\\ufffd jokes based around an odd couple (rich and poor) trying to live with each other as they prepare to bring a baby into the world, the film is far too esoteric to deliver laughs outside its very thin demographic.

As a story on finding love, it's not that bad, but playing this plot line as a side-story of sorts to work alongside the comedy-orientated odd couple tangent, characterisation is notably weak, resulting in a lukewarm romance that never bubbles. As characters themselves, both central figures are mildly amusing when put together in small spaces, but when left alone quickly unravel and bare their emptiness; so while we may eventually come to find the character's interactions with each other amusing at times, the comedy never branches beyond distant chuckles; we don't feel for the characters and don't find them inherently interesting, but rather their dynamic. Unfortunately however, although this dynamic works best, or at least better than the individual personas, as mentioned above, it rarely stems outside of the typical confines of the odd-couple formula.

Kate (Tina Fey) is a successful business woman who has hired working class, dumb-blonde Angie (Amy Poehler) to be her unlikely surrogate, and after Angie decides to leave hopeless husband Carl (Dax Shepard), both eventually have to learn to live together despite their obvious differences. Yes, it's the typical odd-couple premise, and one that we have already seen in this year's What Happens in Vegas, yet what Baby Mama lacks that the aforementioned movie had is both chemistry between performers and semi-layered characters. Kate and Angie both fail to ever show much of a personality outside of their two dimensional outline and as such both performers are neglected to play out roles that demand chemistry to produce out of thin air. In fact, the movie's only real engaging performance and character comes from the underused talents of Romany Malco who gets lumbered with playing a door-man. Of the few times that I laughed during Baby Mama, most of those moments were because of this man, and the remainder usually fell to Shepard.

It's a rare thing of course to find a movie which embodies its script's themes in the way which its world is shot and presented to us through the camera, and yet director Michael McCullers goes from page to screen effectively enough. Yet, for a film about babies, multi-million dollar business and cultural stereotyping, this isn't necessarily a good thing. Baby Mama is grade-A, hammy, plastic tinsel-town with capital bore topped with sugar. So not only did I feel emotionally distant to the characters because of their two-dimensional nature, but I simply didn't care for the world they inhabited. The dialogue, along with sets, costumes, and the script's general themes are painted in pastel blues and pinks so much that all shades of humanity are lost in the director's incessant need to make his movie feel like a neutered fantasy; these aren't characters and that isn't our world in any way\\ufffd\\ufffd so why should I care? At the end of the day however, a romantic comedy's ultimate gauge of success or failure comes down purely to its chemistry between its love interests, and the frequency of its laughs; Baby Mama has little going on in any of these departments. Of course to say that the film is without any value at all would be unfair. I'm sure female audiences in a similar boat as lead character Kate may get a slight kick out of the proceedings, but anyone else will probably just feel numb and probably bored. In this respect Baby Mama avoids being unbearable, but never convinces in being anything remarkable or worthy of a look to anyone outside of its immediate audience; a comedic dud and a romantic mismatch, Baby Mama is too light-headed to be interesting and too shallow to be entertaining.

- A review by Jamie Robert Ward (http://www.invocus.net)\": {\"frequency\": 1, \"value\": \"Near the closing ...\"}, \"Scarecrow is set in the small American town of Emerald Grove where high school student Lester Dwervick (Tim Young) is considered the local nerdy geek by teachers & fellow students alike. The poor kid suffers daily humiliation, bullying, teasing & general esteem destroying abuse at the hands of his peers. Unfortunately he doesn't find much support at home since his mom is a slut & after Lester annoys one of her blokes he chases him into a corn field & strangles the poor kid. However something magical happens (no, the film doesn't suddenly become good), Lester's spirit gets transfered into the corn fields scarecrow which he then uses as a body to gain revenge on those who tormented him & made his life hell...

Co-written, co-produced & directed by Emmanuel Itier who according to the IMDb credit list also has a role in the film as someone called Mr. Duforq although I don't remember any character of this name, I suppose anyone who ends up looking at the IMDb pages for Scarecrow will probably already be aware of it's terrible reputation & I have to say it pretty much well deserved since it's terrible. The script by Itier, Bill Cunningham & Jason White uses the often told story of one of life's losers who gets picked upon & tormented for no good reason getting their revenge by supernatural means in a relatively straight forward teen slasher flick. We've seen it all before, we've seen killer scarecrows before, we've seen faceless teens being killed off one-by-one before, we've seen one of life's losers get his revenge before, we've seen wise cracking villains who make jokes as they kill before & we've seen incompetent small town Sheriff's make matters even worse before. The only real question to answer about Scarecrow is whether it's any fun to watch on a dumb teen slasher type level? The answer is a resounding no to be honest. The film has terrible character's, awful dialogue, an inconsistent & predictable story, it has some cheesy one-liners like when the scarecrow kills someone with a shovel he ask's 'can you dig it?' & the so-called twist ending which is geared towards leaving things open for a sequel is just lame. The film moves along at a reasonable pace but it isn't that exciting & the kills are forgettable. You know I'm still trying to work out how someone can be stabbed & killed with a stick of corn...

Director Itier doesn't do a particularly good job here, the kill scenes are poorly handled with no build up whatsoever which means there's never any tension as within two seconds of a character being introduced they are killed off. Also I'm not happy with the killer scarecrow dude doing all these back-flips & somersaults through the air in scenes which feel like they belong in The Matrix (1999) or some Japanese kung-fu flick! To give it some credit the actual scarecrow mask looks really good & he looks pretty cool but he is given little to do except spout bad one-liners & twirl around a bit. Don't you think that being tied to a wooden stake in the middle of a corn filed all day would have been boring? I know he's a killer scarecrow but I still say he would have been bored just hanging around on a wooden stick all day! There's no nudity & the gore isn't anything to write home about, there's a decapitation, someones face is burnt, someone is killed with a stick of corn, someone gets a shovel stuck in their throat, some sickles are stuck in people's heads, someone has their heart ripped out & someone has a metal thing stuck through the back of their head which comes out of their mouth.

With a supposed budget of about $250,000 this was apparently shot in 8 days, well at least they didn't waste any time on unimportant things like story & character development. Technically this is pretty much point, shoot & hope for the best stuff. If you look at the guy on the floor who has just had his heart ripped out you can clearly see him still breathing... The acting sucks, the guy who played Lester's mum's bloke is wearing the most stupid looking wig & fake moustache ever because he played two roles in the film & the makers needed to disguise him but they just ended up making him look ridiculous & don't get me started on his accent...

Scarecrow has a few fun moments & the actual scarecrow himself is a nice creation with good special make-up effects but as a whole the film is poorly made, badly acted, silly, too predictable & very cheesy. If you want to see a great killer scarecrow flick then check out Scarecrows (1988). Not to be confused with the Gene Hackman & Al Pacino film Scarecrow (1973) or the upcoming horror flick Scarecrow (2008) which is currently in production. Scarecrow proved popular enough on home video to spawn two more straight to video sequels, Scarecrow Slayer (2003) & Scarecrow Gone Wild (2004).\": {\"frequency\": 1, \"value\": \"Scarecrow is set ...\"}, \"This was the funniest piece of film/tape I have ever witnessed, bar none. I laughed myself sick the first three times I watched it. I recommend it to everyone, with the warning that if they can't handle the f-sharps to stay FAR away. At his best when telling stories from a kids point of view.\": {\"frequency\": 1, \"value\": \"This was the ...\"}, \"Madhur Bhandarkar directs this film that is supposed to expose the lifestyle of the rich and famous while also providing a commentary on the integrity of journalism today.

Celebrities party endlessly, they like to be seen at these parties, and to get due exposure in the media. In fact the film would have us believe that this exposure MAKES celebrities out of socialites and the newspapers have a huge hand in this. IMO there is much more synergy between the celebrities and media and it is a \\\"I need you, you need me\\\" kind of relationship. However, the media needs celebrities more and not vice versa. Anyhow, in this milieu of constant partying is thrown the social column (page 3 of the newspaper) reporter Konkana Sen Sharma. She is shown as this celebrity maker, very popular at the social gatherings. She has a good friend in the gay Abhijeet and in the struggling model Rohit (Bikram Saluja). She rooms with an air-hostess \\ufffd\\ufffd the sassy Pearl (Sandhya Mridul), and a struggling actress - Gayatri (Tara Sharma). The editor of the newspaper is Boman Irani and a firebrand crime beat reporter is played by Atul Kulkarni. The movie has almost too many plot diversions and characters but does work at a certain level. The rich are shown to be rotten to the core for the most part, the movie biz shown to be sleazy to the max with casting couch scenarios, exploitation of power, hunger for media exposure. Into all this is layered in homosexuality, a homosexual encounter that seems to not have much to do with the story or plot, rampant drug use, pedophilia, police \\\"encounter\\\" deaths. In light of all this Pearl's desire to have a super rich husband, a socialite daughter indulging in a sexual encounter in a car, the bitching women, all seem benign ills.

The film has absolutely excellent acting by Konkana Sen Sharma, Atul Kulkarni has almost no role \\ufffd\\ufffd a pity in my opinion. But the supporting cast is more than competent (Boman Irani is very good). This is what saves the film for me. Mr. Bhandarkar bites off way more than he can chew or process onto celluloid and turns the film into a free for all bash. I wish he had focused on one or two aspects of societal ills and explored them more effectively. He berates societal exploitation yet himself exploits all the masala ingredients needed for a film to be successful. We have an item number in the framework of a Bollywood theme party, the drugged out kids dance a perfectly choreographed dance to a Western beat. I hope the next one from Madhur Bhandarkar dares to ditch even more of the Hindi film stereotyped ingredients. The film is a brave (albeit flawed) effort, certainly worth a watch.\": {\"frequency\": 1, \"value\": \"Madhur Bhandarkar ...\"}, \"At what point exactly does a good movie go bad? When does a movie go from \\\"watchable\\\" to \\\"where's that &^@_+#!* OFF switch\\\"? Thank goodness for DVDs, like this one, that can be borrowed from the library - for free! Likewise, thank goodness for the \\\"fast forward\\\" switch on the DVD player. I feel sorry for those people who were duped at the box office.

At one point (I've forgotten exactly when because now it's all just a blur), our \\\"hero,\\\" Luke Wilson starts running through traffic; I think he was looking for a cab. It was at that point when I gave up, realizing I couldn't care whether he found his ride or got run over by a garbage truck.

The last time the movie was interesting was when Luke Wilson climbs out of the dumpster, hair dryer in hand, and first meets the \\\"heroine,\\\" Uma Thurman. That scene ended with the purse-snatching criminal dangling helplessly from the fire escape far, far above the departing Luke and Uma. That was the last time the movie was funny, and when was that scene? Ten minutes into the flick?

Every time the movie tried to become \\\"funny,\\\" it couldn't. Every time the movie approached \\\"excitement,\\\" it fizzled out, heading in the opposite direction. When a musical score might have helped squeeze life out of this dullard, the sound track stayed empty and silent.

The sex scenes were not needed and were beyond lame; the damage to sets and props unnecessary and childish. When Uma turns into the crazy ex-girlfriend, I felt like I was watching \\\"The 40 Year Old Virgin Meets Pulp Fiction\\\"; that's when I realized that there was no turning back because I thoroughly disliked \\\"The 40 Year Old Virgin\\\" and \\\"Pulp Fiction.\\\"

Luke Wilson's sidekick, Rainn Wilson (also seen in the dreary \\\"The Last Mimzy\\\") adds nothing but insult to injury in this awful movie. Rainn Wilson, the King of Television Boredom, should stay with that equally awful medium. Hey, Rainn Wilson! Leave full-length motion pictures alone! Every time Uma's rival, Anna Faris, came on screen, I expected Jason or Freddy or some fright flick monster to jump out from behind the scenery; once you see Anna Faris in \\\"Scary Movie,\\\" that's all you ever see, no matter the movie, no matter the medium. The character played by Wanda Sykes was just plain awful and was so out of place in this flick.\": {\"frequency\": 1, \"value\": \"At what point ...\"}, \"This film is more about how children make sense of the world around them, and how they (and we) use myth to make sense of it all. I think it's been misperceived, everyone going in expecting a stalkfest won't enjoy it but if you want a deeper story, it's here.......\": {\"frequency\": 1, \"value\": \"This film is more ...\"}, \"The message of this movie is \\\"personality is more important than beauty\\\". Jeanine Garofalo is supposed to be the \\\"ugly duckling\\\", but the funny thing is that she's not at all ugly (actually she's a lot more attractive than Uma Thurman, the friend who looks like a model).

Now, would this movie work if the \\\"ugly duckling\\\" was really unattractive? When will Hollywood stop with this hypocrisy?

In my opinion, despite the message that it wants to convey, this movie is simply ridiculous.

\": {\"frequency\": 1, \"value\": \"The message of ...\"}, \"EL MAR is a tough, stark, utterly brilliant, brave work of cinematic art. Director Agust\\ufffd\\ufffd Villaronga, with an adaptation by Antoni Aloy and Biel Mesquida of Blai Bonet's novel, has created a film that traces the profound effects of war on the minds of children and how that exposure wrecks havoc on adult lives. And though the focus is on war's heinous tattoo on children, the transference to like effects on soldiers and citizens of adult age is clear. This film becomes one of the finest anti-war documents without resorting to pamphleteering: the end result has far greater impact because of its inherent story following children's march toward adulthood.

A small group of children are shown in the Spanish Civil War of Spain, threatened with blackouts and invasive nighttime slaughtering of citizens. Ramala (Nilo Mur), Tur (David Lozano), Julia (Sergi Moreno), and Francisca (Victoria Verger) witness the terror of the assassination of men, and the revenge that drives one of them to murder and suicide. These wide-eyed children become adults, carrying all of the psychic disease and trauma repressed in their minds.

We then encounter the three who survive into adulthood where they are all confined to a tuberculosis sanitarium. Ramala (Roger Casamajor) has survived as a male prostitute, protected by his 'john' Morell (Juli Mira), and has kept his life style private. Tur (Bruno Bergonzini) has become a frail sexually repressed gay male whose cover is his commitment to Catholicism and the blur of delusional self-mutilation/crucifixion. Francisca (Ant\\ufffd\\ufffdnia Torrens) has become a nun and serves the patients in the sanitarium. The three are re-joined by their environment in the sanitarium and slowly each reveals the scars of their childhood experiences with war. Tur longs for Ramala's love, Ramala longs to be free from his Morell, and Francisca must face her own internal needs covered by her white nun's habit.

The setting of the sanitarium provides a graphic plane where the thin thread between life and death, between lust and love, and between devotion and destruction is played out. To detail more would destroy the impact of the film on the individual viewer, but suffice it to say that graphic sex and full nudity are involved (in some of the most stunningly raw footage yet captured on film) and the viewer should be prepared to witness every form of brutality imaginable. For this viewer these scenes are of utmost importance and Director Villaronga is to be applauded for his perseverance and bravery in making this story so intense. The actors, both as children and as adults, are splendid: Roger Cassamoor, Bruno Bergonzini and Ant\\ufffd\\ufffdnia Torrens are especially fine in inordinately difficult roles. The cinematography by Jaime Peracaula and the haunting musical score by Javier Navarrete serve the director's vision. A tough film, this, but one highly recommended to those who are unafraid to face the horrors of war and its aftermath. In Spanish with English subtitles.

Grady Harp\": {\"frequency\": 1, \"value\": \"EL MAR is a tough, ...\"}, \"Now i have never ever seen a bad movie in all my years but what is with songs in the movie what physiological meaning does it have. WOW some demented Pok\\ufffd\\ufffdmon shows up and they multiply i can get a seizure from this. Animie is pointless the makers of it are pointless its a big marketing scheme look just cut down on songs and they will get a good rating i reckon that this movie would have been fine if they put out a message you must see all the Pok\\ufffd\\ufffdmon episodes to understand whats going on and it is not a film. It is just an animation it should be on video.

Ps: i'll give it a 1 because i just got 5 bucks i could not give it a half because there's no halves.\": {\"frequency\": 1, \"value\": \"Now i have never ...\"}, \"This is what a movie should be when trying to capture the essence of that which is very surreal. It has this hazy overtone that is rarely captured on film, it feels like a dream sequence and really moves you into a dark haunting memory. The Kids were extremely believable and I do expect some things to come of them in the future. Very natural acting for such young ones, I don't know if Bill pulled it out of them or there just that good, but no the less excellent. Bill scored as far as I'm concerned and for the comment by KevNJeff about Mr. Paxtons bad acting, what can one do in that role. He played the part rather well in my opinion. This is coming from someone who said Hamlet was good (The Ethan Hawke Version?) Wow......... Do not listen to his Comments. Great flick to make you feel really uncomfortable, if that's what you want? Cinematography gets an above the average rating also.\": {\"frequency\": 1, \"value\": \"This is what a ...\"}, \"I gather at least a few people watched it on Sept.2 on TCM. If you did you know that Hedy had to change her name to avoid being associated with this movie when she came the U.S. It was a huge scandal and I gather that the original release in the U.S. was so chopped up by censors that it was practically unintelligible. I watched because I had just seen a documentary on \\\"bad women\\\", actresses in the U.S. pre- movie censorship board set up in the early '30s. It looked to me as though they got away with a lot more than Hedy's most \\\"sensational\\\" shots in \\\"Ecstasy\\\". In fact Hedy looked positively innocent in this, by today's standards, and it was nice to see her early unspoiled beauty. It was a nice, lyrical movie to relax to. I loved it for what it was: a simple romance. I watched it after pre- recording it during a sleepless early A.M. I would love to see the first version released in the U.S. for comparison's sake.\": {\"frequency\": 2, \"value\": \"I gather at least ...\"}, \"I'm disappointed at the lack of posts on this surprising and effective little film. Jordi Moll\\ufffd\\ufffd, probably best known for his role as Diego in Ted Demme's \\\"Blow\\\" Writes, directs, and stars.

I won't give away any plot points, as the movie (at least for me) was very exciting having not known anything about it.. If you have a netflix account, or have access to a video store that would carry it...I highly recommend it. It's a crazy, fun, and sometimes very thought provoking creation.

Moll\\ufffd\\ufffd's direction is *quite* impressive and shows a lot of promise.

Unpredictable, with amazing imagery and a great lead performance spoken in beautiful Spanish \\\"No somos nadie\\\" (God is on Air) is an amazing film you can show off to your friends.

SEE IT.\": {\"frequency\": 1, \"value\": \"I'm disappointed ...\"}, \"I couldn't believe how lame & pointless this was. Basically there is nothing to laugh at in the movie, hardly any scenes to get you interested in the rest of the movie. This movie pulled in some huge stars but they were all wasted in my opinion. I think Keanu Reeves must've taken some acting lessons a fews years after this movie before he stared in The Matrix. Uma Thurman looked very simple & humble. Luckily i got this movie for a very low price because its certainly not a movie to remember for any good reasons. I won't write anything about the story of the movie, but as you should know that she is meant to be the most famous hitchhiker across America because of her huge thumb. I would give this movie a 2 / 10. Before I watched this movie I was wondering why this movie has only got a 4.0/10, & now I know why. A very disappointing movie. Don't buy it even if you see it for under $5.\": {\"frequency\": 1, \"value\": \"I couldn't believe ...\"}, \"I went into this film thinking it would be a crappy b-rated movie. I came out surprised and very amused. Eva was good, but Lake Bell stole the show. She had amazing comedic timing. The jokes in this film were surprisingly original and really funny with one or two flat jokes in between. The plot was enough to tie it all together, a woman (Eva) dies on her wedding day and comes back to haunt the woman that is going out with her was-to-be husband, its sounds far-fetched but it actually works quite well.

7/10 - Overall its a worthwhile cinema watch, if not get it on DVD when it comes out.\": {\"frequency\": 1, \"value\": \"I went into this ...\"}, \"This movie is a great mocumentary. It follows the rap group, NWH, made up of Ice Cold, Tasty Taste and Tone Def through their unique path to gangster rap highs, lows and back to highs. Through trouble with women, egos, cops and whitey, this group gets to the top of the gangster rap world, as this movie goes to the top of mocumentaries. I know everybodies favorite mocumentary is This is Spinal Tap, for very good reason, however I think that if in the right mood, this movie is simply better. The laughs never end, even for someone not into the rap culture.

I'm a white guy, that has no interest in rap music, culture or anything else associated with it, however I love this movie. Rusty Cundeif, who wrote the screenplay, songs and starred in it showed great potential and it is a shame that I haven't seen him since Fear of a Black Hat. However, I have seen him one more time than you have, and is that, that I recommend Fear of a Black Hat to you for quick laughs.

Remember, \\\"Don't shoot to you see the whites!....of their eyes? No don't shoot to you see the whites.\\\"

FYM and enjoy the movie.\": {\"frequency\": 1, \"value\": \"This movie is a ...\"}, \"Coming immediately on the heels of Match Point (2005), a fine if somewhat self-repetitive piece of \\\"serious Woody,\\\" Scoop gives new hope to Allen's small but die-hard band of followers (among whom I number myself) that the master has once again found his form. A string of disappointing efforts, culminating in the dreary Melinda and Melinda (2004) and the embarrassing Anything Else (2003) raised serious doubts that another first rate Woody comedy, with or without his own participation as an actor, was in the cards. Happily, the cards turn out to be a Tarot deck that serves as Scoop's clever Maguffin and proffers an optimistic reading for the future of Woody Allen comedy.

Even more encouraging, Woody's self-casting - sadly one of the weakest elements of his films in recent years - is here an inspired bit of self-parody as well as a humble recognition at last that he can no longer play romantic leads with women young enough to be his daughters or granddaughters. In Scoop, Allen astutely assigns himself the role of Sid Waterman, an aging magician with cheap tricks and tired stage-patter who, much like Woody himself, has brought his act to London, where audiences - if not more receptive - are at least more polite. Like Chaplin's Calvero in Limelight (1952), Sid Waterman affords Allen the opportunity to don the slightly distorted mask of an artist whose art has declined and whose audience is no longer large or appreciative. Moreover, because they seem in character, Allen's ticks and prolonged stammers are less distracting here than they have been in some time.

Waterman's character also functions neatly in the plot. His fake magic body-dissolving box becomes the ironically plausible location for visitations from Joe Strombel (Ian McShane), a notorious journalistic muckraker and recent cardiac arrest victim. Introduced on a River Styx ferryboat-to-Hades, Strombel repeatedly jumps ship because he just can't rest in eternity without communicating one last \\\"scoop\\\" about the identity of the notorious \\\"Tarot killer.\\\" Unfortunately, his initial return from the dead leads him to Waterman's magic show and the only conduit for his hot lead turns out to be a journalism undergraduate, Sondra Pransky (Scarlett Johansson), who has been called up from the audience as a comic butt for the magician's climactic trick. Sondra enthusiastically seizes the journalistic opportunity and drags the reluctant Waterman into the investigation to play the role of her millionaire father. As demonstrated in Lost in Translation, Johansson has a talent for comedy, and the querulous by-play between her and Allen is very amusing - and all the more so for never threatening to become a prelude to romance.

Scoop's serial killer plot, involving grisly murders of prostitutes and an aristocratic chief suspect, Peter Lyman (Hugh Jackman), is the no doubt predictable result of Allen's lengthy sabbatical exposure to London's ubiquitous Jack the Ripper landmarks and lore. Yet other facets of Scoop (as of Match Point) also derive from Woody's late life encounter with English culture. Its class structure, manners, idiom, dress, architecture, and, yes, peculiar driving habits give Woody fresh new material for wry observation of human behavior as well as sharp social satire. When, for instance, Sondra is trying to ingratiate herself with Peter Lyman at a ritzy private club, Waterman observes \\\"from his point of view we're scum.\\\" A good deal of humor is also generated by the contretemps of stiffly reserved British social manners encountering Waterman's insistent Borscht-belt Jewish plebeianism. And, then, of course, there is Waterman's hilarious exit in a Smart Car he can't remember to drive on the left side of the road.

As usual, Allen's humor in Scoop includes heavy doses of in-jokes, taking the form of sly allusions to film and literary sources as well as, increasingly, references to his own filmography. In addition to the pervasive Jack the Ripper references, for instance, the film's soundtrack is dominated by an arrangement of Grieg's \\\"The Hall of the Mountain King,\\\" compulsively whistled by Hans Beckert in M, the first masterpiece of the serial killer genre. The post-funeral gathering of journalists who discuss the exploits of newly departed Joe Strombel clearly mimics the opening of Broadway Danny Rose (1984). References to Deconstructing Harry (1997) include the use of Death as a character (along with his peculiar voice and costume), the use of Mandelbaum as a character name, and the mention of Adair University (Harry's \\\"alma mater\\\" and where Sondra is now a student). Moreover, the systematic use of Greek mythology in the underworld river cruise to Hades recalls the use of Greek gods and a Chorus in Mighty Aphrodite (1995).

As to quotable gags, Allen's scripts rely less on one-liners than they did earlier in his career, but Scoop does provides at least a couple of memorable ones. To a question about his religion, Waterman answers: \\\"I was born in the Hebrew persuasion, but later I converted to narcissism.\\\" And Sondra snaps off this put-down of Waterman's wannabe crime-detecting: \\\"If we put our heads together you'll hear a hollow noise.\\\" All in all, Scoop is by far Woody Allen's most satisfying comedy in a decade.\": {\"frequency\": 1, \"value\": \"Coming immediately ...\"}, \"Elegance and class are not always the first words that come to mind when folks (at least folks who might do such a thing) sit around and talk about film noir.

Yet some of the best films of the genre, \\\"Out of the Past,\\\" \\\"The Killers,\\\" \\\"In A Lonely Place,\\\" \\\"Night and the City,\\\" manage a level of sleek sophistication that elevates them beyond a moody catch phrase and its connotations of foreboding shadows, fedoras, and femme-fatales.

\\\"Where the Sidewalk Ends,\\\" a fairly difficult to find film -- the only copy in perhaps the best stocked video store in Manhattan was a rough bootleg from the AMC cable channel -- belongs in a category with these classics.

From the moment the black cloud of opening credits pass, a curtain is drawing around rogue loner detective Marc Dixon's crumbling world, and as the moments pass, it inches ever closer, threatening suffocation.

Sure, he's that familiar \\\"cop with a dark past\\\", but Dana Andrews gives Dixon a bleak stare and troubled intensity that makes you as uncomfortable as he seems. And yeah, he's been smacking around suspects for too long, and the newly promoted chief (Karl Malden, in a typically robust and commanding outing) is warning him \\\"for the last time.\\\"

Yet Dixon hates these thugs too much to stop now. And boy didn't they had have it coming?

\\\"Hoods, dusters, mugs, gutter nickel-rats\\\" he spits when that tough nut of a boss demotes him and rolls out all of the complaints the bureau has been receiving about Dixon's right hook. The advice is for him to cool off for his own good. But instead he takes matters into his own hands.

And what a world of trouble he finds when he relies on his instincts, and falls back on a nature that may or may not have been passed down from a generation before.

Right away he's in deep with the cops, the syndicate, his own partner. Dixon's questionable involvement in a murder \\\"investigation\\\" threatens his job, makes him wonder whether he is simply as base as those he has sworn to bring in. Like Bogart in \\\"Lonely Place,\\\" can he \\\"escape what he is?\\\"

When he has nowhere else to turn, he discovers that he has virtually doomed his unexpected relationship with a seraphic beauty (the marvelous Gene Tierney) who seems as if she can turn his barren bachelor's existence into something worth coming home to.

The pacing of this superb film is taut and gripping. The group of writers that contributed to the production polished the script to a high gloss -- the dialogue is snappy without disintegrating into dated parody fodder, passionate without becoming melodramatic or sappy.

And all of this top-notch direction and acting isn't too slick or buffed to loosen the film's emotional hold. Gene Tierney's angelic, soft-focus beauty is used to great effect. She shows herself to be an actress of considerable range, and her gentle, kind nature is as boundless here as is her psychosis in \\\"Leave Her to Heaven.\\\" The scenes between Tierney and Andrews's Dixon grow more intense and touching the closer he seems to self-destruction.

Near the end of his rope, cut, bruised, and exhausted Dixon summarizes his lot: \\\"Innocent people can get into terrible jams, too,..\\\" he says. \\\"One false move and you're in over your head.\\\"

Perhaps what makes this film so totally compelling is the sense that things could go wildly wrong for almost anyone -- especially for someone who is trying so hard to do right -- with one slight shift in the wind, one wrong decision or punch, or, most frighteningly, due to factors you have no control over. Noir has always reflected the darkest fears, brought them to the surface. \\\"Where the Sidewalk Ends\\\" does so in a realistic fashion.

(One nit-pick of an aside: This otherwise sterling film has a glaringly poor dub of a blonde model that wouldn't seem out of place on Mystery Science Theater. How very odd.)

But Noir fans -- heck, ANY movie fans -- who haven't seen this one are in for a terrific treat.\": {\"frequency\": 1, \"value\": \"Elegance and class ...\"}, \"As an ex-teacher(!) I must confess to cringing through many scenes - 'though I continued to watch to the end. I wonder why?! (Boredom, perhaps?) :-)

The initial opening scenes struck me as incredibly mish-mashed and unfocussed. The plot, too, although there were some good ideas - the plight of a relief teacher, for example - were not concentrated enough in any one direction for 3-D development.

Not one of Mr Nolte's finer moments. As to young Mr Macchio, does he speak that way in *every* movie?

Plot and acting complaints aside, the hair-styles alone were a nostalgic (if nauseating) trip.

\": {\"frequency\": 1, \"value\": \"As an ex- ...\"}, \"Oh dear, Oh dear. I started watching this not knowing what to expect. I couldn't believe what I was seeing. There were times when I thought it was a comedy. I loved how the government's plan to capture the terrorist leader is to air drop in one man, who is unarmed, and expect him to capture him and escape with a rocket pack. If only it were really that easy. I've finally found a movie worse than \\\"Plan 9 From Outer Space\\\".\": {\"frequency\": 1, \"value\": \"Oh dear, Oh dear. ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"The H.G. Wells ...\"}, \"Despite a tight narrative, Johnnie To's Election feels at times like it was once a longer picture, with many characters and plot strands abandoned or ultimately unresolved. Some of these are dealt with in the truly excellent and far superior sequel, Election 2: Harmony is a Virtue, but it's still a dependably enthralling thriller about a contested Triad election that bypasses the usual shootouts and explosions (though not the violence) in favour of constantly shifting alliances that can turn in the time it takes to make a phone call. It's also a film where the most ruthless character isn't always the most threatening one, as the chilling ending makes only too clear: one can imagine a lifetime of psychological counselling being necessary for all the trauma that one inflicts on one unfortunate bystander.

Simon Yam, all too often a variable actor but always at his best under To's direction, has possibly never been better in the lead, not least because Tony Leung's much more extrovert performance makes his stillness more the powerful.\": {\"frequency\": 1, \"value\": \"Despite a tight ...\"}, \"I rented this film to see what might be a bloody, non stop action movie and got this overly sentimental and super cheap low budget action-drama that makes Kickboxer look like Die Hard. Lou and Reb are in Vietnam and as Lou saves Reb from the gooks, he gets shot in the head in what is easily one of the worst effects ever. The Vietnam scenes are shot in someones backyard, I swear! Lou is now brain damaged and Reb and him live together and own a bar. Super homoerotic. Lou is convinced to fight in a cage for money and Reb goes on a killing spree to get him back. There is no good fight scenes at all, the punches are two inches away from a person. Characters personalities change in matter of seconds. One guy is a bad and in the next scene he's good. The acting is horrid and the music is some overly sentimental Frank Stallone sounding song that would make you sick. I hated this film.\": {\"frequency\": 1, \"value\": \"I rented this film ...\"}, \"I dont know why people think this is such a bad movie. Its got a pretty good plot, some good action, and the change of location for Harry does not hurt either. Sure some of its offensive and gratuitous but this is not the only movie like that. Eastwood is in good form as Dirty Harry, and I liked Pat Hingle in this movie as the small town cop. If you liked DIRTY HARRY, then you should see this one, its a lot better than THE DEAD POOL. 4/5\": {\"frequency\": 1, \"value\": \"I dont know why ...\"}, \"This is a great British film. A cleverly observed script with many quotable lines, which captures perfectly what magic mushrooms can do to a man over a weekend. As per usual Phil Daniels is excellent along with that most under rated of British actors Geoff Bell. Peter Bowles with a joint hanging out of his mouth is a casting masterstroke and Gary Stretch with his brooding looks brings something strangely atmospheric to the piece. Although it seems to be billed as a biker movie, i think it will find an audience outside of this, purely on the premise that a lot of people have been there done it and got the t-shirt. also A great original soundtrack with a blinding version of Freebird. This really could be a 21st century heir to the famous Ealing comedies. Like the weed in the Welsh fields: it's a grower!\": {\"frequency\": 1, \"value\": \"This is a great ...\"}, \"James Stewart and Margaret Sullavan play co-workers in a Budapest gift shop who don't really like each other, not knowing they're really sweetheart pen pals who have yet to meet.

A very charming romantic comedy, very engagingly played by it's two likable stars and a very eager-to-please supporting cast. The story is well written and the film has that romantic innocence (don't quite know how to explain it) that films today just don't have. This can obviously be compared to the recent You've Got Mail, and the original wins in every way.

This is mandatory viewing each Christmas, I can't think of a better way to jumpstart a Christmas feel than this little gem.\": {\"frequency\": 1, \"value\": \"James Stewart and ...\"}, \"I think this is almost all I need to say. I feel obliged to explain my actions though. I've basically never seen such an armateur production, and I mean that in all senses of the word. Although the physical camera work, boom MIC operation and other technical aspects of this film are laughable, unfortunately its not the only areas.

Unlike some classic independent films that have been saved by their scripts great characterization and plot, this unfortunately has an awful script, awful acting and worst of all, awful annoying characters.

It's a crime that for the every independent film that gets, distribution like Haiku Tunnel, there's a 101 other indie films that died silent deaths. I don't know who the Kornbluth brothers know at Sony, but that can be my only explanation as to how this amateur family production ever got distribution. I'm quite bemused as to why they picked this up.

The ONLY part of this film that holds out any intrigue is its title. However, the reason for that is even a let down. I hope this review will save a few people that may be intrigued by this films title from going to watch it. I've seen a lot of films in my time, and I'm very forgiving when in the cinema, but this was too much. I'll never forget 'tunnel', for marking an important point in my life experience of cinema. Shame it's such a low point.

\": {\"frequency\": 1, \"value\": \"I think this is ...\"}, \"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\\ufffd\\ufffdd 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\\ufffd\\ufffds 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\": {\"frequency\": 1, \"value\": \"Unfortunately, one ...\"}, \"For the first forty minutes, Empire really shapes itself up: it appears to be a strong, confident, and relatively unknown gangster flick. At the time I didn't know why, I thought it was good- but now I do.

One of the main problems with this film is that it is purely and utterly distasteful. I don't mind films with psychos and things, to prove a point- take Jackie Brown, for example- but they're all so terribly shallow in this, but that is obviously thrown in for entertainment. You literally feel a knot pull in your stomach. Another major problem is the protagonist. He is smug, arrogant, yet- ironically enough- not that bad. He doesn't seem tight enough to be a drug-dealing woman killer. The fact is, at the end of the day, this film is completely pretentious. Not slick, not clever, just dull, and meaningless- this colossal mess should be avoided at all costs.

* out of ***** (1 out of 5)\": {\"frequency\": 1, \"value\": \"For the first ...\"}, \"Was this movie stupid? Yup. Did this movie depth? Nope. Character development? Nope. Plot twists? Nope. This was simply a movie about a highly-fictionalized Springer show. It shows the lengths that some people will go to get their mugs on TV. Molly Hagan did a great job as Jaime Pressly's mom. Jaime is....well...GORGEOUS! This flick wasn't so much made to be a \\\"breakthrough\\\" movie, rather, it was intended to life in a trailer park (I live in a trailer park and ours is nothing like the one in this movie) where everyone sleeps with everyone else, all the girls get pregnant by different guys, and all the guys drive rusted-out '66 Ford pickups (exaggeration, of course, but that's the picture everyone sees when you mention \\\"trailer park\\\"). Some people over-analyze movies (case-in-point: Star Trek freaks). I watch movies purely for the entertainment value; not to point out that the girl is wearing a different shirt in a different scene (read the \\\"Goofs\\\" bit about Connie's shirt. Could it have been better? Sure. But it was funny as hell.\": {\"frequency\": 1, \"value\": \"Was this movie ...\"}, \"As it is generally known,anthology films don't fare very well with American audiences (I guess they prefer one standard plot line). New York,I Love You, is the second phase of a series of anthology films dealing with cities & the people who live & love in them. The first was 'Paris,J'Taime', which I really enjoyed. The film was made up of several segments,each written and/or directed by a different director (most of which were French,but there is a very funny segment directed by Joel & Ethan Coen). Like 'Paris', this one is also an anthology, directed by several different directors (Fatih Akin,Mira Nair,Natalie Portman,Shakher Kapur,etc.),and also like 'Paris'deals with New Yorkers,and why they love the city they live in. It features a top notch cast,featuring the likes of Natalie Portman,Shia LaBeouf,Christina Ricci,Orlando Bloom,Ethan Hawki,and also features such seasoned veterans as James Caan,Cloris Leachman,Eli Wallach and Julie Christie. Some of the stories really fly,and others don't (although I suppose it will depend on individual tastes---I won't ruin it for anybody else by revealing which ones worked for me & which ones didn't). Word is that the next entry in the series will be Shanghai, China (is Rome,Italy,Berlin,Germany or Athens,Greece out of the question?). Spoken mainly in English,but does have bits of Yiddish & Russian with English subtitles. Rated 'R'by the MPAA for strong language & sexual content\": {\"frequency\": 1, \"value\": \"As it is generally ...\"}, \"Simple story... why say more? It nails it's premise. World War 3 kills all or most of the human race and we're viewing 2 of the survivors. The message is that the 2 warring sides should not have been at odds in the first place. Distilled down to representatives from each side, we see they have everything to come together for:

Security... Finding resources... food, shelter, etc... Survival... Love...

At the end they've decided to pool their resources, (she finally does), so they will survive. Simple story, expressed in the limited budget of the early 60s television landscape. We see it in 2009 as somewhat old and maybe predictable. In the early 60s, no one had seen such stuff... I give it a 10...\": {\"frequency\": 1, \"value\": \"Simple story... ...\"}, \"A fragment in the life of one of the first female painters to achieve historical renown, \\\"Artemisia\\\" tells the true story of a young Italian woman's impassioned pursuit of artistic expression and the vicissitudes she encounters. The film features sumptuous costuming and sets and a good cast and acting. However, it is muddled in its attempt to depict the esoterics of the art and the time and is uninspired in its representation of the passion of the artist as painted on canvas and explored through her involvements with men. A good film for those interested in renaissance painting or period films.\": {\"frequency\": 1, \"value\": \"A fragment in the ...\"}, \"I saw this film at its New York's High Falls Film Festival screening as well and I must say that I found it a complete and awful bore. Although it was funny in some places, the only real laughs was that there appeared to be o real plot to talk about and the acting in some places was dreadful and wooden, especially the \\\"Lovely Lady\\\" and the voice of the narrator (whom I have never heard of) had a lot to be desired. J.C.Mac was, I felt, the redeeming feature of this film, true action and grit and (out of the cast) the only real acting. I am sure with another cast and a tighter reign on the directing, this could have been a half decent film. Let us just hope that it is not sent out on general release, or if you really want a copy, look in the bargain bin in Lidl.\": {\"frequency\": 1, \"value\": \"I saw this film at ...\"}, \"Hey HULU.com is playing the Elvira late night horror show on their site and this movie is their under the Name Monsteroid, good fun to watch Elvira comment on this Crappy movie ....Have Fun with bad movies. Anyways this movie really has very little value other than to see how bad the 70's were for horror flicks Bad Effects, Bad Dialog, just bad movie making. Avoid this unless you want to laugh at it. While you are at HULU check out the other movies that are their right now there is 10 episodes and some are pretty decent movies with good plots and production and you can watch a lot of them in 480p as long as you have a decent speed connection.\": {\"frequency\": 1, \"value\": \"Hey HULU.com is ...\"}, \"I saw this director's \\\"Woman On The Beach\\\" and could not understand the good to great reviews. This film is much like that one, two people who are caught in a relationship with very little dynamic and even less interest to anyone else. Like his other films, you have to want to listen to vacuous dialog, wade through very little and become enchanted with underwritten, pretty uninteresting characters. If you feel you can like this film, don't let my review stop you. I do like minimalism in films, but I feel Tsai Ming-Liang's films are far superior. He has a fairly terrific actor in Lee Kang-Sheng in his films. There is nothing here. I wish IU liked it, but I don't. Oh, well.\": {\"frequency\": 1, \"value\": \"I saw this ...\"}, \"This is perhaps the best rockumentary ever- a British, better This Is Spinal Tap. The characters are believable, the plot is great, and you can genuinely empathise with some of the events- such as Ray's problem with fitting in the band.

The soundtrack is excellent. Real period stuff, even if it is in the same key, you'll be humming some of the songs for days. What I liked was the nearly all-British cast, with some of the favourite household names. Ray's wife is priceless...

The film never drags, it just goes at the right pace, and has some genuinely funny sections in it. A generator of some really good catchphrases!

It's a hidden diamond.\": {\"frequency\": 1, \"value\": \"This is perhaps ...\"}, \"what can i say. oh yeah those freaking fingers are so weird. they scare the heck out of me. but it is such a funny film, Jim Carrey works the grinch. if you havent already seen it then what you waiting for an invitation. go, go and get watch it. you dont know what your missing.\": {\"frequency\": 1, \"value\": \"what can i say. oh ...\"}, \"I go to the cinema to be entertained. There is absolutely nothing entertaining about this film. From beginning to end, there is no respite from the gray, grinding reality of this woman's life. It is one-paced, with no change of mood. I remained until the end only because I was convinced that things must get better. They don't, and I don't think I was the only one, as evidenced by the many groans ringing around the cinema as the film drew mercifully to a close. Honestly depicting social depravation is no crime, but boring your audience to groans is not the way to win the sympathy of the public. A dreadful film.\": {\"frequency\": 2, \"value\": \"I go to the cinema ...\"}, \"FLIGHT OF FURY takes the mantle of being the very WORST Steven Seagal flick I've ever seen...Up to now.

It's a dreadful bore with no action scenes of any interest, Seagal isn't really trying in this - he's fat and his voice is dubbed once more.

The Co-stars fare no better, being a rather sorry load of 3rd raters.

The Direction by Keusch is very poor and it comes as no surprise that he's also responsible for another couple of Seagal stinkers (SHADOW MAN & ATTACK FORCE) The screenplay Co-written by Seagal himself is laughably inept.

According to IMDb $12M was spent on this boring load of old tosh - If these figures are correct I sense a big tax fiddle as nowhere near that amount was spent.

FLIGHT OF FURY is actually a shot for shot remake of the Michael Dudikoff flick BLACK THUNDER - which has to be better than this tripe.

This has NO redeeming qualities whatsoever,Give it a MISS! 1/2 * out of *****\": {\"frequency\": 1, \"value\": \"FLIGHT OF FURY ...\"}, \"In one instant when it seemed to be getting interesting, it never got there.

The people are going from one point to another point, with really no point (if there was one it was very dull). There was no action, suspense or any horror and the characters were pretty heartless, so there was no caring what happened to them.

All together the movie was pretty boring.

I give it a 3/10.

I like that it wasn't shaky choppy camera-work and if there was music it didn't annoy me like some really bad movies and the acting was not horrendous.\": {\"frequency\": 1, \"value\": \"In one instant ...\"}, \"Hollywood always had trouble coming to terms with a \\\"religious picture.\\\" Strange Cargo proves to be no exception. Although utilizing the talents of a superb cast, and produced on a top budget, with suitably moody photography by Robert Planck, the movie fails dismally on the credibility score. Perhaps the reason is that the film seems so realistic that the sudden intrusion of fantasy elements upsets the viewer's involvement in the action and with the fate of the characters. I found it difficult to sit still through all the contrived metaphors, parallels and biblical references, and impossible to accept bathed-in-light Ian Hunter's smug know-it-all as a Christ figure. And the censors in Boston, Detroit and Providence at least agreed with me. The movie was banned. Few Boston/Detroit/Providence moviegoers, if any, complained or journeyed to other cities because it was obvious from the trailer that Gable and Crawford had somehow become involved in a \\\"message picture.\\\" It flopped everywhere.

Oddly enough, the movie has enjoyed something of a revival on TV. A home atmosphere appears to make the movie's allegory more receptive to viewers. However, despite its growing reputation as a strange or unusual film, the plot of this Strange Cargo flows along predictable, heavily moralistic lines that will have no-one guessing how the principal characters will eventually come to terms with destiny.\": {\"frequency\": 1, \"value\": \"Hollywood always ...\"}, \"A DAMN GOOD MOVIE! One that is seriously underrated. The songs that the children sing in the movie gave me a sense of their pain, but also their hope for the future. Whoopi Goldberg puts in a good performance here, but the best performance throughout the whole movie is that of the actress who plays the title character. I wish she was in more movies.

This movie should have a higher rating. I give it a 10/10.\": {\"frequency\": 1, \"value\": \"A DAMN GOOD MOVIE! ...\"}, \"Baba - Rajinikanth will never forget this name in his life. This is the movie which caused his downfall. It was released with much hype but crashed badly and laid to severe financial losses for its producers and distributors. Rajinikanth had to personally repay them for the losses incurred. Soon after its release, he tried venturing into politics but failed miserably. Its a very bad movie with horrible acting, bad-quality makeup and pathetic screenplay. Throughout the movie, Rajinikanth looks like a person suffering from some disease. I'm one of the unfortunate souls who saw Baba, first day first show in theatre. The audiences were so bored that most of them left the theatre before the intermission. Sorry, I'll not recommend this one to anyone.\": {\"frequency\": 1, \"value\": \"Baba - Rajinikanth ...\"}, \"The film was written 10 years back and a different director was planning it with SRK and Aamir in lead roles

The film finally was made now with Vipul Shah directing it And Ajay and Salman starring together after a decade HUM DIL DE CHUKE SANAM(1999)

The movie however falls short due to it's 90's handling and worst it's loopholes

The film tries to pack in too many commercial ingredients and we also hav the love triangle

Everything is predictable and filmy and too clich\\ufffd\\ufffdd

There are loopholes like how Ajay runs away from London Airport and makes a place for himself with no one? even the way he starts his band is not convincing The second half gets better with the twist in the tale of Ajay destroying Salman but sadly the climax falls short and the film ends on a bad note

Direction by Vipul Shah is ordinary to below average Music is the worst point, most songs are mediocre

Amongst actors Ajay gives his best shot though he isn't convincing as a Rock singer yet he does superb as the negative role Salman however irritates with his punjabi and talking nonsense he only impresses when he gets drugged and thereon Asin is nothing great just a show piece Ranvijay should stick to MTV Om Puri is okay\": {\"frequency\": 1, \"value\": \"The film was ...\"}, \"If this guy can make a movie, then I sure as hell can make one too.

In fact, if you hire me to make a movie for you, I promise to do the following:

1) I will add more naked women. This movie had none. I think cheesy B-class horror movies are only rented because of their traditional exploitation of the female body. I wouldn't want to let my viewers down.

2) I will refrain from making too many scenes where the hero wakes up to find out it's only a dream. I think HorrorVision had about 4 of these scenes. And, considering the movie was only like an hour long, the dream-to-movie-length ratio was quite high. And, if I do decide to do a dream sequence, I will make sure that the person wakes up without clothes on. I mean, who sleeps in leather pants??

3) I will not rip off any movies like Star Wars or the Matrix because I will know that my budget is small and I will not want to mask my contempt for big-budget Hollywood movies by adding satirical references about them in mine.

4) And finally, I will not mix modern technology with the undead. I mean, a palm pilot can only be so scary ... at least they turned it into an evil rolly-polly monster before the screen blew up or something.

So, if you are looking for the above qualities in your next horror production, count on me: wanna-b-movie director extraordinaire.\": {\"frequency\": 1, \"value\": \"If this guy can ...\"}, \"Annie Potts is the only highlight in this truly dull film. Mark Hamill plays a teenager who is really really really upset that someone stole the Corvette he and his classmates turned into a hotrod (quite possibly the ugliest looking car to be featured in a movie), and heads off to Las Vegas with Annie to track down the evil genius who has stolen his pride and joy.

I would have plucked out my eyes after watching this if it wasn't for the fun of watching Annie Potts in a very early role, and it's too bad for Hamill that he didn't take a few acting lessons from her. Danny Bonaduce also makes a goofy cameo.\": {\"frequency\": 1, \"value\": \"Annie Potts is the ...\"}, \"The full title of this film is 'May you be in heaven a half hour before the devil knows you're dead', a rewording of the old Irish toast 'May you have food and raiment, a soft pillow for your head; may you be 40 years in heaven, before the devil knows you're dead.' First time screenwriter Kelly Masterson (with some modifications by director Sidney Lumet) has concocted a melodrama that explores just how fragmented a family can become when external forces drive the members to unthinkable extremes. In this film the viewer is allowed to witness the gradual but nearly complete implosion of a family by a much used but, here, very sensible manipulation of the flashback/flash forward technique of storytelling. By repeatedly offering the differing vantages of each of the characters about the central incidents that drive this rather harrowing tale, we see all the motivations of the players in this case of a robbery gone very wrong.

Andy Hanson (Philip Seymour Hoffman) is a wealthy executive, married to an emotionally needy Gina (Marisa Tomei), and addicted to an expensive drug habit. His life is beginning to crumble and he needs money. Andy's ne're-do well younger brother Hank (Ethan Hawke) is a life in ruins - he is divorced from his shrewish wife Martha (Amy Ryan), is behind in alimony and child support, and has borrowed all he can from his friends, and he needs money. Andy proposes a low-key robbery of a small Mall mom-and-pop jewelry store that promises safe, quick cash for both. The glitch is that the jewelry story belongs to the men's parents - Charles (Albert Finney) and Nanette (Rosemary Harris). Andy advances Hank some cash and wrangles an agreement that Hank will do the actual robbery, but though Hank agrees to the 'fail-safe' plan, he hires a friend to take on the actual job while Hank plans to be the driver of the getaway car. The robbery is horribly botched when Nanette, filing in for the regular clerk, shoots the robber and is herself shot in the mess. The disaster unveils many secrets about the fragile relationships of the family and when Nanette dies, Charles and Andy and Hank (and their respective partners) are driven to disastrous ends with surprises at every turn.

Each of the actors in this strong but emotionally acrid film gives superb performances, and while we have come to expect that from Hoffman, Hawke, Tomei, Finney, Ryan, and Harris, it is the wise hand of direction from Sidney Lumet that make this film so unforgettably powerful. It is not an easy film to watch, but it is a film that allows some bravura performances that demand our respect, a film that reminds us how fragile many families can be. Grady Harp\": {\"frequency\": 1, \"value\": \"The full title of ...\"}, \"I was going to bed with my gf last night, and while she was brushing her teeth, I flipped channels until I came across this Chinese movie called the King of Masks. At first I thought it was going to be a Kung Fu movie, so I started watching it, and then it immediately captured me in, and I had to finish it.

The little girl in the movie was absolutely adorble. She was such a great actor for being so little. Maybe the fact it was in Chinese, so the English was dubbed made it harder for me to tell...but she really seemed to be in character perfectly. I felt so bad for the girl as she kept trying to please her \\\"boss\\\" but everything just turned out rotten. lol. Even when she brings him another grandson, just so he can pass on his art...it turns out that kid was kidnapped, so he gets arrested and has 5 days to live. lol...whatever she touches in an effort to be nice to her grandpa, just backfires.

In the end, he sees how much love is in her and teaches her the art of masks...which is just so heartwarming after all the mishaps in the movie.

Definitely a gem, and totally original.

Scott\": {\"frequency\": 1, \"value\": \"I was going to bed ...\"}, \"I loved watching ''Sea Hunt '' back in the day , I was in grammar school and would get home do my homework and by 4:30 would be ready to watch ''Sea Hunt '' and Mike Nelson in his underwater adventures .I loved it ! He took to you a place not very accessible at that time , under the great blue sea . Pre ''Thunderball '' or even before Cousteau became common , there was Mike Nelson sparking the imagination of kids .I'd be willing to wager that more than a few kids developed their passion for oceanography or biology or one of the sciences from watching this show .Underwater photography also progressed , the fascination for exploration is easily stimulated thru watching this show . Watch and enjoy !!!\": {\"frequency\": 1, \"value\": \"I loved watching ...\"}, \"Not very impressed. Its difficult to offer any spoilers to this film, because there is almost no development in the plot. Everything becomes clear in the first ten minutes and from there on its like watching paint dry. The acting seems very poor as well, and reminds me of the old black and white Maoist era films shown occasionally on daytime Chinese television. Although this is difficult to tell with the female role, Yuwen, as the story seems to only require her walking round like a wooden mannequin. It reminds me of fading star Gong Li who somehow got a reputation as a good actress in the West for having a scowl on her face all the time.

Tian Zhuangzhuang's film the 'Blue Kite' was a far better film. But don't be fooled by the fact that Springtime in a Small Town was set in the late '40s. Unlike the Blue Kite, the fact that this film is set in a time of upheaval is irrelevant to the plot itself, the ruins of the town seem to be nothing more than a scenic backdrop.

I wonder whether Tian Zhuangzhuang is simply trying to ride on the popularity of Chinese films in the West and appeal to a foreign audience who can't tell the difference between a film that is 'beautiful' 'profound' or 'hypnotic' and one that is simply tedious and insubstantial.

If any film fits the description of 'overrated,' this is it. I see no reason here to stop worrying about the state of the Chinese film industry.\": {\"frequency\": 1, \"value\": \"Not very ...\"}, \"I loved the first two movies, but this movie was just a waste of time and money (for me and the studio). I'm still wondering why they made this horrible movie. The thing with the plastic gun and with the toy car, that can go into another house are ridiculous. Joe Pesci and Daniel Stern in the first two movies were so funny, but the terrorists in this one are so stupid and not funny. Believe me this movie is just a waste of time.\": {\"frequency\": 1, \"value\": \"I loved the first ...\"}, \"Ok, I wrote a scathing review b/c the movie is awful. As I was waiting another review (for Derrida) of mine to pop up, i decided to check out old reviews of this awful movie. Look at all the positive reviews. They ALL, I say ALL, come from contributors have have not rated any other movie other than this one. Crimminy! and wait till you to the \\\"rosebud\\\" [sic] review.

Checkout the other movies rosebud reviewed and had glowing recommendations for. Oh, shoot!, they happen to be for the only other movies by the two writers and director. Holy Window-Wipers Batman.

Joe, Tony, you suck as writers, and tony, you couldn't direct out of a bad script. No jobs for you!

ALWAYS CHECK POSITIVE REVIEWS FOR A LOW RATED MOVIE!\": {\"frequency\": 1, \"value\": \"Ok, I wrote a ...\"}, \"As long as there's been 3d technology, (1950's I think) there's been animation made for it. I remember specifically, a Donald Duck cartoon with Chip and Dale in it. I don't remember the name at the moment, but the plot was that Donald worked at a circus, was feeding an elephant peanuts and Chip and Dale were stealing the peanuts. This was made to watch in 3d probably 1960's. If you happened to watch Meet the Robinsons in 3d in theaters, they showed this cartoon before the movie and explained the details of it's origin. There are probably somewhere around 100 cartoons made specifically to be viewed through 3d glasses. This claim was a bad move because it's not difficult to prove them wrong. On top of that, this just looks like a bad movie.\": {\"frequency\": 1, \"value\": \"As long as there's ...\"}, \"This movie was a brilliant concept. It was original, cleverly written and of high appeal to those of us who aren't really 'conformist' movie pickers. Don't get me wrong - there are some great movies that have wide appeal, but when you move into watching a movie based on \\\"everyone else is watching it\\\" - you know you're either a tween or don't really have an opinion. This had a lovely subtle humor - despite most people probably looking only at the obvious. The actors portrayed their characters with aplomb and I thought there was a lot more \\\"personal\\\" personality in this film. Has appeal for kids, as well as adults. Esp. nice to find a good movie that's not filled with sexual references and drug innuendos! A great film, not to be overlooked based on public consumption. This one is a must buy.\": {\"frequency\": 1, \"value\": \"This movie was a ...\"}, \"An excellent cast makes this movie work; all of the characters are developed exceedingly well and it's clear that the actors enjoyed filming this movie.

It's not quite the comedy I expected, much more a lighthearted look at the attempt to reclaim youthful glory than bawdy humor. For music fans there are quite a few subtle references that in themselves are intelligently funny.

I hate drawing direct comparisons to other movies, but so much of this movie reminded me of Alan Parker films I can't help it: imagine if The Commitments actually did make it big -- and then tried to recapture said glory 25 years later.\": {\"frequency\": 1, \"value\": \"An excellent cast ...\"}, \"Jeremy Brett is simply the best Holmes ever, narrowly edging out the great Basil Rathbone of course, and this is probably the best adaptation of a Conon-Doyle short story.

A length adaptation includes some new plot strands that fit in well to the surrounding drama and heightens the hatred one feels for Milverton.

Excellent performances all round, especially from Robert Hardy, and both Brett and Hardwick fully rounded and comfortable in their roles makes this a superb piece of drama.\": {\"frequency\": 1, \"value\": \"Jeremy Brett is ...\"}, \"I have decided to not believe what famous movie critics say. Even though this movie did not get the best comments, this movie made my day. It got me thinking. What a false world this is.

What do you do when your most loved ones deceive you. It's said that no matter how often you feed milk to a snake, it can never be loyal and will bite when given a chance. Same way some people are such that they are never grateful. This movie is about how selfish people can be and how everyone is ultimately just thinking about oneself and working for oneself.

A brother dies inadvertently at the hands of a gangster. The surviving brother decides to take revenge. Through this process, we learn about the futility of this world. Nothing is real and no one is loyal to anyone.

Amitabh gave the performance of his life. The new actor Aryan gave a good performance. The actress who played the wife of Amitabh stole the show. Her role was small but she portrayed her role so diligently that one is moved by her performance. Chawla had really great face expressions but her role was very limited and was not given a chance to fully express herself.

A great movie by Raj Kumar Santoshi. His movies always give some message to the audience. His movies are like novels of Nanak Singh (a Punjabi novelist who's novels always had a purpose and targeted a social evil) because they have a real message for the audience. They are entertaining as well as lesson-giving.\": {\"frequency\": 1, \"value\": \"I have decided to ...\"}, \"I don't like \\\"grade inflation\\\" but I just had to give this a 10. I can't think of anything I didn't like about it. I saw it last night and woke up today thinking about it. I'm sure that the Hollywood remake that someone told me about, with J Lo and Richard Gear, will be excellent, but this original Japanese version from 1996 was so emotional and thought-provoking for me that I am hard-pressed to think of any way that it could be improved, or its setting changed to a different culture.

A story I found worth watching, and with o fist-fight scenes or guns going off or anything of the sort! Imagine that!

All the characters seemed well-developed, ... even non-primary characters had good character-development and enjoyable acting, and the casting seemed very appropriate.

It's always hard to find a good movie-musical in our day and age, and perhaps this doesn't quite qualify (there is plenty of learning how to dance, but no singing) but I really think that Gene Kelly and others who championed a place for dance in our lives would have thought so very highly of this film and the role of dance in helping to tell a story about a middle aged man, successful with a family in Japan, looking for something... he knows not precisely what.

To the team of people in Japan who contributed to this film, thank you for creating and doing it.\": {\"frequency\": 1, \"value\": \"I don't like ...\"}, \"Like most people I was intrigued when I heard the concept of this film, especially the \\\"film makers were then attacked\\\" aspect that the case seems to emphasize, what with the picture on the cover of the film makers being chased by an angry mob.

Then, to watch the film and discover, oh, what they mean by \\\"the film makers were attacked\\\" was some kids threw rocks at a sign and a number of people complained loudly and said \\\"Someone should beat those two kids up.\\\" The picture on the cover, \\\"the chase\\\" as it were? Total fabrication. Which I guess ties in with the theme of the film, lying and manipulation to satisfy vain, stupid children with more money and time then sense.

I have no idea what great truth the viewer is supposed to take away from this film. It's like Michael Moore's \\\"Roger & Me\\\", but if \\\"Roger & Me\\\" was Moore mocking the people of Flint. It's completely misdirected and totally inane. Wow! Can you believe that people who suffered under the yoke of Communism would be really excited to have markets full of food? What jerks! And it's not so much, \\\"Look at the effects of capitalism and western media blah blah blah\\\", since it wasn't just that their fake market had comparable prices to the competitors, it was that, as many people in the film say, the prices were absurdly low, someone mentions that they should've known it was fake by how much they were charging for duck. That's not proving anything except that people who are poor, will go to a store that has low prices, bravo fellas, way to stick it to the people on the bottom.

Way to play a stupid practical joke on elderly people. You should be very proud. How about for your next movie you make a documentary about Iraq and show how people there will get really excited for a house without bullet holes in the walls and then, say, \\\"HAHA! NO SUCH HOUSE EXISTS! YOUR SO STUPID AND LOVED TO BE LIED TO BY THE MEDIA!\\\".

Morgan \\\"Please Like Me\\\" Spurlock unleashed this wet fart of a film and it's no surprise since Spurlock as One Hit Wonder prince of the documentary world seems to throw his weight behind any silly sounding concept to stay relevant in a world that really has no need of him.

Avoid like the plague.\": {\"frequency\": 1, \"value\": \"Like most people I ...\"}, \"A few weeks ago, I read the classic George Orwell novel, 1984. I was fascinated with it and thought it was one of the best books I've read recently. So when I rented the DVD, I was intrigued to see how this adaptation measured up. Unfortunately, the movie didn't even come close to creating the ambiance or developing the characters that Orwell so masterfully did in his book. The director seems to think that everyone watching the movie has read the book, because he makes no attempt to demonstrate WHY the characters act and feel the way they do. John Hurt, the main actor, is droll the entire way through, and hardly does any acting until the end. We never really find out what he does for a living, or why his love affair is forbidden, or what the political climate is and why the main character desires rebellion. This book cannot be done justice in movie form without proper narration and explanation of the political system oppressing the characters, and the fact that those are missing is the greatest shortcoming of this film. Besides that, John Hurt was a terrible casting choice, looking about 15 years older than the 39 year old Winston he was supposed to be portraying. On a more positive note, however, the rest of the cast was well chosen. It's just too bad they were put in such a horribly adapted film with the wrong lead actor. -Brian O.\": {\"frequency\": 1, \"value\": \"A few weeks ago, I ...\"}, \"Joe Don Baker. He was great in \\\"Walking Tall\\\" and had a good bit-part in \\\"Goldeneye\\\", but here in \\\"Final Justice\\\" all hope is gone...the dark side has won.

As with most of humanity, my main experience with this one was on MST3K, and what an experience it was! Mike and the robots dig their claws deep into Baker's ample flesh and skewer this flick completely. It's obvious they were just beginning with \\\"Mitchell\\\" on their anti-Joe Don kick and here lies their continuation on a theme.

It makes for a funny experience, though: there are plenty of choice riffs. My favorites - \\\"John Rhys-Davies for sale\\\", \\\"It's 'Meatloaf: Texas Ranger'\\\", \\\"none of them are sponge-worthy\\\", \\\"Why was she wearing her prom dress to bed\\\", and my favorite - \\\"'Son of a...'? What? What was he the son of: son of a PREACHER MAN?\\\"

By itself, \\\"Final Justice\\\" is, as Joe Don puts it in the movie, \\\"a big fat nada\\\". But here, it actually has some entertainment value. You get a chance, catch THIS version of \\\"Final Justice\\\".

Two stars for \\\"Final Justice\\\". Ten for the MST3K version ONLY.

Oh, and try not to visit Malta when Joe Don's in town.\": {\"frequency\": 1, \"value\": \"Joe Don Baker. He ...\"}, \"After hearing about George Orwell's prophetic masterpiece for all of my life, I'm now 37, but never having read the book, I am totally confused as to what I've just seen.

I am very familiar with the concepts covered in the novel, as i'm sure most are, but only through hearsay and quotes. Without this limited knowledge this film would have been a complete mystery, and even with it I'm still no more educated about the story of 1984 than I was before I watched it.

On the plus side...

The cinematography is amazing, Hurt & Burton deliver fine performances and the overall feel of the movie is wonderfully grim and desolate. The prostitute scene was a fantastically dark piece of film making.

Now for the down sides, and there are plenty...

There is a war going on, (at least as far as the propaganda is concerned), but why & with who? Nothing is explained. There are a couple of names bandied about (Eurasia etc), but they mean nothing without explanation.

Who is Winston? what does he do? where does he come from? where does he work? why is he changing news reports? why isn't he on the front line? Why doesn't he eat the food in the canteen? What is that drink he's drinking through the entire film? Why is he so weak & ill? Why isn't he brainwashed like the rest of them? What's the deal with his mother & sister? What happened to his father? A little back story would have been nice, no scrub that, essential for those like myself that haven't read the book. Without it, this is just a confusing and hard to follow art-house movie that constantly keeps you guessing at what is actually going on.

The soundtrack was dis-jointed and badly edited and the constant chatter from the Big Brother screens swamps the dialogue in places making it even harder to work out whats going on. I accept that this may have been an artistic choice but it's very annoying all the same.

Also, I know this has been mentioned before, but why all the nudity? It just seemed totally gratuitous and felt like it had been thrown in there to make up for the lack of any plot coverage.

I personally can't abide the way Hollywood feels it has to explain story lines word for word these days. We are not all brainwashed simpletons, but this is a few steps too far the other way. I can only imagine that it totally relies on the fact that you've read the book because if this film really is the 'literal translation' that I've seen many people say, I would find it very hard to understand why 1984 is hailed as the classic it is.

There's no denying that it was light years ahead of it's time and has pretty much predicted every change in our society to date, (maybe this has been a sort of bible to the powers that be?), but many sci-fi novelists have done the same without leaving gaping holes in the storyline.

I guess I have to do what I should have done from the start and buy a copy of the book if i'm to make any sense out of this.

All in all, very disappointed in something I've waited for years to watch.\": {\"frequency\": 1, \"value\": \"After hearing ...\"}, \"Waiting to go inside the theathre with tickets in my hand, I expected an interesting sci-fi fantasy movie which could finally feed my appetite of movies regarding robot-technology, instead I went disappointed by each aspect of it, once more proving that stunning special effects can't help a boring plot, which by my opinion was the worse in this year. Acting in this movie also dissatisfied me, Will Smith didn't show anything new in this movie, yet I never saw his acting to change since \\\"Men In Black\\\" which was his only success by my opinion. He had to retire since than, not spoiling his name with titles like \\\"I,Robot\\\" and \\\"Men In Black 2\\\". 4/10\": {\"frequency\": 1, \"value\": \"Waiting to go ...\"}, \"Lillian Hellman's play, adapted by Dashiell Hammett with help from Hellman, becomes a curious project to come out of gritty Warner Bros. Paul Lukas, reprising his Broadway role and winning the Best Actor Oscar, plays an anti-Nazi German underground leader fighting the Fascists, dragging his American wife and three children all over Europe before finding refuge in the States (via the Mexico border). They settle in Washington with the wife's wealthy mother and brother, though a boarder residing in the manor is immediately suspicious of the newcomers and spends an awful lot of time down at the German Embassy playing poker. It seems to take forever for this drama to find its focus, and when we realize what the heart of the material is (the wise, honest, direct refugees teaching the clueless, head-in-the-sand Americans how the world has suddenly changed), it seems a little patronizing--the viewer is quite literally put in the relatives' place, being lectured to. Lukas has several speeches in the third-act which undoubtedly won him the Academy Award, yet for the much of the picture he seems to do little but enter and exit, enter and exit. As his spouse, Bette Davis enunciates like nobody else and works her wide eyes to good advantage, but the role doesn't allow her much color. Their children (all with divergent accents!) are alternately humorous and annoying, and Geraldine Fitzgerald has a nothing role as a put-upon wife (and the disgruntled texture she brings to the part seems entirely wrong). The intent here was to tastefully, tactfully show us just because a (WWII-era) man may be German, that doesn't make him a Nazi sympathizer. We get that in the first few minutes; the rest of this tasteful, tactful movie is made up of exposition, defensive confrontation and, ultimately, compassion. It should be a heady mix, but instead it's rather dry-eyed and inert. ** from ****\": {\"frequency\": 1, \"value\": \"Lillian Hellman's ...\"}, \"This 1974 Naschy outing is directed by Leon Klimovsky, and a cursory glance at the publicity photos and packaging might lead you to believe that this medieval romp lies somewhere between \\\"Inquisition\\\" and \\\"Sadomania\\\". Sadly not.

This is a strictly PG affair with tame torture sequences, no nudity and little edge at all. Naschy (of whom I am a fan) struts his stuff as Gilles de Lancre, \\\"antiguo Mariscal de la nacion\\\". Sadly he is more pantomime villain than anything else. One gets the feeling with this film that we have seen him (and it) done all before. Strictly therefore for Naschy completest only.\": {\"frequency\": 1, \"value\": \"This 1974 Naschy ...\"}, \"I really wanted to like this movie, but it never gave me a chance. It's basically meant to be Spinal Tap with a hip hop theme, but it fails miserably. It consistently feels like it was written and acted by high-school kids for some school project, and that's also the level the humor seems to be aimed at. There is no subtlety and, more damningly for a mockumentary, it never once feels like a documentary. And while the lines aren't funny in the first place, an attempt at dead-pan delivery would have helped -- certainly, anything would be better than the shrill overacting we are subjected to.

I'd recommend this to people who like \\\"comedies\\\" in the vein of \\\"Big Momma's House\\\" or \\\"Norbit\\\"; people who think that words like \\\"butt\\\" are inherently hysterically funny. Other people should stay away and not waste their time.\": {\"frequency\": 1, \"value\": \"I really wanted to ...\"}, \"The Last of the Blond Bombshells is an entertaining bit of fluff. Judy Dench plays Elizabeth, a newly widowed woman at loose ends. She has spent most of her life being the dutiful wife and mother but has never been truly happy.

Shortly after her husband's funeral, Elizabeth is having her regular lunch date with her stick-in-the-mud children when she spots a street performer. This sparks memories of when she was a member of an all girl swing band in London during World War II. We soon learn that the band was not exactly all girl as the drummer was a man dressing as a woman ala Some Like It Hot.

Elizabeth pulls out her sax (which she has been secretly practicing throughout her marriage) and joins forces with the guitar-playing street musician. Elizabeth is far more talented than the guitarist, and the money begins to flow in. She doesn't take any money as she is wealthy and doesn't need it. Her playing is strictly for artistic fulfillment.

Elizabeth is seen one day by Patrick (Ian Holm) who was the drummer-in-drag of the band. It seems that Patrick was - and still is - quite the ladies' man, and Elizabeth - being only fifteen at the time - was the only band member who did not experience Patrick's \\\"talents\\\" other than drumming.

Elizabeth is inspired by her granddaughter to get the old group together once again to play for the granddaughter's school dance. Thus begins a delightful trip down memory lane combined with aspects of a humorous road trip movie - all topped off with some really good swing and blues.

I guess I'm at the age in which I really enjoy older actresses doing their stuff, and this film is a treasure trove as it not only stars Judi Dench, but she is supported by none less than Olympia Dukakis, Leslie Caron, and a host of seasoned British character actresses. This is all topped off by the extraordinary voice of Cleo Laine.

Yes, it is fluff, but totally delightful and exceedingly entertaining fluff.\": {\"frequency\": 1, \"value\": \"The Last of the ...\"}, \"I read Holes in 5th grade so when I heard they were doing a movie I was ecstatic! Of course, being my busy self, I didn't get chance to see the movie in theaters. Holes was at the drive-in just out of town but, alas, We were just too busy. I was surprised to hear that all my friends had seen it and not one of them had invited me! They all said it was good but I've read great books that have made crappy movies so I was definately worried.

Suddenly the perfect opportunity to see it came. It was out that week and my parents were going on a cruise and I was left to babysit. My sister, who is 9, and I watched it and absolutely loved it! I then took it to the other people I was babysitting's house and their kids, 9 and 4, liked it too. Even my parents loved it and they're deffinately movie critics. Overall, I recommend this movie is for anyone who understands family morale and and loves a hilarious cast! This movie should be on your top 5 \\\"to See\\\" list!!!!\": {\"frequency\": 1, \"value\": \"I read Holes in ...\"}, \"Undoubtedly one of the great John Ford's masterpieces, Young Mr. Lincoln went practically unnoticed at the time of its initial release, no wonder because the year was 1939 when many of the greatest movies of the whole cinema history had been released, including the most mythical Western in the history of the genre, John Ford's milestone Stagecoach and many others, such as Gone with the Wind, The Wizard of Oz, Mr. Smith Goes to Washington which took the Oscar in the only category Young Mr. Lincoln was nominated for, which is Original Screenplay.

It continued to be the most underrated Ford's film for many years ahead destined to gradually fade away in the shadow of other John Ford's masterpieces, but by the end of the 1950s American and European film critics and historians took a hold of a note written by legendary Russian director Sergei Eisenstein about the Young Mr. Lincoln where he praised it and acknowledged that if he would only have had an opportunity to direct any American film ever made till then, it would be definitely John Ford's Young Mr. Lincoln. Impressed by such an undoubted preference from Eisenstein, critics began to see the film again but only with a bit different eyes and film's reputation has been increasing ever since.

It was far not for the first time the life of one of the most legendary American presidents was brought to the screen. Right in the beginning of the 1930s Griffith did it in his Abraham Lincoln and the same year as Ford's film, MGM released John Cromwell's one called Abe Lincoln in Illinois. Curiously enough both of them were based on a very successful Broadway Stage Play released in 1938 and written by Robert Sherwood.

As far as John Ford's films are concerned, we can easily find many references to the life and deeds and even death of mythical Lincoln's figure in several of director's works, such as 1924 The Iron Horse or 1936 The Prisoner of the Shark Island, the second one, just as Young Mr. Lincoln, utilizes as the main musical theme the favourite Lincoln's song - Dixie.

The screenplay based on a previously mentioned Stage Play and Lincoln's biographies was written by Lamar Trotti in collaboration with John Ford himself, which was quite a rare thing for Ford to do but final result was simply superb - a script combining elements of the Play with several historical facts as well as myths and legends about the beginning of Abraham Lincoln's life and law practice culminating in a hilarious but mostly heartbreaking trial scene, which is the film's highest point and main laugh and tears generator, where Lincoln defends the two young brothers accused of a murder and have to devise a manner to help their mother too when she is brought before the court as a witness and where the prosecuting attorney (played by Donald Meek) demands her to indicate which one of her sons actually committed the murder obviously obliging her to the making of an impossible choice of condemning to death one and letting live the other.

Overall it's a very touching, heart-warming and even funny film with simply magnificent performance from Henry Fonda in his supreme characterization of Abraham Lincoln and with overwhelming richness of other characters no matter how little or how big they are incarnated from the wonderful and intelligent screenplay and conducted by the ability of John Ford's genius at one of its best deliveries ever. A definite must see for everyone. 10/10\": {\"frequency\": 1, \"value\": \"Undoubtedly one of ...\"}, \"Hundstage is an intentionally ugly and unnerving study of life in a particularly dreary suburb of Vienna. It comes from former documentary director Ulrich Seidl who adopts a very documentary-like approach to the material. However, the film veers away from normal types and presents us with characters that are best described as \\\"extremes\\\" \\ufffd\\ufffd some are extremely lonely; some extremely violent; some extremely weird; some extremely devious; some extremely frustrated and misunderstood; and so on. The film combines several near plot less episodes which intertwine from time to time, each following the characters over a couple of days during a sweltering Viennese summer. Very few viewers will come away from the film feeling entertained \\ufffd\\ufffd the intention is to point up the many things that are wrong with people, the many ills that plague our society in general. It is a thought-provoking film and its conclusions are pretty damning on the whole.

A fussy old widower fantasises about his elderly cleaning lady and wants her to perform a striptease for him while wearing his deceased wife's clothes. A nightclub dancer contends with the perpetually jealous and violent behaviour of her boy-racer boyfriend. A couple grieving over their dead daughter can no longer communicate with each other and seek solace by having sex with other people. An abusive man mistreats his woman but she forgives him time and again. A security salesman desperately tries to find the culprit behind some vandalism on a work site but ends up picking on an innocent scapegoat. And a mentally ill woman keeps hitching rides with strangers and insulting them until they throw her out of the car! The lives of these disparate characters converge over several days during an intense summer heat wave.

The despair in the film is palpable. Many scenes are characterised by long, awkward silences that are twice as effective as a whole passage of dialogue might be. Then there are other scenes during which the dialogue and on-screen events leave you reeling. In particular, a scene during which the security salesman leaves the female hitch-hiker to the mercy of a vengeful guy - to be beaten, raped and humiliated (thankfully all off-screen) for some vandalism she didn't even do - arouses a sour, almost angry taste. In another scene a man has a lit candle wedged in his rear-end and is forced to sing the national anthem at gunpoint, all as part of his punishment for being nasty to his wife. While we might want to cheer that this thug is receiving his come-uppance, we are simultaneously left appalled and unnerved by the nature of his punishment. Indeed, such stark contrasts could act as a summary of the whole film - every moment of light-heartedness is counter-balanced with a moment of coldness. Every shred of hope is countered with a sense of despair. For every character you could like or feel sympathy for, there is another that encourages nothing but anger and hate. We might want to turn away from Hundstage, to dismiss it as an exercise in misery, but it also points up some uncomfortable truths and for that it should be applauded.\": {\"frequency\": 1, \"value\": \"Hundstage is an ...\"}, \"Very possibly one of the funniest movies in the world. Oscar material. Trey Parker and Matt Stone are hilarious and before you see this I suggest you see \\\"South Park\\\" one of the funniest cartoons created. Buy it, you will laugh every time you see it. Pure stroke of genius. If you don't think its funny then you have no soul or sense of humor. 10 out of 10.\": {\"frequency\": 1, \"value\": \"Very possibly one ...\"}, \"Oh Dear Lord, How on Earth was any part of this film ever approved by anyone? It reeks of cheese from start to finish, but it's not even good cheese. It's the scummiest, moldiest, most tasteless cheese there is, and I cannot believe there is anyone out there who actually, truly enjoyed it. Yes, if you saw it with a load of drunk/stoned buddies then some bits might be funny in a sad kind of way, but for the rest of the audience the only entertaining parts are when said group of buddies are throwing popcorn and abusive insults at each other and the screen. I watched it with an up-for-a-few-laughs guy, having had a few beers in preparation to chuckle away at the film's expected crapness. We got the crapness (plenty of it), but not the chuckles. It doesn't even qualify as a so-bad-it's-good movie. It's just plain bad. Very, very bad. Here's why (look away if you're spoilerphobic): The movie starts out with a guy beating another guy to death. OK, I was a few minutes late in so not sure why this was, but I think I grasped the 'this guy is a bit of a badass who you don't want to mess with' message behind the ingenious scene. Oh, and a guy witnesses it. So, we already have our ultra-evil bad guy, and wussy but cute (apparently) good guy. Cue Hero. Big Sam steps on the scene in the usual fashion, saving good guy in the usual inane way that only poor action films can accomplish, i.e. Hero is immune to bullets, everyone else falls over rather clumsily. Cue first plot hole. How the bloody hell did Sammy know where this guy was, or that he'd watched the murder. Perhaps this, and the answers to all my plot-hole related questions, was explained in the 2 minutes before I got into the cinema, but I doubt it. In fact, I'm going to stop poking holes in the plot right here, lest I turn the movie into something resembling swiss cheese (which we all know is good cheese). So, the 'plot' (a very generous word to use). Good guy must get to LA, evil guy would rather he didn't, Hero Sam stands between the two. Cue scenery for the next vomit-inducing hour - the passenger plane. As I said, no more poking at plot holes, I'll just leave it there. Passenger plane. Next, the vital ingredient up until now missing from this gem of a movie, and what makes it everything it is - Snakes. Yay! Oh, pause. First we have the introduction to all the obligatory characters that a lame movie must have. Hot, horny couple (see if you can guess how they die), dead-before-any-snakes-even-appear British guy (those pesky Brits, eh?), cute kids, and Jo Brand. For all you Americans that's an English comic famous for her size and unattractiveness. Now that we've met the cast, let's watch all of them die (except of course the cute kids). Don't expect anything original, it's just snake bites on various and ever-increasingly hilarious (really not) parts of the body. Use your imagination, since the film-makers obviously didn't use theirs.

So, that's most of the film wrapped up, so now for the best bit, the ending. As expected, everything is just so happy as the plane lands that everyone in sight starts sucking face. Yep, Ice-cool Sammy included. But wait, we're not all off the plane yet! The last guy to get off is good guy, but just as he does he gets bitten by a (you guessed it) snake (of all things). Clearly this one had been hiding in Mr. Jackson's hair the whole time, since it somehow managed to resist the air pressure trick that the good old hero had employed a few minutes earlier, despite the 200ft constrictor (the one that ate that pesky British bugger) being unable to. So, Sam shoots him and the snake in one fell swoop. At this point I prayed that the movie was about to make a much-needed U-turn and reveal that all along the hero was actually a traitor of some sort. But no. In a kind of icing on the cake way (but with stale cheese, remember), it is revealed that the climax of the film was involving a bullet proof vest. How anyone can think that an audience 10 years ago, let alone in 2006 would be impressed by their ingenuity is beyond me, but it did well in summing up the film.

Actually, we're not quite done yet. After everyone has sucked face (Uncle Sam with leading actress, good guy with Tiffany, token Black guy with token White girl, and the hot couple in a heart warming bout of necrophilia), it's time for good guy and hero to get it on....In Bali!!! Nope, it wasn't at all exciting, the exclamation marks were just there to represent my utter joy at seeing the credits roll. Yes, the final shot of the film is a celebratory surfing trip to convey the message that a bit of male bonding has occurred, and a chance for any morons that actually enjoyed the movie to whoop a few times. That's it. This is the first time I've ever posted a movie review, but I felt so strongly that somebody must speak out against this scourge of cinematography. If you like planes, snakes, Samuel L.Jackson, air hostesses, bad guys, surfing, dogs in bags or English people, then please, please don't see this movie. It will pollute your opinion of all of the above so far that you'll never want to come into contact with any of them ever again. Go see United 93 instead. THAT was good.\": {\"frequency\": 1, \"value\": \"Oh Dear Lord, How ...\"}, \"For those of you who've never heard of it (or seen it on A&E), Cracker is a brilliant British TV show about an overweight, chain-smoking, foulmouthed psychologist named Fitz who helps the Manchester police department get into the heads of violent criminals. It's considered to be one of the finest shows ever to come out of England (and that's saying something), and was tremendously successful in England and around the world back in 1993.

Now, the original stars have re-teamed with the original writer to knock out one more 2-hour episode. I've loved this show ever since I'd first seen it, over a decade ago. The DVD box set holds a place of honor in my collection, and I can quote a good deal of Fitz's interrogation scenes practically word for word. The idea of Robbie Coltrane reteaming with Jimmy McGovern for another TV movie about Fitz filled me with absolute glee.

I'll start with the good. One of the many things that impressed me about the original Cracker series was how quickly Fitz was defined as a character. Five minutes into the first episode \\ufffd\\ufffd with his lecture (throwing the books into the air), his drinking, and his cussing of the guy after him on the gambling machine queue \\ufffd\\ufffd and you knew, simply knew, who this character was. You could feel him \\\"clicking\\\" in your mind, the kind of click that only happens when a great actor gets a great role written by a great writer.

Coltrane, of course, remained great throughout the show, but I always felt that some of the later episodes \\ufffd\\ufffd those not written by McGovern \\ufffd\\ufffd mistreated the character.

So the good news is this: Fitz is back. As soon as you see him in this show \\ufffd\\ufffd making incredibly inappropriate comments at his daughter's wedding \\ufffd\\ufffd you'll feel that \\\"click\\\" once again. It's him: petulant one moment and truly sorry the next, always insightful, sincere to the point of tactlessness but brilliantly funny in the process. If you love this character as much as I do, you'll be delighted with how he is portrayed in the movie. And this extends to Judith and Mark: in fact, everything having to do with the Fitzs is handled perfectly.

The problem I do have with this movie revolves around the crime Fitz is trying to solve. In standard Cracker fashion, we know exactly who the criminal is in the first five minutes \\ufffd\\ufffd the suspense lies in seeing Fitz figure it out. In this case, we have a serial killer who is out for American blood. And the reason for this, unfortunately, is not due to any believable psychological trauma \\ufffd\\ufffd rather, it seems that the murders are here simply to allow the writer to display his personal political beliefs.

It's difficult for me to write this, as I truly believe that Jimmy McGovern is one of the greatest writers in the world. Nor do I have a problem with movies that are about current issues, or movies that take a political stand. But in the Cracker universe, we expect to see the characters behaving like human beings, not like caricatures. Instead, the Americans in this movie are all depicted in an entirely stereotypical fashion. They're know-nothing loudmouths who complain about everything, treat the locals like crap and cheat on their wives \\ufffd\\ufffd one of them even manages to do all of the above within less than 5 minutes. I honestly thought I'd mistakenly switched channels or something.

But it doesn't stop there. We get constant reminders of just how badly the war in Iraq is going \\ufffd\\ufffd reminders that have nothing whatsoever to do with the story and appear practically out of nowhere. The killer is so busy ranting about how Bush is worse than Hitler that he almost forgets to get on with the killing; but more to the point, he is such a mouthpiece for the writer's political views that he forgets to act like a believable human being, and thus we \\ufffd\\ufffd as an audience \\ufffd\\ufffd don't buy his sudden transformation from a happy family man to a tortured serial-killing soul.

I can't say that this ruined the show for me \\ufffd\\ufffd it's was still good TV, better than almost everything else in the genre (mainly due to, once again, Coltrane). But its constant politicizing made it impossible for it to be as good as the real Cracker classics like \\\"To Be A Somebody\\\" \\ufffd\\ufffd an episode that was just as \\\"issuey\\\", but one that was handled with far more subtlety and psychological depth.

Two other small points: Panhandle not being around is a disappointment, but what's worse are her replacements. The entire police department \\ufffd\\ufffd which for so long filled with such great characters - is now full of vanilla. Completely interchangeable cops who lack any and all personality (how you could drain Coupling's Richard Coyle of personality is beyond me, but it is indeed missing here).

Also, there are couple of moments where the show lost its believability for me. One such instance revolves around Fitz having to narrow down the entire population of Manchester from 1 million to a hundred based on some very strange criteria (French windows? How does the computer know if I have French windows?) \\ufffd\\ufffd he not only succeeds in doing this, but he succeeds in less than an hour. I don't think so.

So, all in all, I was a little disappointed. It's recommended viewing, but remember to leave at least some of your expectations at the door. Still, if there's new series to come after this, it would all have been for the good: I'm convinced that McGovern can still write great stuff, and maybe now that he's got his politics out of his system he can go back to writing about people.\": {\"frequency\": 1, \"value\": \"For those of you ...\"}, \"In 1967, mine workers find the remnants of an ancient vanished civilization named Abkani that believe there are the worlds of light and darkness. When they opened the gate between these worlds ten thousand years ago, something evil slipped through before the gate was closed. Twenty-two years ago, the Government Paranormal Research Agency Bureau 713 was directed by Professor Lionel Hudgens (Matthew Walker), who performed experiments with orphan children. On the present days, one of these children is the paranormal investigator Edward Carnby (Christian Slater), who has just gotten an Abkani artifact in South America, and is chased by a man with abilities. When an old friend of foster house disappears in the middle of the night, he discloses that demons are coming back to Earth. With the support of the anthropologist Aline Cedrac (Tara Reid) and the leader of the Bureau 713, Cmdr. Richard Burke (Stephen Dorff), and his squad, they battle against the evil creatures.

In spite of having a charismatic good cast, leaded by Christian Slater, Tara Reid and Stephen Dorff, \\\"Alone in the Dark\\\" never works and is a complete mess, without development of characters or plot. The reason may be explained by the \\\"brilliant\\\" interview of director Uwe Boll in the Extras of the DVD, where he says that \\\"videogames are the bestsellers of the younger generations that are not driven by books anymore\\\". Further, his target audience would be people aged between twelve and twenty-five years old. Sorry, but I find both assertions disrespectful with the younger generations. I have a daughter and a son, and I know many of their friends and they are not that type of stupid stereotype the director says. Further, IMDb provides excellent statistics to show that Mr. Uwe Boll is absolutely wrong. My vote is three.

Title (Brazil): \\\"Alone in the Dark \\ufffd\\ufffd O Despertar do Mal\\\" (\\\"Alone in the Dark \\ufffd\\ufffd The Awakening of the Evil\\\")\": {\"frequency\": 1, \"value\": \"In 1967, mine ...\"}, \"I'm among millions who consider themselves Cary Grant fans, but I can't think of a single reason to recommend this movie.I don't understand the casting of Betsy Drake and it appears no one else did,if we're to judge from the small number of films in which she played afterwards.

Most fans will agree that Katharine Hepburn was superb at chasing and catching Cary Grant in Bringing Up Baby.Here the director or writers try to rehash the idea,but it fails miserably.I've read comments about how \\\"creepy\\\" Drake was,but I thought that was far too mild a description. Franchot Tone walked through this one as if he were hungover.A casting disaster is one thing.This film is a total disaster.

This one doesn't deserve 10 lines of comments and I don't know why that's a requirement.Too bad this one was preserved when so many worthwhile films lie rotting in vaults.

Unless you want to torture someone,give this one a wide berth.\": {\"frequency\": 1, \"value\": \"I'm among millions ...\"}, \"The film had many fundamental values of family and love. It expressed human emotion and was an inspiring story. The script was clear( it was very easy to understand making it perfect for children)and was enjoyable and humorous at times. There were a few charged symbols to look for. The cinematography was acceptable. There was no sense of experimentation that a lot of cinematographers have been doing today(which quiet frankly is getting a little warn out). It was plainly filmed but had a nice soft quality to it. Although editing could have been done better I thought it was a nice movie for a family to enjoy. And the organization of information was just thrown at you which was something I didn't like either but in all it was a good movie.\": {\"frequency\": 1, \"value\": \"The film had many ...\"}, \"This film is one of those that has a resounding familiarity to it. It is earthy, grounded and a film that will make you think...and smile. Paul Reiser and Peter Falk take you on a journey that you will not forget. The soundtrack is beautifully varied and fitting; and the film itself is like a breath of fresh air. This surely deserves recognition for both the film and the actors! Finally, a piece of art that departs from the obvious love story and the frequent special affects that are seen today. Never have I walked out from a movie with such deep warmth and feeling of thoughtfulness in my heart; for it felt as if someone had just wrapped it in a fluffy fleece blanket. To see this film is to find a real treasure and delight in it.\": {\"frequency\": 1, \"value\": \"This film is one ...\"}, \"**Possible Spoilers Ahead**

Gerald Mohr, a busy B-movie actor during the Forties and Fifties, leads an expedition to Mars. Before we get to the Red Planet we're entertained by romantic patter between Mohr and scientist Nora Hayden; resident doofus Jack Kruschen; and the sight of Les Tremayne as another scientist sporting a billy-goat beard. The Martian exteriors feature fake backdrops and tints ranging from red to pink\\ufffd\\ufffd-the \\\"Cinemagic\\\" process touted in the ads. Real cool monsters include a giant amoeba, a three-eyed insect creature, an oversized Venus Fly-Trap, and the unforgettable rat/bat/spider. The whole bizarre adventure is recalled by survivor Hayden under the influence of hypnotic drugs. THE ANGRY RED PLANET reportedly has quite a cult following, and it probably picked up most of its adherents during the psychedelic Sixties.\": {\"frequency\": 1, \"value\": \"**Possible ...\"}, \"In all the comments praising or damning Dalton's performance, I thought he was excellent. He does not play Rochester as a spoiled pretty rich boy, but as a roguish, powerful man. I liked this version, although the shot on video aspect was sometimes distracting, and the scenes with Jane and St. John never quite gelled. I give this an 8.\": {\"frequency\": 1, \"value\": \"In all the ...\"}, \"Seeing all of the negative reviews for this movie, I figured that it could be yet another comic masterpiece that wasn't quite meant to be. I watched the first two fight scenes, listening to the generic dialogue delivered awfully by Lungren, and all of the other thrown-in Oriental actors, and I found the movie so awful that it was funny. Then Brandon Lee enters the story and the one-liners start flying, the plot falls apart, the script writers start drinking and the movie wears out it's welcome, as it turns into the worst action movie EVER.

Lungren beats out his previous efforts in \\\"The Punisher\\\" and others, as well as all of Van Damme's movies, Seagal's movies, and Stallone's non-Rocky movies, for this distinct honor. This movie has the absolute worst acting (check out Tia Carrere's face when she is in any scene with Dolph, that's worth a laugh), with the worst dialogue ever (Brandon Lee's comment about little Dolph is the worst line ever in a film), and the worst outfit in a film (Dolph in full Japanese attire). Picture \\\"Tango and Cash\\\" with worse acting, meets \\\"Commando,\\\" meets \\\"Friday the 13th\\\" (because of the senseless nudity and Lungren's performance is very Jason Voorhees-like), in an hour and fifteen minute joke of a movie.

The good (how about not awful) performances go to the bad guy (who still looks constipated through his entire performance) and Carrere (who somehow says her 5 lines without breaking out laughing). Brandon Lee is just there being Lungren's sidekick, and doing a really awful job at that.

An awful, awful movie. Fear it and avoid it. If you do watch it though, ask yourself why the underwater shots are twice as clear as most non-underwater shots. Speaking of the underwater shots, check out the lame water fight scene with the worst fight-scene-ending ever. This movie has every version of a bad fight scene for those with short attention spans and to fill-in between the flashes of nudity.

A BAD BAD MOVIE!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!\": {\"frequency\": 1, \"value\": \"Seeing all of the ...\"}, \"I vaugely recall seeing this when I was 3 years old, then my parents accidentally taped over all but a few seconds of it with some other cartoon. Then I was about 8 or 9 years old when I rediscovered it and since I was then able to comprehend things better, I thought it was a good movie then. Fast forward to Just a few weeks ago (June 2006) when I re-re discovered it thanks to some internet articles/video clips and it's just not the same movie. I'm sure it's still good with the kids, but to us 20-30 somethings it's definitely got \\\"Cult Status\\\" written all over it. It's a shame that the original production went through a painful process; if Fox gave it enough time it would probably be more recognized in the public eye today. Maybe if they were to remake it with a totally different story and an all star voice cast it could be, but that's for Fox to decide. I'm rambling here, I know. I Still think it's a great film, but it could be better than great.\": {\"frequency\": 1, \"value\": \"I vaugely recall ...\"}, \"This is not Bela Lagosi's best movie, but it's got a good old style approach for some 40's horror entertainment.

Brides are dropping dead at the altar like flies. I think I'd postpone the wedding until after the fiend is caught, but it's a horror movie, so I guess people ignore the danger for some reason. Anyway, Lagosi is a mad doctor, who needs young female blood to keep his aging, sickly wife healthy and happy. He always eludes the Keystone Cops by hiding the bodies in a hearse (who would think of looking for a corpse in a hearse?), and the brides just keep on getting zapped.

No movie like this would be complete without a Lois Lane type female reporter who wants to catch the criminal on her own. Good at solving crime, bad at keeping her mouth shut at all the wrong times, guess who Lagosi picks for his next intended victim. I love the \\\"haunted house\\\" bit where Lois Lane gets stranded by a thunderstorm as a guest at Lagosi's sinister mansion. Hidden passageways, a vampire-like wife, an evil dwarf Igor assistant, and so on. Good stuff.

Fairly well done pacing keeps the film moving, and the story resolves itself in a typical but satisfying manner. If you like old horror movies, this one is worth a watch.\": {\"frequency\": 1, \"value\": \"This is not Bela ...\"}, \"Perhaps more than many films, this one is not for everyone. For some folks the idea of slowing down, reflecting and allowing things to happen in their own time is a good description of their personal hell. For others an approach like this speaks to some deep part of themselves they know exists, some part they long for contact with.

I suppose it's a function of where I am in my own life these days, but I count myself in the camp of the latter group. I found the meditative pace of this film almost hypnotic, gently guiding me into some realm almost mythological. This is indeed a journey story, a rich portrayal of the distance many of us must travel if we are to come full circle at the end of our days.

Much as been written of Mr Farnsworth's presentation of Alvin Straight, though I'm not sure there are words to express the exquisite balance of bemused sadness and wise innocence he conjured for us. Knowing now that he was indeed coming to terms with his own mortality as he sat on that tractor seat makes me wish I had had the opportunity to spend time with him before his departure. I hope he had a small glimmer of the satisfaction and truth he had brought to so many people, not just for \\\"acting\\\" but for sharing his absolute humanity with such brutal honesty.

Given the realities of production economics, I'm not sure full credit has been given Mr Lynch for the courage he showed in allowing the story to develop so slowly. An outsider to film production, I nonetheless understand there are few areas of modern life where the expression \\\"time is money\\\" is so accurately descriptive. Going deep into our hearts is not an adventure that can be rushed, and to his credit Mr Lynch seems to have understood that he was not simply telling a story--he was inviting his viewers to spend some time with their own mortality. No simple task, that.

If you'd like to experience the power of film to take introduce you to some precious part of yourself, you could do worse than spending a couple of hours with The Straight Story. And then giving yourself some time for the next little while simply listening to its echoes in the small hours of the night.\": {\"frequency\": 1, \"value\": \"Perhaps more than ...\"}, \"\\\"Antwone Fisher\\\" tells of a young black U.S. Navy enlisted man and product of childhood abuse and neglect (Luke) whose hostility toward others gets him a stint with the base shrink (Washington) leading to introspection, self appraisal, and a return to his roots. Pat, sanitized, and sentimental, \\\"Antwone Fisher\\\" is a solid feel-good flick about the reconciliation of past regrets and closure. Good old Hollywood style entertainment family values entertainment with just a hint of corn. (B)\": {\"frequency\": 1, \"value\": \"\\\"Antwone Fisher\\\" ...\"}, \"Watching this film for the action is rather a waste of time, because the figureheads on the ships act better than the humans. It's a mercy that Anthony Quinn couldn't persuade anyone else to let him direct any other films after this turkey.

But it is filled with amusement value, since Yul Brynner has hair, Lorne Greene displays an unconvincing French accent, and the rest of the big names strut about in comic-book fashion.\": {\"frequency\": 1, \"value\": \"Watching this film ...\"}, \"Elizabeth Ward Gracen, who will probably only be remembered as one of Bill Clinton's \\\"bimbo eruptions\\\" (they have pills for that now!) is probably the weakest element of this show. It really continues the tired formula of the Highlander Series- The hero immortal encounters another immortal with flashbacks about the last time they met, but there is some conflict, and there is a sword fight at the end where you have a cheap special effects sequence.

Then you have the character of Nick Wolf. Basically, your typical unshaven 90's hero, with the typical \\\"Sexual tension\\\" storyline. (Seriously, why do you Hollywood types think sexual tension is more interesting than sex.) This was a joint Canadian/French production, so half the series takes place in Vancouver imitating New York, and the other half is in Paris... Just like Highlander did.\": {\"frequency\": 1, \"value\": \"Elizabeth Ward ...\"}, \"Cillian Murphy and Rachel McAdams star in this action/thriller written and directed by the master of suspense, Wes Craven, himself. The whole movie starts with some trouble at The Lux Atlantic, a hotel in Miami. The problem is all fixed by Lisa Reisert, the manager of the hotel. Then she goes to the airport, and that's where all of the trouble begins. She meets Jackson Rippner, who doesn't like to be called Jack because of the name Jack the Ripper, if you know you him and I mean. Then they board the plane, and crazy enough, Rippner and Reisert sit next to each other. For the next half-hour, Lisa is terrorized, tormented, and terrified by Rippner. I won't give anything away. Then we move on to where Jack is chasing Lisa in the airport. Then Lisa goes to her house to see if her father is okay, and crazily enough, Rippner is already there. There is nearly twelve minutes of violence and strong intensity throughout that entire scene. In total, about 25 minutes of intense action comes at the end.

Not only was the movie intense but it had a great plot to it. Like I said, I will not give anything away because it's so shocking and thrilling and somewhat disturbing/frightening. And the acting from every single character in the movie, even the ones with no lines at all, were all pitch perfect. It was incredible. Everything was awesome in this movie! The acting, the music, the effects, the make-up, the directing, the editing, the writing, everything was wonderful! Wes Craven is definitely The Master of Suspense. Red Eye is definitely a must-see and is definitely worth spending your money on. You could watch this movie over and over and over again and it would never ever get boring.

Red Eye I have to say is better than 10 out of 10 stars.

Original MPAA rating: PG-13: Some Intense Sequences of Violence, and Language

My MPAA rating: PG-13: Some Very Intense Sequences of Violence, and Language

My Canadian Rating: 14A: Violence, Frightening Scenes, Disturbing Content\": {\"frequency\": 1, \"value\": \"Cillian Murphy and ...\"}, \"There's really no way to beat around the bush in saying this, Lady Death: The Motion Picture just plain sucks. Aside from the fact that the main character is a well endowed blonde running around Hell in a leather bikini with occasional spurts of graphic violence, the movie seems to have been made with the mentality of a 1980's cartoon based on a line of action figures. The bad guy himself even talks like a Skeletor wannabe, has the obligatory inept henchman, and lives in a lair that looks to have been patterned after the domain of the villain from the old Saturday morning Blackstar cartoon. Just don't expect any humor other than the sometimes howlingly bad dialogue. At other times it feels like the kind of anime tale better suited to hentai, yet there is no sex, no tentacle rape (Thank goodness!) and very little sex appeal, this despite the physical appearance of the title character. There is simply no adult edge to this material, unless you count the half-naked heroine and bloody deaths. Essentially, what we have here is a feature length episode of She-Ra, Princess of Power, but with skimpier clothes and more gore.\": {\"frequency\": 1, \"value\": \"There's really no ...\"}, \"As far as films go, this is likable enough. Entertaining characters, good dialogue, interesting enough story. I would have really quite liked it had I not been irritated immensely whilst watching at the utter disrespect it shows the city it is set in.

Glasgow. In Scotland. Yet every character is English (save for Sean's girlfriend, who is Dutch). Scottish accents are heard only fleetingly in menial jobs & roles. As a Scottish woman (& as a viewer who likes her \\\"real life\\\" films to be a bit more like real life) I really don't think it would have hurt to use any one of the countless talented Scottish actors...or at least got English ones who could toss together a decent accent! The futile attempt at using the word \\\"wee\\\" a few times did nothing but to further the insult.\": {\"frequency\": 1, \"value\": \"As far as films ...\"}, \"There's been a vogue for the past few years for often-as-not ironic zombie-related films, as well as other media incarnations of the flesh- eating resurrected dead. \\\"Fido\\\" is a film that's either an attempt to cash in on that, simply a manifestation of it, or both -- and it falls squarely into the category of ironic zombies. The joke here is that we get to see the walking dead in the contrasting context of a broadly stereotyped, squeaky-clean, alternate-history (we are in the wake of a great Zombie War, and the creatures are now being domesticated as slaves) version of a 1950s suburb.

It's a moderately funny concept on its own, and enough perhaps for a five-minute comedy sketch, but it can't hold up a feature-film on its own. The joke that rotting corpses for servants are incongruous with this idealized version of a small town is repeated over and over again, and loses all effectiveness. The soundtrack relentlessly plays sunny tunes while zombies cannibalize bystanders. The word \\\"zombie\\\" is constantly inserted into an otherwise familiarly homey line for a cheap attempt at a laugh.

The very broadness and artificiality of the representation of \\\"the nineteen fifties\\\" here can't help but irritate me. It is so stylized, in it evidently \\\"Pleasantville-\\\"inspired way, that it is more apparent in waving markers of its 1950s-ness around than actually bearing any resemblance to anything that might have happened between 1950 and 1959. There is something obnoxiously sneering about it, as if the film is bragging emptily and thoughtlessly about how more open, down-to-Earth, and superior the 2000s are.

Because the characters are such broad representations of pop-culture 1950s \\\"types,\\\" it's difficult to develop much emotional investment in them. Each has a few character traits thrown at him or her -- Helen is obsessed with appearances, and Bill loves golf and his haunted by having had to kill his father -- but they remain quite two-dimensional. Performances within the constraints of this bad writing are fine. The best is Billy Connolly as Fido the zombie, who in the tradition of Boris Karloff in \\\"Frankenstein\\\" actually imparts character and sympathy to a lumbering green monster who cannot speak.

There are little bits of unsubtle allegory thrown around -- to commodity fetishism, racism, classism, war paranoia, et cetera, but none of it really works on a comprehensive level, and the filmmakers don;t really stick with anything.

Unfortunately, this film doesn't really get past sticking with the flimsy joke of \\\"Look! Zombies in 'Leave it to Beaver!'\\\" for a good hour- and-a-half.\": {\"frequency\": 1, \"value\": \"There's been a ...\"}, \"Arthur is middle aged rich 'kid' who drinks like a fish. Arthur does what he feels like and says whatever comes into his mind. He likes to boast about his riches and knows that he is a spoiled brat. He spends money on people he don't know and finds everything funny. Arthur must marry a high class girl to inherit a big fortune but he falls in love with a poor waitress Liza Minnelli (she looks really weird).

This is a damn funny film. I watched this film because a very famous Indian film 'Sharabee' is based on the character of Arthur. Although 'Sharabee' is definitely inspired by 'Arthur' I think they are two different films. 'Arthur' is just fun. Its very corny at times. There are so many fantastic one liners in the film. Its not a laugh riot but it has some fantastic moments. My favorite scene is when Arthur meets his fianc\\ufffd\\ufffd's father and he keeps talking about the 'moose'. Duddley Moore sure has some comic timing. He is very good with words and body language. I loved the scene where he talks standing to a seated couple in the hotel about a 'small' country and he keeps talking to husband and wife in two different directions. John Gielgud got an Oscar for this film. I don't know that actor. I don't think he did a great job but may be if I watched more of his work I may agree in future. Movie has some flat patches but not very long ones. looking forward to watch the sequel.\": {\"frequency\": 1, \"value\": \"Arthur is middle ...\"}, \"I've been impressed with Chavez's stance against globalisation for sometime now, but it wasn't until I saw the film at the Amsterdam documentary international film festival that I realize what he has really achieved. This film tells the story of coup/conspiracy by Venezuela's elite, the oil companies and oil loving corrupt western governments, to remove democratically elected president Chavez, and return Venezuela back to a brutal dictatorship. This film is must for anyone who believes in freedom and justice, and is also a lesson to the rest of world ! I commend the people of Venezuela for taking matter into their own hands, and saving their country from the likes of Halliburton and the Bush regime.\": {\"frequency\": 1, \"value\": \"I've been ...\"}, \"The acting is bad ham, ALL the jokes are superficial and the target audience is clearly very young children, assuming they have below average IQs. I realize that it was meant for kids, but so is Malcom in the Middle, yet they still throw in adult humor and situations.

What should we expect from a show lead by Bob Saget, the only comedian in existence who is less funny than a ball hitting a man's groin, which is probably why he stopped hosting America's Funniest Home Videos.

Parents, do not let your kids watch this show unless you want to save money on college. Expose your kids to stupidity and they will grow up dumberer.\": {\"frequency\": 1, \"value\": \"The acting is bad ...\"}, \"A young cat tries to steal back his brothers soul from death but only gets half of it and then has to go adventuring to get the other half... or maybe not.

Frankly I'm not sure what happens in this film which is full of very strange, very surreal images some of which parents might find disturbing, (ie.the cats slicing off part of a pig who is traveling with them and the frying it like bacon which all three eat).

This is a very strange film that some have likened to Hello Kitty on acid, I think its more like Hello Kitty as done by Dali. (Certainly this is more alive than Destino which was directly based on his work).

If your up for a very off beat film that will challenge your perceptions of things then see this movie. Just be ready for some very strange images that will be burned into your memory forever.

\": {\"frequency\": 1, \"value\": \"A young cat tries ...\"}, \"When I first saw the Romeo Division last spring my first reaction was BRILLIANT! However, on future viewings I was provided with much more than masterful film-making. This picture has a singular voice that will echo throughout the annuls of film history.

The opening montage provides a splendid palette which helmer JP Sarro uses to establish his art on this canvas of entertainment.

Sarro truly uses the camera as his paintbrush while he brings us along on a ride that envelops the audience in a tremendous action movie that goes beyond the traditional format we have become accustomed to and dives deeply into dark themes of betrayal, revenge and the importance of companionship. This movie is any director's dream at its very core.

However, Sarro was not alone in this epic undertaking. The writing, provided by scribe Tim Sheridan, was just as breathtaking.

The dialogue was so precise and direct that it gave the actors such presence and charisma on the screen. Specifically speaking, the final scene (WARNING: SPOILERS!!! SPOILERS!!!) where Vanessa reveals herself to be one of the coalition and a villain all the time, is written in such a dark tone that it is one of the most chilling endings I have ever seen. Sheridan is the next Robert Towne.

In a final note it is obvious that this production was no small feat.

Therefore much praise must be given to producer Scott Shipley who seems to have the creativity and genius to walk next to Jerry Bruckheimer. Never before have I witnessed a production so grand with so much attention directed at every little detail. A producers job is one of the hardest in any movie and Shipley makes it look easy.

All in all this film combines creative writing, stunning production and masterful direction. This is the art of film at its best. When the ending of the film arrives the only thing that is desired is more.

The Romeo Division is groundbreaking, a masterpiece and, most importantly, The Romeo Division is indeed art.\": {\"frequency\": 1, \"value\": \"When I first saw ...\"}, \"I first saw this film as a teenager. It was at a time when heavy metal ruled the world. Trick Or Treat has every element for a movie that rocks. With a cast that features Skippy from Family Ties, Gene Simmons of Kiss and Ozzy Osbourne as a Preacher, how can you go wrong? Backwards evil messages played on vinyl! Yes thats right, they use records in this movie. In one scene Eddie (Skippy) is listening to a message from the evil rockstar on his record player when things begin to get scary. Monsters start to come out of his speakers and his stereo becomes possessed. As a teenager I tried playing my records backwards hoping it would happen to mine. Almost 20 years later Trick Or Treat is still one of my all time favorite movies.\": {\"frequency\": 1, \"value\": \"I first saw this ...\"}, \"I don't think I'll ever understand the hate for Renny Harlin. 'Die Hard 2' was cool, and he gave the world 'Cliffhanger', one of the most awesome action movies ever. That's right, you little punks, 'Cliffhanger' rules, and we all know it.

Sly plays Gabe Walker, a former rescue climber who is 'just visiting' his old town when he is asked to help a former friend, Hal Tucker (Michael Rooker), assist in a rescue on a mountain peak. Walker obviously came back at a convenient time, because the stranded people are actually a sophisticated team of thieves led by Eric Qualen (John Lithgow). Qualen & co. have lost a whole lot of money they stole from the U.S. government somewhere in the Rocky Mountains and they really would like it back...

Essentially, 'Cliffhanger' is another 'Die Hard' clone. Just trade in the confines of Nakatomi Plaza to the open mountain ranges of the Rocky Mountains, complete with scenes created to point out the weaknesses of our hero and keep him mortal. Naturally, that set up is totally ripped to shreds soon enough, as Stallone's character avoids quite a large number of bullets with ease, and slams face-first into several rock faces with no apparent side-effects. After all, isn't that what action movies are all about?

'Cliffhanger' is one of the most exciting action movies around. A showcase of great scenes and stunts. One of the early stunts is one of the best stunts I've ever seen in a movie, and while the rest of the movie does not get any better than it did at the beginning, it maintains its action awesomeness. John Lithgow's lead villain is entertaining, and one bad dude. Quite possibly one of the coolest lead villains ever.

'Cliffhanger' is easily one of Stallone's best efforts, definitely Renny Harlin's best effort, and a very exciting action movie - 9/10\": {\"frequency\": 1, \"value\": \"I don't think I'll ...\"}, \"If one would see a Ren\\ufffd\\ufffd Clair film with the kind of distracted semi-attention which is the rule in TV watching - one might be better off doing something different.

Watching \\\"Le Million\\\" with all attention focused upon what takes place before eyes and ears will reveal a wealth of delightful details which keep this musical comedy going from the beginning to the end with its explosion of joy.

In the Danish newspaper Berlingske Tidende a journalist once wrote: \\\"In my younger days I saw a film which made me feel like dancing all the way home from the cinema. This film is on TV tonight - see it!\\\"\": {\"frequency\": 1, \"value\": \"If one would see a ...\"}, \"Like his earlier film, \\\"In a Glass Cage\\\", Agust\\ufffd\\ufffd Villaronga achieves an intense and highly poetic canvas that is even more refined visually than its predecessor. This is one of the most visually accomplished and haunting pictures one could ever see. The heightened drama, intensity and undertone of violence threatens on the the melodramatic or farcical, yet never steps into it. In that way, it pulls off an almost impossible feat: to be so over-the-top and yet so painfully restrained, to be so charged and yet so understated, and even the explosives finales are virtuosic feasts of the eye. Unabashed, gorgeous, and highly tense... this film is simply superb!\": {\"frequency\": 1, \"value\": \"Like his earlier ...\"}, \"Passport to Pimlico is a real treat for all fans of British cinema. Not only is it an enjoyable and thoroughly entertaining comedy, but it is a cinematic flashback to a bygone age, with attitudes and scenarios sadly now only a memory in British life.

Stanley Holloway plays Pimlico resident Arthur Pemberton, who after the accidental detonation of an unexploded bomb, discovers a wealth of medieval treasure belonging to the 14th Century Duke of Burgundy that has been buried deep underneath their little suburban street these last 600 years.

Accompanying the treasure is an ancient legal decree signed by King Edward IV of England (which has never been officially rescinded) to state that that particular London street had been declared Burgandian soil, which means that in the eyes of international law, Pemberton and the other local residents are no longer British subjects but natives of Burgundy and their tiny street an independent country in it's own right and a law unto itself.

This sets the war-battered and impoverished residents up in good stead as they believe themselves to be outside of English law and jurisdiction, so in an act of drunken defiance they burn their ration books, destroy and ignore their clothing coupons, flagrantly disregard British licencing laws etc, declaring themselves fully independent from Britain.

However, what then happens is ever spiv, black marketeer and dishonest crook follows suit and crosses the 'border' into Burgundy as a refuge from the law and post-war restrictions to sell their dodgy goods, and half of London's consumers follow them in order to dodge the ration, making their quiet happy little haven, a den of thieves and a rather crowded one at that.

Appealing to Whitehall for assistance, they are told that due to developments this is \\\"now a matter of foreign policy, which His Majesty's Government is reluctant to become involved\\\" which leaves the residents high and dry. They do however declare the area a legal frontier and as such set up a fully equipped customs office at the end of the road, mainly to monitor smuggling than to ensure any safety for the residents of Pimlico.

Eventually the border is closed altogether starting a major siege, with the Bugundian residents slowly running out of water and food, but never the less fighting on in true British style. As one Bugundian resident quotes, \\\"we're English and we always were English, and it's just because we are English, we are fighting so hard to be Bugundians\\\"

A sentiment that is soon echoed throughout the capital as when the rest of London learn of the poor Bugundians plight they all feel compelled to chip in and help them, by throwing food and supplies over the barbed wire blockades.

Will Whitehall, who has fought off so may invaders throughout the centuries finally be brought to it's knees by this new batch of foreigners, especially as these ones are English!!!!

Great tale, and great fun throughout. Not to be missed.\": {\"frequency\": 1, \"value\": \"Passport to ...\"}, \"I watched the whole movie, waiting and waiting for something to actually happen. Maybe it's my fault for expecting evil and horror instead of psychology? Is it a weird re-telling of the Oedipal myth: I want to kill my father and mother and marry my uncle and compose musical theater with him? I didn't understand why certain plot elements were even present: why was the construction upstairs, why was there that big stairwell with a perfect spot for someone to fall to their doom if no one was actually going to do so, why have the scenes at all with the father at work, why have such a nice kitchen if you're only going to eat takeout, why would the boy want to be baptized and the parents be the ones to resist instead of the other way around. I see lots of good reviews for this movie...has my taste been corrupted by going up with 70s b-movies and old sci fi flicks?\": {\"frequency\": 1, \"value\": \"I watched the ...\"}, \".... may seem far fetched.... but there really was a real life story.. of a man who had an affair with a woman, who found out where he and his new wife were staying,, and she killed the wife,, making it look like a murder rape.......

in her delusion she had told everyone that the man had asked her to marry him.. so she quit her job in Wisconsin... and moved to Minnesota..........

last I heard she was in a mental institution, Security Prison....

she was still wearing the \\\"engagement ring.\\\" that she has purchased for herself... and had told everyone that he had bought it for her.

The events took place in a small town in Wisconsin,,,,,,, and the murder happened in Minnesota......

There even was a feature story in \\\"People\\\" magazine... Spring of 1988, I want to say on Page 39. I remember this as I was in college at the time,, and a colleague of mine had met the individual in the Security Hospital....\": {\"frequency\": 1, \"value\": \".... may seem far ...\"}, \"Gotta start with Ed Furlong on this one. You gotta. God bless this kid. $5 bucks says the character he plays in this film is what he's really like in real life. He has a one-liner or two that made me almost blow snot because of the subtle humor in the script. You know all the trials this guy has gone through in recent years and it doesn't even seem like Furlong is even acting. Maybe that's why his performance was good. Same with Madsen. You keep thinking, \\\"I bet this guy is really like this in real life.\\\" Does Madsen even have to act? Just natural. Vosloo has obviously moved on from the type-casted Mummy guy. I think the biggest surprise to this film was Jordana Spiro's performance. Her reactions are spot-on in this film. I battled if she was hot or not, but realized I would just like to see more of her.

Not a big fan of shoot 'em out/hostage type films. But what I am a fan of are films with lots of twists and turns to try and keep you guessing. It's not just your standard robbers take over a bank, they kill hostages, and the good guys win in the end type of film. The twists keep on coming...and coming.

The caf\\ufffd\\ufffd scenes work best with the hand-held cams to show what it's really like in there. Not glossed over a bit. Think like Bourne Ultimatum \\\"lite\\\" style on some scenes in the caf\\ufffd\\ufffd.

And for those Bo Bice fanatics out there - actor Curtis Wayne (who plays Karl) will make you do a double take. These guys are twins.

As I watched I wondered why some of the actors had foreign accents and what were they doing in this small town. Made sense in the end that these people smuggled stuff to other countries/states so they might have these accents. But more is revealed in the bonus features of how some of the producers wanted to make this film for International audiences with some of their stars we might not have heard of. And some of them are smoking hot. Moncia Dean? Need I say more.\": {\"frequency\": 1, \"value\": \"Gotta start with ...\"}, \"...Heads, Hands, and Feet - a band from the past, just like Strange Fruit. A triple whammy there. Those who have professed not to like this film are either heartless or under 40, and have had no experience of the real thing. Sad for them. This is an achingly well-observed little picture that is an excellent way of passing an hour or two, and will probably not even fade much on the second showing. Stephen Rae, Timothy Spall as the fat drummer (in many ways quite the most delightful figure of all), and Bill Nighy - a new name for me - as the neurotic vocalist and front man all turn in super performances, and Juliet Aubrey has lovely doe eyes to go with some sharp acting as Karen, who tries to hold the band together as they spectacularly self-destruct.

The Syd Barrett/Brian Wilson echoes are loud and clear, Mott the Hoople rear up before one in all their inflated ridiculousness, and the script is never mawkish for more than a minute. Don't compare this with Spinal Tap or The Rutles or The Full Monty - it's unfair on all of them. The nearest comparison is The Commitments, and that's no bad thing. And any film that can conjure up memories of Blodwyn Pig - a band I do not remember ever seeing, but the name lives on - well, it shows somebody in the team knew what they were on about.

A small delight, and thanks for the memory.

Oh... and I've got ANOTHER one - Stiff Little Fingers; a-a-and what about SteelEYE Span... Spooky TOOTH... Ten Inch NAILS anyone? (You have to see the movie or have been on the road)\": {\"frequency\": 1, \"value\": \"...Heads, Hands, ...\"}, \"I was 15 years old when this movie premiered on the television. Being raised in Texas, I understood the boredom & monotony of teenage life there. This movie touched my impressionable teenage heart & I remembered it fondly through the past 12 years. I recently got to see it for the 2nd, 3rd & 4th times thanks the the LOVE channel. I still cry because the movie reaches in & touches my inner confused teenager.\": {\"frequency\": 2, \"value\": \"I was 15 years old ...\"}, \"

According to reviewers, the year is 1955 and the players are 20 year-old college kids about to enter grad school. Jolly joke!

1955? The synthesizer keyboard was not invented yet, but there it is on the bandstand. The Ford Pony Car was not invented yet, but there it is playing oldies music. The synthesizer appeared to be a model from the mid 1970's. The Pony Car at best is from the mid 1960's.

20 year-old college kids? Josh Brolin had seen 32 birthdays when this made-for-TV movie was produced.

The plot is so predictable that viewers have plenty of spare time to think of all the errors appearing upon their TV's.\": {\"frequency\": 1, \"value\": \"


If somebody makes it to the normal exit, the person would be asked some questions, like \\\"do you believe in god?\\\", its not really creative or original and especially in my opinion it doesn't fit into the mystery of the cube with it traps. Really there is nothing much else to say about it.\": {\"frequency\": 1, \"value\": \"The plot doesn't ...\"}, \"An extra is called upon to play a general in a movie about the Russian Revolution. However, he is not any ordinary extra. He is Serguis Alexander, former commanding general of the Russia armies who is now being forced to relive the same scene, which he suffered professional and personal tragedy in, to satisfy the director who was once a revolutionist in Russia and was humiliated by Alexander. It can now be the time for this broken man to finally \\\"win\\\" his penultimate battle. This is one powerful movie with meticulous direction by Von Sternberg, providing the greatest irony in Alexander's character in every way he can. Jannings deserved his Oscar for the role with a very moving performance playing the general at his peak and at his deepest valley. Powell lends a sinister support as the revenge minded director and Brent is perfect in her role with her face and movements showing so much expression as Jannings' love. All around brilliance. Rating, 10.\": {\"frequency\": 1, \"value\": \"An extra is called ...\"}, \"Not even the most ardent stooge fan could possibly like the movie, (I one of them) the stooges just aren't given any material to work with. It is really a shame too because this is the only feature length movie the stooges did with Curly, and this one effort by them is painfully unfunny, when it could have had great potential. Awful musical numbers don't help any either. The short they did with the same title has more laughs.\": {\"frequency\": 1, \"value\": \"Not even the most ...\"}, \"Bill Maher's Religulous is not an attack on organized religion. It's an attack on Christianity and Islam. Apart from ridiculing a bunch of Rabbis inventing warped machines to get around Sabbath regulations, he really doesn't attack Judaism and seems enraged when a Rabbi actually challenges the existence of the State of Israel. If Bill Maher followed his hypothesis to its logical conclusion, he would realize that the very creation of Israel in the Palestinian Territories is based on the so called 'holy books' of organized religion. This is evidence of his complete and utter lack of objectivity or focus in the creation of this film.

I find it really hard to believe that the man is atheist or even all that intelligent. Anyone can go up to a religious person and laugh at them and call them stupid for their beliefs but what do you have to offer them in return? Nowhere does he actually tell them why he thinks they're stupid. What makes him the \\\"rational\\\" person in the room? In a way it reflects how he really isn't and in the process ends up looking just as stupid as those people.

If you want to watch a good movie/documentary about the actual evils of religion and how religion can actually be detrimental to the human civilization, watch Richard Dawkins' 'Root of All Evil?'. It is a brilliantly researched documentary, clearly outlining what it hopes to achieve and how.

Bill Maher's Religulous is not funny, poses no interesting questions nor does it provide any insight on so controversial a topic. It seems to be the rantings and ravings of an old man disgruntled with his Catholic upbringing. I almost feel sorry for him.\": {\"frequency\": 1, \"value\": \"Bill Maher's ...\"}, \"This story is about the romantic triangle between a nth. African male prostitute, a French transsexual prostitute (Stephanie) and a Russian waiter who speaks no French and never seems to shave.

As a film it is dull, dreary and depressing, shot either on foggy, overcast winter days or in badly lit interiors, where everyone is bathed in a weird blue luminescence. And yes, I know, it's because the white balance was out. Everyone is pale and downcast and looks haggard, shabby and dirty. Bodies are bony and shot in such closeup that they look quite ugly and unappealing. Moles, greasy hair. Yuk. Bad news in a film where people spend a lot of time either naked or having sex.

And the story? Well, Stephanie's mother is dying. All three characters go back to Stephanie's home village where, through a bunch of flashbacks to desolate countryside and predictably dingy interiors, we see a bit of Stephanie's childhood as a boy called Pierre. The mother dies. Well... and that's about it, really. Character development is kept to a minimum, as is the denouement of the story.

I suppose the storyline is not linear (it would explain a lot of non sequiteurs) but really, after paying my seven euros I don't feel like having to construct the film myself: that's what the director takes my money for. To expect me to join the story telling process and get my hands dirty, so to speak, is asking way too much.

This film is a heap of pretentious rubbish made, above all, from a desire to epater les bourgeois (ie shock the straights). I can see how it was a shoo-in for the Berlin Film Festival, and I can see why it got nowhere.\": {\"frequency\": 1, \"value\": \"This story is ...\"}, \"Seriously, I absolutely love these old movies and their simplicity but I just watched this for the first time last night and it easily slotted itself into my bottom five of all time. Was this supposed to be about the love story or the zombies??? This movie was so bad that after it mercifully ended all I could do is laugh at how ridiculously bad it really was. Thankfully I'm too anal to turn a movie off without seeing the entire thing or I wouldn't be able to brag about watching this all the way through in one sitting! I like to think something positive can be said about anything in life so in keeping with that theory I will acknowledge this film's most positive asset, it was very short for a full length film.\": {\"frequency\": 1, \"value\": \"Seriously, I ...\"}, \"Channel surfing and caught this on LOGO. It was one of those \\\"I have to watch this because it's so horribly bad\\\" moments, like Roadhouse without the joy. The writing is atrocious; completely inane and the acting is throw-up-in-your-mouth bad.

There's low budget and then there is the abyss which is where this epic should be tossed and never seen from again. I mean, the main characters go to a ski retreat in some rented house and the house is, well, ordinary which is no big deal, but they choose to show all the houseguests pouring over it like it was the Sistine Chapel. I'm sorry but watching 6 guys stare into every 10'x10' boring room with a futon in it and gushing is lame. I guess they didn't learn anything from the Bad News Bears in Breaking Training (see hotel room check scene)...wow a toilet !!! yaayyyyy !!!! I don't buy the its all over the top so anything goes routine. If it smells like...and it looks like...well, you know the rest.

Avoid like the plague.

edit: Apparently other more close minded reviewers believe that since I disliked this movie, I am an \\\"obvious hater\\\" which I can only assume means I am phobic, which of course is not true. I decided to do this wacky, crazy thing and judge the movie based on the actual content of the film and not by its mere presence (i.e. its refreshing to see...)

Sure, it may be refreshing to see but that doesn't equate into a great movie, just give them some better material to work with and tighter direction. In fact, I applaud the effort. Frankly, I'd rather go listen to my Kitchens of Distinction catalogue than watch this again.\": {\"frequency\": 1, \"value\": \"Channel surfing ...\"}, \"This movie proves that good acting comes from good direction and this does not happen in Ask the Dust. Colin Farrell is usually a fine actor but in this he is juvenile. Donald Sutherland comes across as an amateur. Why? Because the script is awful, the adaptation is awful and the actors seem bored and half hearted. The atmosphere of the movie is bad - I could only think when it would finish and I turned it off half way. The director has done a very poor job and even though I have not read the novel it is certainly a missed chance. The atmosphere this film is trying to evoke and the message and storyline never reaches the audience. In one word, it is a TERRIBLE film.\": {\"frequency\": 1, \"value\": \"This movie proves ...\"}, \"An American woman, her European husband and children return to her mother's home in \\\"Watch on the Rhine,\\\" a 1943 film based on the play by Lillian Hellman, and starring Paul Lukas (whom I believe is repeating his stage role here), Bette Davis, Lucile Watson, George Coulouris, Geraldine Fitzgerald, and Donald Woods. An anti-Fascist, a worker in the underground movement, many times injured, and wanted by the Nazis, Kurt Muller (Lukas) is in need of a long vacation on the estate of his wealthy mother-in-law. But he finds out that there is truly no escape as one of the houseguests (Coulouris) is suspicious as to his true identity and more than willing to sell him out.

Great performances abound in this film, written very much to put forth Lillian Hellman's liberal point of view. It was certainly a powerful propaganda vehicle at the time it was released, as the evils of war and what was happening to people in other countries reach into safe American homes. The movie's big controversy today is that Paul Lukas won an Oscar over Humphrey Bogart in \\\"Casablanca.\\\" Humphrey Bogart was a wonderful screen presence and a fabulous Rick, but Lukas is transcendent as Kurt. The monologue he has about the need to kill is gut-wrenching, just to mention one scene.

Though this isn't what one thinks of as a Bette Davis movie, she gives a masterful performance here as Kurt's loyal and loving wife, Sara. Her acting tugs at the heart, and the love scenes between Kurt and Sara are beautiful and tender.

The last half hour of the film had me in tears with the honesty of the emotions. Lillian Hellman is not everyone's cup of tea, but unlike \\\"The Little Foxes,\\\" she has written some truly sympathetic, wonderful characters and a fine story given A casting and production values by Warner Brothers. Highly recommended.\": {\"frequency\": 1, \"value\": \"An American woman, ...\"}, \"The film's design seems to be the alpha and omega of some of the major issues in this country (U.S.). We see relationships all over at the university setting for the film. Befittingly, the obvious of student v.s. teacher is present. But what the film adds to its value is its other relationships: male v.s. female, white v.s. black, and the individual v.s. society. But most important of all and in direct relation to all of the other relationships is the individual v.s. himself.

I was amazed at how bilateral a point of view the director gave to showing the race relations on campus. Most films typically show the injustices of one side while showing the suffering of the other. This film showed the injustices and suffering of both sides. It did not attempt to show how either was right, although I would say the skin heads were shown a much crueler and vindictive (quite obvious towards the end). The film also discusses sex and rape. It is ironically this injustice that in some ways brings the two races together, for a time. Lawrence Fishburne does an over-the-top performance as the sagacious Profesor Phipps. He crumbles the idea of race favortism and instead shows the parallelism of the lazy and down-trodden with the industrious and positive. Other stars that make this film are Omar Epps, Ice Cube, and Jennifer Connelly. Michael Rapaport gives an excellent portrayal of a confused youth with misplaced anger who is looking for acceptance. Tyra Banks make her film debut and proves supermodels can act.

Higher Learning gets its name in showing college as more than going to class and getting a piece of paper. In fact, I would say the film is almost a satire in showing students interactions with each other, rather than some dry book, as the real education at a university. It is a life-learning process, not a textual one. I think you'll find \\\"Higher Learning\\\" is apropos to the important issues at many universities and even life in general. 8/10\": {\"frequency\": 1, \"value\": \"The film's design ...\"}, \"Robert Duvall is a direct descendent of Confederate General Robert E. Lee, according the IMDb.com movie database. After seeing this film, you may think Duvall's appearance is reincarnation at it's best. One of my most favorite films. I wish the composer, Peter Rodgers Melnick had a CD or there was a soundtrack available. Wonderful scenery and music and \\\"all too-true-to-life,\\\" especially for those of us that live in, or have moved to, the South. This is a \\\"real moment in time.\\\" Life moves on, slowly, but \\\"strangers we do not remain.\\\"\": {\"frequency\": 1, \"value\": \"Robert Duvall is a ...\"}, \"This is a very memorable spaghetti western. It has a great storyline, interesting characters, and some very good acting, especially from Rosalba Neri. Her role as the evil villainess in this film is truly classic. She steals every scene she is in, and expresses so much with her face and eyes, even when she's not speaking. Her performance is very believable. She manages to be quite mesmerizing without being over the top (not that there's anything wrong with being over the top). Mark Damon is surprisingly good in this movie too.

The music score is excellent, and the theme song is the kind that will be playing in your head constantly for days after seeing the movie, whether you want it to or not. There are a couple of parts that are very amusing. I especially like the part where Rosalba Neri undresses in front of the parrot. There's also lots of slick gun-play that's very well done.

I would probably have given this movie 8 or 9 stars if it wasn't for two things. The first being a silly bar room brawl that occurs about 25 minutes into the film. This is one of the most ridiculous looking fights I have ever seen in a movie. It is very poorly choreographed, and looks more like a dance number from a bad musical than any kind of a real fight. One might be able to overlook this if it were a Terence Hill/Bud Spencer comedy, but this is a more serious western, and the brawl really needed to be more realistic. The other thing that annoyed me about this movie was Yuma's cowardly Mexican sidekick. I guess he was supposed to be comic relief or something, but the character was just plain stupid and unnecessary in a movie like this, and he wasn't at all funny. All I can say is where is Tuco when you need him?

All that having been said, let me assure everyone reading this that Johnny Yuma is a classic spaghetti western despite the faults I have mentioned, and all fans of the genre need to see this movie.\": {\"frequency\": 1, \"value\": \"This is a very ...\"}, \"This was awful. Andie Macdowell is a terrible actress. So wooden she makes a rocking horse look like it could do a better job. But then remember that turn in Four Weddings, equally as excruciating. Another film that portrays England as full of Chocolate box cottages, and village greens. I mean that school, how many schools apart from maybe Hogwarts look like that? The twee police station looked like the set from Heartbeat ( a nauseating British series set in the 60s).This film just couldn't make its mind up what it wanted to be- a comedy or a serious examination of the undercurrents in women's friendships. If it had stuck to the former then the graveyard sex scenes and the highly stupid storming of the wedding might just have worked( i say just). But those scenes just didn't work with the tragedy in the second half. I also find it implausible that Kate would ever speak to Molly again after her terrible behaviour. A final note- what is a decent actress like Staunton doing in this pile of poo? Not to mention Anna Chancellor. Macdowell should stick to advertising wrinkle cream.\": {\"frequency\": 1, \"value\": \"This was awful. ...\"}, \"This movie promised bat people. It didn't deliver. There was a guy who got bit by a bat, but what was with the seizures? And the stupid transformation? Where was the plot? Where was the acting? Who came up with the idea to make this? Why was it allowed to be made? Why? Why? I guess we'll never know.\": {\"frequency\": 1, \"value\": \"This movie ...\"}, \"The author of \\\"Nekromantik\\\", J\\ufffd\\ufffdrg Buttgereit's second feature film, \\\"Der Todesking\\\" is a powerful masterpiece. Centered around a chain letter originating from a group called \\\"The Brotherhood of the 7th Day\\\", the movie shows 7 episodes, each consisting of one day during one week, where suicide is approached using different characters and situations all the while the letter is making it's rounds. Do not touch this one if you like Hollywood movies or musicals, enjoy happy or even remotely \\\"normal\\\" movies or expect a movie to be good only, if it is focused on stage acting.

The nihilistic, avant-garde approach of Der Todesking well explains, why Buttgereit's movies in general were banned in Germany, their native country of origin, during the 80's and most of the 90's. Der Todesking is not really focused on the characters appearing on-screen, but the meaningless apathy or depression most people's lives consist of in general. Buttgereit does not find reasons to go on living, only reasons to stop, and in choosing how and when you die, you can also be the king of death, Der Todesking.

Buttgereit's movies are generally difficult to categorize and Der Todesking is no exception. Featuring the same crew and almost the same cast as all other of his movies, \\\"art film\\\" would probably be the closest description every time. Der Todesking features an original method to shoot, create the mood and handle the central object in almost every scene. During one scene, the camera slowly, continuously pans in 360 degree circle, while a person lives in a small one-room apartment for a day. During another, Buttgereit uses sound and film corruption to depict the collapsing mental state of a man, while he dwells in his desperation. During a third, seemingly pleasant scene names, ages and occupations of actual people to have committed suicide are shown on-screen, supposedly warranting the ban in Germany for this particular movie.

Episode movies (and especially this one, as the scenes are only vaguely connected) generally suffer from incoherence, and Der Todesking is no exception. While all episodes have the same focus of inflicted death and it's consequences or subsequences in all it's variations, there are very powerful episodes, yet an episode or two might even seem like filler material, partly draining the overall power of the movie - still, the the jaw-dropping, immensely powerful intermissions depicting a decomposing body manage to keep the movie together and cleanse it from it's more vague moments back to the status of greatness. The general atmosphere is baffling, awe-inspiring, highly depressing and sometimes even disgusting - so much so that dozens of people left in the middle of the movie during a theater showing in a film festival I took part of.

This is one movie that does leave a lasting impression and I strongly recommend it for anyone looking for a special experience and something they will definitely remember in years to come. Not recommended for the faint of heart or show time fans, this is a small, different movie that truly raises feelings in the audience. Whether it be confusion, amazement or even hate, you aren't likely to be left cold by this, in my opinion the best, achievement of this small indie crew.

The main theme of the movie, \\\"Die Fahrt ins Reich der Menschentr\\ufffd\\ufffdmmer part I-III\\\" was released in a limited 666-piece 8\\\" vinyl edition, which is now much sought after. You still can get the classical masterpiece by getting \\\"The Nekromantik\\\" soundtrack CD, which I highly recommend. The Lo-Fi synthesizer music in the movie is dark and quirky, almost illbient-like, makes an essential part of the movie's atmosphere, and is something you would very, very rarely hear otherwise. Much recommended!\": {\"frequency\": 1, \"value\": \"The author of ...\"}, \"Taking over roles that Jack Albertson and Sam Levene played on Broadway, Walter Matthau and George Burns play a couple of old time vaudeville comics, a team in the tradition of Joe Smith and Charles Dale who seem to have a differing outlook on life.

Walter Matthau can't stop working, the man has never learned to relax, take some time and smell the roses. He's a crotchety old cuss whose best days are behind him and his nephew and agent Richard Benjamin is finding less and less work for him.

What hurt him badly was that some 15 years earlier his partner George Burns decided to retire and spend some time with his family. A workaholic like Matthau can't comprehend it and take Burns's decision personally.

Benjamin hits on a brain storm, reunite the guys and do it on a national television special. What happens here is pretty hilarious.

The Sunshine Boys is also a sad, bittersweet story as well about old age. Matthau is on screen for most of the film, but it's Burns who got the kudos in the form of an Oscar at the ripe old age of 79.

Burns brought a bit of the personal into this film as well. As we all know he was the straight man of the wonderful comedy team of Burns&Allen who the Monty Python troop borrowed a lot from. In 1958 due to health reasons, Gracie Allen retired and George kept going right up to the age of 100. Or at least pretty close to as an active performer.

The Sunshine Boys is based on the team of Smith&Dale however and if you like The Sunshine Boys I strongly recommend you see Two Tickets to Broadway for a look at a pair of guys who were entertaining the American public at the turn of the last century. The doctor sketch that Matthau and Burns do is directly from their material.

And I do think you will like The Sunshine Boys.\": {\"frequency\": 1, \"value\": \"Taking over roles ...\"}, \"A very good movie. A classic sci-fi film with humor, action and everything. This movie offers a greater number of aliens. We see the Rebel Alliance leaders and much of the Imperial forces. The Emperor is somewhat an original character. I liked the Ewoks representing somehow the indigenous savages and the Vietnamese. (Excellent references) I loved the duel between Vader and Luke which is the best of the saga. In Return of the Jedi the epilogue of the first trilogy is over and the Empire finally falls. I also appreciated the victory celebration where it fulfills Vader's redemption and returns hi into Anakin Skywalker spirit along with Yoda and Obi-Wan. It gives a sadness and a tear. The greatest scenes in Star Wars are among this movie: When Vader turns on the Emperor. Luke watches and finds comfort in seeing Obi-Wan, Yoda and...his father (1997 version not Hayden Christenssen). The next best scene is when Luke rushes to strike back Darth Vader to protect Leia. There is a deep dark side of this film despite there is a good ending. I felt there was much more than meets the eye. And as always the John William's music will bring the classicism into Star Wars universe.\": {\"frequency\": 1, \"value\": \"A very good movie. ...\"}, \"This film has been on my wish list for ten years and I only recently found it on DVD when my partner's grandson was given it. He watched it at and was thrilled to learn that it was about my generation - born in 1930 and evacuated in 1939 and he wanted to know more about it - and me. Luckily I borrowed it from him and watched it on my own and I cried all through it. Not only did it capture the emotions, the class distinction, the hardship and the warmth of human relationships of those years (as well as the cruelties (spoken and unspoken); but it was accurate! I am also a bit of an anorak when it comes to ARP uniforms, ambulances (LCC) in the right colour (white) and all the impedimenta of the management of bomb sites and the work of the Heavy Rescue Brigades. I couldn't fault any of this from my memories, and the sandbagged Anderson shelter and the WVS canteens brought it all back. The difference between the relatively unspoiled life in the village and war-torn London was also sharply presented I re-lived 1939/40 and my own evacuation from London with this production! I know Jack Gold's work, of course, and one would expect no more from him than this meticulous detail; but it went far beyond the accurate representation of the facts and touched deep chords about human responses and the only half-uttered value judgements of those years. It was certainly one of the great high spots in John Thaw's acting career and of Gold's direction and deserves to be better known. It is a magnificent film and I have already ordered a couple of copies to send to friends.\": {\"frequency\": 1, \"value\": \"This film has been ...\"}, \"I have to admit, this movie moved me to the extent that I burst in tears. However, I always think about things twice, and instead of writing a eulogy that would define the film as flawless and impeccable, I prefer taking the risk of a closer look.

First what's first: The movie has an undeniable impact on the viewer simply because it starts out and continues as a slow-paced movie that doesn't try to blow you away with the actual scenes from 9/11. Thumbs up for this stroke of genius, because, unlike Stone's WORLD TRADE CENTER this film fortunately doesn't focus on the attack itself but on the fallout which, similar to the fallout of a nuclear explosion, is hardly visible but nonetheless dangerous and devastating. The psychological impact, the sheer devastation that 9/11 caused and the havoc it wreaked on the American people is almost palpable in this movie. I think Binder managed an astute observation of the American post 9/11 society and Sandler in my opinion sky rocketed from an average comedy actor to a real talent who delivers a performance worthy of an Oscar.

However: In the film BLOOD DIAMOND, the Di Caprio character says and I quote: \\\"Ah, these Americans. Always want to take about their feelings\\\". Now, I don't want to belittle their suffer\\ufffd\\ufffdngs, but I sure would like to make a comparison. Ever since 9/11 the entire world is confronted with mementos, memorials and commemorations of 9/11. The Hollywood industry and writers such as Safran Foer more than allude to 9/11 in their works. Now, this huge amount of cultural products, dealing with 9/11, turn the death of 3000 people into the biggest tragedy of this young century. The number of books written on the subject and the number of films directed on this subject, and I say this with all due respect, blow the importance of this atrocious crime somewhat out of proportion.

Fact is: People die every day due to unjust actions and horrible crimes committed by bad or simply lost people. We have a war in Iraq, in Afghanistan, in Birma and lots of other countries. On a daily basis, we forget about the poverty the African people suffer from and we tend do empathize with them to a lesser degree than with the American victims of 9/11 simply because they are black and because their lives don't have much in common with our Western lives. Africa neither has the money nor the potential to commemorate their national tragedies in a way America can. So, what I am saying is this: The reason why we feel more for the 3000 victims of 9/11 and their families is because we are constantly reminded of 9/11. Not a day goes by without a newspaper article, a film or a book that discusses 9/11.

In conclusion: I commiserated with Charlie Fineman, but I wasn't sure whether I had the right to feel for him more than for a Hutu who lost his entire family in the Rwandan civil war.

You catch my thrift?\": {\"frequency\": 1, \"value\": \"I have to admit, ...\"}, \"This is a very entertaining flick, considering the budget and its length. The storyline is hardly ever touched on in the movie world so it also brought a sense of novelty. The acting was great (P'z to Dom) and the cinematography was also very well done. I recommend this movie for anyone who's into thrillers, it will not disappoint you!\": {\"frequency\": 1, \"value\": \"This is a very ...\"}, \"The movie had a good concept, but the execution just didn't live up to it.

What is this concept? Well, story-wise, it's \\\"Dirty Harry\\\" meets \\\"M\\\". A child killer has begun terrorizing a city. The lead detectives (Dennis Hopper and Frederic Forest) have never dealt with a serial killer before. The Mayor and the Police Chief, in desperation, secretly hire the local mob to speed things up...to go places and do things that the police wouldn't be able to in order to bring an end to this mess as soon as possible.

To be fair, this film DOES genuinely have some good things to offer.

Besides the concept, I liked the look of the killer's hideout. Norman Bates has his basement. This guy has an eerie sewer. In some of the shots, the light bounces off the water and creates rippling reflections on the walls; often giving these scenes a creepy, dreamlike quality.

The acting was good too. Dennis Hopper is one of those actors who gets better with age.

Once you get past that, however, it more-or-less goes downhill.

The film is paced way too fast. The actual investigation process from both teams feels very rushed as opposed to feeling intricate and fascinating. This could have been fixed in two ways: either make the film longer or cut out some of the many subplots. Either of these would have allowed the crew to devote more time to the actual mystery.

For an example of how bad this is, one of the crucial clues that helps them zero in on just the right suspect is this: at one point in his life, the suspect went to a pet shop...That's right...I'm being totally serious here. It's like they went from point A (the first clue) to point Z (the suspect) and skipped over all the \\\"in-between\\\" steps.

Then there's the characters. The only ones I actually liked were two pick-pockets you meet about half-way through the movie. Considering that they're minor characters, I'd call that a bad sign.

Finally, there's the mob angle. This is the one that gets me the most because THIS is why I coughed up the $3 to buy the DVD in the first place. I mean, what a hook! There's been an absolute glut of serial killer flicks in the last 10-15 years. The mob angle was a gimmick that COULD have helped it rise above the rest..., but it didn't.

I figured the gangsters's methods would be brutal, but fun and thrilling at the same time; kind of like a vigilante movie or something...maybe they'd even throw in some heist movie elements too. We ARE talking about criminals, after all. Instead, we're given some of the most repulsive protagonists committed to celluloid. The detectives question witnesses. What does the mob do? They interrogate and kill them. It's not even like these witnesses are really even that bad either. I actually found the criminals less likable than the killer they're hunting.

Unless the good points I mentioned are enough to get your interest, I'd say give this one a miss. Maybe some day, they'll reuse the same story idea and do it RIGHT. I hope so. I hate to see such a good concept go to waste.\": {\"frequency\": 1, \"value\": \"The movie had a ...\"}, \"So, finally I know it exists. Along with the other Uk contributors on here I saw this on what MUST HAVE BEEN it's only UK screening in the 70's. I remembered the title, but got nowhere when I mentioned it to people. It scarred me (that's 2 'r's) but when you go to bed with doom whizzing about your brain and listening all around for impending terror, then isn't that what a TRULY CLASSIC horror movie is all about?? I can barely remember the intricacies of the movie, but what I do recollect is my shivering flesh and heightened senses. Can anyone confirm my suspicions that this is black and white? Again, if anyone has any info on how to obtain a copy of this, please get in touch...\": {\"frequency\": 1, \"value\": \"So, finally I know ...\"}, \"The two things are are good about this film are it's two unknown celebrities.

First, Daphne Zuniga, in her first appearance in a film, young and supple, with looks that still encompass her body today, steals the very beginning, which is all she is in, and that is that. She is obviously just starting out because her acting improved with her next projects.

Second, the score by then known composer Christopher(Chris) Young is what keeps this stinker from getting a one star...yeah, I know one star more is not much, but in this movie's case, it is a lot.

The rest is just stupid senseless horror of a couple a college students who try to clean out a dorm that is due for being torn down, getting offed one by one by an unsuspecting killer, blah, blah, blah...we all know where this is going.

Watch the first eighteen minutes with Daphne Zuniga, then turn it off.\": {\"frequency\": 1, \"value\": \"The two things are ...\"}, \"I am a 11th grader at my high school. In my Current World Affairs class a kid in my class had this video and suggested we watch. So we did. I am firm believer that we went to the moon, being that my father works for NASA. Even though I think this movie is the biggest piece of crap I have ever watched, the guy who created it has some serious balls. First of all did he have to show JFK getting shot? And how dare he use all those biblical quotes. The only good thing about this movie is it sparks debates, which is good b/c in my class we have weekly debates. This movie did nothing to change my mind. I think he and Michael Moore should be working together and make another movie. Michael Moore next movie could be called \\\"A Funny Thing Happened on Spetember 11th\\\" or \\\"A Funny thing happened on the way to the white house\\\".\": {\"frequency\": 1, \"value\": \"I am a 11th grader ...\"}, \"I picked this one up on a whim from the library, and was very pleasantly surprised. Lots of tight, expressionistic camera work, an equally tight script, and two superb actors all meld together to make one very fine piece of film. Not for the reptilian multiplex brain, but rather the true aficionado of cinema. If Hollywood ever does get its grimy hands on it, I'm sure it will ruin it. A choice treat all the way around. Other posters here have more than amply sung its praises, so I needn't bother duplicating their paeans; just take their advice, and mine, and don't miss this gem. Call it what you like; I call it two hours of entertainment well-spent. Read my lips: don't miss it.\": {\"frequency\": 1, \"value\": \"I picked this one ...\"}, \"I can't believe that those praising this movie herein aren't thinking of some other film. I was prepared for the possibility that this would be awful, but the script (or lack thereof) makes for a film that's also pointless. On the plus side, the general level of craft on the part of the actors and technical crew is quite competent, but when you've got a sow's ear to work with you can't make a silk purse. Ben G fans should stick with just about any other movie he's been in. Dorothy S fans should stick to Galaxina. Peter B fans should stick to Last Picture Show and Target. Fans of cheap laughs at the expense of those who seem to be asking for it should stick to Peter B's amazingly awful book, Killing of the Unicorn.\": {\"frequency\": 1, \"value\": \"I can't believe ...\"}, \"The first time I watched Cold Case was after it had run for about a year on Danish television. At the time it came to the TV it nearly drowned in 4 or 5 other American crime shows aired roughly the same time.

I saw it and I was bored to death. The substandard actors with the self righteous faces and morals were a pain in the behind. The entire premise that so much money was given a team of investigators to solve murders dating back 10-20-30 or even 60 years seems so unlikely.

The time is also a factor as they only have 50-60 min to tell the story which means that they get a break through just in the nick of time to solve the case and bring justice to surviving family members, if they are still alive. This combined with the \\\"personal\\\" problems and relations of the investigators which there HAS to be time for leaves the show a complete lackluster.

I give it a 2-star rating because of the music i the end which is really the only reason for watching it....which you then of course won't do as that is TOO lame a reason for watching this crap.\": {\"frequency\": 1, \"value\": \"The first time I ...\"}, \"I grew up on this movie and I can remember when my brother and I used to play in the backyard and pretend we were in Care-a-lot. Now, after so many years have passed, I get to watch the movie with my daughter and watch her enjoy it. If you are parent and you have not watched this movie with your children, then you should, just so you hold them in your arms and watch them get thrilled over the care bears and care-a-lot! The songs, especially \\\"Forever Young\\\" are very sweet and memorable. Parents, I highly recommend this movie for all kids so they can learn how enjoyable caring for others can be! When it comes down to all the trash that is on TV, you can raise your children to have the right frame of mind about life with movies like these.\": {\"frequency\": 1, \"value\": \"I grew up on this ...\"}, \"The trailers for this film were better than the movie. What waste of talent and money. Wish I would've waited for this movie to come on DVD because at least I wouldn't be out $9. The movie totally misses the mark. What could have been a GREAT movie for all actors, turned out to be a B-movie at best. Movie moved VERY slow and just when I thought it was going somewhere, it almost did but then it didn't. In this day and age, we need unpredictable plot twists and closures in film, and this film offered neither. The whole thing about how everyone is a suspect is good, however, not sure if it was the way it was directed, the lighting, the delivery of lines, the writing or what, but nothing came from it. Lot of hype for nothing. I was VERY disappointed in this film, and I'm telling everyone NOT to see it. The cheesy saxophone music throughout made the film worse as well. And the ending had NOTHING to do with the rest of the film. What a disappointment.\": {\"frequency\": 1, \"value\": \"The trailers for ...\"}, \"When a small glob of space age silly putty lands on earth it soon begins consuming earthlings and putting on weight. The only part of this senseless drivel that I enjoyed was all the cool classic cars. This dog had so many holes it could be sliced and sold for swiss cheese. This thing actually made 20 million bucks? And McQueen's salary was 3K? All were vastly overpaid. The 'monster' looked a lot like a large beanbag and the 'teens' looked as though they could have children approaching their teen-age years. And those blasts from the shotgun; sounded like a pellet rifle with a sound suppressor. The ending was pitifully trite; obviously the producers were leaving the door open for a sequel....and there were many. Thumbs down.\": {\"frequency\": 1, \"value\": \"When a small glob ...\"}, \"After having seen Deliverance, movies like Pulp Fiction don't seem so extreme. Maybe by today's blood and bullets standards it doesn't seem so edgy, but if you think that this was 1972 and that the movie has a truly sinister core then it makes you think differently.

When I started watching this movie nothing really seemed unusual until I got to the \\\"Dueling Banjos\\\" scene. In that scene the brutality and edge of this film is truly visible. As I watched Drew(Ronny Cox,Robocop)go head to head with a seemingly retarted young boy it really shows how edgy this movies can get. When you think that the kid has a small banjo, which he could of probably made by hand, compared to Drew's nice expensive guitar, you really figure out just how out of their territory the four men are.

As the plot goes it's very believable and never stretches past its limits. But what really distinguishes this film, about four business men who get more than they bargained for on a canoe trip, is that director John Boorman(Excalibur) breaks all the characters away from plain caricatures or stereotypes. So as the movie goes into full horror and suspense I really cared about all four men and what would happen to them.

The acting is universally excellent. With Jon Voight(Midnight Cowboy, Enemy of the State) and Burt Reynolds(Boogie Nights, Striptease) leading the great cast. Jon Voight does probably the hardest thing of all in this film and that is making his transformation from family man to warrior very believable. Unlike Reynolds whose character is a warrior from the start, Voight's character transforms over the course of the movie. Ned Beatty(Life) is also good in an extremely hard role, come on getting raped by a hillbilly, while Ronny Cox turns in a believable performance.

One thing that really made this movies powerful for me is that the villains were as terrifying as any I had ever seen. Bill Mckinney and Herbert \\\"Cowboy\\\" Coward were excellent and extremely frightening as the hillbilly's.

Overall Deliverance was excellent and I suggest it to anyone, except for people with weak stomachs and kids. 10/10. See this movie.\": {\"frequency\": 1, \"value\": \"After having seen ...\"}, \"Laid up and drugged out, as a kidney stone wended its merry way through my scarred urinary tract, with absolutely nothing better to do than let the painkillers swoon me into semi-oblivion, I happened to catch this movie on cable. I wouldn't want anyone to think that I paid to view it in a cinema, or rented it, or \\ufffd\\ufffd heaven forfend! \\ufffd\\ufffd that I watched it STRAIGHT.

Having played this sensationally gruesome video game and avidly trod the doomed rooms and dread passageways of The House, battling Chariot (Type 27), The Hanged Man (Type 041), and other impossible sentinels, my curiosity was piqued as to how the game would transfer to the movie screen.

It doesn't.

The banal plot revolves around a group of \\\"crazy kids\\\" \\ufffd\\ufffd a la Scooby Doo \\ufffd\\ufffd attending a remote island for a world-shaking \\\"rave\\\" \\ufffd\\ufffd whatever that is. (You kids today with your hula-hoops and your mini-skirts and your Pat Boone\\ufffd\\ufffd) After bribing a boat captain thousands in cash to ferry them there (a stupidity which begs its own network of rhetoric), they find the \\\"rave\\\" deserted.

Passing mention is made of a \\\"house\\\" \\ufffd\\ufffd presumably the titular House Of The Dead \\ufffd\\ufffd but most of the action takes place on fake outdoor sets and other locales divorced from any semblance of haunted residence.

A fallen video camera acts as flashback filler, showing the island in the throes of a \\ufffd\\ufffd party?! Is that it? Oh, so this \\\"rave\\\" thingy is just a \\\"party\\\"? In the grand tradition of re-euphemizing \\\"used cars\\\" as \\\"pre-owned\\\", or \\\"shell shock\\\" as \\\"post-traumatic stress disorder\\\", the word \\\"party\\\" is now too square for you drug-addled, silicone-implanted, metrosexual jagoffs?

It is learned that the party was broken up by rampaging zombies. Intelligent thought stops here\\ufffd\\ufffd

I don't think the pinheads who call themselves screenwriters and directors understand the mythos behind zombie re-animation. Zombies can't die \\ufffd\\ufffd they're already UN-DEAD. They do not bleed, they know no pain. Unless their bodies are completely annihilated, they will continue being animated. At least, that's what my Jamaican witch priestess tells me.

Which means that a .45 shot into their \\\"hearts\\\" is not going to stop them, nor will a machete to the torso. And a shotgun blast to the chest will certainly NOT bring forth gouts of blood. At least in the video game's logic, the shooter pumps so many rounds into each monster that it is completely decimated, leaving a fetid mush that cannot re-animate itself.

Yet each actor-slash-model gets their Matrix-circular-camera moment, slaying zombies on all fronts with single bullets and karate chops to the sternum. Seriously, these zombies are more ineffective than the Stormtroopers from \\\"Return Of The Jedi\\\", who get knocked out when Ewoks trip them.

I suppose the film's writer, Mark Altman, having penned the not-too-shabby \\\"Free Enterprise\\\", felt compelled to insert a Captain Kirk reference, in the character of Jurgen Prochnow, who must have needed milk money desperately to have succumbed to appearing in this aromatic dung-swill. There is also a reference to Prochnow's primo role in the magnificent \\\"Das Boot\\\", when one of the untrained B-actors mentions that he \\\"looks like a U-Boat Captain\\\". \\\". I wonder how many of this movie's target audience of square-eyed swine picked up on ANY of the snide references to other films, as when Prochnow declares, \\\"Say hello to my little friend\\\", presaging his machine gun moment.

Aimed at a demographic who have not the wherewithal to comprehend the Sisyphean futility of the video-game concept (i.e. the game ends when you die \\ufffd\\ufffd you cannot win), this is merely a slasher film for the mindless and mindless at heart. Accordingly, everyone dies in due course, except for a heterosexual pair of Attractive White People.

A better use for this film's scant yet misused budget might have been to send the cast through Acting School, although Ona Grauer's left breast did a good job, as did her right breast \\ufffd\\ufffd and those slomo running scenes: priceless! I especially liked the final scene with Ona trying to act like she's been stabbed, but looking like she's just eaten ice cream too fast.

Attempting to do something more constructive with my time, I pulled out my Digitally-Restored, 35th Anniversary, Special Edition, Widescreen Anamorphic DVD of \\\"Manos: The Hands Of Fate.\\\" Ah, yes! \\ufffd\\ufffd the drugs were suitably brain-numbing - now HERE was some quality film-making\\ufffd\\ufffd

(Movie Maniacs, visit: www.poffysmoviemania.com)\": {\"frequency\": 1, \"value\": \"Laid up and ...\"}, \"This is the funniest stand up I have ever seen and I think it is the funniest I will ever see. If you don't choke with laughter at the absolute hilarity, then this is just not your cup of tea. But I honestly don't know anyone who has seen this that hasn't liked it. It is now 17 years later and my friends and I still quote everything from Goonie Goo Goo to the fart game, Aunt Bunnie to the ice cream man, Ralph and Ed to GET OUT!! There are just so many individual and collective skits of hilarity in here that if you honestly haven't seen this film then you are missing out on one of the best stand-ups ever. Take any of Robin Williams, Damon Wayans, The Dice, George Carlin or even the greats like Richard Pryor or Red Foxx and this will surpass it. I don't know how or where Murphy got some of his material but it works. That is what it comes down to. It is funny as hell.

Could you imagine how this show must have shocked people that were used to Eddie doing Buckwheat and Mr. Rogers and such on SNL? If you listen to the audience when he cracks his first joke or when he says the F-word for the first time, they are in complete shock.

His first time he says the F-word is when he does the skit about Mr. T being a homosexual.

\\\" Hey boy, hey boy. You look mighty cute in them jeans. Now come on over here, and f@** me up the ass!\\\"

The crowd erupts in gales of laughter. No one was expecting the filthy mouth that he unleashed on them. But the results were just awesome. I have never been barraged with relentless comedy the way I was in this stand-up. In fact, the next time my stomach hurt so much from laughing wasn't until 1999 when I saw SOUTH PARK: BIGGER LONGER AND UNCUT . That comedy was raw and unapologetic and it went for the jugular, as did DELIRIOUS. I don't think it is possible to watch this piece of comic history and not laugh. It is almost twenty years later and it is still the funniest damn thing on video.

\\\" I took your kids fishing last week. And I put the worm on the hook and the kids put the fishing pole back in the boat and slammed their heads in the water for two minutes Gus. Normal kids don't do shit like that Gus. Then they started movin their heads around like this and the m****f***** come up with fish. Then they looked at each other and said Goonie Goo Goo! I said can you believe this f****n shit?!\\\"

See it again and be prepared to laugh your freakin ass off!

10 out of 10\": {\"frequency\": 1, \"value\": \"This is the ...\"}, \"Outlandish premise that rates low on plausibility and unfortunately also struggles feebly to raise laughs or interest. Only Hawn's well-known charm allows it to skate by on very thin ice. Goldie's gotta be a contender for an actress who's done so much in her career with very little quality material at her disposal...

\": {\"frequency\": 1, \"value\": \"Outlandish premise ...\"}, \"There is no doubt that during the decade of the 30s, the names of Boris Karloff and Bela Lugosi became a sure guarantee of excellent performances in high quality horror films. After being Universal's \\\"first monster\\\" in the seminal classic, \\\"Dracula\\\", Bela Lugosi became the quintessential horror villain thanks to his elegant style and his foreign accent (sadly, this last factor would also led him to be type-casted during the 40s). In the same way, Boris Karloff's performance in James Whale's \\\"Frankenstein\\\" transformed him into the man to look for when one wanted a good monster. Of course, it was only natural for these icons to end up sharing the screen, and the movie that united them was 1934's \\\"The Black Cat\\\". This formula would be repeated in several films through the decade, and director Lambert Hillyer's mix of horror and science fiction, \\\"The Invisible Ray\\\", is another of those minor classics they did in those years.

In \\\"The Invisible Ray\\\", Dr. Janos Rukh (Boris Karloff) is a brilliant scientist who has invented a device able to show scenes of our planet's past captured in rays of light coming from the galaxy of Andromeda. While showing his invention to his colleagues, Dr. Felix Benet (Bela Lugosi) and Sir Francis Stevens (Walter Kingsford), they discover that thousands of years ago, a meteor hit in what is now Nigeria. After this marvelous discovery, Dr. Rukh decides to join his colleagues in an expedition to Africa, looking for the landing place of the mysterious meteor. This expedition won't be any beneficial for Rukh, as during the expedition his wife Diane (Frances Drake) will fall in love with Ronald Drake (Frank Lawton), an expert hunter brought by the Stevens to aid them in their expedition. However, Rukh will lose more than his wife in that trip, as he'll be forever changed after being exposed to the invisible ray of the meteor.

Written by John Colton (who previously did the script for \\\"Werewolf of London\\\"), \\\"The Invisible Ray\\\" had its roots on an original sci-fi story by Howard Higgin and Douglas Hodges. Given that this was a movie with Karloff and Lugosi, Colton puts a lot of emphasis on the horror side of his story, playing in a very effective way with the mad scientist archetype and adding a good dose of melodrama to spice things up. One element that makes \\\"The Invisible Ray\\\" to stand out among other horror films of that era, is the way that Colton plays with morality through the story. That is, there aren't exactly heroes and villains in the classic style, but people who make decisions and later face the consequences of those choices. In many ways, \\\"The Invisible Ray\\\" is a modern tragedy about obsessions, guilt and revenge.

A seasoned director of low-budget B-movies, filmmaker Lambert Hillyer got the chance to make 3 films for Universal Pictures when the legendary studio was facing serious financial troubles. Thanks to his experience working with limited resources, Hillyer's films were always very good looking despite the budgetary constrains, and \\\"The Invisible Ray\\\" was not an exception. While nowhere near the stylish Gothic atmosphere of previous Universal horror films, Hillyer's movie effectively captures the essence of Colton's script, as he gives this movie a dark and morbid mood more in tone with pulp novels than with straightforward sci-fi. Finally, a word must be said about Hillyer's use of special effects: for an extremely low-budget film, they look a lot better than the ones in several A-movies of the era.

As usual in a movie with Lugosi and Karloff, the performances by this legends are of an extraordinary quality. As the film's protagonist, Boris Karloff is simply perfect in his portrayal of a man so blinded by the devotion to his work that fails to see the evil he unleashes. As his colleague, Dr. Benet, Bela Luogis is simply a joy to watch, stealing every scene he is in and showing what an underrated actor he was. As Rukh's wife, Frances Drake is extremely effective, truly helping her character to become more than a damsel in distress. Still, two of the movie highlights are the performances of Kemble Cooper as Mother Rukh, and Beulah Bondi as Lady Arabella, as the two actresses make the most of their limited screen time, making unforgettable their supporting roles. Frank Lawton is also good in his role, but nothing surprising when compared to the rest of the cast.

If one judges this movie under today's standards, it's very easy to dismiss it as another cheap science fiction film with bad special effects and carelessly jumbled pseudoscience. However, that would be a mistake, as despite its low-budget, it is remarkably well done for its time. On the top of that, considering that the movie was made when the nuclear era was about to begin and radioactivity was still a relatively new concept, it's ideas about the dangers of radioactivity are frighteningly accurate. One final thing worthy to point out is the interesting way the script handles the relationships between characters, specially the friendship and rivalry that exists between the obsessive Dr. Rukh and the cold Dr. Benet, as this allows great scenes between the two iconic actors.

While nowhere near the Gothic expressionism of the \\\"Frankenstein\\\" movies, nor the elegant suspense of \\\"The Black Cat\\\", Lambert Hillyer's \\\"The Invisible Ray\\\" is definitely a minor classic amongst Universal Pictures' catalog of horror films. With one of the most interesting screenplays of 30s horror, this mixture of suspense, horror and science fiction is one severely underrated gem that even now delivers a good dose of entertainment courtesy of two of the most amazing actors the horror genre ever had: Boris Karloff and Bela Lugosi. 8/10\": {\"frequency\": 1, \"value\": \"There is no doubt ...\"}, \"That Certain Thing is the story of a gold digger (Viola Dana) from a tenement house. Her mother uses her to take care of her two brothers, but they are a loving family. Although Dana's character has the opportunity to marry a streetcar conductor, she refuses and holds out for a millionaire. Everyone makes fun of her for her fantasy, but are surprised when one day she really does meet a millionaire, son of the owner of the popular ABC restaurant chain. The two marry hastily, but the girl's dreams of wealth are shattered when the rich father disowns his son for marrying a gold digger. However, she truly loves her new husband and the two are unexpectedly successful at making it on their own.

A rare glimpse of movie star Viola Dana, this film is a lot of fun. Dana's role is accessible, natural, and entertaining. She displays a knack for comedy as well as an ability to do drama.

The mechanics of the film are a lot of fun too. The camera displays sophisticated late silent techniques like mobility. The title cards are also incredibly clever.

If you like films like My Best Girl, It, or The Patsy, you will enjoy this film.\": {\"frequency\": 1, \"value\": \"That Certain Thing ...\"}, \"Few movies can be viewed almost 60 years later, yet remain as engrossing as this one. Technological advances have not dated this classic love story. Special effects used are remarkable for a 1946 movie. The acting is superb. David Niven, Kim Hunter and especially Roger Livesey do an outstanding job. The use of Black and White / Color adds to the creative nature of the movie. It hasn't been seen on television for 20 years so few people are even aware of its existence. It is my favorite movie of all time. Waiting and hoping for the DVD release of this movie for so many years is, in itself, \\\"A Matter of Life and Death\\\".\": {\"frequency\": 1, \"value\": \"Few movies can be ...\"}, \"On the surface the idea of Omen 4 was good. It's nice to see that the devil child could be a girl. In fact, sometimes, as in the Exorcist, when girls are possessed or are devilry it's very effective. But in Omen 4, it stunk.

Delia does not make me think that she could be a devil child, rather she is a child with issues. Issues that maybe only a therapist, rather then a priest could help. She does not look scary or devilish. Rather, she looks sulky and moody.

This film had potential and if it was made by the same people who had made the previous three films it could of worked. But it's rather insulting really to make a sequel to one of the most favoured horror trilogies, as a made for TV movie special.

On so many levels it lets down. It's cheap looking, the acting is hammish and the effects are typical of a TV drama. The characters do not bring any sympathy, and you do not route for them. I recently re-watched it after someone brought it for me for Christmas, and it has dated appalling.

If your thinking of watching this, then I would suggest that you don't. Watch one of the others, or watch the Exorcist, or watch The Good Son. Just don't waste your time on this drivel!\": {\"frequency\": 1, \"value\": \"On the surface the ...\"}, \"This is probably one of the worst films i have ever seen. The events in it are completely random and make little or no sense. The fact that there is a sequel is so sickening i may come down with a case of cabin fever (I'M SO SORRY). I describe it as bug being smooshed to a newspaper because it seems to be different parts of things mixed together. e.g Kevin the pancake loving karate kid is just freakishly weird on its own, then there's the cop who is slightly weird and perverted, then the drug addict, then there's the fact that they attack some random guy who clearly needs help. then all of a sudden the main character is having sex with his friends girlfriend just because she says something stupid about a plane going down. then at the end some good old family racism followed by a rabbit operating on Kevin the karate kid. Its actually pretty despicable that they can use racism as a joke in this film. There is no reason for anyone to enjoy this film unless you love Eli Roth, even that did not make me like this film. Hate is a strong word but seeing as it is the only word i am permitted to use it will have to do. BOYCOTT CABIN FEVER 2!!!!!\": {\"frequency\": 1, \"value\": \"This is probably ...\"}, \"I love playing football and I thought this movie was great because it contained a lot of football in it. This was a good Hollywood/bollywood film and I am glad it won 17 awards. Parminder Nagra and Kiera Knightley were good and so was Archie Punjabi. Jonathon Rheyes Meyers was great at playing the coach. Jazz (Parminder Nagra) loves playing football but her parents want her to learn how to cook an want her to get married. When Jazz starts playing for a football team secretly she meets Juliet (Kiera Knightlety) and Joe (Jonathon Rhyes Meyers) who is her coach. When her parents find out trouble strikes but her dad lets her play the big match on her sisters Pinky (Archie Punjabi's) wedding. At the end her parents realise how much she loves football and let her go abroad to play.\": {\"frequency\": 1, \"value\": \"I love playing ...\"}, \"Nowhere near the original. It's quite accurate copy bringing nothing new to the story. But the directing is very poor. Basinger is weak - without good directing. Baldwin is simply just a second league compared to McQueen. I watched it just out of curiosity, being a huge fan of Peckinpah's masterpiece, and I got what I thought. Almost a B movie with second rate acting and directing. I wasn't even disappointed, I just don't know what they were trying to do. This remake doesn't try to play with the original material, it's not a tribute and indeed it lacks some really good actor of its era.

It reminds me of a bad xerox copy of wonderful photograph.

This is a complete waste of your time. Save yourself 2 hours or watch the original (again:)))\": {\"frequency\": 1, \"value\": \"Nowhere near the ...\"}, \"Far by my most second favourite cartoon Spielberg did, after Animaniacs. Even if the ratings were low, so what, I still enjoyed it and loved it, was so funny and I adored the cast, wow Jess Harnell and Tress Macneille were in there and were just fantastic, the whole cast were brilliant, especially the legendary Frank Welker.

I'd love to see this cartoon again, was so awesome and the jokes were brilliant. Also I can remember the hilarious moment where Brain cameos in it, you hear his voice and it played the PATB theme instrumental, that was just fantastic, I love it in those cartoons when cameos pop in. I wish this cartoon and Animaniacs came back, i loved them\": {\"frequency\": 1, \"value\": \"Far by my most ...\"}, \"\\\"Soylent Green\\\" is one of the best and most disturbing science fiction movies of the 70's and still very persuasive even by today's standards. Although flawed and a little dated, the apocalyptic touch and the environmental premise (typical for that time) still feel very unsettling and thought-provoking. This film's quality-level surpasses the majority of contemporary SF flicks because of its strong cast and some intense sequences that I personally consider classic. The New York of 2022 is a depressing place to be alive, with over-population, unemployment, an unhealthy climate and the total scarcity of every vital food product. The only form of food available is synthetic and distributed by the Soylent company. Charlton Heston (in a great shape) plays a cop investigating the murder of one of Soylent's most eminent executives and he stumbles upon scandals and dark secrets... The script is a little over-sentimental at times and the climax doesn't really come as a big surprise, still the atmosphere is very tense and uncanny. The riot-sequence is truly grueling and easily one of the most macabre moments in 70's cinema. Edward G. Robinson is ultimately impressive in his last role and there's a great (but too modest) supportive role for Joseph Cotton (\\\"Baron Blood\\\", \\\"The Abominable Dr. Phibes\\\"). THIS is Science-Fiction in my book: a nightmarish and inevitable fade for humanity! No fancy space-ships with hairy monsters attacking our planet.\": {\"frequency\": 1, \"value\": \"\\\"Soylent Green\\\" is ...\"}, \"This film never received the attention it deserved, although this is one of the finest pieces of ensemble acting, and one of the most realistic stories I have seen on screen. Clearly filmed on a small budget in a real V.A. Hospital, the center of the story is Joel, very well-played by Eric Stoltz. Joel has been paralyzed in a motorcycle accident, and comes to the hospital to a ward with other men who have spinal injuries. Joel is in love with Anna, his married lover, played by Helen Hunt, who shows early signs of her later Academy-Award winning work.

Although the Joel-Anna relationship is the basic focus, there are many other well-developed characters in the ward. Wesley Snipes does a tremendous job as the angry Raymond. Even more impressive is William Forsythe as the bitter and racist Bloss. I think Forsythe's two best scenes are when he becomes frustrated and angry at the square dancers, and, later, when he feels empathy for a young Korean man who has been shot in a liquor store hold up. My favorite scene with Snipes is the in the roundtable discussion of post-injury sexual options.

The chemistry between Stoltz and Hunt is very strong, and they have two very intimate, but not gratuitous, sex scenes. The orgasm in the ward is both sexy and amusing. There is also another memorable scene where Joel and Bloss and the Korean boy take the specially-equipped van to the strip bar. It's truly a comedy of errors as they make their feeble attempts to get the van going to see the \\\"naked ladies.\\\"

The story is made even more poignant by the fact that the director, Neal Jimenez, is paralyzed in real life. This is basically his story. This film is real, not glossy or flashy. To have the amount of talent in a film of such a small budget is amazing. I recommend this film to everyone I see, because it is one of those films that even improves on a second look. It's a shame that such a great piece of work gets overlooked, but through video, perhaps it can get the attention it so richly deserves.\": {\"frequency\": 1, \"value\": \"This film never ...\"}, \"This is one great movie! I have played all the Nancy Drew games and have read the books, and I never expected the movie to be so exciting and funny! If you never heard of Nancy Drew, read the first book (Secret of the Old Clock) so you can kinda' get used to Nancy, then you can watch the movie, because in the movie, they don't really introduce the characters' names fast. ;) My whole family enjoyed it and the plot was extremely interesting. This is an ultimate come-back from the previous Nancy Drew movies, which the Nancy Drew actor didn't seem to match. This movie is much like Alex Rider: Stormbreaker. It's so cool! Nancy Drew lovers, you must watch this!\": {\"frequency\": 1, \"value\": \"This is one great ...\"}, \"In a word...amazing.

I initially was not too keen to watch Pinjar since I thought this would be another movie lamenting over the partition and would show biases towards India and Pakistan. I was so totally wrong. Pinjar is a heart-wrenching, emotional and intelligent movie without any visible flaws. I was haunted by it after watching it. It lingered on my mind for so long; the themes, the pain, the loss, the emotion- all was so real.

This is truly a masterpiece that one rarely gets to see in Bollywood nowadays. It has no biases or prejudices and has given the partition a human story. Here, no one country is depicted as good or bad. There are evil Indians, evil Pakistanis and good Indians and Pakistanis. The cinematography is excellent and the music is melodious, meaningful (thanks to Gulzar sahib) and haunting. Everything about the movie was amazing...and the acting just took my breath away. All were perfectly cast.

If you are interested in watching an intellectual and genuinely wonderful movie...look no further. This movie gives it all. I recommend it with all my heart. AMAZING cannot describe how excellent it is.\": {\"frequency\": 1, \"value\": \"In a ...\"}, \"The central theme in this movie seems to be confusion, as the relationships, setting, acting and social context all lead to the same place: confusion. Even Harvey Keitel appears to be out of his element, and lacks his usual impeccable clarity, direction and intensity. To make matters worse, his character's name is 'Che', and we are only told (directly, by the narrator) well into the film that he is not 'that' Che, just a guy named Che. The family relationships remain unclear until the end of the film, and once defined, the family is divided - the younger generation off to America. So clich\\ufffd\\ufffd. Other reviews discuss how the movie depicts the impact of the revolution on a boy's family; however the political stance of the director is murky at best, and we are never quite sure who is responsible for what bloodshed. So they lost their property (acquired by gambling profits) - so what? Refusing to take a political stand, when making a movie about the Cuban revolution, is an odd and cowardly choice. Not to mention the movie was in English! Why are all these Cubans speaking English? No wonder they did not get permission to film in Cuba. And if family life is most important to look at here, it would be great if we could figure out who is who - we are 'introduced' to them all in the beginning - a cheap way out of making the relationships clear throughout the film! The acting was mostly shallow, wooden, and unbelievable, timing was off all around. The 'special' visual effects were confusing and distracting. References to American films - and the black character as Greek chorus - strictly gratuitous, intellectually ostentatious, and consistently out of place. I only watched the whole movie because I was waiting for clarity, or some point to it all. It never happened.\": {\"frequency\": 1, \"value\": \"The central theme ...\"}, \"The American Humane Association, which is the source of the familiar disclaimer \\\"No animals were harmed...\\\" (the registered trademark of the AHA), began to monitor the use of animals in film production more than 60 years ago, after a blindfolded horse was forced to leap to its death from the top of a cliff for a shot in the film Jesse James (1939). Needless to say, the atrocious act kills the whole entertainment aspect of this film for me. I suppose one could say that at least the horse didn't die in vain, since it was the beginning of the public waking up to the callous and horrendous pain caused animals for the glory of movie making, but I can't help but feel that if the poor animal had a choice, this sure wouldn't have been the path he would have taken!\": {\"frequency\": 1, \"value\": \"The American ...\"}, \"Maybe television will be as brutal one day. Maybe \\ufffd\\ufffdBig Brother` was only the first step in the direction Stephen \\ufffd\\ufffdRichard Bachmann` King described the end point of. But enough about that. If I spend too much words talking about the serious background topic of this movie I do exactly what the producers hoped by choosing this material. It's the same with \\ufffd\\ufffdThe 6th Day`. No matter, how primitive the film is, it provokes a discussion about its topic, which serves the producers as publicity. Let's NOT be taken in by that. The social criticism that is suggested by that plot summary is only an alibi to make it possible to produce a speculative, violent movie, more for video sale than for cinema.

I didn't read the book. I don't dare criticising Stephen King without having read him, but when I saw the film I thought they couldn't make such a terrible film out of a good book: In a typical 1980s set with 1980s music and some minor actors Arnold Schwarzenegger finds himself as a policeman running away from killers within a cruel TV show. The audience is cheering.

Together with \\ufffd\\ufffdPredator`, this is definitely Schwarzenegger's most stupid movie. 2 stars out of 10.\": {\"frequency\": 1, \"value\": \"Maybe television ...\"}, \"A wonderful movie! Anyone growing up in an Italian family will definitely see themselves in these characters. A good family movie with sadness, humor, and very good acting from all. You will enjoy this movie!! We need more like it.\": {\"frequency\": 1, \"value\": \"A wonderful movie! ...\"}, \"I saw this movie while it was under limited release, mainly for the novelty of seeing Pierce Brosnan with a moustache, but it turned out to be one of the funniest movies I have seen all year. It starts out almost as a thriller, but steadily progresses into a hilarious piece of work full of one-liners and great comedic energy between Pierce Brosnan and Greg Kinnear. Also, while I say this movie is a comedy, it doesn't forget it has a heart at times and can be very touching when it needs to be. When I went into the theater I didn't know what to expect much more than a moustache, but what I got was one of the best movies I have seen in a long time. Leaving the theater I felt very fulfilled from the film and plan to see it again in wide release. I recommend it to anyone who appreciates a good comedy with a well-written script and a big moustache.\": {\"frequency\": 1, \"value\": \"I saw this movie ...\"}, \"This is simply a classic film where the human voices coming from the animals are really what they're thoughts are. I don't know whether my video copy has a scene missing but it never shows how the dogs got out of the pit. It also shows an animals survival instinct and tracking abilities.Put humans in the same position ant the helicopters would be out. For once an original film is improved by a remake as the voice-over for the first has been removed. Only the use of animals can work in a film of this kind because using people would have had to spice out the story by turning it into murder,proving that,after all,animals are more interesting than people\": {\"frequency\": 1, \"value\": \"This is simply a ...\"}, \"This police procedural is no worse than many others of its era and better than quite a few. Obviously it is following in the steps of \\\"Dragnet\\\" and \\\"Naked City\\\" but emerges as an enjoyable programmer. The best thing about it is the unadorned look it provides into a world now long gone...the lower class New York of the late 40's/early 50's. Here it is in all its seedy glory, from the old-school tattoo parlors to the cheap hotels to the greasy spoons. These old police films are like travelogues to a bygone era and very bittersweet to anybody who dislikes the sanitized, soulless cityscape of today.

Also intriguing is the emphasis on the nuts-and-bolts scientific aspect of solving the crime...in this case, the murder of a tattooed woman found in an abandoned car. Our main heroes, Detectives Tobin and Corrigan, do the footwork, but without the tedious and painstaking efforts of the \\\"lab boys\\\", they'd get nowhere. Although the technology is not in the same league, the cops here use the dogged persistence of a C.S.I. investigator to track down their man.

The way some reviewers have written about this movie, you think it would have been directed by Ed Wood and acted by extras from his movies. What bosh! I enjoyed John Miles as the gangly ex-Marine turned cop Tobin...he had a happy-go-lucky, easy-going approach to the role that's a welcome change from the usual stone-faced histrionics of most movie cops of the period. Patricia Barry is cute and delightful as his perky girlfriend who helps solve the crime. Walter Kinsella is stuffy and droll as the older detective Corrigan. I rather liked the chemistry of these two and it made for something a bit different than the sort of robotic \\\"Dragnet\\\" approach.

The mystery itself is not too deep and the final chase and shoot-out certainly won't rank amongst the classics of crime cinema, but during it's brief running time, \\\"The Tattooed Stranger\\\" more than held my interest.\": {\"frequency\": 1, \"value\": \"This police ...\"}, \"Well, What can I say, other than these people are Super in every way. I quite like Sharon Mcreedy, I enjoy this pure Nostalgic Series And I have the boxed set of 9 discs 30 episodes, I did not realise that they had made so many, I also think that it is a great shame, that they have not made any more. I wish that I got given these powers, Imagine me, being knocked off my cycle, somewhere and being knocked out cold, then waking up in a special hospital. Later on, I discover that my body has been enhanced. Just like Richard Barrat. These stories are 50 Minutes of pure action and suspense all the way, You cannot fight these 3 people, as they would defeat you in all forms of weaponry. The music is well written, and to me, puts a wonderful picture of 3 super beings in my mind, The sort of powers that the champions have are the same as our domestic dog or cats, Improved sight, Improved hearing and touch. and the strength of 10 men for Richard and Craig and the strength of 3 women for Sharon. Who I thought was beautiful and intelligent. When I was a boy, I had a huge crush on her!!!! Now I can see why, on my DVD set. The box is very nice and it comes with a free booklet all about the series. I also thought that Trymane was a good boss, firm but he got things done!\": {\"frequency\": 1, \"value\": \"Well, What can I ...\"}, \"A Give this Movie a 10/10 because it deserves a 10/10. Two of the best actors of their time-Walter Matthau & George Burns collaborate with Neil Simon and all of the other actors that are in this film + director Herbert Ross, and all of that makes this stage adaption come true. The Sunshine Boys is one of the best films of the 70's. I love the type of humor in this film, it just makes me laugh so hard.

I got this movie on VHS 3 days ago (yes, VHS because it was cheaper-only $3). I watched it as soon as I got home, but I had to watch it again because I kept missing a few parts the first time. The second time I watched it, it felt a lot better, and I laughed a lot harder. I'm definitely going to re-get this on DVD because I HAVE to see the special features.

It's very funny how that happens. Two people work together as entertainers/actors/performers. They get along well on stage, but really argue off stage, they can't survive another minute with each other, then some 15 years later, you want to reunite them for a TV special. You can find that in this film. Matthau & Burns were terrific in this film. It's a damn shame they died. George Burns deserved that Oscar. He gave a strong comic performance. He was also 78 when this movie was filmed. So far, he's the oldest actor to receive an academy award at an old age. Jessica Tandy breaks the record as the oldest actress. Richard Benjamin was also fantastic in this. He won a Golden Globe for best supporting actor. He deserved that Golden Globe. Although many people might disagree with what I am about to say, everybody in this film gave a strong performance. This Comedy is an instant classic. I highly recommend it. One more thing: Whoever hates this film is a \\\"Putz\\\"\": {\"frequency\": 1, \"value\": \"A Give this Movie ...\"}, \"The snobs and pseudo experts consider it \\\"a far cry from De Sica's best\\\" The ones suffering from a serious lack of innocence will find a problem connecting to this masterpiece. De Sica spoke in a very direct way. His Italianness doesn't have the convoluted self examination of modern Italian filmmakers, or the bitter self parody of Pietro Germi, the pungent bittersweetness of Mario Monicelli, the solemnity of Visconti or the cold observation of Antonioni. De Sica told us the stories like a father sitting at the edge of his children's bed before they went to sleep. There is no attempt to intellectualize. Miracolo A Milano and in a lesser degree Il Giudizio Universale are realistic fairy tales, or what today we call magic realism. The film is a gem from beginning to end and Toto is the sort of character that you accept with an open heart but that, naturally, requires for you to have a heart. Cinema in its purest form. Magnificent.\": {\"frequency\": 1, \"value\": \"The snobs and ...\"}, \"I have given this film an elevated rating of 2 stars as I personally appear in minutes 42 and 43 of the film....the road side bar scene in Russia. In this scene the director of the movie offered me the immortal line - \\\"50 Dollars..you Drink and Talk\\\", but I felt that my Polish counterpart could speak in a more convincing Russian accent than I could, so I declined to take this speaking part on. I was slightly starstruck as this was my first Film experience....and who knows... these lines could have ended up there with lines such as \\\"I'll be Back\\\" and \\\"Quite Frankly My Dear, I Don't Give a Damn\\\". Had I spoken that one line then my name would appear in the credits of Rancid Aluminium as 'Heavy 1' instead of the name of Ryszard Janikowski.

As time goes on, I am counting myself lucky that my name is in no way connected to this film.

Even though I spent a whole day on the set, in South Wales hot-spot Barry Island, no one could tell me what the actual storyline was. The caterers and the wardrobe lady all concurred that it appeared to have a lot of swearing and nudity in it..... things could certainly have been worse if I'd ended up naked in this most dreadful of films....

Still.....On the positive side....I got chatting to Rhys Ifans during one break. I had no idea who he was, as \\\"Notting Hill\\\" was yet to be released, and not an inkling that he might be Welsh. Made various inappropriate comments about what an awful pit Barry Island had become since my childhood visits there in the 70s and 80s. It was only when Keith Allen showed up that I realised I was in a quality production........\": {\"frequency\": 1, \"value\": \"I have given this ...\"}, \"As Peckinpah did with STRAW DOGS, and Kubrick with A CLOCKWORK ORANGE, director John Boorman delivers an effective film about Man's violent side in DELIVERANCE, arguably a definitive horror film of the 1970s. Burt Reynolds, Jon Voight, Ned Beatty, and Ronny Cox portray four Atlanta businessmen who decide to take a canoe trip down the wild Cahulawassee River in northern Georgia before it is dammed up into what Reynolds calls \\\"one big, dead lake.\\\"

But the local mountain folk take a painfully obvious dim view of these \\\"city boys\\\" carousing through their woods. And the following day, continuing on down the river, Beatty and Voight are accosted and sexually assaulted (the film's infamous \\\"SQUEAL!\\\" sequence) by two vicious mountain men (Bill McKinney, Herbert \\\"Cowboy\\\" Coward). Thus, what started out as nothing more than a lark through the Appalachians has now turned into a nightmare in which our four protagonists come to see the thin line that exists between what we think of as civilization and what we think of as barbarism.

James Dickey adapted the screenplay from his own best-selling book, and the result is an often gripping and disturbing shocker. Often known for its \\\"SQUEAL!\\\" and \\\"Dueling Banjos\\\" sequences, DELIVERANCE is also quite a pulse-pounding ordeal, with the four leading men superb in their roles, and McKinney and Coward making for two of the most frightening villains of all times. A must-see film for those willing to take a chance.\": {\"frequency\": 1, \"value\": \"As Peckinpah did ...\"}, \"If there's one genre that I've never been a fan of, it's the biopic. Always misleading, filled with false information, over-dramatized scenes, and trickery all around, biopics are almost never done right. Even in the hands of the truly talented directors like Martin Scorsese (The Aviator) and Ron Howard (A Beautiful Mind), they often do a great disservice to the people they are trying to capture on screen. Skeptiscism takes the place of hype with the majority of biopics that make their way to the big screen and the Notorious Bettie Page was no different. Some critics and moviegoers objected to Gretchen Mol given the role of Bettie Page, saying she was no longer a celebrity and didn't have the chops for the part. I never doubted Mol could handle the part since, but I never expected to as blown as away by her performance as I was upon just viewing the film hours ago. Mol delivers a knockout Oscar worthy performance as the iconic 1950's pin-up girl, who, after an early life of abuse (depicted subtlety and tastefully done, something few directors would probably do) inadvertently becomes one of the most talked about models of all time. The picture covers a lot of ground in its 90 minute running time yet despite no less than three subplots, there is still a feeling that there may be a small portion missing from the story. Director/co-writer Marry Harron and Guinevere Turner's fantastic script is only marred by a too abrupt and not as clear as it should be ending. Still, credit must be given to the two ladies for creating a nearly flawless biopic that manages to pay tribute to both its subject and the decade it emulates masterfully. Come Oscar time, Mol, Turner, and Harron should be receiving nominations. Doubt it will happen, though there certainly are no three women more deserving of them. 9/10\": {\"frequency\": 1, \"value\": \"If there's one ...\"}, \"Definitely the product of young minds, this piece may very well appeal to the 20s crowd, who is still trying to find their place in the world, while obsessing over every neurosis. However, I can't imagine that the heavy amount of narcissistic navel-gazing, trite humor, or banal subject matter would be particularly engaging to anyone over 30. Another problem is that the peripheral characters, whom the filmmakers obviously have nothing but contempt for, are hyped up to such absurd caricatures for comic effect, that they fail to be relatable in any real way.

However, one has to give some style points to the filmmakers, who obviously grew up in the video generation, and use every conceivable editing trick in the book in order to spruce up an otherwise non-existent plot. There are 2 points to remember here. First, beware of festival darlings. Second, even though we live in the age of youtube, not everyone's account of their mundane lives deserves big- screen treatment. But these young filmmakers have every right to make their film, and if others 20-somethings can find something in it to identify with, then all the better. Yet I could not help but think at the end of this film how this latest generation, just now coming of age, will fare in the real world that presents so many challenges and complications. In the age when every child is constantly reassured of how special they are, and that they all deserve their 15 minutes of exposure, resiliency and the ability to deal with adversity does not exactly appear to be this generation's strong point.\": {\"frequency\": 1, \"value\": \"Definitely the ...\"}, \"A mess of genres but it's mainly based on Stephen Chow's genre mash-ups for it's inspiration. There's magic kung-fu, college romance, sports, gangster action and some weepy melodrama for a topping. The production is excellent and the pacing is fast so it's easy to get past the many flaws in this film.

A baby is abandoned next to a basketball court. A homeless man brings him to a Shaolin monastery that's in the middle of a city along with a special kung fu manual that the homeless man somehow has but can't read. The old monk teaches the boy but expires when he tries to master the special technique in the manual. The school is taken over by a phony kung fu master who is assisted by four wacky monks. The new master gets mad at the now 20+ year old boy for not pretending to be hurt by the master's weak punches and throws him out for the night. The boy is found throwing garbage into a basket from an incredible distance by a man who bring him to a gangster's club to play darts. This leads to a big fight, the boy's expulsion from the monastery and the man's decision to turn the boy into a college basketball sensation.

Al this happens in the first 20 minutes with most of it happening in the first 10 minutes. Aside from the extreme shorthand storytelling the first problem is how little we get to know the main character until way into the movie. The man who uses the boy is more sharply defined by the time the first third is over. The plot follows no new ground except for the insane action climax of the film. I'm sure you can easily imagine how the wacky monks will show up towards the end. The effects, photography and stunt work are all top- notch and make up for the uninspired plot.

Stephen Chow has a much better command of plot and comedy writing and this film will live in his shadow but that's not a good reason to ignore it. It's quite entertaining even with a scatter-shot ending. Recommended.\": {\"frequency\": 1, \"value\": \"A mess of genres ...\"}, \"I missed the entire season of the show and started watching it on ABC website during the summer of 2007. I am absolutely crazy about the show. I think the entire cast is excellent. It's one of my favorite show ever. I just checked the ABC program lineup for this Fall and did not see it on the schedule. That is really sad. I hope they will bring it back ... maybe they are waiting until Bridget Moynahan has her baby? Or is it only my wishful thinking?

I read some of the comments posted about the show and see so many glowing remarks, similar to mine. I certainly hope that ABC will reconsider its decision or hopefully another station will pick it up.\": {\"frequency\": 1, \"value\": \"I missed the ...\"}, \"What do I say about such an absolutely beautiful film? I saw this at the Atlanta, Georgia Dragoncon considering that this is my main town. I am very much a sci-fi aficionado and enjoy action type films. I happened to be up all night and was about ready to call it a day when I noticed this film playing in the morning. This is not a sci-fi nor action film of any sort. Let me just start out by saying that I am not a fan of Witchblade nor of Eric Etebari, having watched a few episodes(his performance in that seemed stale and robotic). But he managed to really win me over in this performance. I mean really win me over. Having seen Cellular, I did not think there was much in the way of acting for this guy. But his performance as Kasadya was simply amazing. He was exceedingly convincing as the evil demon. But there was so much in depth detail to this character it absolutely amazed me. I later looked it up online and found that Eric won the Best Actor award which is well deserved considering its the best of his career and gained my respect. Now I keep reading about the fx of this and production of this project and let me just say that I did not pay attention to them (sorry Brian). They were very nicely done but I was even more impressed with the story - which I think was even more his goal(Seeing films like Godzilla with huge effects just really turned me off). I could not sleep after this film thinking it over and over again in my head. The situation of an abusive family is never an easy one. I showed the trailer to my friend online and she almost cried because it affected her so having lived with abuse. This is one film that I think about constantly and would highly recommend.\": {\"frequency\": 1, \"value\": \"What do I say ...\"}, \"I'm not a Steve Carell fan however I like this movie about Dan, an advice columnist, who goes to his parents house for a stay with his kids and ends up falling in love with his brother's girlfriend. Its a story thats been told before, but not like this. There are simply too many little bits that make the film better than it should be. The cast is wonderful, and even if Carell is not my cup of tea, he is quite good as the widower who's suppose to know everything but finds that knowing is different than feeling and that sometimes life surprises you. At times witty and wise in the way that an annoying Hallmark card can be, the film still some how manages to grow on you and be something more than a run of the mill film. Worth a look see\": {\"frequency\": 1, \"value\": \"I'm not a Steve ...\"}, \"Too bad a couple of comments before me don't know the facts of this case. It is based on actual events, a highly publicized disappearance and murder case taking place in the Wilmington, DE/Philadelphia PA region from '96 through 2000. I have to admit I was highly skeptical of how Hollywood would dramatize the actual history and events and was actually quite impressed on how close they stayed to what was constantly reported on local newscasts and Philadelphia Inquirer news stories throughout the time period. Of course I immediately pointed out that the actress (who I really like in Cold Case) who played Fahey looked nothing like her (Anne Marie was actually prettier). I have to admit though that Mark Harmon really nailed the type of personality that was revealed as Capano's and the behavior that Capano exhibited throughout this period. Details of the case were right on...no deviations of dramatic effect...even down to the carpet, gun, furniture, and cooler. In conclusion, I also wanted to add that I have met Tom Carper many times at various functions (a good man, despite being a politician) and I am so glad that he pulled the strings in the Federal realm necessary to solve this heinous crime. Guys like Capano are real and it was great to see him finally put behind bars.\": {\"frequency\": 1, \"value\": \"Too bad a couple ...\"}, \"**** = A masterpiece to be recorded in the books and never forgotten

***1/2 = A classic in time; simply a must see

*** = A solid, worth-while, very entertaining piece

**1/2 = A good movie, but there are some uneven elements or noticeable flaws

** = May still be considered good in areas, but this work has either serious issues or is restrained by inevitable elements deemed inescapable (e.g., genre)

*1/2 = Mostly a heap of nothing sparked by mildly worthwhile moments

BOMB = Not of a viewable quality

- Kalifornia = ***

- Unrated (for strong violent material, considerable sexuality, and language)

I rented this film expecting an in-your-face summer-Blockbuster-quality celebration of Brad Pitt's face, but was happily surprised and disappointed. This really is more of a drama, and very grim at that... I remember some emotionally intense Duchovny voice-overs.

Pitt plays out his possibly un-sexiest film ever with startling talent. Who started out as a hopeless yet harmless \\\"white trash\\\" husband became realized as a violent, disturbing alcoholic with a messed mind. During some of the latter stages in the film, I found it hard to keep watching him - he was unpredictable and scary. This proves very good writing and acting.

The whole movie is filled with bizarre, sensational scenes that made me hold my breath not fewer than once, and I don't mean action scenes. I mean dialogue scenes so brilliantly crafted I actually winced and gasped at what I was seeing. It was like watching a rhino and a lion put in a cage and watching as they gnawed each other to death. Again, I am very impressed with the screenwriter(s); whoever they are did the impossible: mixed oil and water.

I also very much enjoyed Juliette Lewis's performance. It is so rare for this talented young actress to make an appearance these days that when she does it is such a joy. Some of her moments in this film brought me to tears. I mean that. The emotions this girl can arouse in your head are incredible, and I clearly remember getting blurry-eyed on a few occasions.

I almost feel like I'm cheating the quality craftsmanship the film makers have displayed by only giving \\\"KALIFORNIA\\\" a *** rating. But the dark feelings that it stirs are too potent and depressing to raise it. I do believe that everyone should see this movie though. I truly do.\": {\"frequency\": 1, \"value\": \"**** = A ...\"}, \"The Return is one of those movies for that niche group of people who like movies that bore and confuse them at the same time. Sarah Michelle Gellar plays a lame buisnesswoman who does not kill vampires or get naked at all throughout the movie. I was willing to put up with this, however I was not willing to put up with the worst editing ever combined with pointless flashbacks. At the end it turns out she crashes her car into herself when she was young. Or maybe I'm wrong and that was just a flashback. With this movie it's impossible to tell. Can you believe the same dude who made Army of Darkness produced this crap? A much better idea is to stay at home and watch Army of Darkness on Sci Fi channel. That movie had it all: sluts, zombies and a dude with a chainsaw for an arm. The Forgotten didn't even have one of these things.\": {\"frequency\": 1, \"value\": \"The Return is one ...\"}, \"I took my 19 year old daughter with me to see this interesting exercise in movie making. I always find it intriguing to get views and opinions from a different generation on movies, especially as I'm such a cynic myself. It's good to get an unjaded opinion from someone who hasn't yet reached the \\\"been there, done that\\\" approach to every movie she sees. I'm pleased to say that we both really enjoyed it and regarded it as a successful mother / daughter evening out. Far, far better than going to see some brain dead \\\"chick flick\\\", which I gather is what we are supposed to enjoy, according to the demographics?

Eighteen directors were asked to produce a short piece about each of the arrondissements of Paris, a city I haven't visited in 20 years. But I wish I had. They are loosely linked by joining shots, and represent different approaches to love in the city regarded in popular culture as the quintessential romantic capital of the world. Some of the films work better than others but, as other reviewers have said, it never descends too far into kitsch. Some are funny, some are sad, some intriguing and some just plain puzzling (I'm still trying to discern some deep inner truth to the \\\"Flying Tiger, Hidden Dragon\\\" hairdressing salon.) Some are just fun and perhaps shouldn't be assigned too much meaning (the vampire and the tourist for example.) Possibly my only criticism of the whole film, is that it makes Paris look too good. It can also be cold, wet, foggy, indifferent and miserable, or, in summer, baking hot and packed with so many tourists that you feel like a sardine in a can queuing up for hours to see every attraction. But I'm nit picking.

My personal favourite by far was the Coen brothers film shot on the Tuileries Metro station, and starring a perfectly cast Steve Buscemi as a confused tourist who inadvertently finds himself caught up in a lovers' tiff. Absolutely perfect, and very, very funny, without Buscemi having to say a word. I also perversely enjoyed the piece about the two mime artists, which was probably the closest the movie got to being cutesy - that certainly teetered on the edge of kitsch, but it just stayed on the right side. Rufus Sewell and Emily Mortimer gaining insight from an encounter with Oscar Wilde's tomb left me pretty indifferent, and Juliette Binoche trying to cope with the death of her small son made me very, very uncomfortable. I thought both the Bob Hoskins / Fanny Ardent piece, and Ben Gazzara / Gena Rowlands fell a bit flat, but Maggie Gyllenhaal was good (has she cornered the market in junkies? I watched Sherry Baby last week.)

But I felt the two \\\"social justice\\\" pieces (for want of a better way of putting it), worked very well. By that, I mean first of all the film about the young mother leaving her own child in a day care to go and look after someone else's baby across town. And then the film about the African migrant, struggling to exist on the margins of an indifferent society, who is stabbed and dies in the street in front of a young, new paramedic. Yet another murder statistic, in a world which sees thousands of migrants dying in the struggle to reach what they see as a better life, every year. I thought both pieces very well observed.

The final film, 14th Arrondissement, in which Margo Martindale plays a postal worker from Colorado recounting the story of her first trip to Paris \\ufffd\\ufffd in very badly accented French \\ufffd\\ufffd to her night school French class, moved me. A perfect ending, to a good, intriguing if not quite great, movie.

Paris je t'aime was an ambitious idea, but it works pretty well.\": {\"frequency\": 1, \"value\": \"I took my 19 year ...\"}, \"This was Keaton's first feature and is in actuality three shorts, set in different periods (Stone Age, Roman Age, Modern Age) on the eternal triangle of romance. The stories parallel each other as in Griffith's INTOLERANCE, which this was intended to satirize. The strengths of the jokes and gags almost all rely on anachronisms, bringing modern day business into ancient settings.

**** WARNING - SPOILERS FOLLOW TO ELABORATE BEST POINTS ******

Here are the classic moments:

Using a turtle as a wee-gee board (Stone Age); A wrist watch containing a sun dial (Roman Age); A chariot with a spare wheel (Roman Age); Using a helmet as a tire lock (Roman Age); Early golf with clubs and rocks(Stone Age); Dictating a will being carved into a rock (Stone Age); The changing weather forecaster (Roman Age); The chariot race in snow -Buster using skis and huskies with a spare dog in the chariot's boot(Roman Age).

The above are all throw-away gags that keep us chuckling. There are however unforgettable moments as well:

Buster taking out shaving equipment to match girl putting on make-up; The fantastic double take when an inebriated Buster gazes at his plate to discover a crab staring up at him (within one second he has leaped to stand on his chair from a sitting position and leaped again into the arms of the waiter - one of the funniest moments I've ever seen). And that lion - the manicure -just brilliant.

There's also an off-color bit of racism when four African-American litter bearers abandon their mistress for a Roman crap game.

Kino's print is a bit fuzzy and contains numerous sequences of both nitrate deterioration and film damage- most probably at ends of reels. The Metro feature is scored with piano and flute and borrows heavily from Grieg.

Lots of fun and full of laughs.\": {\"frequency\": 2, \"value\": \"This was Keaton's ...\"}, \"I read the comment of Chris_m_grant from United States.

He wrote : \\\" A Fantastic documentary of 1924. This early 20th century geography of today's Iraq was powerful.\\\"

I would like to thank Chris and people who are interested in Bakhtiari Nomads of Iran, the Zagros mountains and landscapes and have watched the movie Grass, A Nation's battle for life. These traditions you saw in the movie have endured for centuries and will go on as long as life endures. I am from this region of Iran myself. I am a Bakhtiari.

Chris, I am sorry to bother you but Bakhtiari region of Zardkuh is in Iran not in Irak as you mentioned in your comment. Iran and Irak are two different and distinct countries. Taking an Iranian for an Irankian is almost like taking an American for an Mexican. Thanks,

Ziba\": {\"frequency\": 1, \"value\": \"I read the comment ...\"}, \"I was excited to see a sitcom that would hopefully represent Indian Candians but i found this show to be not funny at all. The producers and cast are probably happy to get both bad and good feed back because as far as they are concerned it's getting talked about! I was ready for some stereotyping and have no problem with it because stereotypes exist for a reason, they are usually true. But there really wasn't anything funny about these stereotypical characters. The \\\"fresh of the boat\\\" dad, who doesn't understand his daughter. The radical feminist Muslim daughter (who by the way is a terrible actress), and the young modern Indian man trying to run his mosque as politically correct as he can (he's a pretty good actor, i only see him getting better).

it is very contrived and the dialog doesn't flow that well. there was so much potential for something like this but sadly i think it failed, and don't really care to watch another episode.

I did however enjoy watching a great Canadian actress Sheila McCarthy again, she's always a treat and a natural at everything she does, too bad her daughter in the show doesn't have the same acting abilities!\": {\"frequency\": 1, \"value\": \"I was excited to ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"This 1986 Italian- ...\"}, \"This movie surprised me. Some things were \\\"clicheish\\\" and some technological elements reminded me of the movie \\\"Enemy of the State\\\" starring Will Smith. But for the most part very entertaining- good mix with Jamie Foxx and comedian Mike Epps and the 2 wannabe thugs Julio and Ramundo (providing some comic relief). This is a movie you can watch over again-say... some Wednesday night when nothing else is on. I gave it a 9 for entertainment value.\": {\"frequency\": 3, \"value\": \"This movie ...\"}, \"\\\"Fear of a Black Hat\\\" is a superbly crafted film. I was laughing almost continuously from start to finish. If you have the means, I highly recommend viewing this movie It is, by far, the funniest movie I have had the pleasure to experience. Grab your stuff!\": {\"frequency\": 1, \"value\": \"\\\"Fear of a Black ...\"}, \"I come to Pinjar from a completely different background than most of the other reviewers who have posted here. I'm relatively new to Bollywood films and was born and raised in the US. So I don't have a broad basis for comparing Pinjar to other Indian films. Luckily, no comparison is needed.

Pinjar stands on its own as nothing less than a masterpiece.

In one line I can tell you that Pinjar is one of the most important films to come out of any studio anywhere at any time. On a mass-appeal scale, it *could* have been the Indian equivalent of \\\"Crouching Tiger, Hidden Dragon\\\" had it been adequately promoted in the US. This could very well have been the film that put Bollywood on the American map. The American movie-going public has a long-standing love affair with \\\"Gone With the Wind\\\", and while Pinjar doesn't borrow from that plot there are some passing similarities. Not the least of which is the whopping (by US standards) 183-minute run time.

Set against the gritty backdrop of the India-Pakistan partition in 1947-48 is a compelling human drama of a young woman imprisoned by circumstances and thrust into troubles she had no hand in creating. Put into an untenable position, she somehow manages to not only survive, but to grow -- and even flourish.

If the story is lacking in any way, it's in the exposition. Puro's (the protagonist) growth as a person would be better illustrated -- at least for western audiences unfamiliar with Indian culture -- if her character's \\\"back story\\\" were more fully developed in the early part of the film. But that would have stretched a 3-hour movie to 3 1/2 hours or perhaps even more. Because not one minute of the film is wasted, and none of what made it out of editing could really be cut for the sake of time. Better that the audience has to fill in some of what came before than to leave out any of what remains.

I could use many words to describe Pinjar: \\\"poignant\\\", \\\"disturbing\\\", \\\"compelling\\\", \\\"heart-wrenching\\\" come to mind immediately. But \\\"uplifting\\\" is perhaps as apropos as any of those. Any story that points up the indomitability of the human spirit against the worst of odds has to be considered such. And Puro's triumph -- while possibly not immediately evident to those around her -- is no less than inspirational. For strength of story alone I cannot recommend this film highly enough.

Equally inspiring is Urmila Matondkar's portrayal of Puro. All too often overlooked amid the bevy of younger, newer actresses, Urmila has the unique capability to deliver a completely credible character in any role she plays. She doesn't merely act Puro's part, she breathes life into the character. Manoj Bajpai's selection as Rashid was inspired. He manages something far too few Indian film heroes can: subtlety. His command of expression and nuance is essential to the role. He brings more menace to the early part of the film with his piercing stare than all of the sword-wielding rioters combined.

If you only see one Bollywood film in your life, make it Pinjar.\": {\"frequency\": 2, \"value\": \"I come to Pinjar ...\"}, \"Having read some good reviews about this film I thought it was about time I go and see it. Well I don't know why I bothered. Basically this family is entrusted with a clue that leads to a whole big stash of ancient treasure, hidden by the Knights Templar during the War of Independence. Apparently it had to be kept out of the hands of the British at all costs. Firstly, why did said Knights move the treasure from Europe to America? How did Nic Cages character figure out that 'Charlotte' was in fact a ship? How do they figure out all the clues and riddles in about a minute? And how could two people suddenly become master thieves and steal what is probably the best guarded bit of paper in the world? These are just some of the plot holes in this inane bit of Hollywood action gone wrong. Cage has been in some great action movies - 'Face-Off' and 'The Rock' - so why has he lowered himself to this? Is he getting too old?! His character is pretty annoying really - Somehow this 'ordinary' guy steals the Declaration of Independancd, outruns thieves with guns, escapes from the FBI and generally seems invincible. The whole film doesn't really make any sense and all in all it was quite a disappointment.\": {\"frequency\": 1, \"value\": \"Having read some ...\"}, \"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\": {\"frequency\": 1, \"value\": \"The fact that this ...\"}, \"This film was the recipient of the 1990 Academy award for Best Animated Short Film. Over the last few weeks, I have seen dozens of the nominees and recipients of this award from the last 30 years and I really think that this film might just be the worst of them all--yet it wasn't just a nominee but it won!! I assume that 1989 must have just been a horrible year for the genre.

The film shows a group of characters that look a bit like super-skinny Uncle Festers. The appear to be simple articulated figures who are moved using stop motion animation. All are identical--with the same faces, bodies and clothes. The only difference is that each has a different number drawn on their backs. They are all standing on a large platform that is suspended, as if by magic, in space. Each has a pole and their is also a box on the platform. The platform begins tilting slightly and in response the men move about in an effort to balance the platform. This goes on and on and on and on for the longest time. The only relief from this tedium is when one of them acts rather nasty towards the end, but it just isn't enough to make this fun to watch in the least. Aside from passable stop motion animation, this short offers nothing of interest to me....NOTHING.

By the way, the great short KNICK KNACK also came out in 1989 and I have no idea why it was not among the nominees. It was a GREAT short and was far better than any of the nominees that year or the year before. Perhaps Pixar's success in previous years resulted in a bias against them, but KNICK KNACK is so clever and so funny it seems almost criminal to have ignored it. Could Pixar have not entered it? This seems unlikely.\": {\"frequency\": 1, \"value\": \"This film was the ...\"}, \"Horror spoofs are not just a thing of the 21st century. Way before the 'Scary Movie' series there were a few examples of this genre, mostly in the 80s. But like said franchise most of these films are hit or miss. Some like 'Elvira, Mistress of the Dark' mostly rise above that, but other like 'Saturday the 14th' and it's sequel fail to deliver the laughs. But out of all these types of films there is one particularly big offender and that's 'Transylvania 6-5000,' a major waste of time for many reasons.

Pros: A great cast that does it's best. Some of the dopey humor is amusing. A corny, but catch theme song. Some good Transylvanian locations.

Cons: Threadbare plot. Mostly tedious pacing. Most of the humor just doesn't cut it. The monsters are given little to do and little screen time. I thought this was supposed to be a spoof of monster movies? Lame ending that will likely make viewers angry.

Final thoughts: This is a comedy? If it is then why are the really funny bits so few and far in between? Comedies are supposed to make us roll on the floor, not roll our eyes and yawn, aching for it to be over. I can't believe Anchor Bay released this tired junk. I'll admit it's not one of the worst films ever made, but it's not worth anyone's time or money even if you're a fan of any of the actors. See 'Transylvania Twist' instead.

My rating: 2/5\": {\"frequency\": 1, \"value\": \"Horror spoofs are ...\"}, \"Running Man viciously lampoons the modern-day American media complex, and hits its target dead-center. It may be an easy target, but they pull it off none the less. RM effortless takes on pro-wrestling (featuring some pro wrestlers as the Hunters), network television, the Nielsen ratings, the American government (suggesting it's entertainment-oriented anyway), crime & punishment, and a half-dozen other things along the way. It's a far cry from the original Stephen King novella, and Arnold is not the Ben Richards of the novella either. But who cares? It's basically a Arnie flick, with all the well-choreographed action sequences and one-liners such an undertaking requires.\": {\"frequency\": 1, \"value\": \"Running Man ...\"}, \"WOW, this movie was so horrible. I'm so glad i didn't have to pay money to see this horrible movie. it was like a history nut went on a coke binge! the previews of it made it look decent but it was REALLY bad. i will say the idea sounded decent but come on. it was really really bad. If u sat down and thought about it you would also realize it was UNREALISTIC. come on back in the day u think they had all that stuff to work with. It wasn't like ben franklin sat down one day and made a damn riddle. it was completely ridiculous, and it you want to see a bad movie then by all means go see this one. All and ALL HORRIBLE movie it might actually be on my top 10 WORST films I've ever seen.\": {\"frequency\": 1, \"value\": \"WOW, this movie ...\"}, \"I can't remember many details about the show, but i remember how passionate i was about it and how i was determined not to miss any episodes. Unfortunately at the time we had no VCR, so i haven't ever seen the series again. However i can remember strongly how i felt while watching it and how thrilled i was every time it came on. Sam Waterstone was my favorite actor these days (i think i was almost in love) and he remains one of my favorite actors to the day, mostly due to his appearance in the series. I would gladly buy/steal/download this series, i think i would go to great lengths in order to see it again and revisit a childhood long gone... Any ideas? Does anybody knows of a site devoted to the series or has the episodes on tape from their first airing?\": {\"frequency\": 1, \"value\": \"I can't remember ...\"}, \"To quote Flik, that was my reaction exactly: Wow...you're perfect! This is the best movie! I think I can even say it's become my favorite movie ever, even. Wow. I tell you what, wow.\": {\"frequency\": 1, \"value\": \"To quote Flik, ...\"}, \"This movie offers NOTHING to anyone. It doesn't succeed on ANY level. The acting is horrible, dull long-winded dribble. They obviously by the length of the end sex scene were trying to be shocking but just ended up being pretty much a parody of what the film was aiming for. Complete garbage, I can't believe what a laughable movie this was.

And I'm very sure Rosario Dawson ended up in this film cause she though this would be her jarring break away indi hit, a wowing NC-17 movie. The problem is no adult is going to stick with this film as the film plays out like a uninteresting episode of the OC or something aimed at teens. Pathetic.\": {\"frequency\": 1, \"value\": \"This movie offers ...\"}, \"As a biographical film, \\\"The Lady With Red Hair\\\" (the story of how director /producer/playwright David Belasco transformed notorious society divorcee Mrs. Leslie Carter into an international stage star) is certainly not in a league with that other Warner's biopic of similar vintage, \\\"Yankee Doodle Dandy\\\" (what is?), but \\\"Lady\\\" is an enjoyable film in its own right--AND shares quite a few traits in common with the Cagney classic.

Like \\\"Yankee Doodle Dandy,\\\" \\\"The Lady With Red Hair\\\" brims over with old -time show-business flavor. (Among other things, both films feature delicious theatrical boarding-house sequences as well as the inevitable scenes set backstage and in theatrical managers' offices.) Also, in \\\"Lady\\\" as in the Cohan biopic, the supporting cast is made up of familiar and beloved character actors of the period, all doing the sort of top-notch work we remember them for.

Need I add that, again like \\\"Yankee Doodle Dandy,\\\" \\\"The Lady With Red Hair\\\" doesn't let the truth get in the way of telling a good story? But, also like \\\"Dandy,\\\" \\\"Lady\\\" does manage--gloriously!--to convey the esssence of its show-business-giant hero's larger-than-life personality. Everyone knows that Cagney limned Cohan for all time in his brilliant and affectionate portrayal in \\\"Yankee Doodle Dandy\\\"--but few moviegoers realize that Claude Rains did a similar service for David Belasco in \\\"The Lady With Red Hair\\\"- -and did it with a panache that almost equals Cagney's.

Rains-as-Belasco perfectly captures that legendary showman's galvanic personality in all its outsized glory. Rains gives a tremendously enjoyable , superbly observed, and remarkably true-to-life performance as the man all Broadway once called \\\"The Wizard.\\\" To watch Claude Rains in action (looking in every shot as if he's having a helluva good time!) in \\\"The Lady With Red Hair\\\" is to see David Belasco leap to life on film as if he can't wait to shake things up on the Main Stem once again.

\": {\"frequency\": 1, \"value\": \"As a biographical ...\"}, \"I borrowed this movie because not only because its gay theme but the thought of role playing really intrigued me. I was pleasantly surprised that it was shot in San Francisco since I live near SF. And of course it was nice to see shots of the Castro district (although the castro to me really caters more to gay male than female). But other than that I can't really recommend this movie. The characters aren't really developed for me to care and when they finally started to get to the \\\"role playing\\\" I was already bored out of my mind. And the role playing scenes that I did see were a bit embarrassing to watch. The acting leaves something to be desired. Needless to say I didn't finish the movie. I'd skip this one.\": {\"frequency\": 1, \"value\": \"I borrowed this ...\"}, \"This is a movie that is bad in every imaginable way. Sure we like to know what happened 12 years from the last movie, and it works on some level. But the new characters are just not interesting. Baby Melody is hideously horrible! Alas, while the logic that humans can't stay underwater forever is maintained, other basic physical logic are ignored. It's chilly if you don't have cold weather garments if you're in the Arctic. I don't know why most comments here Return of Jafar rates worse, I thought this one is more horrible.\": {\"frequency\": 1, \"value\": \"This is a movie ...\"}, \"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\\ufffd\\ufffdhm is a head higher than Adolf and looks so damned good, G\\ufffd\\ufffdring looks like 40 when he just is 23 and the \\\"F\\ufffd\\ufffdhrer\\\" 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\\\"\": {\"frequency\": 1, \"value\": \"This 1919 to 1933 ...\"}, \"Shame really - very rarely do I watch a film and am left feeling disappointed at the end. I've seen quite a few of Ira Levin's adaptations - 'Rosemary's Baby' and 'The Stepford Wives' - and liked both them, but this just didn't appeal to me.

When I read the plot outline - an award winning playwright (Michael Caine) decides to murder one of his former pupils (Christopher Reeve) and steel his script for his own success - I was excited. I like thrillers, Michael Caine's a good actor, Sidney Lumet's a good director and Ira Levin's work is generally good.

I won't spoil it for anyone who hasn't seen it yet, but all I'd say is there are LOADS of twists and turns. So many its kind of hard to explain the film's plot line in detail, without giving it away. I enjoyed the first ... 45 minutes, before the twists and turns began to occur and at that point my interest and enjoyment began to fade out. Though I have to give Lumet credit for the very amusing ending which did make me laugh out loud.

The main cast - Michael Caine, Christopher Reeve, Dyan Cannon and Irene Worth - were all brilliant in their roles. Though Worth's obvious fake Russian accent got on my nerves slightly (nothing personal Irene, I think any actor's fake accent would irritate me). Not sure if Cannon's character was meant to be annoyingly funny but Dyan managed to annoy and amuse - at the same time.

Anyone reading this - I don't want you to be put-off watching this because of my views - give it a chance, you may like it, you may not. It's all about opinion.\": {\"frequency\": 1, \"value\": \"Shame really - ...\"}, \"Collusion Course is even worse than the typical \\\"evil white male corporate capitalist\\\" movie of the week. This movie is less pleasant than a toothache. Jay Leno can act. He's good in his underrated debut movie, The Silverbears, in which he gives a performance consist with the demands of his character. This movie is so bad Leno's character, a sanctimonious buffoon, is less annoying than Morita's character, a sanctimonious fool.\": {\"frequency\": 1, \"value\": \"Collusion Course ...\"}, \"This isn't the comedic Robin Williams, nor is it the quirky/insane Robin Williams of recent thriller fame. This is a hybrid of the classic drama without over-dramatization, mixed with Robin's new love of the thriller. But this isn't a thriller, per se. This is more a mystery/suspense vehicle through which Williams attempts to locate a sick boy and his keeper.

Also starring Sandra Oh and Rory Culkin, this Suspense Drama plays pretty much like a news report, until William's character gets close to achieving his goal.

I must say that I was highly entertained, though this movie fails to teach, guide, inspect, or amuse. It felt more like I was watching a guy (Williams), as he was actually performing the actions, from a third person perspective. In other words, it felt real, and I was able to subscribe to the premise of the story.

All in all, it's worth a watch, though it's definitely not Friday/Saturday night fare.

It rates a 7.7/10 from...

the Fiend :.\": {\"frequency\": 1, \"value\": \"This isn't the ...\"}, \"It's wonderful to see that Shane Meadows is already exerting international influence - LES CONVOYEURS ATTENDANT shares many themes with A ROOM FOR ROMEO BRASS: the vague class identity above working but well below middle, the unhinged father, the abandoned urban milieu, the sense of adult failure, the barely concealed fascism underpinning modern urban life.

But if Meadows is an expert formalist, Mariage trades in images, and his coolly composed, exquisitely Surreal, monochrome frames, serve to distance the grimy and rather bleak subject matter, which, Meadows-like, veers from high farce to tragedy within seconds.

There are longueurs and cliches, but Poelvoorde is compellingly mad, an ordinary man with ordinary ambitions, whose attempts to realise them are hatstand dangerous; while individual set-pieces - the popcorn/pidgeon explosions; the best marriage sequence since THE DEAD AND THE DEADLY - manage to snatch epiphany from despair.\": {\"frequency\": 1, \"value\": \"It's wonderful to ...\"}, \"The story behind this movie is very interesting, and in general the plot is not so bad... but the details: writing, directing, continuity, pacing, action sequences, stunts, and use of CG all cheapen and spoil the film.

First off, action sequences. They are all quite unexciting. Most consist of someone standing up and getting shot, making no attempt to run, fight, dodge, or whatever, even though they have all the time in the world. The sequences just seem bland for something made in 2004.

The CG features very nicely rendered and animated effects, but they come off looking cheap because of how they are used.

Pacing: everything happens too quickly. For example, \\\"Elle\\\" is trained to fight in a couple of hours, and from the start can do back-flips, etc. Why is she so acrobatic? None of this is explained in the movie. As Lilith, she wouldn't have needed to be able to do back flips - maybe she couldn't, since she had wings.

Also, we have sequences like a woman getting run over by a car, and getting up and just wandering off into a deserted room with a sink and mirror, and then stabbing herself in the throat, all for no apparent reason, and without any of the spectators really caring that she just got hit by a car (and then felt the secondary effects of another, exploding car)... \\\"Are you okay?\\\" asks the driver \\\"yes, I'm fine\\\" she says, bloodied and disheveled.

I watched it all, though, because the introduction promised me that it would be interesting... but in the end, the poor execution made me wish for anything else: Blade, Vampire Hunter D, even that movie with vampires where Jackie Chan was comic relief, because they managed to suspend my disbelief, but this just made me want to shake the director awake, and give the writer a good talking to.\": {\"frequency\": 1, \"value\": \"The story behind ...\"}, \"After watching the trailer I was surprised this movie never made it into theaters, so I ordered the BluRay. I had a great time watching it and have to say that this movie is better than some major animation movies out there. Of course, it has its flaws but I can still really recommend it. The animation is well done, very entertaining and unique and the story kept me watching it all the way to the end. Some of the backdrops are just drop-dead gorgeous and you can see the French talent behind it. I thought that Forest Whitaker's performance feels a bit lifeless but that is how the character Lian-Chu is depicted in this movie. So overall, thumbs up, I liked it a lot and I hope it is successful enough for all the studios involved to continue making great movies like this. I would recommend to give it a chance and be surprised how great a movie can be with such a small budget. Hektor alone is worth watching the movie since some of his moments are Stitch-like hilarious.\": {\"frequency\": 1, \"value\": \"After watching the ...\"}, \"The only thing I remember about this movie are two things: first, as a twelve year old, even I thought it stunk. Second, it was so bad that when Mad magazine did a parody of it, they quit after the first page, and wrote a disclaimer at the bottom of the page saying that they had completely disavowed it.

If you want to see great sophomoric comedies of this period, try Animal House. It's so stupid and vulgar it lowers itself to high art. Another good selection would be Caddyshack, the classic with the late Rodney Dangerfield and Bill Murray before he became annoyingly charming, with great lines like greens keeper Carl Spackler's \\\"Correct me if I'm wrong Sandy, but if I kill all the golfers they'll lock me up and throw away the key.\\\"\": {\"frequency\": 1, \"value\": \"The only thing I ...\"}, \"\\\"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\\ufffd\\ufffd Epsom salts\\ufffd\\ufffd it's a laxative!

**** The Vampire Bat (1933) Frank Strayer ~ Dwight Frye, Melvyn Douglas, Maude Eburne\": {\"frequency\": 1, \"value\": \"\\\"When a small ...\"}, \"Pickup on South Street (1953), directed by movie maverick Samuel Fuller, contains a stunning opening that establishes a double complication. Subway rider Candy (Susan Peters) collides with pickpocket Skip McCoy (Richard Widmark dipped in shades of Sinatra cool). She's unaware that she carries valuable microfilm; McCoy is unaware of grifting it. Both are unaware of being observed by two federal agents. Thus the grift sets in motion a degree of knowledges. Candy is doubly watched (Skip and the police) and therefore doubly naive; Skip, the overconfident petty thief, is singularly unaware, trailed by federal agents; the feds, all knowing, are ultimately helpless. They can't stop the \\\"passing\\\" of government secrets or the spread of communism.\": {\"frequency\": 1, \"value\": \"Pickup on South ...\"}, \"I cannot believe the same guy directed this crap and Dracula 2000. Dracula 2000 was innovative, fresh, and well written, if poorly acted.

This pile can't even claim that. It starts with the defeat of Dracula at the end of Dracula 2000. Then ignores the narrative afterwards describing what happened after that. Following the narrative properly could have made this a good sequel somehow, but Craven chose to go in the style of his older films, having no good tie but the main villain's name.

Even the actor playing Dracula was different (going from dark hair in Dracula 2000 to a blonde here).

Avoid this movie if you have any respect for your taste in movies.\": {\"frequency\": 1, \"value\": \"I cannot believe ...\"}, \"Well, I like to be honest with all the audiences that I bought it because of Kira's sex scenes, but unfortunately I did not see much of them. All sex scenes were short and done in haphazard manner along with all the weird and corny background music just like all other B movies - it just doesn't look much like two people having sex. There is a tiny bit of plot toward the end - Kira's new lover is a killer. Whoa!!! how shocking!!! Why don't we nominate this movie for Oscar Award? I can't imagine how bad the movie would look like if it were R-rated (Mine is imported from UK, rated 18). Conclusion? Put it down and walk away, so yon won't end up with being a moron like me.

Score: 2/10\": {\"frequency\": 1, \"value\": \"Well, I like to be ...\"}, \"I rented End Game, having never heard of it, but I'm fond of political thrillers so I thought I'd give it a shot. After doing some research on the movie, I found that it had initially been intended for theatrical release, but instead had gone strait to DVD. After seeing it, I'm thinking, \\\"no wonder.\\\" The movie is shocking in its unoriginality. The plot and the characters are perfunctory. I figured out whodunnit by the half way mark but the ending was a curve ball. I have to say, I didn't expect it to end quite the way it did, but that's not a point in its favor. The more predictable ending would have been preferable to one that is so bad. Perhaps the film makers saw how predictable the film was and so they decided to throw in a twist--even one that made the movie even worse.

Stay away. I want the $5.98 and my 107 minutes back.\": {\"frequency\": 1, \"value\": \"I rented End Game, ...\"}, \"This is a short, crudely animated series by David Lynch (as it says in the beginning), and it follows the misadventures of a backwoods, overall-wearing large man, with a wife who has a stress disorder and an annoying son. Both of those elements are harped upon repeatedly in the short episodes, and there's no real plot to be seen. It's easier if you think of this as an exceptionally odd, slightly macabre Looney Tunes- with far more gore, profanity, bloody violence, and occasional moments of hilarity.

I bought the DVD along with Eraserhead, having previously seen Eraserhead. Don't look to this series if you want an artistic masterpiece- this is anything but. In fact, it seems to almost be a statement against such things, as its rough style spits in the face of any sort of animation convention you may see. As Lynch says, \\\"If this is funny, it is only funny because we see the absurdity of it all.\\\"\": {\"frequency\": 1, \"value\": \"This is a short, ...\"}, \"I wish kids movies were still made this way; dark and deep. There was (get this) character development (and Charlie is the epitome of the dynamic character), plot development, superb animation, emotional involvement, and a rational, relatable, and consistent theme. If not for the handful of song-and-dance routines, you would never have thought this was a kids movie, and this is why I give it such a high rating. This movie is an excellent film, let alone for a kids' movie. Which brings me to my second point: this has got to be the darkest \\\"kids'\\\" movie I've seen in quite some time, this coming from a 22-year-old. I'd be shocked to see any child under the age of 8 not completely terrified throughout a great deal of the latter half and some of the first half of the movie, and it all ends with one of the saddest endings you could ever come across (ala \\\"Jurassic Bark\\\", for those of you who are 'Futurama' fans), and this is what makes this movie so good. Just because the movie universally evokes emotions we don't normally like to feel and assume are bad does not make the movie itself bad; in fact, it means it succeeded. Good funny movies are supposed to make us laugh; good horror movies are supposed to make us scared; good sad movies are supposed to make us sad. My point is, good movies are supposed to MOVE you, not simply entertain; this movie moved me.

Also, this movie is incredibly violent by today's standards for a kids' movie and contains subject matter that, by today's standards, may not be suitable for some children. Parents, I'd say watch it first. I'm not usually one to say anything about this kind of thing, but I just saw this yesterday and it came as a surprise even to me.\": {\"frequency\": 1, \"value\": \"I wish kids movies ...\"}, \"First of all, yes, animals have emotions. If you didn't know that already, then I believe you are a moron. But let's assume that none of us are morons. We all know that animals have emotions, and we now want to see how these emotions are manifest in nature, correct?

What we get instead is a tedious and ridiculously simplistic documentary that attempts to show how animals are \\\"human\\\". The filmmakers search high & low for footage of animals engaged in human-like behaviour, and when it happens they say, \\\"That monkey is almost human!\\\" (that's actually a direct quote).

Everything is in human terms. They waste time theorizing about what makes dogs \\\"smile\\\", but not once do they mention what a wagging tail means. The arrogance of these researchers is disgusting. They even go so far as to show chimpanzees dressed in human clothing and wearing a cowboy hat.

I had been expecting an insightful documentary of animals on their own terms. I wanted to learn how animals emote in their OWN languages. But instead, researchers keep falling back on pedantic, anthropomorphic observations and assumptions. Add a cheezy soundtrack and images of chimps \\\"celebrating Christmas\\\", and this was enough to turn my stomach.

But it doesn't end there. Half of this documentary is filmed not in the wild but in laboratories and experimental facilities. All the camera shots of chimps are through steel bars, and we see how these monkeys are crowded together in their sterile concrete cages. One particularly sobering moment happens near the beginning (though you have to be quick to notice it) where a captive monkey says in sign language, \\\"Want out. Hurry go.\\\"

Obscure references are made to \\\"stress tests\\\" and psychological experiments which I shudder to imagine. Baby monkeys are separated from their mothers at birth and are given wireframe dolls in order to prove that baby monkeys crave a \\\"mother figure\\\". And after 40 years of experiments, the smug researchers pat themselves on the back for reaching their brilliant conclusion: monkeys have emotions.

One chimp named \\\"Washoe\\\" has been in a concrete cage since 1966 for that purpose, and to this day she remains thus. We get a brief glimpse (again through bars) of her leaning against a concrete wall with a rather lackluster expression. Personally, I don't need to see any further experimental data. Washoe, I apologize for our entire species.\": {\"frequency\": 1, \"value\": \"First of all, yes, ...\"}, \"Historical drama and coming of age story involving free people of color in pre civil war New Orleans. Starts off slow but picks up steam once you have learned about the main characters and the real action can begin. This is not just a story about the exploitation of black women, because these were free people. They may not have had all the rights of whites but they certainly had more control over their destinies than their slave ancestors. The young men and women in this story must each make their own choice about how to live their lives, whether to give into the depravity of the system or live with optimism and contribute to their community. I enjoyed all of the characters but my favorites were Christophe, Anna Bella, and Marcel.\": {\"frequency\": 1, \"value\": \"Historical drama ...\"}, \"I have a 5 minute rule (sometimes I'll leave leway for 10). If a movie is not good in the first 5 or 10 minutes it's probably not going to ever get better. I have yet to experience any movie that has proved to contest this theory. Dan in Real Life is definitely no exception. I was watching this turkey and thought; wow, this is not funny, not touching, not sad, and I don't like any of the characters at all.

The story of an advice columnist/widower raising three young daughters, who falls in love with his brothers girlfriend. I suppose the tagline would be \\\"advice columnist who could USE advice\\\"? I don't know. Dans character in no way struck me as someone qualified to give advice. I guess THAT'S the irony? I don't know. He goes to see his parents, brothers, sisters and their kids at some sort of anual family retreat, which seems very sweet, and potential fodder for good comedy, story lines...none which ever emerge. The central story is basically how he loves this woman, but can't have her. Anyone with a pulse will realise that eventually he WILL get her, but you have to suffer through painfully unfunny, trite, lifetime movie network dialogue \\\"murderer of love\\\" to get to the inevitable happy ending.

This is truly one of the worst movies I've ever seen.\": {\"frequency\": 1, \"value\": \"I have a 5 minute ...\"}, \"\\\"The Groove Tube\\\" was one of only two Ken Shapiro movies, the other one being the equally zany \\\"Modern Problems\\\". This one is just a full-scale parody of TV. Aside from Shapiro - who apparently didn't do anything after \\\"Modern Problems\\\" - the movie also stars Chevy Chase and Henry Winkler's cousin Richard Belzer. The three cast members (plus some other people in smaller roles) appear in various skits. One of the funniest ones features Chase in a Geritol-spoofing commercial, in which he's describing the medicine as his wife strips, and it ends with her humping him. There's also a pornographic news program, an irritating cooking show, and the epic tale of some drug dealers.

Anyway, the whole thing's just a real hoot. In my opinion, the three best TV-spoofing movies are this one, plus \\\"Tunnelvision\\\" and \\\"Kentucky Fried Movie\\\" (although I might also include \\\"The Truman Show\\\"). Really funny.

I wonder what ever did become of Ken Shapiro.\": {\"frequency\": 1, \"value\": \"\\\"The Groove Tube\\\" ...\"}, \"I usually don't comment anything (i read the others opinions)... but this, this one I _have_ to comment... I was convinced do watch this movie by worlds like action, F-117 and other hi-tech stuff, but by only few first minutes and I changed my mind... Lousy acting, lousy script and a big science fiction.

It's one of the worst movies I have ever seen...

Simply... don't bother...

And one more thing, before any movie I usually check user comments and rating on this site... 3.7 points and I give this movie a try, now I'm wondering WHO rate this movie by giving it more than 2 points ??????????\": {\"frequency\": 1, \"value\": \"I usually don't ...\"}, \"haha! you have to just smile and smile if you actually made it all the way through this movie. it like says something about myself i guess. the movie itself was created i think as some sort of psychological test, or like some sort of drug, to take you to a place you have never been before. When Wittgenstein wrote his famous first philosophical piece the tractacus (sp?) he said it was meaningless and useless, but if you read it, after you were done, it would take you to a new level, like a ladder, and then you could throw away the work and see things with clarity and true understanding. this movie is the same i think.

As a movie it is without a doubt, the worst movie i have seen in a long long time in such a unique way. first of all, this is snipes. i loved watching this guy kick ass in various movies. and i have suffered through a few weak ones. however, although you know the movie might suck, you would never suspect that it could be as bad as it actually was. which is the fun of it. i mean this is snipes. you know it might be good, but it will be alright, right? smile.

so this thing on every level is pure boredom, pure unoriginality. the reference to the professional is both dead on and obvious, yet so poorly done as to be comical. there is not one character in this movie that is interesting, in the least. and to make the whole thing more surreal, they have a soundtrack that sort of sounds like parts to various Bourne identity type movies, only isn't quite right. in fact, although it seems close to action movie background music, it just so happens it is done in a manner that will grate on you fantastically.

then all the scenes in the total pitch black, where honestly since the characters are so flat, you don't really care whats going to happen, but regardless, after it happens and someone is killed, you just say to yourself, was i supposed to see that? what else? how about scenes with blinding, obnoxious flashing at a strobe lights pace, for a period of time that is too long to bear. sure let's throw that in. how bout this though. when you are straining and your eyes cant handle it any longer, do some more of these in the dark kills where you really don't see what happened. and on top of that, lets face it you don't care. you were past bored way from the beginning.

so i drifted in and out a couple times, but i caught almost all of this movie. and it becomes something you can watch, without something that engages your mind on any level, therefore, it becomes something you can effectively zone out with, and begin to think about your life, where its going, where its been, what we are as people.

and that... that is the true magic of this film.\": {\"frequency\": 1, \"value\": \"haha! you have to ...\"}, \"EXTREMITIES

Aspect ratio: 1.85:1

Sound format: Mono

A woman turns the tables on a would-be rapist when he mounts an assault in her home, and is forced to decide whether to kill him or inform the police, in which case he could be released and attack her again.

Exploitation fans who might be expecting another rough 'n' ready rape fantasy in the style of DAY OF THE WOMAN (1978) will almost certainly be disappointed by EXTREMITIES. True, Farrah Fawcett's character is subjected to two uncomfortably prolonged assaults before gaining the upper hand on her attacker (a suitably slimy James Russo), but scriptwriter William Mastrosimone and director Robert M. Young take these unpleasant scenes only so far before unveiling the dilemma which informs the moral core of this production. Would their final solution hold up in a court of law? Maybe...

Based on a stage play which reportedly left its actors battered and bruised after every performance, the film makes no attempt to open up the narrative and relies instead on a confined setting for the main action. Acing and technical credits are fine, though Fawcett's overly subdued performance won't play effectively to viewers who might be relying on her to provide an outlet for their outraged indignation.\": {\"frequency\": 1, \"value\": \"EXTREMITIES
What I really like about this film is its creators' imaginative understanding of some of the greatest art work to survive in the West from 1200 years ago. The characters are stylized in flat abstract shapes defined by line just as in the original Book of Kells. (Particularly noteworthy is monk Aidan's pet cat, defined in few lines, yet purely--- and even magically metamorphically feline.) The range of emotion which Brendan and the other animated characters convey given their economy of abstract design is a tribute to the excellent artistry of the director and his animators. The decorative borders on the edge of the picture change to complement the dramatic impact of a given scene, and this characteristic of illuminations from the dark ages is brought to wondrous animated life in THE SECRET OF KELLS. Of course, historical dramas usually tell us more about our own times than the times which these dramas endeavor to depict. However, by introducing archetypal elements into this story, the writers and director of THE SECRET OF KELLS convey a numinous sense of lived-life from that far-off time in Ireland which feels psychologically true, however much the script might stray from pedantic historical fact. (The United Nations' band of illuminators who appear as a rogues' club of artists in The SECRET OF KELLS aren't historically probable, but they're all well-designed, individuated characters who do much to convey the universal appeal of this quintessentially Irish story.) Animation has always seemed the best vehicle to me to better help us understand the visual art of different times and cultures. The magnificent art direction of this movie clearly derives from its historical visual source, but has also been cleverly adapted to the demands of animated storytelling; if animation had existed in the Dark Ages, the SECRET OF KELLS is what it would look like! Finally, Brendan's hero's quest in this film is the artist's perennial quest to convey the spirit of beauty, life and inspiration. (Without being preachy or even particularly Christian, this movie affirms Jesus' dictum that \\\"Man does not live by bread alone.\\\" ) In my estimation the most inspired movie about the creative process of visual artists is Andrei Tarkovsky's ANDREI RUBLEV, a film about the great Russian icon painter of the 15th century. The SECRET OF KELLS expresses much the same sense of mystery and exhilaration about the artist's visual quest and creative process. It's certainly not as profound as ANDREI RUBLEV, but--- heck--- its a cartoon! (And one which will appeal to young and old alike.) I think this movie will hold up well to repeated viewing: in its own modest life-affirming way, this stylized SECRET OF KELLS is a classic.\": {\"frequency\": 1, \"value\": \"THE SECRET OF ...\"}, \"Carlito Way, the original is a brilliant story about an ex-drug dealer who hopes to leave his criminal past and so he invests in a club and the deals with the trouble that comes with it.

This film was....

I saw the trailer and knew instantly it was going to be bad..But after dismissing films in the past and finding out they were great( Lucky Number Slevin, Tokyo Drift)...I gave this a shot and it failed within the first five minutes...

The script is something a teenager would come up with if given five minutes to prepare...It was weak, with weaker dialogue. It seems there is an instant need for romance in a gangster movie. So Brigante decides to beat a guy up for the girl....and she say's 'Yes!' And if you need to act bad just throw racism around...As we learn from the 'Italian mobsters'...

The acting was terrible to say the least...I found 'Hollywood Nicky', hilarious.

I absolutely hate all these musicians turning to movies. Lets face it the only reason P Diddy did this movie was so he could play a gangsters...The actress who plays Leticia was weak but beautiful. The sex scene was weak but we got to see her..which was okay...

But overall I expected it shed light on how Carito ended up in prison and the love of his life...And the assassin towards the end completely added to the horrendous movie that is...

Carlito's Way: Rise to Power..\": {\"frequency\": 1, \"value\": \"Carlito Way, the ...\"}, \"A very good story for a film which if done properly would be quite interesting, but where the hell is the ending to this film?

In fact, what is the point of it?

The scenes zip through so quick that you felt you were not part of the film emotionally, and the feeling of being detached from understanding the storyline.

The performances of the cast are questionable, if not believable.

Did I miss the conclusion somewhere in the film? I guess we have to wait for the sequel.

\": {\"frequency\": 1, \"value\": \"A very good story ...\"}, \"The goal of any James Bond game is to make the player feel like he is fulfilling an ultimate fantasy: step into the shoes of Agent 007. \\\"FRWL\\\" comes closer to this goal than any other game, because this time you control the real James Bond. No offense to Pierce Brosnan, who made a fantastic Bond and loaned his voice and likeness to \\\"EON\\\", but Sean Connery was the original James Bond, and there will never be anyone who comes close to his level of cool.

I must say at this point, like many others who have reviewed this game, that Sean 70 year old voice doesn't fit his 30 year old image on screen, and this takes some getting used to, but it's certainly worth it. He makes lines like \\\"Bond\\ufffd\\ufffd James Bond\\\" and \\\"Shaken, not stirred\\\" into a big deal again. But controlling Sir Sean as he takes on the evil organization known as OCTOPUS is, as Bond said in \\\"Octopussy\\\", \\\"only the tip of the tentacle.\\\" The awesomeness of the game begins with the opening gun barrel. It's the original gun barrel from the movies. Then you take on first mission, rescuing the Prime Minister's hottie blonde daughter from terrorists at Parliament, and everything from the cars to the clothes is perfectly retro. The world of the game is truly the world of the original James Bond, right down to the classic rock-n-roll rendition of the James Bond theme that finally plays during a key moment late in the game, as Bond infiltrates a secret factory.

After the game's opening, the plot faithfully follows the plot of the movie \\\"FRWL.\\\" James Bond is sent to Turkey to retrieve a Lektor device from a Russian cipher clerk who claims she has a crush on him. In Turkey, Bond teams up with lovable sidekick Kerim Bey. Bond must retrieve the device, protect the damsel in distress, and get both safely back to London. Bond screenwriter Bruce Feirstein worked on the script, and he's done a good job of making the game the same but different to the movie. The characters from the movie are all recreated well, but some are better than others. The impersonators voicing villains Rosa Klebb and Red Grant are uncanny. And there's a moment early on in the game where you interact with a Miss Moneypenny, M, and Q who all look and behave as they did in the original Sean Connery 007 movies.

What puts this game miles ahead of the other Bond games, besides Sir Sean's voice and likeness, is two notable features in the game play. One is Bond focus. While you can dispatch villains simply by locking onto them with one button and killing them with the other, an additional button push will allow you to zoom in closer on a target and choose between spots Bond would shoot at, such as a grenade attached to a belt that will dispatch an enemy and a few of his friend or a rappel cord that will cause a suspended enemy to plunge to his death. The other notable feature is the stealth and m\\ufffd\\ufffdl\\ufffd\\ufffde kills. When you're in close enough range, just hit a button to beat down an enemy with the raw brutality that only Sean Connery's James Bond displayed.

Sean Connery's Bond relied mostly on his raw wit and talent, so you only have a few gadgets, but they're good ones. The Q-copter is a remote control helicopter that can self-destruct and explore areas Bond can't reach, like the Q-spider in \\\"EON\\\", only better. The classic laser watch is useful, not just for getting into sealed rooms, but dispatching enemies when you have no other weapon available. Sonic cuff links and a serum gun are the most fun to play around with, but you must experience them for yourself. Besides the gadgets, you can go dress Bond up in a number of retro costumes found during the game, including the gray suit from the movie, the standard black tuxedo, a retro stealth suit, and that classic white tuxedo, all which look exactly like they did when Sir Sean wore them in the movies. When you drive in the game, you drive the Aston Martin DB5 straight out of \\\"Goldfinger.\\\" It can't turn invisible, but it has a gadget for popping tires like in the movie. And when you're not flying down the streets of Istanbul in the \\\"Goldinger\\\" car, you can fly through the air in the \\\"Thunderball\\\" jet pack.

Then there's the multi-player. Of course, it has to be compared to the standard of the \\\"GoldenEye\\\" game, and it fails. Also, you can only play Bond villains rather than Bond himself or the other heroes of the game. But the multi-player is amusing, and a decent bonus since the awesomeness of the single player campaign alone makes the game worth playing. The basic game does have other flaws. Some of the movie's most exciting moments, particularly the gypsy camp shootout, Bond's brawl with Red Grant on the Orient Express, and a confrontation between Bond and Rosa Klebb's bladed shoe, aren't done justice in game form. And the game is a fast play, even on the hardest difficulty. But overall, this game is the best James Bond experience so far.\": {\"frequency\": 1, \"value\": \"The goal of any ...\"}, \"\\\"Zu:The warriors from magic mountain\\\" was and is an impressive classic! You never would have guessed it was made in 1983. Tsui Hark's use of special effects was very creative and inventive. (He continued doing this in the Chinese Ghost Story trilogy and later productions.) Even now it can measure up to other movies in this genre. \\\"Legend of Zu\\\" is connected to \\\"Zu\\\"warriors from magic mountain\\\"! It is not necessary to have seen this movie to understand the plot of this one. The plot is a bit hard to follow. But to be honest it doesn't matter. It is all about the action and adventure! I always was wondering what Tsui Hark would do if he got his hands on CGI. Now we know,he made this movie. Maybe it sometimes is too much but the overall result is so beautiful that I am not going to be critical about that. There is so much happening on the screen,you simply won't believe! I think it is a big shame that this movie wasn't shown in theaters here in Holland. Because this movie is screaming for screen time in cinemas! This movie easily can beat big budget Hollywood productions like \\\"Superman Returns\\\" or Xmen 3. The only thing I do have to mention is the lack of humor! In most of Tsui Harks's movies he combines drama,fantasy,martial arts and humor. Somehow it is missing in this movie. Again I am not going to be picky about these small matters. \\\"Legend of Zu\\\" delivers on the action front with the most beautiful special effects you will see. A true classic!\": {\"frequency\": 1, \"value\": \"\\\"Zu:The warriors ...\"}, \"Debut? Wow--Cross-Eyed is easily one of the most enjoyable indie films that I've watched in the past year, making it hard to believe that Cross Eyed is the writer's debut film. I mean--I logged onto IMDb to find more films by this writer...because Cross Eyed has that unique signature --you want to see what else this writer might have to say. These days, its rare to see a movie that is well-written, well-directed, well-edited and well-acted. For me--Cross Eyed encapsulates what movie making should be about--combining the best of all film elements to create a clever, artistic and poignant tale. More, please.\": {\"frequency\": 1, \"value\": \"Debut? Wow--Cross- ...\"}, \"I had a lot of hopes for this movie and so watched it with a lot of expectations; basically because of Kamal Hassan. He is an amazing actor who has marked his foot steps in the sands of time forever. But this movie proved to be one of the worst movies i have ever seen. After watching this the movie the brutality and violence in tenebra and clockwork orange looks far better.

The Protagonist, Raghavan, is a very daring police officer. Who is assigned to a investigate brutal serial murders. Raghavan efficiently finds the connecting thread in this case and is close to solve the murders and put the psycho killers, two psychologically disturbed but brilliant medical students, behind bars but they escape and again get into a killing spree. Finally Raghavan kills them both after sparing many innocent lives.

THese two psycho-killers are the ones who are going to keep the audiences from going to the theaters. The murders and sexual harassments and rapes are shown very explicitly, which the movie could have survived without.

To even imagine that teenagers and kids are going to be watching this movie in the theater and kind of picture it is bound to paint in their minds are certainly not pretty. The director, Gautham, should realize that he also has some obligation to the society and his audience.Certainly i am never going to the movies looking like Gautham's name on the production list.\": {\"frequency\": 1, \"value\": \"I had a lot of ...\"}, \"Yep.. this is definatly up there with some of the worst of the MSTifyed movies, but I have definately seen worse. Think Gremlins rated R. Well anyway, I met Rick Sloane at some sci-fi convention, that amazingly, he was lecturing at! It was one of those really low budget conventions, where everything goes, an everyone brought in something (if you want to see crap, you should have of seen what some friends and I brought in).

He seemed like a very nice guy, he was very cool about my questions and comments on Hobgoblins, and he even told me not to take it seriously, and said he loved the MST3K version!

All in all, Rick Sloane knew what he was doing. And I think was meant to bad like Mars Attacks. So I guess I'm standing up for this movie and giving it a 5, and betraying all my fellow MSTies. Sorry guys.\": {\"frequency\": 1, \"value\": \"Yep.. this is ...\"}, \"A small pleasure in life is walking down the old movies aisle at the rental store, and picking stuff just because I haven't seen it. A large pleasure is occasionally taking that movie home and finding a small treasure like this playing on my screen.

Long before Elia Kazan turned himself into a brand cranking out only notable movies (not good ones), he made this better than average drama. Watching it you begin to notice how many decent, good or nicely observed scenes have accumulated. Contrast that with his later films where the drama is writ large... preferably large, and unsubtle, and scandalous. Kazan was eventually more of a calculating promoter than a director. (um. No thanks)

His future excesses are hinted at here only in the plot. The plague is coming! But here's an atypical Richard Widmark playing a family man in 1951 and avoiding most of the excesses of that trope; here's an almost watchable Barabra bel Geddes, with her bathos turned way down (well, for her); they're a couple and they share some nicely-written scenes about big crises and smaller ones. Here's an expertly directed comic interrogation with a chatty ships-crew; here's a beautiful moment as a chase begins at an angular warehouse and a flock of birds shoots overhead punctuating the moment. These are the small-scale successes a movie can offer in which a viewer can actually recognize life; something Hollywood, in its greed, now studiously avoids. These are the moments that make me go to the movies and enjoy them. It's a personable, human-scaled film, not the grotesque, overscaled production that he and others (David Lean) will later popularize, whose legacy is still felt in crap as varied as Pirates of the Caribean and Moulin Rouge.

I just watched it twice and I'll be damned if I could tell you what Jack Palance is seeking in the final scenes, but it doesn't seem that important to me as a viewer. This reminds me of both No Way Out a Poitier noir with Widmark as the villain, and Naked City, which you should really get your hands on.\": {\"frequency\": 1, \"value\": \"A small pleasure ...\"}, \"I'm not a stage purist. A movie could have been made of this play, and it would almost necessarily require changes... comme ci, comme ca. But the modest conceits of this material are lost or misunderstood by the movie's creators who are in full-on \\\"shallow blockbuster\\\" mode. It would be hard to imagine a worse director. Perhaps only Josh Logan & Jack Warner could have ruined this in the same way Attenborough did.

Onstage A Chorus line was a triumph of workshopping as a production method. Dancers answering a casting call found themselves sitting around shooting the crap about their stage-career experiences (very 70s!). Then Bennett and Hamlisch took some time, handed them a song and cast them as themselves. ...astonishing! Unbelievably modern. The 'story'of ACL is (in turn) about answering a casting call for a play we never have a complete view of, because the play doesn't matter. It was meta before the idea was invented, 25 years before Adaptation noodled with a similar idea. ACL was also another in a reductivist trend that is still alive, & which is a hallmark of modern creativity: that technique itself is compelling... that there's more drama in an average person's life than you could ever synthesize with invented characters. What a gracious idea. The stage play had one performance area (an empty stage) and three different ways to alter the backdrop, to alleviate visual tedium, not to keep viewers distracted. The space recedes and the actors stories are spotlighted. It worked just fine. That was the point. All these ideas are trampled or bastardized. Set-wise, there wasn't one, and no costumes either until the the dancers came out for their final bows, in which the exhilarating \\\"One\\\" is finally, powerfully, performed in full (gold) top hats and tails, with moves we recognize because we've watched them in practice sessions. The pent-up anxiety of the play is released --- and audiences went nuts.

After Grampa manhandles this, it's like a mushed, strangled bird. He clearly has the earlier, respected All that Jazz (and Fosse's stage piece Dancin') in mind as he makes his choices. Hamlisch's score was edgy & interesting for it's time, but time has not been kind to it. It's as schmaltzy as \\\"jazz hands.\\\" And that's before Attenborough ever touches it. He's remarkable at finding whatever good was left, and mangling it.

A simple question might have helped Attenborough while filming this, \\\"Could I bear spending even a few minutes with people like these?\\\" A major issue for any adaptation of the play is how the 4th wall of theater (pivotal by it's absence in theater) would be addressed in the film format. There's never been a more \\\"frontal\\\" play. The answer they came up with was, \\\"I'm sorry.. what was the question?\\\" The cast has been augmented from a manageable number of unique narratives, to a crowd suffocating each other and the audience, and blending their grating selves together. I was well past my annoyance threshold when that annoying little runt swings across the stage on a rope, clowning at the (absent) audience. The play made you understand theater people. This movie just makes you want to choke them.

Perhaps Broadways annoying trend of characters walking directly to stage center and singing their stories at the audience (Les Miz, Miss Saigon) instead of relating to other characters started here. But the worst imaginable revival of the play will make you feel more alive than this movie.

A Chorus Line is pure schlock.\": {\"frequency\": 1, \"value\": \"I'm not a stage ...\"}, \"The opening sequence alone is worth the cost of admission, as Cheech and Chong drag that big ol garbage can across the parking lot, filled with gas. \\\"Don't Spill it Man !\\\", hilarious stuff. And then, as 'the plot' ensues, you're in for one heck of a ride. I watched this film recently and it holds up, being just as funny upon each viewing. check it out.\": {\"frequency\": 1, \"value\": \"The opening ...\"}, \"(First of all, excuse my bad English) Of course only a movie starring Jessica Simpson can include serious goofs like this.. I'm a norwegian and I felt offended and shocked the makers of this movie did not take the time to do their research upon making this American/\\\"Norwegian\\\" movie. Even Wikipedia is more accurate when it comes to facts about this country.

So I'm posting my corrections out of my frustration: -The Country is named Norway, not Norwegia. -\\\"Da\\\" is Russian, not norwegian. -Norwegian priests never use those black capes with that white paper by the neck as the protestant church is the dominant by far -It's true we have a native traditional folk-outfit (that we only use like twice a year) but the outfit in this movie is more like a German outfit. -I could NOT understand the so called \\\"norwegian\\\" in this movie.. Jessica was not making any sense.. neighter did the \\\"norwegian priests\\\"

The only thing I recognise is the norwegian flag (and the viking hats, but that's so stereotypic what people think about norway - vikings!:O gosh)

Well.. I guess the people who made this film will never read this comment. but at least I cleared some things up and got rid of some of that frustration..!

I'm proud of my country and I'd love if people in the US were less stereotypic and more accurate when they talk about this country.

That was all.. Lenge leve Norge ! ;p\": {\"frequency\": 1, \"value\": \"(First of all, ...\"}, \"I don't know what would be so great about this movie. Even worse, why should anyone bother seeing this one ? First of all there is no story. One could say that even without a story a movie could be worth watching because it invokes some sort of strong feeling (laughter, cry, fear, ...), but in my opinion this movie does not do that either.

You are just watching images for +/- 2 hrs. There are more useful things to do.

I guess you could say the movie is an experiment and it is daring because it lacks all the above. But is this worth 2 hrs of your valuable time and 7 EUR of your money ? For me the answer is: no.\": {\"frequency\": 1, \"value\": \"I don't know what ...\"}, \"What a shame that Alan Clarke has to be associated with this tripe. That doesn't rule it out however; get a group of lads and some Stellas together and have a whale of a time running this one again and again and rolling around on the floor in tears of laughter. Great wasted night stuff. Al Hunter homes in on a well publicised theme of the late 80s- that hooligans were well organised and not really interested in the football itself- often with respectable jobs (estate agent???). But how Clarke can convince us that any of the two-bit actors straying from other TV productions of low quality (Grange Hill) or soon to go on to poor quality drama (Eastenders) can for a nanosecond make us believe that they are tough football thugs is laughable. Are we really to believe that the ICF (on whom of course the drama is based) would EVER go to another town to fight with just SIX blokes?

The ICF would crowd out tube stations and the like with HUNDREDS. Andy Nicholls' Scally needs to be read before even contemplating a story of this nature. The acting is appalling and provides most of the laughs- Oldman is so camp it is unbelievable. Most of them look as though they should be in a bubble of bath of Mr Matey. A true inspiration to anyone with a digital video camera who thinks they can make a flick- go for it.\": {\"frequency\": 1, \"value\": \"What a shame that ...\"}, \"What a muddled mess. I saw this with a friend a while ago and we both consider ourselves open-minded to the many wonders of cinema, but this sure isn't one of them.

While there very well could be some good ideas/concepts and there are certainly some good performances (under the circumstances), it is all buried under random nonsense. Sir Anthony draws way too heavily from the same gene pool as Natural Born Killers, U Turn and similar films as far as the editing is concerned, or maybe he watched himself in Nixon for inspiration. Say what you want about David Lynch, but at least he more often than not has a method to the madness.

His quote of stating that he made the film as a joke says it all. It's not worth your money, bandwidth or time.\": {\"frequency\": 1, \"value\": \"What a muddled ...\"}, \"I always have a bit of distrust before watching the British period films because I usually find on them insipid and boring screenplays (such as the ones of, for example, Vanity Fair or The Other Boleyn Girl), but with a magnificent production design, European landscapes and those thick British accents which make the movies to suggest artistic value which they do not really have.Fortunately, the excellent film The Young Victoria does not fall on that situation, and it deserves an enthusiastic recommendation because of its fascinating story, the excellent performances from Emily Blunt, Paul Bettany and Jim Broadbent, and the costumes and locations which unexpectedly make the movie pretty rich to the view.And I say \\\"unexpectedly\\\" because I usually do not pay too much attention to those details.

\\\"Victorian era\\\" was (in my humble opinion) one of the key points in contemporary civilization, and not only on the social aspect, but also in the scientific, artistic and cultural ones.But I honestly did not know about the origins from that era very much, and maybe because of that I enjoyed this simplification of the political and economic events which prepared the landing of modern era so much.I also liked the way in which Queen Victoria is portrayed, which is as a young and intelligent monarch whose decisions were not always good, but they were at least inspired by good intentions.I also found the depiction of the romance between Victoria and Prince Albert very interesting because it is equally interested in the combination of intellects as well as in the emotions it evokes.The only fail I found on this movie is that screenwriter Julian Fellowes used some clich\\ufffd\\ufffds of the romantic cinema on the love story, something which feels a bit out of place on his screenplay.

I liked The Young Victoria very much, and I really took a very nice surprise with it.I hope more period films follow the example of this movie: the costumes and the landscapes should work as the support of an interesting story, and not as the replacement of it.\": {\"frequency\": 1, \"value\": \"I always have a ...\"}, \"Sometime in 1998, Saban had acquired the rights to produce a brand-new Ninja Turtles live-action series. Naturally, being a fan of the TMNT back in the day, this obviously peaked my interest. So when I started watching the show... to say I was disappointed by the end result is an understatement. Some time later (more like recently), I got a chance to revisit the series.

First off, let's talk about some of the positives. They managed to re-create the Turtles' lair as it was last seen in the movies fairly well given the limited budget they threw in with this. There tends to be this darker atmosphere overall in terms of the sets and whatnot. And the Turtle suits, while not the greatest piece of puppetry and whatnot, were functional and seemed pretty sturdy for most of the action stuff that would follow in the series.

People tend to complain about getting rid of Shredder quickly and replacing him with these original villains who could have easily been used in a Power Rangers show. But you can only have Shredder get beat so many times before it gets boring and undermines his worth as a villain... and besides, most fans don't realize or don't remember or just plain ignore the fact that in the original comic, the Shredder was offed in the very first issue! Never mind the countless resurrections that would follow. So on a personal standpoint, I was sort of glad they got rid of Shredder because then the anticipation would build to the point where they would eventually bring him back in a later episode. I find that Shredder in small quantities work best because then his encounters with the Turtles are all the more memorable.

Unfortunately, they end up replacing him with these original villains who, as stated, seemed more fit for a Power Rangers show than a Ninja Turtles show. And with these new magic-wielding generics comes a new female magic-wielding turtle, the infamous Venus De Milo. I'll be honest; I never got comfortable with her. I'm not against the idea of a female turtle; I'm just against the idea of one who uses magic and thus sticks out like a sore sight among a clan of ninja turtles who seem somewhat out of their domain. I almost get the impression that this could have easily been the Venus De Milo show dealing with her make-believe enemies and the TMNT are just there to provide the star power (or whatever was left considering the timeframe this was released). Fortunately, they all share the spotlight together.

Next Mutation was canned after a season on the air and the creators were more than happy to ignore it. Given time and maybe another season, I really believe this live iteration of the TMNT could have been something and might have gotten a chance at greatness. But while the idea was sound, the execution was flawed (although there are a couple good episodes in this series). As it stands, Next Mutation is one of those oddities in Turtledom that is best left buried and forgotten.\": {\"frequency\": 1, \"value\": \"Sometime in 1998, ...\"}, \"This movie was God-awful, from conception to execution. The US needs to set up a \\\"Star Wars\\\" site in this remote country? This is their premise? The way to gain access, the US concludes, is to win an obstacle course like cross-country race, where the winner can ask anything of the leader. And who better to win this race known as the \\\"Game\\\" than a gymnast? Of course! A gymnast would be the perfect choice for this mission. And don't forget that his father was an operative. Lucky for our hero, there happen to be gymnastic equipment in fortunate spots, like the stone pommel horse in the middle of a square (for no reason) amidst crazy town. Perfect.

But above and beyond the horrible, HORIBBLE premise, is the awkward fumblings of the romantic scenes, the obviously highly depressed ninjas whose only job seems to be holding a flag to point out the race path, and the worst climax ever. After winning the race, our hero puts forth the wishes of the US government. And lo and behold, all the effort was worth it, because the US gets its \\\"Star Wars\\\" site! Huzzah! THIS IS YOUR TRIUMPHANT ENDING?! Wow.

But still, being such a bad movie, it can be great fun to watch. The cover alone, depicting ninjas with machine guns, was enough to get me to rent this film.

But if I were ever to meet Kurt Thomas (the gymnast-star) in real life, I would probably kick him in the face after a double somersault with 2 1/2 twists in the layout position.\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"Ming The Merciless does a little Bardwork and a movie most foul!\": {\"frequency\": 1, \"value\": \"Ming The Merciless ...\"}, \"Hardly the stuff dreams are made of is this pursuit of the brass ring by a naive hustler (JON VOIGT) and his lame con-man sidekick (DUSTIN Hoffman), soon to forge a friendship based on basic survival skills.

A daring film for its time, and a foremost example of the kind of gritty landscape being explored in the more graphic films of the '60s. Symbolic of the \\\"end of innocence\\\" in American films, since it was the only X-rated film to win a Best Picture Oscar.

JON VOIGT is the male hustler who comes to the big city expecting to find women an easy way to make money when they fight over his body, but soon finds the city is a cold place with no welcome mat for his ilk. Befriended by a lame con-man (DUSTIN Hoffman), he goes through a series of serio-comic adventures that leave him disillusioned and bitter, ready to leave the confines of a cold water flat for the sunshine promised in Florida, a land his friend \\\"Ratzo\\\" dreams of living in.

But even in this final quest, the two are losers. John Schlesinger has directed with finesse from a brilliant script by Waldo Salt, and John Barry's haunting \\\"Midnight Cowboy\\\" theme adds to the poignant moments of search and desperation.

Summing up: A true American classic honestly facing a tough subject and daring to show the underbelly of certain aspects of city life.\": {\"frequency\": 1, \"value\": \"Hardly the stuff ...\"}, \"Writer/Director/Co-Star Adam Jones is headed for great things. That is the thought I had after seeing his feature film \\\"Cross Eyed\\\". Rarely does an independent film leave me feeling as good as his did. Cleverly written and masterfully directed, \\\"Cross Eyed\\\" keeps you involved from beginning to end. Adam Jones may not be a well known name yet, but he will be. If this movie had one or two \\\"Named Actors\\\" it would be a Box Office sensation. I think it still has a chance to get seen by a main stream audience if just one film distributor takes the time to work this movie. Regardless of where it ends up, if you get a chance to see it you won't be disappointed.\": {\"frequency\": 2, \"value\": \"Writer/Director ...\"}, \"Shakespeare Behind Bars was the most surprising and delightful film I've seen all year. It's about a prison program, somewhere in California if I recall correctly, where the inmates have rehearsed and performed a different Shakespeare play every year for the past 14 years. The film follows their production of \\\"The Tempest\\\" from casting through performance, and in the process we learn some pretty amazing things about these men, who are all in for the most serious of crimes. Truth is indeed stranger than fiction -- if anyone tried to adapt this story into a fiction film, the audience would never buy it, but knowing that it's real makes it breathtaking to watch -- literally; I gasped out loud when I learned of one particularly gifted felon's crime. It's like some loopy episode of Oz, and all the more entertaining because the characters and their bizarre stories are real.\": {\"frequency\": 1, \"value\": \"Shakespeare Behind ...\"}, \"Just watched this after my mother brought it back from America for me, was dreading watching this after all the negative comments on here but I have to say, yes the acting is cheesy, some of the effects are laughable.

But you have to remember this was meant to be 1898 not 2005, and for such a low budget I thought it was quite good. I enjoyed this version much more then the Spielberg version I saw last week.

I have read the book so many times, and found myself going \\\"ahh yes that's in the book\\\" almost all the time, with the other version hardly anything of the book existed.

So well done for at least trying to make a true version.\": {\"frequency\": 1, \"value\": \"Just watched this ...\"}, \"I love Jane Austen's stories. I've only read two of them (P&P and S&S), but after having seen this adaption, I'm reaching for \\\"Persuasion\\\" from my bookcase just to make sense out of the story, and also, because I refusing to believe Jane Austen could have written such nonsense. For me, I thought that if you base a film on a Jane Austen novel, you can't really go wrong. It will turn out great pretty much by default. I was wrong.

First of all, where are the characters that you sympathise with and like? You have to have at least one likable character to get the audience to invest their emotions in them, and this did not deliver. Sure, I wanted Anne and Wentworth to get together, but only because that's what you know the purpose of the story is, them getting together. Instead, I had to resist urges to throw my teacup at the TV and to continue watching it to the end.

Anne was utterly annoying throughout, and in the end, I really have no idea why Wentworth was so smitten by her, as there seemed to be nothing there for him to be attracted to. She was meek, bland, dull, socially inadequate and came across like a sheep following everyone else's instructions rather than having a mind of her own. This can still work for a lead character, if you do it well. This wasn't done well.

The other characters were just displaying various degrees of narcissism, of which Mary was the worst, with a full-blown narcissistic personality disorder. Where Mrs. Bennet in P&P had similar flaws, she was still endearing, whereas Mary was more of a freak-show. More loathsome than funny.

Wentworth was very handsome and seemed like a decent kind of guy. For the most part of the story, I was just wondering what kind of person he was and why he's in love with Anne, as surely, he's the kind of guy who would want a person who is a little bit more... alive? Acting-wise, not too much to say, as I reacted more to the characters being portrayed rather than how good/bad the people acting were. Anthony Head was excellent, but as soon as I saw he was in it, I expected no less.

Also found the story very confusing. It wasn't until the end of the movie where it seemed as if Elizabeth was not Anne's stepmother, but in fact a sister (I'm still not 100% on that). The whole Anne/Wentworth back story was also a bit fuzzy. They had been together but then broke up and they're both bitter about it? How come? I was wondering this for quite some time, and the explanation seemed to be she dumped him because she was persuaded to do so by someone? But it was said in a kind of \\\"by the by\\\" way that it was almost missed, as if it was somehow unimportant. How can it be unimportant when it's the very core of the story?? There was also a lot of name-dropping, but no real feel for who the characters were. This Louisa person for instance, who was she? A friend? Family? What? It wasn't made very clear who the different characters are and their relationship with one another. Lady Russell was there a lot, but why? Mrs. Croft and Wentworth were brother and sister, which felt very unrealistic as Mrs. Croft looked old enough to be his mother.

The final kiss, yes it was a bit strange them kissing in the street, but I didn't really think about it, because I was too busy yelling \\\"GET ON WITH IT ALREADY!!\\\" at the TV, because Anne's lips trembled and trembled and trembled for what felt like ages before they actually met Wentworth's. Have SOME hesitation there, but only for a couple of seconds or so, not half a minute.

Then there's the issue of camera work. As a regular movie watcher, you don't pay attention to angles and such unless you decide to look out for it. I didn't decide to do so here, but I still noticed them. To me, that means the filmmakers are not doing a good job. A lot of conversations were with extreme facial closeups, something that should only be used when there's a really important point to be made. In this adaption, it was over-used and therefore lacked meaning. The hand-held feeling on occasion also didn't really work in a period drama. The camera work in the running scene in the end also felt too contemporary. (Not to mention the running itself.) This was the only Austen adaption I caught in ITV's Austen season. Makes me wonder if it's worth watching \\\"Northanger Abbey\\\" and \\\"Mansfield Park\\\" or if I should just read the books and leave it at that. I'm sad to say, this is a Jane Austen adaption I did not enjoy. Maybe I'll watch the 1995 version instead. The BBC are renowned for having done beautiful Austen adaptations before, after all.\": {\"frequency\": 1, \"value\": \"I love Jane ...\"}, \"Okay, first of all I got this movie as a Christmas present so it was FREE! FIRST - This movie was meant to be in stereoscopic 3D. It is for the most part, but whenever the main character is in her car the movie falls flat to 2D! What!!?!?! It's not that hard to film in a car!!! SECOND - The story isn't very good. There are a lot of things wrong with it.

THIRD - Why are they showing all of the deaths in the beginning of the film! It made the movie suck whenever some was going to get killed!!! Watch it for a good laugh , but don't waste your time buying it. Just download it or something for cheap.\": {\"frequency\": 1, \"value\": \"Okay, first of all ...\"}, \"Stephane Rideau was already a star for his tour de force in \\\"Wild Reeds,\\\" and he is one of France's biggest indie stars. In this film, he plays Cedric, a local boy who meets vacationing Mathieu (newcomer Jamie Elkaim, in a stunning, nuanced, ethereal performance) at the beach. Mathieu has a complex relationship with his ill mother, demanding aunt and sister (with whom he has a competitive relationship). Soon, the two are falling in love.

The film's fractured narrative -- which is comprised of lengthy flash-backs, bits and pieces of the present, and real-time forward-movement into the future -- is a little daunting. Director Sebastien Lifshitz doesn't signal which time-period we are in, and the story line can be difficult to follow. But stick it out: The film's final 45 minutes are so engrossing that you won't be able to take your eyes off the screen. By turns heart-breaking and uplifting, this film ranks with \\\"Beautiful Thing\\\" as must-see cinema.\": {\"frequency\": 2, \"value\": \"Stephane Rideau ...\"}, \"S.I.C.K. really stands for So Incredibly Crappy i Killed myself. There was absolutely no acting to speak of. The best part of the whole production was the art work on the cover of the box.The budgeting of this movie was sufficient. The filming was sub sesame street. The production looks like that of the underground filming for mob hits. The props used in this movie were stolen from a clothing store. The ending was so predictable you should fast forward to the last 5 minutes and laugh. If there is a book out there for this movie I'm sure it's better. I would avoid this at all costs. I did enjoy the intimate scenes they made the whole movie worth it. just kidding.\": {\"frequency\": 1, \"value\": \"S.I.C.K. really ...\"}, \"WARNING! Don't even consider watching this film in any form. It's not even worth downloading from the internet. Every bit of porn has more substance than this wasted piece of celluloid. The so-called filmmakers apparently have absolutely no idea how to make a film. They couldn't tell a good joke to save their lives. It's an insult to any human being. If you're looking for a fun-filled movie - go look somewhere else.

Let's hope this Mr. Unterwaldt (the \\\"Jr.\\\" being a good indication for his obvious inexperience and intellectual infancy) dies a slow/painful death and NEVER makes a film again.

In fact, it's even a waste of time to WRITE ANYTHING about this crap, that's why I'll stop right now and rather watch a good film.\": {\"frequency\": 1, \"value\": \"WARNING! Don't ...\"}, \"I watched this video at a friend's house. I'm glad I did not waste money buying this one. The video cover has a scene from the 1975 movie Capricorn One. The movie starts out with several clips of rocket blow-ups, most not related to manned flight. Sibrel's smoking gun is a short video clip of the astronauts preparing a video broadcast. He edits in his own voice-over instead of letting us listen to what the crew had to say. The video curiously ends with a showing of the Zapruder film. His claims about radiation, shielding, star photography, and others lead me to believe is he extremely ignorant or has some sort of ax to grind against NASA, the astronauts, or American in general. His science is bad, and so is this video.\": {\"frequency\": 1, \"value\": \"I watched this ...\"}, \"I'm so confused. I've been a huge Seagal fan for 25 years. I've seen all of his films, and many of those dozens of times. I can only describe this film as \\\"bizarre.\\\" Steven Seagal shares screenplay writing and producing credits on this film, but I have a really tough time believing he would choose to dub over his own voice for so many of his lines, with a thin, whiny imposter's voice no less. What I also don't get is, if they had to dub SOME of his lines, why does his own voice appear on the rest of them? I expect Seagal to age like the rest of us. But the Seagal in this movie barely exudes a fraction of the same swagger, confidence, bravado, charm, and sex-appeal he so easily showed us in ALL of his previous movies. What I found myself missing most of all was his cocky, self-assured attitude and his bad-ass sneer that so easily shifts into that adorable grin. Where is that in-your-face attitude and charm that made him such a huge star??? I hope that this film is not an indication of what Seagal has left to offer us - if so, his lifelong fans will have to concede that the Seagal we all knew and loved is gone.\": {\"frequency\": 1, \"value\": \"I'm so confused. ...\"}, \"I'm not going to criticize the movie. There isn't that much to talk about. It has good animal actions scenes which were probably pretty astonishing at the time. Clyde Beatty isn't exactly a matin\\ufffd\\ufffde idol. He's a little slight and not particularly good looking. But that's OK. He's the man in that lion cage. We know that when he can't take the time away from his lions to tend to his girlfriend, he will end up on an island with her and have to save the day. Someone said earlier that it is a history lesson. The scenes at the circus are of another day, especially the kids who hang around. I didn't realize that even back in the thirties, they sailed on three masted schooners. It looked like something out of 1860. I guess that's the stock footage they had. No wonder the thing got wrecked. They're always talking about fixing her up. There's even a dirigible. It tells us a little about male female relationships at the time, a kind of giggly silliness. But if you don't take it too seriously, you can have fun watching it.\": {\"frequency\": 1, \"value\": \"I'm not going to ...\"}, \"I watched this on the tube last night. The actor's involved first caught my attention. The first scenes were attention getters. Some funny some sad. Good character development. I felt that the latter third of the film diverged. If it was not for the early part of the movie I would have stopped watching. I kept watching wanting to how how it tied together.

Unfortunately I feel that it never happened. I especially did not like the extend period that several of the character were talking yiddish (?). Was that the other shoe?

Would I recommend? No, I think not. As other reviewers mention much of the slang is dated (60's jive) but it was not too distracting. The ending totally turned me off.\": {\"frequency\": 1, \"value\": \"I watched this on ...\"}, \"Beating the bad guys... Again is the tag line for this movie, it exposes so much truth about it.

Home Alone one and two, film classics. Home Alone three and four, a good film if you're three! Like Sharkboy and Lavagirl, as hard as it tries to be funny, it's not. Culkin is replaced by Alex D'Linz or something else. He's a very bland actor with bland performances, but it's not entirely his fault, the writing called for bland vocabulary and bland expressions. The pranks are just copied from the first two with different crooks, and you'd have to be blind to think those chicken pox are real. A good choice if you are a preschool teacher in which is showing this film on a rainy day. And to make things worst, a totally different cast, go see if you don't believe me, but you'll regret it.\": {\"frequency\": 1, \"value\": \"Beating the bad ...\"}, \"This movie didn't really surprise me, as such, it just got better and better. I thought: \\\"Paul Rieser wrote this, huh? Well...we'll see how he does...\\\" Then I saw Peter Falk was in it. I appreciate Colombo. Even though I was never a big fan of the show, I've always liked watching Peter Falk.

The performances of Peter and Paul were so natural that I felt like a fly on the wall. They played off of each other so well that I practically felt giddy with enjoyment! ...And I hadn't even been drinking!

This movie was so well done that I wanted to get right on the phone to Paul and let him know how much I enjoyed it! but I couldn't find his number. Must be unlisted or something.

This was one of those movies that I had no idea what it was going to be about or who was in it or anything. It just came on and I thought:\\\"Eh, why not? Let's see. If I don't like it - I don't have to watch it...\\\" ...and I ended up just loving it!\": {\"frequency\": 1, \"value\": \"This movie didn't ...\"}, \"This movie was like any Jimmy Stewart film,witty,charming and very enjoyable.Kim Novak's performance as Gillian,the beautiful witch who longs to be human,is splendid,her subtle facial expressions,her every move and gesture all create Gillian's unique and somewhat haunting character,she left us hanging on her every word.I should not fail to mention Ernie Kovacs' and Elsa Lanchester's highly commendable performances as the scotch loving writer obsessed with the world of magic(Kovacs) and the latter as the lovable aunt who can't seem to stop using magic even when forbidden to.The romantic scenes between Stewart and Novak are beautifully done and the chemistry between them is great,but then again when is the chemistry between Jimmy Stewart and any leading lady bad!\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"I watched this movie once and might watch it again, but although Jamie Foxx is good in the movie, I feel they could have used a 'less funny' character as Alvin Sanders. Foxx's scenes for instance in the jail when he is confronted by Edgar Clenteen (David Morse) are too funny. David Morse again is a wonderful portrayer of a cop. His tough yet mostly quiet features are perfect for his role. Once again Morse meets Doug Hutchinson (Bristol) in the theater. Morse ends up coming down hard on Hutchinson. They are both perfect for this scenario in each film. I personally love that quality in a film, where actors end up in the same situation as a previous film, as these two did in The Green Mile. Overall it was a pretty good movie.\": {\"frequency\": 1, \"value\": \"I watched this ...\"}, \"Truly one of the most dire films I've ever sat through. I've never actually taken the time to write one of these but felt compelled to after witnessing this affront to film-making and feel somewhat aggrieved to be wasting my time on such a piece of turd to be honest. There were so many parts that infuriated me with their complete randomness and lack of sense (e.g. when would the police force ever shoot people with infectious diseases? When would hospitals ever through out such people for lack of a cure? Why was the guy who spotted him spying on his wife wandering around outside in his dressing gown whilst carrying a gun as she rolled around on the bed?). Also, the characterisation - as we've almost come to expect in such films - was awful (e.g. the way the blonde guy - I don't remember his frickin name and don't give a toss anyway - completely turned against his girlfriend and ran off to leave her) and I ended up wanting them all to meet grisly ends! The production was horribly disjointed and the cinematography nothing to write home about.\": {\"frequency\": 1, \"value\": \"Truly one of the ...\"}, \"I just watched this movie on Starz. Let me go through a few things i thought could have been improved; the acting, writing, directing, special effects, camera crew, sound, and lighting. It also seemed as though the writers had no idea anything that had to do with the movie. Apparently back in 2007, when the dollar was stronger you could buy a super advanced stealth bomber that could go completely invisible for $75 million. Now-a-days those things cost about $3 billion and they cant go invisible. Apparently you can fly from the US to the middle east in an hour. There was a completely random lesbian scene, which I didn't mind, but it seemed like a lame attempt to get more guys to see it. The camera would randomly zoom in on actors and skip to random scenes. Oh yeah, since its a Steven Segal movie, its predictable as hell. All in all I rank it right up there with Snakes on a Plane.\": {\"frequency\": 1, \"value\": \"I just watched ...\"}, \"First of all I need to say that I'm Portuguese and it's not usual to me spend my time watching Portuguese movies, probably one each year or even none...

...And the reason is the almost generalized idea between the Portuguese people that the national pictures are awful, really close to the worst ever made! However, in the last decade, it starts to surprises me when we get back the funny of the 40s when \\\"Le\\ufffd\\ufffdo da Estrela\\\" e \\\"Costa do Castelo\\\" were among the worlds best of their time, with movies like \\\"Pulsa\\ufffd\\ufffd\\ufffd\\ufffdo Zero\\\" or \\\"Sorte Nula\\\", both from director Fernando Fragata and also with some actors and music in common.

This one is also good, not of the same kind because it isn't a true comedy; in fact it's officially a drama, a woman's drama the has some unexpected funny parts, cause of humorous characters or hilarious things that happen to them, like the hypothetical travel to the Caribbean just to get laid.

The plot works and can surprise us a few times; the actors are fine, the locations regular as the score; but the truth is that it all make sense, then we can count it as a nice effort for the national cinema, that seems to be starting from the ashes as the phoenix.

If you want to watch a Portuguese movie, surely you can take better option, but it stills one to be measured.\": {\"frequency\": 1, \"value\": \"First of all I ...\"}, \"Basing a television series on a popular author's works is no guarantee of success. Yorkshire Television learnt this the hard way when in 1979 they bought the rights to the books credited to Dick Francis, three of which were broadcast under the collective title 'The Racing Game'. Mike Gwilym was Sid Halley, a former jockey turned private eye following an accident in which he lost his right hand, only to have it replaced by an artificial one. Gwilym suffered from an acute lack of charisma ( and looked like one of the bad guys ) while Mick Ford ( who played the irritating Chico Barnes ) made me think of a horse's arse whenever he was on screen. For six weeks, this less-than dynamic duo charged about the countryside, foiling nefarious plots to fix races, usually by the same methods - blackmail, kidnapping riders or doping horses. Yorkshire Television threw money at the show, but to no avail. Violent, sexist, far-fetched and repetitious, it was quickly carted off to the knackers yard.\": {\"frequency\": 1, \"value\": \"Basing a ...\"}, \"This is not the stuff of soap-operas but the sort of conundrums that real people face in real life. A testament to the ensemble and director for the powerful story-telling of fallible characters trying to cope but not quite succeeding.\": {\"frequency\": 1, \"value\": \"This is not the ...\"}, \"60 minutes in the beautiful Christina Galbo tries to escape the isolated boarding school she's brought to at the beginning of the movie. Is she running from some kind of fate too horrible to contemplate, a monster, black-gloved killer, or supernatural evil? No, she's running from a bunch of bullies. For the OTHER 40 minutes that follow, various figures walk around the school in the dark holding candelabras and looking alarmed or distraught, which doesn't say much in itself perhaps because great movies have been made about just that but if you're going to have characters walking around corridors and staircases you better be Alain Resnais or you better know how to light that staircase in bright apple reds and purples like Mario Bava. We know a killer stalks the perimeters of the school but his body count is pitiful and sparse and in the absence of the visceral horrors one expects to find in the giallo, we get no sense of sinister mysteries/unspeakable secrets festering behind a facade of order and piety and rightness which is the kind of movie La Residencia wants to be but doesn't quite know how to do it. We know something is off because girls are reported missing but we never get the foreboding mysterious atmosphere that says \\\"something is seriously f-cking wrong here, man\\\". When Serrador tries to comment on the sexual repression of the female students, he does so with quick-cutting hysterics and detail closeups of eyes and parted lips while high pitched \\\"this-is-shocking\\\" music blares in the background. None of the aetherial beauty and longing of PICNIC AT HANGING ROCK to be found here. It's all a bit clumsy and aimless, with no real sense of urgency or direction. A number of people are presented as suspects but there's little reason to care for the identity of a killer that goes unnoticed by the characters inside the movie. I like the first kill, the image of a knife hitting target superimposed over the anguished face of the victim as a lullaby chimes in the background, but the rest is too inconsequential for my taste. I have to say Serrador did much better with the killing children and paranoia du soleil of WHO CAN KILL A CHILD?\": {\"frequency\": 1, \"value\": \"60 minutes in the ...\"}, \"My wife and I like to rent really stupid horror/sci-fi movies and watch them with our friends for a laugh. We saw this one on fullmoondirect.com and decided to add it to our netflix list. Now, when I say this movie is awful, I mean it in a good way. Everything about it, the acting, camera-work, story, costumes, is just so cheezy and low budget but thats what makes it so good. I think in one scene the actors looked like they were actually walking in place. I really hope that whoever made this film wasn't serious when they made it because if they were, then that would just be sad. If you like to watch really stupid horror movies just to make fun of them then I recommend this one.\": {\"frequency\": 1, \"value\": \"My wife and I like ...\"}, \"This is a rip-roaring British comedy movie and one that i could watch over and over again without growing tired. Peter Ustinov has never performed in a bad role and this is no exception, particularly with his dry wit but very clever master plan. Karl Malden has always been an admirer of mine since he starred in 'Streets of San Francisco'. I believe that Maggie Smith is the real star of this film though, appearing to be so inept at everything she tries to do but in truth is so switched on, particularly at the end when she informs everyone that she has invested so much money that she has discovered whilst laundering his clothes. One thing does concern me though, could someone please tell me why i cannot purchase this on either DVD or VHS format in the UK, could someone please assist?\": {\"frequency\": 1, \"value\": \"This is a rip- ...\"}, \"I usually don't walk out of a movie, but halfway thru I did. This movie promised something different, but I kept thinking haven't I seen that before? Spoiler Alert! Back in 1, the spaceship crashes and lands on earth, well, all these years later, with a super adult on board no less, this thing still manages to burn up and crash! What, this advanced civilization can't seem to develop landing gear? For an industry that's so liberal, we get to see another Woody Allen movie, no blacks please! Superman runs around saving people, making sure he sticks to Europe and the US, don't go into darkie areas please. Maybe I could stomach this about 30 years ago, but now now.\": {\"frequency\": 1, \"value\": \"I usually don't ...\"}, \"What an unusual movie.

Absolutely no concessions are made to \\\"Hollywood special effects\\\" or entertainment. There is no background music, not special effects or enhanced sound.

Facial expressions are usually covered by thick beards and the Spanish language is a strange monotonic lilt that sounds the same whether in the midst of a battle or talking around a campfire.

I sort of viewed these movies (parts 1 and 2) as an educational experience, not really something to go and get entertained by. Its quite long and in places dull.

But I suspect that given the lack of any plot development, I don't think its very educational either.

Its also difficult to perceive any story from the movie dialogue - it would be a good idea to read up a little on the history so that you can understand the context of what is happening, since for some reason the director didn't see fit to inform the audience why Che's band was moving around the way they did - as a result there seem to be groups skulking around the woodland for no particular reason and getting shot at.

I would have loved to give this movie more stars for somehow generating more empathy with me and developing depth of character, but somehow all of the characters were still strangers to me at the end. The stars it gets are for realism and showing the hardships of guerrilla warfare.\": {\"frequency\": 2, \"value\": \"What an unusual ...\"}, \"I cannot believe that this movie was ever created. I think at points the director is trying to make it an artistic piece but this just makes it worse. The zombies look like they applied too much eye makeup. The zombies are only in the movie for a few minutes. Finally, there are maybe five or six zombies total, definitely not a nation. The best part of the movie, if there is one is definitely the credits because the painful experience was finally finished. Again to reiterate other user comments, the voodoo priestesses are strange and do not make much sense in the whole movie. Also, there is a scene with a snake and a romanian girl that just does not make sense at all. It is never explained.\": {\"frequency\": 1, \"value\": \"I cannot believe ...\"}, \"'Presque Rien' ('Come Undone') is an earlier work by the inordinately gifted writer/ director S\\ufffd\\ufffdbastien Lifshitz (with the collaboration of writer St\\ufffd\\ufffdphane Bouquet - the team that gave us the later 'Wild Side'). As we come to understand Lifshitz's manner of storytelling each of his works becomes more treasureable. By allowing his tender and sensitive love stories to unfold in the same random fashion found in the minds of confused and insecure youths - time now, time passed, time reflective, time imagined, time alone - Lifshitz makes his tales more personal, involving the viewer with every aspect of the characters' responses. It takes a bit of work to key into his method, but going with his technique draws us deeply into the film.

Mathieu (handsome and gifted J\\ufffd\\ufffdr\\ufffd\\ufffdmie Elka\\ufffd\\ufffdm) is visiting the seaside for a holiday, a time to allow his mother (Dominique Reymond) to struggle with her undefined illness, cared for by the worldly and wise Annick (Marie Matheron) and accompanied by his sister Sarah (Laetitia Legrix): their distant father has remained at home for business reasons. Weaving in and out of the first moments of the film are images of Mathieu alone, looking depressed, riding trains, speaking to someone in a little recorder. We are left to wonder whether the unfolding action is all memory or contemporary action.

While sunning at the beach Mathieu notices a handsome youth his age starring at him, and we can feel Mathieu's emotions quivering with confusion. The youth C\\ufffd\\ufffddric (St\\ufffd\\ufffdphane Rideau) follows Mathieu and his sister home, continuing the mystery of attraction. Soon C\\ufffd\\ufffddric approaches Mathieu and a gentle introduction leads to a kiss that begins a passionate love obsession. Mathieu is terrified of the direction he is taking, rebuffs C\\ufffd\\ufffddric's public approaches, but continues to seek him out for consignations. The two young men are fully in the throes of being in love and the enactment of the physical aspect of this relationship, so very necessary to understanding this story, is shared with the audience in some very erotic and sensual scenes. Yet as the summer wears on Mathieu, a committed student, realizes that C\\ufffd\\ufffddric is a drifter working in a condiment stand at a carnival. It becomes apparent that C\\ufffd\\ufffddric is the Dionysian partner while Mathieu is the Apollonian one: in a telling time in architectural ruin Mathieu is excited by the beauty of the history and space while C\\ufffd\\ufffddric is only interested in the place as a new hideaway for lovemaking.

Mathieu is a complex person, coping with his familial ties strained by critical illness and a non-present father, a fear of his burgeoning sexuality, and his nascent passion for C\\ufffd\\ufffddric. Their moments of joy are disrupted by C\\ufffd\\ufffddric's admission of infidelity and Mathieu's inability to cope with that issue and eventually they part ways. Time passes, family changes are made, and Mathieu drifts into depression including a suicide attempt. The manner in which Mathieu copes with all of these challenges and finds solace, strangely enough, in one of C\\ufffd\\ufffddric's past lovers Pierre (Nils Ohlund) brings the film to an ambiguous yet wholly successful climax.

After viewing the film the feeling of identification with these characters is so strong that the desire to start the film from the beginning now with the knowledge of the complete story is powerful. Lifshitz has given us a film of meditation with passion, conflicts with passion's powers found in love, and a quiet film of silences and reveries that are incomparably beautiful. The entire cast is superb and the direction is gentle and provocative. Lifshitz is most assuredly one of the bright lights of film-making. In French with English subtitles. Highly Recommended. Grady Harp\": {\"frequency\": 1, \"value\": \"'Presque Rien' ...\"}, \"Bad movie. It\\ufffd\\ufffds too complicated for young children and too childish for grown-ups. I just saw it because I\\ufffd\\ufffdm a Robin Williams fan and I was very disappointed.(\": {\"frequency\": 1, \"value\": \"Bad movie. It\\u00b4s ...\"}, \"By my \\\"Kool-Aid drinkers\\\" remark, I mean that these are such devoted fans of the man Pavarotti that they make no attempt to objectively rate this film. Giving this a 10 is akin to giving Wally Cox the award for Mr. Universe or putting a velvet Elvis painting in the Louvre!!! When this film debuted, I remember the savage reviews with headlines such as \\\"No, Giorgio\\\" and some said it was among the worst films ever made. This is definitely overstating it as well. While bad and far from a great work of art, there was a lot to like about the film and the movie's biggest deficit was not the acting of Pavarotti nor his girth.

Believe it or not, the brunt of the blame rests solely on the shoulders of the writers (who, I believe, were chimps). It is rare to see a movie with such clich\\ufffd\\ufffdd dialog or goofy scenes like the food fight, but even they aren't the heart of the problem. The problem is that the writers intend for the audience to care about a \\\"romance\\\" that consists of a horny married middle-aged man and a seemingly desperate lady. Perhaps European audiences might be more forgiving of this, but in the United States in 1982 or today, such a romance seems sleazy and selfish--especially when Pavarotti tells Harrold that he loves his wife and \\\"this is just fun\\\". Wow, talk about romantic dialog!! Sadly, if they had just changed the script a little bit and made Pavarotti a widower or perhaps had his wife be like the wife from a couple classic Hollywood films, such as from ALL THIS AND HEAVEN, TOO or THE SUSPECT (where the wife was so vile and unlikable you could forgive the husband having an affair or even killing her). Instead, she's the loving mother of two kids who waits patiently at home while her egotistical hubby beds tarts right and left--as Pavarotti admits to having had many affairs before meeting Harrold.

Sadly, even the gorgeous music of Pavarotti couldn't save this film. Towards the end of the film, there are some amazing scenes in New York where the set is just incredible and Pavarotti's singing transcendent. For that reason, I think the movie at least deserves a 3. I really wanted to like the film more, but it was a truly bad film--though not quite as rotten as you might have heard.

Sadly, from what I have read, this film might be a case of art imitating life, as Pavarotti's own life later had some parallels to this film, though this isn't exactly the forum to discuss this in detail.\": {\"frequency\": 1, \"value\": \"By my \\\"Kool-Aid ...\"}, \"The problem with the 1985 version of this movie is simple; Indiana Jones was so closely modeled after Alan Quartermain (or at least is an Alan Quartermain TYPE of character), that the '85 director made the mistake of plundering the IJ movies for dialog and story far too deeply. What you got as a finished product was a jumbled mess of the name Alan Quartermain, in an uneven hodge podge of a cheaply imitated IJ saga (with a touch of Austin Powers-esquire cheese here and there).

It was labeled by many critics to have been a \\\"great parody,\\\" or \\\"unintentional comedy.\\\" Unintentional is the word. This movie was never intended to be humorous; witty, yes, but not humorous. Unfortunately, it's witless rather than witty.

With this new M4TV mini-series, you get much more story, character development of your lead, solid portrayals, and a fine, even, entertaining blend. This story is a bit long; much longer than its predecessors, but deservedly so as this version carries a real storyline and not just action and Eye Candy. While it features both action and Eye Candy, it also corrects the mistake made in the 1985 version by forgetting IJ all together and going back to the source materials for AQ, making for a fine, well - thought - out plot, and some nice complementing sub-plots.

Now this attempt is not the all out action-extravaganza that is Indiana Jones. Nor is it a poor attempt to be so. This vehicle is plot and character driven and is a beautiful rendition of the AQ/KSM saga. Filmed on location in South Africa, the audience is granted beautiful (if desolate) vistas, SA aboriginal cultures, and some nice wildlife footage to blend smoothly with the performances and storyline here.

Steve Boyum totally surprised me with this one, as I have never been one to subscribe to his vision. In fact, I have disliked most of his work as a director, until this attempt. I hope this is more a new vein of talent and less the fluke that it seems to be.

This version rates a 9.8/10 on the \\\"TV\\\" scale from...

the Fiend :.\": {\"frequency\": 1, \"value\": \"The problem with ...\"}, \"Exactly what you would expect from a B-Movie. Deritive, gratuitous nudity, boring in parts, ridiculous gore and cheesy special-effects. Of course it could have been better, better acted (defintly) better written, directed, etc. But then I guess it wouldn't have been a B movie. The actors pretty much sucked, in fact this pretty much seemed like an episode of buffy the vampire slayer or something except with a lot of blood, profanity and nudity.

Tiffany Shepis must be singled out. She absolutely is the scream queen of the new millennium. Not that acting really matters in these movies, but she was better than any of the other actors. She's also smokin hot, in that plastic jump suit thing she wore for the whole movie - wow! Her posterior is absolutely stunning in that outfit, I mean it every single time she turns around you can help but check her out. And near then end of the film the viewer is rewarded with seeing her completely nekked.

So if your a looser b-movie horror buff (like myself), check this out. If not, you should probably avoid at all costs.\": {\"frequency\": 1, \"value\": \"Exactly what you ...\"}, \"As Alan Rudolph's \\\"Breakfast of Champions\\\" slides into theaters with little fanfare and much derision it makes me think back to 1996 when Keith Gordon's \\\"Mother Night\\\" came out. Now for all the talk of Kurt Vonnegut being \\\"unfilmable\\\" it's surprising that he has gotten two superb cinematic treatments (the other being \\\"Slaughter-house Five\\\"). \\\"Mother Night\\\" is certainly one of the most underappreciated films of the decade and I cannot understand why. It's brilliant! It stays almost entirely faithful to Vonnegut's book (without being stilted or overly literary) and adds to it a poetry that is purely cinematic. How many film adaptations of any author's work can claim that? Vonnegut himself even puts in a cameo appearance towards the end of the film, and can you ask for a better endorsement than that? Not only is it a beautiful film, it is a beautifully acted, written and directed film and it is among my picks for the top five or so American films of the 1990s. It's a mournful, inspired, surreal masterpiece that does not deserve to be neglected. I would sincerely encourage anyone to see \\\"Mother Night\\\" - it doesn't even take a familiarity with Vonnegut's work to fully appreciate it (as \\\"Slaughter-house Five\\\" sometimes does). It is a powerful, affecting piece of cinema.\": {\"frequency\": 1, \"value\": \"As Alan Rudolph's ...\"}, \"I find it very intriguing that Lee Radziwill, Jackie Kennedy's sister and the cousin of these women, would encourage the Maysles' to make \\\"Big Edie\\\" and \\\"Little Edie\\\" the subject of a film. They certainly could be considered the \\\"skeletons\\\" in the family closet. The extra features on the DVD include several contemporary fashion designers crediting some of their ideas to these oddball women. I'd say that anyone interested in fashion would find the discussion by these designers fascinating. (i.e. \\\"Are they nuts? Or am I missing something?\\\"). This movie is hard to come by. Netflix does not have it. Facets does, though.\": {\"frequency\": 1, \"value\": \"I find it very ...\"}, \"The teasers for Tree of Palme try to pass it off as a sort of allegory for a fairy tale with actual meaning, then immediately start raving about the animation. I should have known what that meant.

The main character, Palme, is a good example of the whole movie's problem. One minute, Palme is a humble hero in search of himself, the next a violent psycho with an unhealthy fixation on a girl he once took care of.

Like all of the characters in the movie, Palme is poorly defined. You do not bond with the characters at all, although Shatta has acquired a couple of fan girls. It seems that the writer was more interested in cramming all the drama and complexity he could into this movie than actually exploring his characters' motivations and personalities.

New, useless story lines were being introduced in the last fifteen minutes of the movie. The writer seriously needed to streamline his story. Perhaps he was trying to be epic, but it was simply too much information for a two-hour movie. However I can't help but wonder if a plot with so many dimensions and characters would have been better suited for a TV series or graphic novel.

In the last five minutes of the movie, I simply could not endure the sheer lack of quality any longer and began laughing at how contrived the characters, the relationships, and the whole plot was. I touched my companion and he started cracking up too, as did a young man seated behind us. We tried so hard to control ourselves, but we simply could not take the terrible quality of this movie.

On the bright side, the animation is incredible and viewers will find themselves admiring the lush backgrounds and charming character designs. The animation almost guides you; when you don't care about the characters, it tells you how to feel.\": {\"frequency\": 1, \"value\": \"The teasers for ...\"}, \"Pinjar is truly a masterpiece... . It's a thought provoking Film that makes you think and makes you question our culture. It is without a doubt the best Hindi movie I have seen to date. This film should have been shown at movie festivals around the world and I believe would have been a serious contender at Cannes. All the characters were perfectly cast and Urmila Matkondar and Manoj Bhajpai were haunting in their roles.

The story the movie tells about partition is a very very important story and one that should never be forgotten.

It has no biases or prejudices and has given the partition a human story. Here, no one country is depicted as good or bad. There are evil Indians, evil Pakistanis and good Indians and Pakistanis. The cinematography is excellent and the music is melodious, meaningful and haunting. Everything about the movie was amazing...and the acting just took my breath away. All were perfectly cast.\": {\"frequency\": 1, \"value\": \"Pinjar is truly a ...\"}, \"This quasi J-horror film followed a young woman as she returns to her childhood village on the island of Shikoku to sell the family house and meet up with old friends. She finds that one, the daughter of the village priestess, drowned several years earlier. She and Fumiko (another childhood friend) then learn that Sayori's mother is trying to bring her back to life with black magic. Already the bonds between the dead and living are getting weak and the friends and villagers are seeing ghosts. Nothing was exceptional or even very good about this movie. Unlike stellar J-horror films, the suspense doesn't really build, the result doesn't seem overly threatening and the ending borders on the absurd.

This movie is like plain white rice cooked a little too long so that it is bordering on mushy. Sometimes you get this at poor Asian restaurants or cook your own white rice a little too long. You end up eating it, because you need it with the meal, because what is Chinese or Japanese food without rice, but it almost ruins the meal because of the gluey, gooey tastelessness of it all. 3/10 http://blog.myspace.com/locoformovies\": {\"frequency\": 1, \"value\": \"This quasi ...\"}, \"The original title means \\\"The Birth of the Octopuses\\\". I must confess that I do not quite understand this title. The English title is \\\"Water Lilies\\\". But after having written this, I read the comment by another user: \\\"The title in French is also suggestive: \\\"prieuve\\\", or octopus, suggest an individual having to juggle many pressures simultaneously.\\\" Thanks for your explanation.

The basic theme is the first sexual emotions of girls, when it is not clear if they are directed toward the same or the other sex. It is no different for boys. I think that both Floriane and Marie will eventually have heterosexual feelings without any admixtures.

Much of the movie is water ballet. Sometimes the girls will have their heads downwards, and nothing above the water except their feet and lowers legs, with which they will wave and kick in the air. To people like me who had never seen such things before, it was fascinating. - Floriane is the leader of one team of \\\"water lilies\\\".

Marie tells her that she would like to see when Floriane is training. This seems to be their first contact that is not just ordinary. Soon they will walk together. Floriane takes Marie to a garage where a boy is waiting for her, and then goes away with him for an hour, while Marie is waiting for her to return. I took for granted that the couple slept with each other. But we will later learn from the movie that they do less than that.

I can supply some information which few users will find elsewhere. There is a scene in which Marie secretly steals Floriane's garbage bag. In it she finds an apple, mostly eaten. And Marie proceeds to eat the rest. \\ufffd\\ufffd There is a parallel scene in another movie, \\\"Kazetachi no gogo\\\" (Afternoon Breezes) by Hitoshi Yazaki (Japan, 1980). This is about adult young females, and a clearly Lesbian woman is vainly in love with a heterosexual woman. She also steals a garbage bag of the beloved, and also finds a more or less eaten apple and eats the rest.

Later Floriane tells Marie that she would like to have her first orgasm from her. Marie says she cannot do this.

But still later Marie says that she is indeed willing to do it. And she masturbates on Floriane. There is no nudity in this scene.

Probably only a female director could have made such a fine psychological show or study of \\ufffd\\ufffd I would like to quote Baudelaire, \\\"Les amours enfantines\\\".

Floriane is played by Ad\\ufffd\\ufffdle Haenel, who made the excellent performance as the autistic girl in \\\"The Little Devils\\\" by Christophe Ruggia (2002) \\ufffd\\ufffd a very underrated movie.\": {\"frequency\": 1, \"value\": \"The original title ...\"}, \"This was, so far, the worst movie I have seen in my entire life, and I have seen some REALLY bad movies. I saw this movie at my local video store, and the cover looked like it could be a decent horror movie. Little did I know that the cover would be the best part of the movie. Where to start? The filming of the movie was scattered and boring. At one point, there is a one-minute scene of no one talking, just a car driving to a ranch on a normal sunny day. Nothing happened, they just drove in silence. The whole movie is boring, with annoying, unbelievable dialogue and basically no plot to speak of. If you rent this movie, watch it with some friends and it might make a good comedy. Otherwise, when you see this movie, run.\": {\"frequency\": 1, \"value\": \"This was, so far, ...\"}, \"No, there is another !

Because every Star Wars fan had to have an opinion about I, II & III and because that opinion was biased since we missed so much the atmosphere and the characters of the original trilogy, I will state the good points of \\\"The Return of the Jedi\\\" and a few corresponding bad points of the prequel. Of course, I loved the music, the special effects, the two droids, but this has been overly debated elsewhere.

What we get in the original trilogy and in this particular movie : - A strong ecological concern - Anti-militarist positions - Fascinating insights about the Jedi Order and the Force - Cute creatures - Harrison Ford's smile - A killer scene : Near the ending, when Vader looks alternatively at his son and at the Emperor. The lightning of the lethal bolts reflected on his Black helmet. And when he grabs and betrays his Master to save Luke, thereby risking his own life ! Oh, boy !

What is wrong in the prequel INMHO : - the whole \\\"human factor\\\" element that the original cast was able to push forward is somehow missing - The Force seems to be more about superpowers and somersaults, than about wisdom - Too many Jedis at once and too many Light Sabers on the screen - The lack of experience of a few actors too often threatens the coherence of the plot

By the way, if you enjoy the theory of the Force as explained by Obi Web (Obi Wen, I mean) and Yoda, then you should read a few books about Buddhism and the forms it took in Ancient Japan.

The magic of Star Wars, IMHO lies mainly in the continuing spiritual heritage from a master to his apprentice, from a father to his son, albeit the difficulties. \\\"De mon \\ufffd\\ufffdme \\ufffd\\ufffd ton \\ufffd\\ufffdme\\\", (from my soul to yours), as would write Bejard to the late Zen master T. Deshimaru.\": {\"frequency\": 1, \"value\": \"No, there is ...\"}, \"In 1454, in France, the sorcerer Alaric de Marnac (Paul Naschy) is decapitated and his mistress Mabille De Lancr\\ufffd\\ufffd (Helga Lin\\ufffd\\ufffd) is tortured to death accused of witchcraft, vampirism and lycanthropy. Before they die, they curse the next generations of their executioners. In the present days (in the 70's), Hugo de Marnac (Paul Naschy) and Sylvia (Betsab\\ufffd\\ufffd Ruiz) and their friends Maurice Roland (Vic Winner) and his beloved Paula (Cristina Suriani) go to a s\\ufffd\\ufffdance session, where they evoke the spirit of Alaric de Marnac. They decide to travel to the Villas de Sade, a real estate of Hugo's family in the countryside, to seek a monastery with a hidden treasure. They find Alaric's head and the fiend possesses them, bringing Mabille back to life and executing the locals in gore sacrifices. After the death of her father, Elvira (Emma Cohen) recalls that he has the Thor's Hammer amulet hidden in a well; together with Maurice, they try to defeat the demoniac Alaric de Marnac and Mabille.

Last weekend I bought a box of horror genre with five DVDs of Paul Naschy per US$ 9.98; despite of having no references, I decided to take the chance. The first DVD with the uncut and restored version \\\"Horror Rises from the Tomb\\\" is a trash B (or C) movie that immediately made me recall Ed Wood. The ridiculous story is disclosed through awful screenplay, direction, performances, cinematography, decoration, special effects and edition and with lots of naked women. The result is simply hilarious and I can guarantee that Ed Wood's style is back. My vote is three.

Title (Brazil): Not Available\": {\"frequency\": 1, \"value\": \"In 1454, in ...\"}, \"GREAT movie and the family will love it!! If kids are bored one day just pop the tape in and you'll be so glad you did!!!

~~~Rube

i luv raven-s!\": {\"frequency\": 1, \"value\": \"GREAT movie and ...\"}, \"I didn't expect much from this, but I have to admit I was rolling on the ground laughing a few times during this film. If you are not grossly offended in the first ten minutes, this might be a film for you. Ditto if you are the type that would enjoy watching Amanda Peet shuffling cards for an hour and a half. It's certainly not a momentous work of comedy, but given the low-budget indy genesis this is masterful. To level the playing field for comparison, imagine all of the studio films with their budgets slashed by a factor of 100 or so and see what you get! Kudos to Peter Cohen and his network for seeing this through. I look forward to his next effort.\": {\"frequency\": 2, \"value\": \"I didn't expect ...\"}, \"One of the cornerstones of low-budget cinema is taking a well-known, classic storyline and making a complete bastardization out of it. Phantom of the Mall is no exception to this rule. The screenwriter takes the enduring Phantom of the Opera storyline and moves it into a late '80s shopping mall. However, the \\\"Phantom's\\\" goal now is simply to get revenge upon those responsible for disfiguring his face and murdering his family. The special effects do provide a good chuckle, especially when body parts begin appearing in dishes from the yogurt stand. Pauly Shore has a small role which does not allow him to be as fully obnoxious as one would expect, mostly due to the fact that his fifteen minutes of MTV fame had not yet arrived. If you're looking for a few good laughs at the expense of the actors and special effects crew, check this flick out. Otherwise, keep on looking for something else.\": {\"frequency\": 1, \"value\": \"One of the ...\"}, \"I watched \\\"Elephant Walk\\\" for the first time in about 30 years and was struck by how similar the story line is to the greatly superior \\\"Rebecca.\\\" As others have said, you have the sweet young thing swept off her feet by the alternately charming and brooding lord of the manor, only to find her marriage threatened by the inescapable memory of a larger-than-life yet deeply flawed relative. You have the stern and disapproving servant, a crisis that will either bind the couple together or tear them irreparably apart, climaxed by the fiery destruction of the lavish homestead.

Meanwhile, \\\"Elephant Walk\\\" also owes some of its creepy jungle atmosphere to \\\"The Letter,\\\" the Bette Davis love triangle set on a Singapore rubber plantation rather than a Sri Lankan tea plantation.

Maltin gives \\\"Elephant Walk\\\" just two stars, and IMDb readers aren't much kinder, but I enjoyed it despite its predictability. Elizabeth Taylor never looked lovelier, and Peter Finch does a credible job as the basically good man unable to shake off the influence of his overbearing father. Dana Andrews -- a favorite in \\\"Laura\\\" and \\\"The Best Year of Our Lives\\\" -- is wasted as Elizabeth's frustrated admirer. The real star is the bungalow, one of the most beautiful interior sets in movie history.\": {\"frequency\": 1, \"value\": \"I watched ...\"}, \"NOTHING in this movie is funny. I thought the premise, giving a human the libido of a randy ram, was interesting and should provide for some laughs. WRONG! There is simply nothing funny about the movie. For example, the main character making a pass at a goat in heat in the middle of a farmer's yard is not funny, it borders on obscenity. They are toying around with bestiality in this film on one level, and it just aint funny.

We all know that dogs will eat anything, anywhere, anytime. The main character doing this with everything, everywhere, everytime is also not funny. It becomes a cliche.

Rob Schneider is, I guess, acceptable in the role. By this, I mean that he's not a bad actor, but with rotten material it's difficult to comment on quality. However, Coleen Haskell, the other half of the HUMAN-romantic leads (does one count the number of animals that the main character has interest in as romantic leads too?), seems embarrassed by the whole thing, as well she should be. She seems to be acting in some kind of vacuum, detached from all the other actors in the movie.

See this film only if you wish to be bored by tasteless, dull, repetitive material.\": {\"frequency\": 1, \"value\": \"NOTHING in this ...\"}, \"I saw the film tonight at a free preview screening, and despite the fact that I didn't pay a dime to see this film I still felt ripped off. Ladies and gentlemen, time is money and if you see this film you are leaving a Benjamin on your seat. The acting is torpid at best; Kiefer Sutherland phones in his worst impersonation of Jack Bauer, and Michael Douglas looks like he realizes he made a bad choice leaving Catherine Zeta-Jones for the duration it took to shoot this turkey. Eva Longoria is a non-entity; she looks like she's reading her lines off a teleprompter. And if you can't spot the \\\"mole\\\" within the first 20 minutes, then you just landed on this planet from a world without TV and recycled story lines. If you truly want to see a good secret service thriller, rent In the Line of Fire. If you see and buy into this one, you'll start to fear for the president's safety because the Secret Service looks and acts like the grown-up versions of the kinds from 90210. No matter what your feelings about W, let's hope this \\\"art\\\" does not imitate life.\": {\"frequency\": 1, \"value\": \"I saw the film ...\"}, \"I'm probably not giving this movie a fair shake, as I was unable to watch all of it. Perhaps if I'd seen it in a theater, in its original presentation, I might have appreciated it, but it's far too slow-moving for me.

I read the book some 25 years ago and the details of the plot have faded from memory. This did not help the film, as it's something less than vivid and clear in its presentation of events.

This is really four linked films, or a film in four parts, and was, I believe, intended to be seen over four nights in a theatrical presentation. I found Part I to be enjoyable enough, but it was all I could do to sit through Part II, which drags interminably. Reading Tolstoy's philosophizing is one thing. If you get a good translation or can read it in the original, his brilliant writing far outweighs any issues one might have with the pace of the story. On film, however, it's hard to reproduce without being ponderous.

I have other issues with the parts of the film that I saw. It's very splashy, with a lot of hey-ma-look-at-this camera work that calls attention to itself, instead of serving to advance the story.

Clearly, I'm missing something, but I just couldn't summon the enthusiasm to crank up parts III and IV.\": {\"frequency\": 1, \"value\": \"I'm probably not ...\"}, \"Saw this film yesterday for the first time and thoroughly enjoyed it. I'm a student of screen writing and I loved the way the minor characters intervened just when something pivotal/climatic happened in a scene.

I thought the dialogue was very sharp and the premise of story is rather shocking - at one particular point Barbara Stanwyck is openly flirting with her daughter's boyfriend; AND rekindling some passion in her husband whom she hasn't seen in ten years; AND with the gunshot signal 'two shots and then one' she hooks up with her old shag mate Dutch (the reason she left town in the first place!) ALL AT THE SAME TIME! The moral majority must have been totally incensed when they saw this flick back in the 50's.

Love the costumes and cinematography and the straight from the hip dialogue - just to watch Barbara Stanwyck and Co doing the 'Bunny Hug' is good enough reason to rent this film on DVD.

One of the best films from that period I've seen in a long time.\": {\"frequency\": 1, \"value\": \"Saw this film ...\"}, \"The cover art (which features a man holding a scary pellet gun) would make it seem as if it's a martial arts film. (Hardly.)

I find it interesting that the film's real title is Trojan Warrior. (Trojan is a brand of condoms in the US) This movie is loaded with homoeroticism. If you like that stuff, then this film isn't that bad really. However, consider these points:

There are numerous close-ups of actors' groins & butts, (One scene even features every actor with an erection bulging in his pants.) the film is also bathed in gaudy colors like lime, peach, and red. From a cinematographer's standpoint, this movie's a drag queen! Several scenes feature characters standing EXTREMELY close to one another, occasionally touching as they converse. Also, the cousin of the hero likes women, and every other guy in the movie is trying to kill him. Is there a message here the filmmakers want to convey?

Shall I go into the fight scenes? (Yes, someone's private parts get grabbed in one fight.) The martial arts scenes are brief and unimaginative. No fancy stuff here, just your standard moves you'd see in an old Chuck Norris flick. There's also a car chase scene which may be the first ever LOW-speed chase put on film.\": {\"frequency\": 1, \"value\": \"The cover art ...\"}, \"I give this five out of 10. All five marks are for Hendrix who delivers a very decent set of his latter day material. Unfortunately the quality of the camera work and editing is verging on the appalling! We have countless full-face shots of Hendrix where he could almost be doing anything, taking a pee perhaps? We don't see his hands on the guitar thats the point! Also we're given plenty shots of Hendrix from behind? There appears to be three cameras on Hendrix, but amateur fools operate all of them. The guy in front of Hendrix seems to be keen to wander his focus lazily about the stage as if Hendrix on the guitar is a mere distraction. While the guy behind is keener on zeroing in on a few chicks in the stalls than actually documenting the incredible guitar work thats bleeding out the amps (the sound recording is good thanks to Wally Heider) Interspersed on the tracks are clips of student losers protesting against Vietnam etc on tracks like Machine Gun, complete waste of film! If Hendrix had lived even another two years Berkeley is one of those things that would never have seen the light of day as far as a complete official release goes. The one gem it does contain is the incredible Johnny B Good but all in a pretty poor visual document of the great man and inferior to both Woodstock and Isle of Wight\": {\"frequency\": 1, \"value\": \"I give this five ...\"}, \"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\": {\"frequency\": 1, \"value\": \"Don't let my ...\"}, \"There is no reason to see this movie. A good plot idea is handled very badly. In the middle of the movie everything changes and from there on nothing makes much sense. The reason for the killings are not made clear. The acting is awful. Nick Stahl obviously needs a better director. He was excellent in In the Bedroom, but here he is terrible. Amber Benson from Buffy, has to change her character someday. Even those of you who enjoy gratuitous sex and violence will be disappointed. Even though the movie was 80 minutes, which is too short for a good movie (but too long for this one),there are no deleted scenes in the DVD which means they never bothered to fill in the missing parts to the characters.

Don't spend the time on this one.\": {\"frequency\": 2, \"value\": \"There is no reason ...\"}, \"The plot of this terrible film is so convoluted I've put the spoiler warning up because I'm unsure if I'm giving anything away. The audience first sees some man in Jack the Ripper garb murder an old man in an alley a hundred years ago. Then we're up to modern day and a young Australian couple is looking for a house. We're given an unbelievably long tour of this house and the husband sees a figure in an old mirror. Some 105 year old woman lived there. There are also large iron panels covering a wall in the den. An old fashioned straight-razor falls out when they're renovating and the husband keeps it. I guess he becomes possessed by the razor because he starts having weird dreams. Oh yeah, the couple is unable to have a baby because the husband is firing blanks.

Some mold seems to be climbing up the wall after the couple removes the iron panels and the mold has the shape of a person. Late in the story there is a plot about a large cache of money & the husband murders the body guard & a co-worker and steals the money. His wife is suddenly pregnant.

What the hell is going on?? Who knows?? NOTHING is explained. Was the 105 year old woman the child of the serial killer? The baby sister? WHY were iron panels put on the wall? How would that keep the serial killer contained in the cellar? Was he locked down there by his family & starved to death or just concealed? WHO is Mr. Hobbs and why is he so desperate to get the iron panels?? He's never seen again. WHY was the serial killer killing people? We only see the one old man murdered. Was there a pattern or motive or something?? WHY does the wife suddenly become pregnant? Is it the demon spawn of the serial killer? Has he managed to infiltrate the husband's semen? And why, if the husband was able to subdue and murder a huge, burly security guard, is he unable to overpower his wife? And just how powerful is the voltage system in Australia that it would knock him across the room simply cutting a light wire? And why does the wife stay in the house? Is she now possessed by the serial killer? Is the baby going to be the killer reincarnated?

This movie was such a frustrating experience I wanted to call my PBS station and ask for my money back! The ONLY enjoyable aspect of this story was seeing the husband running around in just his boxer shorts for a lot of the time, but even that couldn't redeem this muddled, incoherent mess.\": {\"frequency\": 1, \"value\": \"The plot of this ...\"}, \"Ghost Town starts as Kate Barrett (Catherine Hickland) drives along an isolated desert road, her car suddenly breaks down & she hears horses hoofs approaching... Deputy Sheriff Langley (Frank Luz) of Riverton County is called in to investigate Kate's disappearance after her father reports her missing. He finds her broken down car & drives off looking for her, unfortunately his car breaks down too & he has to walk. Langley ends up at at a deserted rundown ghost town, much to his shock Langley soon discovers that it is quite literally a ghost town as it's populated by the ghosts of it's former residents & is run by the evil Devlin (Jimmie F. Skaggs) who has kidnapped Kate for reasons never explained & it's up to Langley to rescue her & end the towns curse...

The one & only directorial effort of Richard Governor this odd film didn't really do much for me & I didn't like it all that much. The script by Duke Sandefur tries to mix the horror & western genres which it doesn't do to any great effect. Have you ever wondered why there aren't more horror western hybrid films out there? Well, neither have I but if I were to ask myself such a question I would find all the answers in Ghost Town because it's not very good. The two genres just don't mix that well. There are plenty of clich\\ufffd\\ufffds, on the western side of things there's the innocent townsfolk who are to scared to stand up to a gang of thugs who are terrorising them, the shoot-outs in the main street, saloon bars with swing doors & prostitutes upstairs & horror wise there's plenty of cobwebs, some ghosts, an ancient curse, talking corpses & a few violent kills. I was just very underwhelmed by it, I suppose there's nothing terribly wrong with it other than it's just dull & the two genres don't sit together that well. There are a few holes in the plot too, why did Devlin kidnap Kate? I know she resembled his previous girlfriend but how did he know that & what was he going to do with her anyway? We never know why this ghost town is full of ghosts either, I mean what's keeping them there & what caused them to come back as ghosts? Then there's the bit at the end where Devlin after being shot says he can't be killed only for Langley to kill him a few seconds later, I mean why didn't the bullets work in the first place?

Director Governor does alright, there's a nice horror film atmosphere with some well lit cobweb strewn sets & the standard Hollywood western town is represented here with a central street with wooden buildings lining either side of it. I wouldn't say it's scary because it isn't, there's not much tension either & the film drags in places despite being only just over 80 odd minutes in length. Forget about any gore, there a few bloody gunshot wounds, an after the fact shot of two people with their throats slit & someone is impaled with a metal pole & that's it.

I'd have imagined the budget was pretty small here, it's reasonably well made & is competent if nothing else. Credit where credit's due the period costumes & sets are pretty good actually. The acting is alright but no-ones going to win any awards.

Ghost Town is a strange film, I'm not really sure who it's meant to appeal to & it certainly didn't appeal to me. Anyone looking for a western will be annoyed with the dumb horror elements while anyone looking for a horror film will be bored by the western elements. It's something a bit different but that doesn't mean it's any good, worth a watch if your desperate but don't bust a gut to see it.\": {\"frequency\": 1, \"value\": \"Ghost Town starts ...\"}, \"Greetings again from the darkness. 18 directors of 18 seemingly unrelated vignettes about love in the city of lights. A very unusual format that takes a couple of segments to adjust to as a viewer. We are so accustomed to character development over a 2 hour movie, it is a bit disarming for that to occur in an 8 minute segment.

The idea is 18 love/relationship stories in 18 different neighborhoods of this magnificent city. Of course, some stand up better than others and some go for comedy, while others focus on dramatic emotion. Some very known directors are involved, including: The Coen Brothers, Wes Craven, Alfonso Cuaron, Alexander Payne, Gus Van Sant and Gurinda Chadha. Many familiar faces make appearances as well: Steve Buscemi, Barbet Schroeder, Catalina Sandino Moreno, Ben Gazzara, Gena Rowlands, Gerard Depardieu, Juliette Binoche, Willem Dafoe, Nick Nolte, Maggie Gyllenhaal and Bob Hoskins.

One of the best segments involves a mime, and then another mime and the nerdy, yet happy young son of the two mimes. Also playing key roles are a red trench coat, cancer, divorce, sexual fantasy, the death of a child and many other topics. Don't miss Alexander Payne (director of \\\"Sideways\\\") as Oscar Wilde.

The diversity of the segments make this interesting to watch, but as a film, it cannot be termed great. Still it is very watchable and a nice change of pace for the frequent movie goer.\": {\"frequency\": 2, \"value\": \"Greetings again ...\"}, \"I'm not a regular viewer of Springer's, but I do watch his show in glimpses and I think the show is a fine guilty pleasure and a good way to kill some time. So naturally, I'm going to watch this movie expecting to see \\\"Jerry Springer Uncensored.\\\" First of all, Jerry appears in approximately twenty minutes of the film's running time. The other hour and twenty minutes is spent building up this pseudo-farce about trailer-trash, jealousy, incest and deception. Jaime Pressley (who looks hot as HELLLL) is a trailer-trash slut who sleeps with her stepfather (a very unusual-looking, chain-smoking, drunken Michael Dudikoff who finally strays from his action hero persona). The mom finds out about the affair, they get into a fight, they want to take it to the \\\"Jerry\\\" show (that's right, no Springer). And then we have a parallel story with an African-American couple. They take it to the \\\"Jerry\\\" show. The characters collide. Blah, blah, freakin' blah! Trash has rarely been this BORRRINGG!!!! I was wondering why the hell Springer has millions of fans, yet none of them checked out his movie. Well, now it's TOTALLY obvious!! Whether you love him or hate him, you will hate this movie! How can I explain? It's a total mess of a motion picture (if that's what you call it). It's so badly edited, with scenes that just don't connect, and after a period of time the plot virtually disappears and it's simply all over the map! Just imagine a predictable soap opera transformed into a comic farce. With seldom laughs.

My only positive note is a hot girl-girl scene. That's as risque as it gets. Don't get me wrong, the scene's pretty risque, but if you look at the overall film comparing it to the material on Springer's program--this disastrous farce seems extremely sanitized.

My score: 3 (out of 10)\": {\"frequency\": 1, \"value\": \"I'm not a regular ...\"}, \"John Boorman's 1998 The General was hailed as a major comeback, though it's hard to see why on the evidence of the film itself. One of three films made that year about famed Northern Irish criminal Martin Cahill (alongside Ordinary Decent Criminal and Vicious Circles), it has an abundance of incident and style (the film was shot in colour but released in b&w Scope in some territories) but makes absolutely no impact and just goes on forever. With a main character who threatens witnesses, car bombs doctors, causes a hundred people to lose their jobs, tries to buy off the sexually abused daughter of one of his gang to keep out of jail and nails one of his own to a snooker table yet still remains a popular local legend an attractive enough personality for his wife to not only approve but actually suggest a m\\ufffd\\ufffdnage a trios with her sister, it needs a charismatic central performance to sell the character and the film. It doesn't get it. Instead, it's lumbered with what may well be Brendan Gleeson's worst and most disinterested performance: he delivers his lines and stands in the right place but there's nothing to suggest either a local hero or the inner workings of a complex character. On the plus side, this helps not to overglamorize a character who is nothing more than an egotistical thug, but it's at odds with a script that seems to be expecting us to love him and his antics.

There's a minor section that picks up interest when the IRA whips up a local hate campaign against the 'General' and his men, painting them as 'anti-social' drug dealers purely because Cahill won't share his loot from a robbery with them, but its temporary resolution is so vaguely shot - something to do with Cahill donning a balaclava and joining the protesters which we're expected to find lovably cheeky - that it's just thrown away. Things are more successful in the last third as the pressure mounts and his army falls apart, but by then it's too late to really care. Adrian Dunbar, Maria Doyle Kennedy and the gorgeous Angeline Ball do good work in adoring supporting roles, but Jon Voight's hammy Garda beat cop seems to be there more for American sales than moral balance, overcompensating for Gleeson's comatose non-involvement in what feels like a total misfire. Come back Zardoz, all is forgiven.\": {\"frequency\": 1, \"value\": \"John Boorman's ...\"}, \"The author of numerous novels, plays, and short stories, W. Somerset Maugham (1874-1965) was considered among the world's great authors during his lifetime, and although his reputation has faded over the years his work continues to command critical respect and a large reading public. Published in 1944, THE RAZOR'S EDGE is the tale of a World War I veteran whose search for spiritual enlightenment flies in the face of shallow western values. It was Maugham's last major novel--and it was immensely popular. Given that the novel's conflicts are internalized spiritual and philosophical issues, it was also an extremely odd choice for a film version--but Darryl F. Zannuck of 20th Century Fox fell in love with the book and snapped up the screen rights shortly after publication.

According to film lore, THE RAZOR'S EDGE was to be directed by the legendary George Cukor from a screenplay by Maugham himself--and it does seem that Maugham wrote an adaptation. When the film went into production, however, Cukor was replaced by Edmund Goulding, a director less known for artistic touch than a workman-like manner, and the Maugham script was replaced with one by Lamar Trotti, the author of such memorable screenplays as THE OXBOW INCIDENT. Tyrone Power, recently returned from military service during World War II, was cast as the spiritually conflicted Larry Darrell; Gene Tierney, one of the great beauties of her era, was cast as socialite Isabell Bradley. The supporting cast was particularly notable, including Herbert Marshall, Anne Baxter, Clifton Webb, Lucille Watson, and Elsa Lanchester. Both budget and shooting schedule were lavish, and when the film debuted in 1946 it was greatly admired by public and critics alike.

But time has a way of putting things into perspective. Seen today, THE RAZOR'S EDGE is indeed a beautifully produced film--but that aside the absolute best one can say for it is that it achieves a fairly consistent mediocrity. As in most cases, the major problem is the script. Although it is reasonably close to Maugham's novel in terms of plot, it is noticeably off the mark in terms of character and it completely fails to capture the fundamental issues that drive the story. We are told that Larry is in search of enlightenment; we are told that he receives it; we are told he acts on it--but in spite of the occasional and largely superficial comment we are never really told anything about the spiritual, artistic, philosophical, and intellectual processes behind any of it. We are most particularly never told anything significant about the nature of the enlightenment itself. It has the effect of cutting off the story at its knees.

We are left with the shell of Maugham's plot, which centers on the relationship between Larry and Isabell, a woman Larry loves but leaves due to the growing ideological riff that opens up between them. Tyrone Power and Gene Tierney were more noted for physical beauty than talent, but both could turn in good performances when they received solid directorial and script support. Unfortunately, that does not happen here; they are extremely one-note and Power is greatly miscast to boot. Fortunately, the supporting cast is quite good, with Herbert Marshall, Clifton Webb, and Lucille Watson particularly so; the then-famous performance by Anne Baxter, however, has not worn as well as one would hope.

With a running time of just under two and a half hours, the film also feels unnecessarily long. There is seemingly endless cocktail party-type banter, and indeed the entire India sequence (which reads as faintly hilarious) would have been better cut entirely--an odd situation, for this is the very sequence intended as the crux of the entire film. Regardless of the specific scene, it all just seems to go on and on to no actual point.

As for the DVD itself, the film has not been remastered, but the print is extremely good, and while the bonus package isn't particularly memorable neither is noticeably poor. When all is said and done, I give THE RAZOR'S EDGE four stars for production values and everyone's willingness to take on the material--but frankly, this a film best left Power and Tierney fans, who will enjoy it for the sake of the stars, and those whose ideas about spiritual enlightenment are as vague as the film itself.

GFT, Amazon Reviewer\": {\"frequency\": 1, \"value\": \"The author of ...\"}, \"Seriously crappy movie.

First off, the movie starts with a cop and his partner parked outside of a warehouse/furniture store. The \\\"bad\\\" cop takes a girl, which they had pulled over, into the warehouse's attic, while the newbie cop sits outside and ponders what could be happening up there. The \\\"bad\\\" cop eventually returns with a heavy duffel bag, and the newbie cop doesn't think there are any problems, but he still wonders what was in the bag, so he asks, gets a bullshit response, and then he thinks everything is OK (for now).

The \\\"bad\\\" cop repeats this process, and even once with a tit scene (made it slightly better). But eventually people start to catch on, which took awhile considering how f***ing obvious it was. One girl gets a voodoo curse placed on her just in case she dies, like ya do. Now, the \\\"bad\\\" cop eventually kills this magically protected bitch, and then he gets rid of the duffel-bagged body.

Since she had the oogey-boogey magic put on her, she comes back with lots of eye-shadow on, which is supposed to indicate that she may be a zombie... also, the magic curse causes all of the other girls to become \\\"eye-shadow monsters\\\". Some of the girls meet up with a dude, who is apparently a currency specialist, and he offers them a ride (they look normal to him apparently). But when the girls see other people, such as the one girls husband, he freaks out because she is hideous (some people freak out, but others don't even notice).... massive plot hole.

So, to wrap it up, the eye-shadow monsters kill the \\\"bad\\\" cop, who in turn ends up becoming a zombie in the last scene. It was as though they were trying to prep us for a sequel! Like anyone would want to see part 2 of this cow dropping.\": {\"frequency\": 1, \"value\": \"Seriously crappy ...\"}, \"Presenting Lily Mars (MGM, 1943) is a cute film, but in my opinion it could have been better. Judy Garland is great as always, but some scenes in the film seem out of place and the romance between her and Van Heflin develops all too quickly.

I mean, one minute he's ready to beat her butt, but the next minute he falls in love with her. I believe that this production, the film editing, and the script ( even though the photography was great, the scenery was nice and the costumes were nice as well) could have been a little better. It feels as though the production was too rushed.

The supporting cast was good as well, especially little Janet Chapman as the second youngest daughter daughter Rosie. She at the age of 11, looks really cute and it's a shame that she didn't develop into a teenage comic actress. She's much better in this film than in her previous films as Warner Brothers in the late 1930's (except for Broadway Musketeers 1938, she's really good in that), when they tried to make her into a Shirley Temple/Sybil Jason hybrid. Overall, this film could better, but in the end, Judy gave it her all.\": {\"frequency\": 1, \"value\": \"Presenting Lily ...\"}, \"I like this presentation - I have read Bleak House and I know it is so difficult to present the entire book as it should be, and even others like Little Dorrit - I have to admit they did a very good show with the staged Nicholas Nickelby. I love Diana Rigg and I could see the pain of Lady Dedlock, even through the expected arrogance of the aristocracy. I am sorry, I think she is the best Lady Dedlock... I am not sure who could have made a better Jarndyce, but I am OK with Mr. Elliott. It is not easy to present these long Dickens' books - Oliver Twist would be easier - this is a long, and if you don't care for all the legal situations can be dreary or boring. I think this presentation is entertaining enough not to be boring. I just LOVED Mr. Smallweed - it can be entertaining. There is always a child - Jo will break your heart here... I think we should be given a chance to judge for ourselves...

I have to say I loved the show. Maybe if I read the book again, as I usually do, after seeing the movie, maybe I can be more critical. In the meantime - I think it is a good presentation.\": {\"frequency\": 1, \"value\": \"I like this ...\"}, \"Every motion picture Bette Davis stars in is worth experiencing. Before Davis co-stars with Leslie Howard in \\\"Of Human Bondage,\\\" she'd been in over a score of movies. Legend has it that Davis was 'robbed' of a 1935 Oscar for her performance as a cockney-speaking waitress, unwed mother & manipulative boyfriend-user, Mildred Rogers. The story goes that the AFI consoled Davis by awarding her 1st Oscar for playing Joyce Heath in \\\"Dangerous.\\\" I imagine Davis' fans of \\\"Of Human Bondage\\\" who agree with the Oscar-robbing legend are going to have at my critique's contrast of the 1934 film for which the AFI didn't award her performance & the 1936 film \\\"Dangerous,\\\" performance for which she received her 1st Oscar in 1937.

I've tried to view all of Bette Davis' motion pictures, TV interviews, videos, advertisements for WWII & TV performances in popular series. In hindsight, it is easy to recognize why this film, \\\"Of Human Bondage,\\\" gave Davis the opportunity to be nominated for her performance. She was only 25yo when the film was completed & just about to reach Hollywood's red carpet. The public began to notice Bette Davis as a star because of her performance in \\\"Of Human Bondage.\\\" That is what makes it her legendary performance. But, RKO saw her greatness in \\\"The Man Who Played God,\\\" & borrowed her from Warners to play Rogers.

I'm going to go with the AFI, in hindsight, some 41 years after their astute decision to award Davis her 1st Best Actress Oscar for \\\"Dangerous,\\\" 2 years later. By doing so, the AFI may have been instrumental in bringing out the very best in one of Hollywood's most talented 20th century actors. Because, from \\\"Of Human Bondage,\\\" onward, Davis knew for certain that she had to reach deep inside of herself to find the performances that earned her the golden statue. Doubtless, she deserved more than 2 Oscars; perhaps as many as 6.

\\\"Dangerous\\\" provides an exemplary contrast in Davis' depth of acting characterization. For, it's in \\\"Dangerous\\\" (1936) that she becomes the greatest actor of the 20th century. Davis is so good as Joyce Heath, she's dead-center on the red carpet. Whereas in \\\"Of Human Bondage,\\\" Davis is right off the edge, still on the sidewalk & ready to take off on the rest of her 60 year acting career.

Perhaps by not awarding her that legendary Oscar in 1935, instead of a star being born, an actor was given incentive to reach beyond stardom into her soul for the gifted actor's greatest work.

It is well known that her contemporary peer adversary was Joan Crawford; a star whose performances still don't measure up to Davis'. Even Anna Nicole Smith was a 'star'. Howard Stern is a radio host 'star', too. Lots of people on stage & the silver screen are stars. Few became great actors. The key difference between them is something that Bette Davis could sense: the difference between the desire to do great acting or to become star-struck.

Try comparing these two movies as I have, viewing one right after the other. Maybe you'll recognize what the AFI & I did. Davis was on the verge of becoming one of the greatest actors of the 20th century at 25yo & achieved her goal by the time she was 27. She spent her next 50 plus years setting the bar so high that it has not been reached . . . yet.

Had the AFI sent her the message that she'd arrived in \\\"Of Human Bondage,\\\" Davis' life history as a great actor may have been led into star-struck-dom, instead.\": {\"frequency\": 1, \"value\": \"Every motion ...\"}, \"I like it because of my recent personal experience. Especially the ideas that everyone is free and that everything is finite. The characters in the firm did not really enjoy their \\\"real\\\" lives, but they did enjoy themselves, i.e. what they were. The movie did a good job making this simple day a good memory. A good memory includes not only romantic feelings about a beautiful stranger and a beautiful European city, but definitely about the deeper discussion about their values of life. Many movies are like this in terms of discussion of the definitions of life or love or relationships or current problems in life or some sort of those. Before Sunrise dealt with it in a nice way, which makes the viewer pause and think and adjust her breath and go on watching the film. Before Sunrise did not try to instill a specific thought into your head. It just encouraged you to think about some issues in daily life and gave you some alternative possibilities. This made the conversations between the characters interesting, not just typical whining complaints or flowing dumb ideas. You would be still thinking about those issues for yourself and curious about the next line of the story. The end was not quite important after all. You could got something out of it and feel something good or positive about yourself after the movie. Movies are supposed to be enjoyable. This is an enjoyable movie and worth of your time to watch it. I am on a journey too. The movie somehow represented some part of me and answered some of my questions.\": {\"frequency\": 1, \"value\": \"I like it because ...\"}, \"There's something about every \\\"Hammer\\\" movie I see that really takes me into a new fantasy world. In the world of \\\"Hammer\\\" movies, anything can happen. \\\"Guardian of the Abyss\\\" is one of those types of movies. It adventures deep into the occult and hypnosis to bring a different type of horror fantasy. All in all, an unforgettable movie. 7.5/10.\": {\"frequency\": 1, \"value\": \"There's something ...\"}, \"I was pretty surprised with this flick. Even though their budjet was obviously lacking still you have to be impressed that this movie took 7 years to make and still turned out good. The acting was pretty impressive and the story really captivated me. My only complaint would be that the ending really was a little too abrupt for my taste. But hey if your audience is left wanting more then this movie has succeeded.

I would really recommend anyone in Hollywood to look up Antonella R\\ufffd\\ufffdos who is an excellent Spanish talent (something hard to find now days with all the bad novela over acting). Antonella R\\ufffd\\ufffdos truly is a star on the rise.\": {\"frequency\": 1, \"value\": \"I was pretty ...\"}, \"The fight scenes play like slow-motion Jackie Chan and the attempts at wit are pathetic (worst pun by far: \\\"Guess what? This time I heard you coming\\\"). The stars are a mismatched pair: Brandon Lee, despite the terrible lines he has to say, actually shows traces of charisma and screen charm - things that Dolph Lundgren is completely free of (at least in this movie). Note to the director: in the future, please stay away from any love scenes, especially when your main actress won't do any nudity and you have to rely extensively on a body double. (*1/2)\": {\"frequency\": 1, \"value\": \"The fight scenes ...\"}, \"This is one of the worst movies I have ever seen! I saw it at the Toronto film festival and totally regret wasting my time. Completely unwatchable with no redeeming qualities whatsoever.

Steer clear.\": {\"frequency\": 1, \"value\": \"This is one of the ...\"}, \"This is a nice piece of work. Very sexy and engaging enough plot to keep my interest throughout. Its main disadvantage is that it seems like it was made-for-TV: Full screen, and though there were several sex scenes, there was absolutely no nudity (but boy did it come close!). Strange, too, since Netflix shows that it was rated R.

Nonetheless, very titillating, and I wish Alicia Silverstone made more movies like this.

One Netflix reviewer stated that it was part of a series, but I have been unable to find out what series that is. I'd like to find out, though, because this movie was THAT good.

Walt D in LV. 8/23/2005\": {\"frequency\": 1, \"value\": \"This is a nice ...\"}, \"This movie was way too slow and predictable.I wish i could say more but i can't.If you enjoy action/adventure films,this is not one to see.I'd suggest you go see movies like;Behind Enemy Lines with Owen Wilson and Iron Eagle with Louis Gossett Jr.\": {\"frequency\": 1, \"value\": \"This movie was way ...\"}, \"and this movie has crossed it. I have never seen such a terrible movie in my life! I mean, a kid's head getting cut off from the force of an empty sled? A snowman with a costume that has the seams clearly visible? This was a pitiful excuse for a movie.\": {\"frequency\": 1, \"value\": \"and this movie has ...\"}, \"Home Alone 3 is one of my least favourite movies. It's the cream of the crop, or s*** if you tend to be more cynical, as it ranks up (or down) there with stuff like Battlefield Earth and Flinstones: Viva Rock Vegas. In fact, it could even be worse than those two, since those two at least intermittently made me laugh at their stupidity. This just made me cringe in pain constantly and clap when the credits started rolling. No other movie has made me cringe in pain. Now I will point out exactly why this movie is so incredibly atrocious.

First off, the plot is ridiculous. It revolves around a chip in a remote control car (?!) that is misplaced and how these terrorists want it. Dumb stuff.

The action that ensues is similar to that of the other two Home Alones, with boobytraps and all, but watching these boobytraps being executed is, rather than being funny, incredibly unpleasant to watch. I didn't laugh (or even so much as smile) once, rather, I cringed constantly and hoped that the terrorists would nail the kid. The bird, rather than providing comic relief, was unfunny and annoying.

The acting, as done by a bunch of no names, ranges from poor to atrocious. There is not a single good performance here. Alex D.Linz is absolutely unlikeable and unfunny as the kid, while the terrorists act (and judging by their movie credits, look) as they've been hastily picked off the street...and well, that's it.

I can see some people saying: \\\"Man, it's for the kids. Don't dis it, man.\\\" Well MAN, kids may like this, but they can get a hell of a lot better. See Monsters Inc. and Toy Story before even considering getting this out. Hell, even Scooby Doo and Garfield (which suck - see those reviews for more) are better than this!

So in short, this is an irredeemably atrocious movie. This was clearly recycled for the money, as it almost completely rips off the first two; the only thing is, it completely insults the first two as well. No human, kid or otherwise, should find any reason to see Home Alone 3. Ever. It's THAT bad.

0/5 stars\": {\"frequency\": 1, \"value\": \"Home Alone 3 is ...\"}, \"Using Buster Keaton in the twilight of his career was an interesting choice. He may have been the most talented comedian of the silent age. This gives him a chance to display those talents in a little time travel story. He get hooked up with a guy living in modern times, and it becomes obvious that we are best left in our own times Keaton is able to do his sight gags very well. I've heard his voice before. I believe he did some of those Beach Party films, playing some vacuous characters just to earn a few bucks. Serling seemed to have respect for him and portrayed him that way. It's not a bad story. It shows how one reacts when we wish for something we don't have and get that wish.\": {\"frequency\": 1, \"value\": \"Using Buster ...\"}, \"This is the best movie I have ever seen.

I've seen the movie on Dutch television sometime in 1988 (?).

That month they were showing a Yugoslavian movie every Sunday night.

The next week there was another great movie (involving a train, rather than a bus) the name of which I don't remember. If you know it, please let me know! In any case, how can I get to see this movie again???? A DVD of this movie, where?? Please tell me at vannoord@let.rug.nl

The next week there was another great movie (involving a train, rather than a bus) the name of which I don't remember. If you know it, please let me know! In any case, how can I get to see this movie again???? A DVD of this movie, where?? Please tell me at vannoord@let.rug.nl\": {\"frequency\": 1, \"value\": \"This is the best ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"The latest film by ...\"}, \"Director Fred Schepisi(Roxanne) directs this well intentioned, but inferior comedy about Albert Einstein(Matthau) trying to hook his scientific niece(Ryan) up with ordinary guy Tim Robbins in order to get her to relax and enjoy life in the 1950's. To get Ryan to like Robbins, Einstein tries to make Robbins look like a brilliant scientist. The idea is cute, but the film falls flat with corny situations and silly dialogue. Tim Robbins, Meg Ryan, and the terrific supporting cast do their best to keep this silly comedy afloat, but are unable to rescue the film. Its unfortunate that so much talent went into producing such a lackluster movie. I would not recommend to anybody unless they are huge fans of Meg Ryan.\": {\"frequency\": 1, \"value\": \"Director Fred ...\"}, \"My siblings and I stumbled upon The Champions when our local station aired re-runs of it one summer in the 1970's. We absolutely adored it. There was something so exotic and mysterious about it, especially when compared to the usual American re-runs (Petticoat Junction, Green Acres... you get the idea). It had a similar feel to The Avengers (not too much of a surprise, since it was also British and in the spy/adventure genre).

I would love to see it again now -- hopefully it holds up. I've mentioned this show to others and no one has ever heard of it, so I began to wonder if I'd imagined its whole existence. But the wonder that is the web has allowed me track down information about it. Hopefully it will find a new generation of fans.\": {\"frequency\": 1, \"value\": \"My siblings and I ...\"}, \"\\\"Purple Rain\\\" has never been a critic's darling but it is a cult classic - and deserves to be. If you are a Prince fan this is for you.

The main plot is Prince seeing his abusive parents in himself and him falling in love with a girl. Believe it or not this movie isn't just singing and dancing. There are many intense scenes and it is heartwarming. Sometimes it comes off has funny but when it works it really works. Very hit and miss.

No one can really act in the film. Everyone is from one of Prince's side acts like \\\"The Time\\\" and \\\"Vanity 6\\\". Still, it adds charm to the movie. When ever Prince is on screen he lights it up and it fun to see him at his commercial peak.

In conclusion, go and see this if you love Prince like me. If you aren't a fan it'll make you one.\": {\"frequency\": 1, \"value\": \"\\\"Purple Rain\\\" has ...\"}, \"A short review but...

Avoid at all costs, a thorough waste of 90mins. At the end of the film I was none the wiser as to what had actually happened. It's full of cameos (Stephen Fry (3mins), Jack Dee (30 secs), the \\\"Philadelphia\\\" girls) and some vaguely recognisable people but it just doesn't make any sense. Whether the story just got lost in the edit I don't now but jeez...

Put on a DVD instead or go to bed and get some rest!!!

2 out of 10 (for the cameos and a Morris Minor car chase)

\": {\"frequency\": 1, \"value\": \"A short review ...\"}, \"Despite the other comments listed here, this is probably the best Dirty Harry movie made; a film that reflects -- for better or worse -- the country's socio-political feelings during the Reagan glory years of the early '80's. It's also a kickass action movie.

Opening with a liberal, female judge overturning a murder case due to lack of tangible evidence and then going straight into the coffee shop encounter with several unfortunate hoodlums (the scene which prompts the famous, \\\"Go ahead, make my day\\\" line), \\\"Sudden Impact\\\" is one non-stop roller coaster of an action film. The first time you get to catch your breath is when the troublesome Inspector Callahan is sent away to a nearby city to investigate the background of a murdered hood. It gets only better from there with an over-the-top group of grotesque thugs for Callahan to deal with along with a sherriff with a mysterious past. Superb direction and photography and a at-times hilarious script help make this film one of the best of the '80's.\": {\"frequency\": 1, \"value\": \"Despite the other ...\"}, \"This is one of the worst movies I've seen in a long time. The story was boring, the dialogue was atrocious and the acting hammy. I'm not sure if this movie was the result of a film school homework project, but it certainly played like one. It is not even particularly successful in its central conceit of trying to appear as a single continuous take. The whooshing horizontal camera pans are a cheap and unoriginal way of hiding cuts.\": {\"frequency\": 1, \"value\": \"This is one of the ...\"}, \"I gather from reading the previous comments that this film went straight to cable. Well, I paid to see it in a theatre, and I'm glad I did because visually it was a striking film. Most of the settings seem like they were made in the early 60s (except for the shrink's office, which was dated in a different way), and if you leave the Neve Campbell sequences out, the whole film has a washed- out early 60s ambience. And the use of restaurants in the film was fascinating. For a first-time director whose background, I believe, is in writing, he has a great eye. Within the first ten minutes I felt the plot lacked plausibility, so I just willingly suspended my disbelief and went along for the ride. In terms of acting and the depiction of father-son, mother-son, husband-wife, parent-child relationships, the film was spot-on. William H. Macy, a pleasure to watch, seems to be filling the void left by the late Tony Perkins, if this and Magnolia are any indication. Tracey Ullman as the neglected wife was quite moving, to me. It was a three-dimensional depiction of a character too often viewed by society as two-dimensional. Of course, Donald Sutherland can add this to his collection of unforgettable portrayals. The depiction of the parents (Bain/Sutherland) reminded me, in an indirect way, of Vincent Gallo's BUFFALO '66, although toned-down quite a bit! I would definitely pay money to see a second film from this director. He has the self-discipline of a 50s b-crimefilm director (something P.T.Anderson will never have!), yet he has a visual style and a way with actors that commands attention.\": {\"frequency\": 1, \"value\": \"I gather from ...\"}, \"Giallo fans, seek out this rare film. It is well written, and full of all sorts of the usual low lifes that populate these films. I don't want to give anything away, so I wont even say anything about the plot. The whole movie creates a very bizarre atmosphere, and you don't know what to expect or who to suspect. Recommended! The only place I've seen to get this film in english is from European Trash Cinema, for $15.\": {\"frequency\": 1, \"value\": \"Giallo fans, seek ...\"}, \"I think this movie is a very funny film and one of the best 'National Lampoon's' films, it also has a very catchy spoof title, which basically sums up what the whole movie is about.... Men In White!!!! The story is a spoof of many films including a Will Smith film, as you might have guessed, 'Men In Black'. I will not give the ending away but it has a very good ending in is very funny (Leslie Nielsen style humour) from start to finish, especially the bit near the beginning when thy are in the street collecting the dustbins (Garbage Cans). Also, they have a pretty cool dustbin lorry (Garbage Collecting Truck) in that scene too. The acting is not superb, actually, it is not very good, but that is what makes the film funny, it is a comedy, loosen up!! I love the story line, partly because it is so far fetched and partly because it is interesting to see how subtle (Or should it be Un-subtle) they rip off all the other films. I am great fan of un-serious spoof films, but i am also a fan of the real thing, and with this films, it is hard to decide which is better, the film it mainly rips off (mentioned earlier i this review) or the actual film it is, but also when you are actually making a spoof of comedy films, it actually makes it even harder, but this film carries it off successfully. The two garbage men are so funny, it reminds me of a TV sketch show in the UK called 'Little Britain'. This film is a must for your collection and is one of the best, most entertaining, funniest, best storyline, National Lampoon's film to date!!\": {\"frequency\": 1, \"value\": \"I think this movie ...\"}, \"This has to be one of the best, if not the best film i have seen for a very, very long time. Had enough action to satisfy an fan, and yet the plot was very good. I really enjoyed the film,and had me hooked from start to finish.

Added blood and gore in there, but brought the realistic nature of what happens to the front of the film, and even had a tear jerker ending for many people i should think.

It is a must watch for anyone. Seen many reviews, slating the film, but to be fair, most the films that get bad reviews, turn out to be some of the best. this proves it once again.

Rent this film, buy this film, just go out and watch this film. You will not be disappointed.\": {\"frequency\": 1, \"value\": \"This has to be one ...\"}, \"This movie is just bad. Bad. Bad. Bad. Now that I've gotten that out of the way, I feel better. This movie is poor from beginning to end. The story is lame. The 3-D segment is really bad. Freddy is at his cartoon character worst. Thank God they killed him off. And who wants to see Roseanne and Tom Arnold cameos?

The only good thing in the movie is the little bit of backstory that we're given on Freddy. We see he once had a family, and we get to see his abusive, alcoholic father (Alice Cooper).

Other than that, all bad. There are some quality actors in here (Lisa Zane and Yaphet Kotto), and they do their best, but the end result is just so bad. The hour and a half I spent watching this movie is and hour and half I can't ever get back.\": {\"frequency\": 1, \"value\": \"This movie is just ...\"}, \"I don't know who Sue Kramer, the director of this film is, but I have a strong suspicion that A) she is a lesbian and B) she somehow shamed everyone involved in this project to participate to prove they are not homophobic.

I can imagine everyone thinking, \\\"My God, this is horrible. Not funny. Pedestrian. Totally lame.\\\" But keeping their mouths shut for fear they will be labeled anti-gay or they \\\"don't get\\\" the gay lifestyle. (This is probably why Kramer did NOT cast gay people to play gay people too.) Anyway, it's not even worth reviewing. The actors are all directed to play every scene completely over the top so there is no sincerity or believability in anything they do. It's full of clich\\ufffd\\ufffds and there is nothing about this movie that is the least bit amusing - much less funny.

I hated it and I'm not afraid to say so. Too bad the gutless people who gave Kramer the money to make this bomb weren't as unbiased in their judgment.\": {\"frequency\": 1, \"value\": \"I don't know who ...\"}, \"After Dark, My Sweet is a great, modern noir, filled with seedy characters, dirt roads, and, of course, sweaty characters. It seems that most of the truly great noirs of the last two or three decades have taken place in the South, where the men glisten and the ladies, um, glisten too. Why? Because it's hooooottttttttttt. And because everyone looks better wet (at least the men do - sweaty women leave me clammy).

Anyway - there might be some spoilers in here.

This film is a wonderful example of everything a noir should be - steady pacing (though some with attention disorders refer to it as 'slow'), clearly and broadly drawn (though not simple) characters, and tons of atmosphere. Noir, if anything, is about moods and attitudes. That's why the great ones are not marked by your traditional definitions of 'great' acting (look at Bogart, Mitchum, Hurt, and Nicholson - they (and their characters) were anything but real - but they had style and sass and in a crime movie that's exactly what you want). or quickly paced adventures (again all great noirs seem to be on slow burn like a cigarette). Great noirs create an environment and you just inhabit it with the characters for a couple hours.

After Dark My Sweet let's you do that - and it let's you enjoy the company of some very interesting and complex characters. Uncle Bud and Collie are intriguing - never allowing the audience to know what really makes them tick - and Patric and Dern (I love Bruce Dern, by the way) are pitch perfect, Dern especially (see previous comment). They take the basic outlines of a character and give them depth and elicit our sympathies.

The story itself is also interesting. There're better plots in the world of noir (hardly any mystery here - mostly it's suspense), but this one is solid. If anything, the simply 'okay' plot has more to do with Jim Thompson's writing than anything else. With Thompson, plots are almost secondary; he eschewed the labyrinthine tales of Hammett and Chandler for simpler stories with stronger, more confusing characters. Look at a novel like The Killer Inside Me and and you'll see right away (from the title) what it's all about. When it comes to Thompson, it's not what it's about, it's how it's about it (to quote Roger Ebert). So, really, the relatively simple plot of a kidnapping is not the point and, if you don't like it, well the jokes on you.

Why this is an 8star movie rather than a 10star one is because of the female lead. She's not bad, per se, but she's not Angelica Huston or Anette benning (see the adaptation of Jim Thompson's The Grifters if you don't know what I'm talking about - besides it's a better movie and you should start there for contemporary noir - it's the best of the 1990s and challenges Blood Simple for the title of best since Chinatown). She simply doesn't have the chops (or the looks for that matter) and though she and Patric have some chemistry, I don't have it with her. So there.\": {\"frequency\": 1, \"value\": \"After Dark, My ...\"}, \"Theo Robertson has commented that WAW didn't adequately cover the conditions after WWI which lead to Hitler's rise and WWII.

Perhaps he missed the first ONE and a quarter HOURS of volume 8? Covers this period, and together with the earlier volumes in the series, shows clearly the existing conditions, I feel. A friend of mine grew up in Germany during this period, joined the Hitler Youth even, and his experiences were very similar to that mentioned in WAW.

This documentary is SO far above the History Channel's documentaries I also own, that there is no comparison.

The ONLY fault, and it is a small one, that I have with WAW is this: the numbers are not included, many times. For instance, if you're talking about lend-lease, then how much war material was lent/leased? How much to Russia, how much to Britian? How many merchant ships did the U-Boats sink, and when? How many ships did the German or Japanese Navy have, total, in 1941? What type were they? How many troops? How many troops did the allies have, in total, and by country? Lots of numbers could have made a lot of viewers nod off, but I would have preferred MORE! And naturally, I always want to see more military analysis. Like WHY didn't Patton & Clark trap the German army that was at Cassini, after they had it surrounded, instead of racing Monty to Rome, and letting it escape? I don't think you can begin to understand war until you've seen some of these video segments on \\\"total war\\\", like the fire bombing of Dresden. It's like trying to understand Auschwitz, etc., before you see the clips of the death camps: you just can't wrap your head around it - it's too unbelievable.

Unknown at that time, and of course, unfilmed, were the most egregious cruelties and inhumanities of the Japanese, including cannibalism, (read \\\"Flyboys\\\"), and some LIVE vivisection of medical \\\"experimentation\\\" prisoners, w/o any anesthetic!

Dave\": {\"frequency\": 1, \"value\": \"Theo Robertson has ...\"}, \"A very young Ginger Rogers trades quick quips and one liners with rival newspaper reporter Lyle Talbot in this 1933 murder mystery from Poverty Row film maker Allied Productions. The movie opens with a wealthy businessman taking a header from the roof garden of a high rise apartment house, or was it from a lover's apartment? Rogers actually has two identities at the film's outset, that of Miss Terry, the dead victim's secretary, along with her newspaper byline of Pat Morgan. Mistakenly phoning her story directly to Ted Rand (Talbot) instead of her paper's rewrite desk, she gets fired for her efforts when her boss learns he's been out scooped.

Here's a puzzle - it's revealed during Police Inspector Russell's (Purnell Pratt) investigation of Harker's death that Terry/Morgan had been employed as his secretary for three weeks. Why exactly was that? After the fact it would make sense that she was there for a newspaper story, but before? Clues are dropped regarding Harker's association with a known mobster conveniently living in the same apartment building, but again, that association isn't relevant until it's all linked up to janitor Peterson (Harvey Clark). And who's making up all the calling cards with the serpent effecting a HSSS, with the words \\\"You will hear it\\\" cut and pasted beneath? Apparently, the hissing sound of a snake was the sound made by the apartment house's radiator system, which Peterson used to transmit a poisonous gas into the rooms of potential victims, such as Mrs. Coby in the apartment below Harker. But in answer to a question posed to Inspector Russell about Mrs. Coby's death, he replied \\\"apparently\\\" to the cause of strangulation.

It's these rather conflicting plot points that made the movie somewhat unsatisfying for me. The revelation of janitor Peterson as the bad guy of this piece comes under somewhat gruesome circumstances as we see him stuff the unconscious body of Miss Morgan in the building's incinerator furnace! However, and score another point against continuity, we see Miss Morgan in a huge basement room as Peterson ignites the furnace; she made her getaway, but how? And still pretty as a picture. And who gets to make the collar off screen if none other than milquetoast police assistant Wilfred (Arthur Hoyt), who in an opening scene fell over his own feet entering a room.

Sorry, but for all those reviewers who found \\\"A Shriek in the Night\\\" to be a satisfying whodunit, I feel that any Charlie Chan film of the same era is a veritable \\\"The Usual Suspects\\\" by comparison. If you need a reason to see the film, it would be Ginger Rogers, but be advised, she doesn't dance.\": {\"frequency\": 1, \"value\": \"A very young ...\"}, \"New York City houses one man above all others, the possibly immortal Dr. Anton Mordrid. Mordrid is the sworn protector of humanity, using his magical powers to keep his brother and rival, Kabal, chained up so that he may not enslave the human race. Well, wouldn't you know it? A prophesy comes true and Kabal breaks free, and begins collecting elements (including platinum and uranium) for his alchemy experiments. With the help of a police woman named Sam, can Mordrid defeat his evil brother? \\\"Dr. Mordrid\\\" comes to me courtesy of Charles Band in the Full Moon Archive Collection. I had not heard of it, which is a bit odd given that I'm a big fan of Jeffrey Combs (Mordrid) and the film isn't that old. But now it's mine and I can enjoy it again and again. The film certainly is fun in the classic Full Moon style. Richard Band provides the music (which doesn't differ much from all his other scores) and Brian Thompson plays the evil Kabal. We even have animated dinosaur bones! What more do you want? Of course, the cheese factor is high. I felt much of the film was a rip-off of the Dr. Strange comics. And the blue pantsuit was silly. And plot holes are everywhere (I could list at least five, but why bother). And why does the ancient symbol of Mordrid and Kabal look suspiciously like a hammer and sickle? Combs has never been a strong actor, so he fits right in with the cheese. These aren't complaints. Full Moon fans have come to expect these things and devour them like crack-laced Grape Nuts. I'm guilty... I loved this film.

If you're not a Full Moon fan, or a Jeffrey Combs fan... you may want to look elsewhere. But if you like the early 1990s style of movie-making and haircuts, you'll eat this up. Stallone and Schwarzenegger fans might like seeing Brian Thompson as a villain, looking as goony as ever and not being able to enunciate English beyond a third grade level. I did. I wish there was a \\\"Mordrid II\\\", but the company that makes a sequel to practically everything (is \\\"Gingerdead Man 3\\\" really necessary?) passed on this one.\": {\"frequency\": 1, \"value\": \"New York City ...\"}, \"Seeing as the vote average was pretty low, and the fact that the clerk in the video store thought it was \\\"just OK\\\", I didn't have much expectations when renting this film.

But contrary to the above, I enjoyed it a lot. This is a charming movie. It didn't need to grow on me, I enjoyed it from the beginning. Mel Brooks gives a great performance as the lead character, I think somewhat different from his usual persona in his movies.

There's not a lot of knockout jokes or something like that, but there are some rather hilarious scenes, and overall this is a very enjoyable and very easy to watch film.

Very recommended.\": {\"frequency\": 1, \"value\": \"Seeing as the vote ...\"}, \"Unhinged was part of the Video Nasty censorship film selection that the UK built up in the 80's. Keeps the gory stuff out of the hands of children, don't you know! It must have left many wondering what the fuss was all about. By today's standard, Unhinged is a tame little fairy tale.

3 girls are off to a jazz concert... and right away, you know the body count is going to be quite low. They get lost in the woods, & wind up getting in a car accident that looks so fake it's laughable. They are picked up by some nearby residents that live in the woods in a creepy house. One of the girls is seriously injured and has to stay upstairs. Then there's talking. Talking about why the girls are here, and how they must be to dinner on time because mother doesn't like it when someone is late. And more talking. Yakkity yak. Some suspense is built as a crazy guy is walking around and harassing the girls, and someone's eyeball is looking through holes in the walls at the pretty girls in something that looks like Hitchcock's Psycho. I digress because there is so much blah blah in this film, that you wonder when the killings are going to start. In fact, one of the girls gets so bored out of her mind that she walks in the woods, alone, looking for the town. Smart move. She probably knew about the lonely virgin walking alone in the woods part, but just didn't care. More talk continues after this as we wait, wait, and wait some more until the next girl may or may not be killed.

And then there's the twist ending. The \\\"expected\\\" unexpected for some viewers, for others a real gotcha. Quite possibly the ONLY reason why someone would really want to watch this. I don't care how twisted it is, nothing in this movie makes up for the most boring time I had watching it. Even with the minor impact of the ending, the director just didn't have what it takes to really deliver a good story with it. It would have made a much better 30 minute - 1 hour TV episode on say, Tales from the Darkside.

If you really must get this for any reason, perhaps just to say you've watched every slasher movie, do yourself a favor and have the fast-forward button ready. Since the movie has so many unimportant scenes, just zoom through them, and in no time, you'll get to the \\\"WOW, that's what it was all this time\\\" ending. Oh and halfway through the movie there's a shower scene with 2 girls showing boo-bees. Horray for boo-bees. Those beautiful buzzing honey-making boo-bees.\": {\"frequency\": 1, \"value\": \"Unhinged was part ...\"}, \"This \\\"film\\\" is a travesty. No, wait--an abomination. NO, WAIT--this is without a doubt the absolute WORST film ever made featuring beloved characters created and established by other actors.

I thought \\\"Inspector Clouseau\\\" with Alan Arkin (!) instead of Peter Sellers was ludicrous and sacrilegious, but even daring to \\\"remake\\\" Stan Laurel and Oliver Hardy is asinine and money grubbing.

Mr. Laurel and Mr. Hardy have been dead, respectively, since 1957 and 1965. Why anyone would even begin to imagine that suitable updates for L & H would be in the persona of Bronson Pinchot and Gailard Sartain is beyond me. I tuned in fully expecting to be horrified and embarrassed and I certainly wasn't disappointed. Everyone involved in this pathetic, moronic, disgrace should be blackballed from anything and everything associated with Hollywood and film-making. AVOID THIS MOVIE AT ALL COSTS--YOU HAVE BEEN DULY WARNED.\": {\"frequency\": 1, \"value\": \"This \\\"film\\\" is a ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"Stuck in a hotel ...\"}, \"How this has not become a cult film I do not know. I think it has been sadly overlooked as a truly ingenious comedy!

\\\"Runaway Car\\\" attempts to pass itself off as a fast-paced thriller, but taking the quality of acting (good God it's bad), the storyline, the practicalities of the car's demonic possession and the baby evacuation scene into account there is nothing you can really do but laugh. And laugh you will. Films are made to entertain us, and the degree to which they do this can be an indication of a film's worth. This film is the pinnacle in entertainment, I laughed from beginning to end. At one point I got short of breath and nearly choked, it really is that funny at some points. When the baby was airlifted out of the sunroof in a holdall by a helicopter with a robot pilot who managed to maintain a constant velocity identical to the car and a perfectly flat flight plain that meant the grapple hook didn't rip the car roof to pieces, I was laughing hysterically. But when the baby starting swinging around in the air, nearly hit a bridge and almost got tangled up in a tree, tears were running down my face.

It also occurred to me that the black cop was the guy who played Jesus in Madonna's \\\"Like A Prayer\\\" video. He seems to get everywhere.\": {\"frequency\": 1, \"value\": \"How this has not ...\"}, \"I bought this game on eBay having heard that it was a similar game to Elite. The gameplay is indeed very similar, and is very addictive. Once I'd played it a couple of times, I immediately went back on eBay and bought copies for all my kids so they could join in the fun too.... I have played this game right through and the storyline makes it feel as if you are actually in a movie, it's brilliant. If you have trouble feeling free to explore because of the restrictive nature of the storyline in the single-player game, simply set up a Freelancer server on your own PC (easy to do and the software is included) and play to your heart's content. There are still a huge number of Freelancer servers on the Internet, so multiplayer is no problem and is not all that threatening, because you don't often meant other players unless you want to. So go get a copy of this game, learn it by playing the single-player campaign, then set up an online presence and enjoy yourself. The depth of this game is staggering, with huge systems to explore and wrecks to find, as well as all sorts of other things to discover - hidden planets, wormholes, secret bases, the list is nearly endless. Fantastic game and especially as you can get it for a couple of quid on eBay. Get one with the full written manual if you can (blue box, not Xplosiv red box), it's loads better!\": {\"frequency\": 1, \"value\": \"I bought this game ...\"}, \"During the opening night of the Vanties a woman is found dead on the catwalk above the stage. As the show continues the police attempt to piece together who killed who and why before the final curtain.

I had always heard that this was a great classic comedy mystery so I was excited to find myself a copy. Unfortunately no one told me about the musical numbers which go on and on and on. While the numbers certainly are the type that Hollywood did in their glory days, they become intrusive because they pretty much stop the movie dead despite attempts to weave action around them. This wouldn't be so bad if the music was half way decent, but its not. There is only one good song. Worse its as if the studio knew they had one song, Cocktails for Two, and we're forced to endure four versions of it: a duet, a big production number, as the Vanities finale and in the background as incidental music. I don't think Spike Jones and His City Slickers ever played it that much. The rest of the movie is pretty good with Victor McLaglen sparring nicely with Jack Oakie. Charles Middleton is very funny is his scenes as an actor in love with the wardrobe mistress.

By no mean essential I can recommend this if you think you can get through the musical numbers, or are willing to scan through them. Its a fun movie of the sort they don't make any more.\": {\"frequency\": 1, \"value\": \"During the opening ...\"}, \"Iam a Big fan of Mr Ram Gopal Varma but i could not believe that he made this movie. i was really disappointed.

Ram Gopal Varma Ki Aag doesn't come anywhere close to the real Sholay. It does not leave a lasting impression on a viewer. Ram Gopal Varma fails to create chemistry between the characters . There is no camaraderie between Heero(Ajay Devgan) and Raj(Prashant raj). There are hardly any scenes with more than two people in the frame together. The sequence outside the courtroom with Amitabh Bachchan and Mohanlal face off is remarkable. Amitabh Bachchan should not have done this movie. Ajay and Sushmita sen was trying their best but no use. Rajpal Yadav's voice modulation - ineffective and rather pointless. Mohanlal did full justice and proved it again that acting is all about facial expression and body language. Rest of the cast was below expectation. The comedy situation which was adapted from the original sholay fall flat in this movie.

Ram Gopal Varma could have worked upon the script but because of the controversies surrounded against the movie he messed up and just for the sake of making he made this Aag. But there is no fire.\": {\"frequency\": 1, \"value\": \"Iam a Big fan of ...\"}, \"The Shirley Jackson novel 'The Haunting of Hill House' is an atmospheric tale of terror, which conveys supernatural phenomena in an old mansion. The atmosphere is well set out, and the chills are staged well. A haunting masterpiece.

The 1963 chiller 'The Haunting' stays closely to the book, but also adds its own details to the plot. Fortunately, these are very few, and so the terror of the book and the chills are executed even better on the screen. The black and white photography only adds to the creepiness of the movie. Excellent!

And then, Jan de Bont made this. In 1999, the remake of The Haunting hit the cinemas - if you could call this a remake. Why they had to make a remake of the 1963 movie is a mystery in itself, but for the moment, lets look at the film itself.

It starts off averagely, as most horror movies do. The set used for Hill House is beautiful, and oddly mysterious, and for a few minutes, it seems as if the film is actually going to be quite a fair re-telling. And then, the first scare comes: a loose harpsichord wire slashes a woman's face (Dr. Marrow's assistant). This is hilarious, and truth be told, it nearly had me in tears.

From then on, the film just spirals downwards. The acting seems to become somewhat wooden as the film goes on, with Owen Wilson's character being particularly irritating (so it's such a relief when he's decapitated by the flue).

The special effects practically make this movie,, which is a shame, because most of them are incredibly cheesy and look very dated. Examples of these are many, so I won't bother listing them.

So, all in all, I, along with hundreds of others, strongly recommend that you watch the original chiller, or, as an alternative, buy the novel by Shirley Jackson. But please, stay away from this. And, if you do decide to watch this, watch it on the TV (as a lot of the channels love to screen this film, and not the original) or rent it cheap, but please don't buy it, whatever you do. Don't waste your money!

Final rating: 4/10\": {\"frequency\": 1, \"value\": \"The Shirley ...\"}, \"I watched this movie 11 years ago in company with my best female friend. I got my judgment teeth pulled out so I didn't feel very good.

I ended up liking it big time. It's a hard watch if you take in account that it deals with friendship, unwanted betrayal, power, money, drug traffic, and the extreme hard situation that deals with living in a foreign jail.

The acting is on it's prime level. Two of the women that I lust the most star and that's a good thing. Claire Danes is as cute and charming as always while Kate Beckinsale is extremely hot and delivers a fine performance. Bill Pullman is also great and demonstrates his histrionic qualities.

There are many plot twists to dig from and make it an interesting visual experience. Plus it shows the difficult times at Thailand.

This is an underrated movie. Not many films like this one have come up in recent history. It should make you reflex about many things...\": {\"frequency\": 1, \"value\": \"I watched this ...\"}, \"The \\\"Men in White\\\" movie is definitely one of the funniest, if not THE funniest, comedy movies I ever watched! (and I watched quite a lot!) It is about two garbagemen, who become \\\"Men in White\\\" and then stop an invasion from space. It is also a parody of lots of classic movies, such as \\\"Men in Black\\\", \\\"Star Wars\\\" or \\\"Dr. Strangelove\\\". Anyone who says that this movie is crappy has something wrong with his head. There are tons of funny gags and jokes here, and you might actually get injury to your mouth from laughing too hard (it happened to me!). If you can watch this movie on TV, watch it now - you certainly won't regret it!\": {\"frequency\": 1, \"value\": \"The \\\"Men in White\\\" ...\"}, \"I had high hopes for this movie. The theater monologue is great and Nic Balthazar is a very interesting man, with a lot of experience and knowledge when it comes to movies.

I am a fan of a lot of Belgian movies, but this movie is bad. It's completely unbelievable that actors who are 34 are suddenly playing the roles of teenagers. The \\\"linguistic games\\\" were hideous and over the top. Nothing about the film seemed real to me. The ending was way too deus ex machina for me.

I am very disappointed and think I wasted an hour and a half of my life.\": {\"frequency\": 1, \"value\": \"I had high hopes ...\"}, \"The monster from Enemy Mine somehow made his way into a small mountain community, where he has taken up residence. He's being hunted by a female doctor-turned-vigilante who is out to exterminate him. This female assassin, who looks like a refugee from a Motley Crue video, rides around on a motorcycle and tries to save a bunch of kids who have chosen to have a Big Chill weekend right smack dab in the middle of the monster's turf. Decapitations and lots of blood are primarily in place to draw attention away from the story which limps along like a bad version of the Island of Dr. Moreau (and yes, it's worse than the one with Val Kilmer).\": {\"frequency\": 1, \"value\": \"The monster from ...\"}, \"I saw this film (it's English title is \\\"Who's Singing Over There?\\\") at the 1980 Montreal International Film Festival. It won raves then... and disappeared. A terrible shame. It is brilliant. Sublime, ridiculous, sad, and extremely funny. The script is a work of art. It's been 19 years and I've seen only a handful of comedies (or any other genre, for that matter) that can match its originality.\": {\"frequency\": 1, \"value\": \"I saw this film ...\"}, \"The National Gallery of Art showed the long-thought lost original uncut version of this film on July 10, 2005. It restores vital scenes cut by censors upon its release. The character of the cobbler, a moral goody-goody individual in the original censored release of 1933 is here presented as a follower of the philosopher Nietsze and urges her to use men to claw her way to the top. Also, the corny ending of the original which I assume is in current VHS versions is eliminated and the ending is restored to its original form. A wonderful film of seduction and power. Hopefully, there will a reissue of this film on DVD for all to appreciate its great qualities. Look for it.\": {\"frequency\": 1, \"value\": \"The National ...\"}, \"En route to a small town that lays way off the beaten track (but which looks suspiciously close to a freeway), a female reporter runs into a strange hitch-hiker who agrees to help direct her to her destination. The strange man then recounts a pair of gruesome tales connected to the area: in the first story, an adulterous couple plot to kill the woman's husband, but eventually suffer a far worse fate themselves when they are attacked by a zombie; and in the second story, a group of campers have their vacation cut short when an undead outlaw takes umbrage at having his grave peed on.

The Zombie Chronicles is an attempt by writer Garrett Clancy and director Brad Sykes at making a zombie themed anthology\\ufffd\\ufffda nice idea, but with only two stories, it falls woefully short. And that's not the only way in which this low budget gore flick fails to deliver: the acting is lousy (with Joe Haggerty, as the tale-telling Ebenezer Jackson, giving one of the strangest performances I have ever seen); the locations are uninspired; the script is dreary; there's a sex scene with zero nudity; and the ending.... well, that beggars belief.

To be fair, some of Sykes' creative camera-work is effective (although the gimmicky technique employed as characters run through the woods is a tad overused) and Joe Castro's cheapo gore is enthusiastic: an ear is bitten off, eyeballs are plucked out, a face is removed, brains are squished, and there is a messy decapitation. These positives just about make the film bearable, but be warned, The Zombie Chronicles ain't a stroll in the park, even for seasoned viewers of z-grade trash.

I give The Zombie Chronicles 2/10, but generously raise my rating to 3 since I didn't get to view the film with the benefit of 3D (although I have a sneaking suspicion that an extra dimension wouldn't have made that much of a difference).\": {\"frequency\": 1, \"value\": \"En route to a ...\"}, \"Until today I had never seen this film. Its was filmed on the sets of the Old Dark House and Frankenstein and concerns a small Bavarian village where supposedly giant bats are sucking the blood of the villagers.

Frankly its a damn good movie that has atmosphere to spare and a cast that won't quit, Lionel Atwill, Dwight Frye, Faye Wray and Melvin Douglas playing a character named Brettschnieder which is of interest to me since that was my great grandmother's maiden name.

This is a carefully modulated film that has suspense and witty one liners that slowly builds for its brief running time, only going astray when about ten minutes before the end they realized they had limited time to wrap everything up. From that point to the end its a straight run to the finish with very little of the fun that preceded it.

Leonard Maltin and IMDb list a running time of 71 minutes and warn of shorter prints. The trouble is that IMDb and Maltin can be wrong, and in this case I think they are since a source I trust more says the full running time is 67 minutes (The Overlook Film Encyclopedia) Quibbling about this I know is insane but since most prints that are available tend to run around 60-63 minutes the amount of missing material is considerably less if its only 67 minutes long. Personally I think it won't matter that much since its at most five minutes and I doubt very much it will make or break the film.

What ever the running time , if you like creaky old films, do, by all means do, watch this movie, its a great dark and stormy night film.\": {\"frequency\": 1, \"value\": \"Until today I had ...\"}, \"Left Behind is an incredible waste of more than 17 million dollars. The acting is weak and uninspiring, the story even weaker. The audience is asked to believe the totally implausible and many times laughable plot line and given nothing in return for their good faith. Not only is the film poorly acted and scripted it is severely lacking in all the technical areas of filmmaking. The production design does nothing to help the credibility of the action. The effects are wholly unoriginal and flat. The lighting and overall continuity are inexcusably awful; even compared to movies with a tenth of the budget. However none of this will matter in that millions of families will no doubt embrace the film for it's wholesomeness and it's religious leanings; and who can blame them. However it is unfortunate that they will be forced to accept 3rd rate amatuer filmmaking.\": {\"frequency\": 1, \"value\": \"Left Behind is an ...\"}, \"Even for the cocaine laced 1980's this is a pathetic. I don't understand why someone would want to waste celluloid, time, effort, money, and audience brain cells to make such drivel. If your going to make a comedy, make it funny. If you want to film trash like this keep it to yourself. If you're going to release it as a joke like this: DON'T!!! I mean, it was a joke right? Someone please tell me this was a joke. please.\": {\"frequency\": 1, \"value\": \"Even for the ...\"}, \"Every time I watch this movie I am more impressed by the whole production. I have come to the conclusion that it is the best romantic comedy ever made. Everyone involved is perfect; script, acting, direction, sets and editing. Whilst James Stewart can always be relied upon for a good performance, and the supporting cast are magnificent, it is Margaret Sullavan who reveals what an underrated actress she was. Her tragic personal life give poignancy to her qualities as a performer where comedy acting skills are not easy to achieve. Lubitsch managed to get the best and he obviously gave his best. Watch for the number of scenes which were done on one take - breathtaking.\": {\"frequency\": 1, \"value\": \"Every time I watch ...\"}, \"I'm not sure how related they are, but I'm almost certain that Lost and Delirious is a remake of this movie (or the story that it's based on). Very similar plotline, and even some of the scenes and sets seem to be very, very similar. Lost & Delirious is actually a much better movie, so see that one instead.

This one moves very slowly, but being a late 60s French movie, that is to be expected of the style. Told in a retrospect from the perspective of one of the girls revisiting the school. The editing of the flashbacks with the current scenes is a little bit confusing at first, particularly since the audio from each overlaps (ie, hearing flashbacks while seeing the present and vice versa). Also, the \\\"girls\\\" are a bit old to think that they are in a boarding school. Finally, not much character development to even get you attached to the movie.\": {\"frequency\": 1, \"value\": \"I'm not sure how ...\"}, \"The effects of job related stress and the pressures born of a moral dilemma that pits conscience against the obligations of a family business (albeit a unique one) all brought to a head by-- or perhaps the catalyst of-- a midlife crisis, are examined in the dark and absorbing drama, `Panic,' written and directed by Henry Bromell, and starring William H. Macy and Donald Sutherland. It's a telling look at how indecision and denial can bring about the internal strife and misery that ultimately leads to apathy and that moment of truth when the conflict must, of necessity, at last be resolved.

Alex (Macy) is tired; he has a loving wife, Martha (Tracey Ullman), a precocious six-year-old son, Sammy (David Dorfman), a mail order business he runs out of the house, as well as his main source of income, the `family' business he shares with his father, Michael (Sutherland), and his mother, Deidre (Barbara Bain). But he's empty; years of plying this particular trade have left him numb and detached, putting him in a mental state that has driven him to see a psychologist, Dr. Josh Parks (John Ritter). And to make matters worse (or maybe better, depending upon perspective), in Dr. Parks' waiting room he meets a young woman, Sarah Cassidy (Neve Campbell), whose presence alone makes him feel alive for the first time since he can remember. She quickly becomes another brick in the wall of the moral conflict his job has visited upon him, as in the days after their meeting he simply cannot stop thinking about her. His whole life, it seems, has become a `situation'-- one from which he is seemingly unable to successfully extirpate himself without hurting the ones he loves. He can deny his age and the fact that he has, indeed, slipped into a genuine midlife crisis, but he is about to discover that the problems he is facing are simply not going to go away on their own. He's at a crossroads, and he's going to have to decide which way to go. And he's going to have to do it very soon.

From a concept that is intrinsically interesting, Bromell has fashioned an engrossing character study that is insightful and incisive, and he presents it is a way that allows for moments of reflection that enable the audience to empathize and understand what Alex is going through. He makes it very clear that there are no simple answers, that in real life there is no easy way out. His characters are well defined and very real people who represent the diversity found in life and, moreover, within any given family unit. The film resoundingly implies that the sins of the father are irrefutably passed on to the progeny, with irrevocable consequences and effects. When you're growing up, you accept your personal environment as being that of the world at large; and often it is years into adulthood that one may begin to realize and understand that there are actually moral parameters established by every individual who walks upon the planet, and that the ones set by the father may not be conducive to the tenets of the son. And it is at that point that Alex finds himself as the story unfolds; ergo, the midlife crisis, or more specifically, the crisis of conscience from which he cannot escape. It's a powerful message, succinctly and subtly conveyed by Bromell, with the help of some outstanding performances from his actors.

For some time, William H. Macy has been one of the premiere character actors in the business, creating such diverse characters as Quiz Kid Donnie Smith in `Magnolia,' The Shoveler in `Mystery Men' and Jerry Lundegaard in `Fargo.' And that's just a sampling of his many achievements. At one point in this film, Sarah mentions Alex's `sad eyes,' and it's a very telling comment, as therein lies the strength of Macy's performance here, his ability to convey very real emotion in an understated, believable way that expresses all of the inner turmoil he is experiencing. Consider the scene in which he is lying awake in bed, staring off into the darkness; in that one restless moment it is clear that he is grappling, not only with his immediate situation, but with everything in his life that has brought him, finally, to this point. In that scene you find the sum total of a life of guilt, confusion and uncertainty, all of which have been successfully suppressed until now; all the things that have always been at the core of Alex's life, only now gradually breaking through his defense mechanisms and finally surfacing, demanding confrontation and resolution. It's a complex character created and delivered by Macy with an absolute precision that makes Alex truly memorable. It's a character to whom anyone who has ever faced a situation of seemingly insurmountable odds will be able to relate. It's a terrific piece of work by one of the finest actors around.

Sutherland is extremely effective, as well; his Michael is despicably sinister in a way that is so real it's chilling. It's frightening, in fact, to consider that there are such people actually walking the earth. This is not some pulp fiction or James Bond type villain, but a true personification of evil, hiding behind an outward appearance that is so normal he could be the guy next door, which is what makes it all the more disconcerting. And Sutherland brings it all to life brilliantly, with a great performance.

Neve Campbell looks the part of Sarah, but her performance (as is the usual case with her) seems somewhat pretentious, although her affected demeanor here just happens to fit the character and is actually a positive aspect of the film. If only she would occasionally turn her energies inward, it would make a tremendous difference in the way she presents her characters. `Panic,' however, is one of her best efforts; a powerful film that, in the end, is a journey well worth taking. 9/10.

\": {\"frequency\": 1, \"value\": \"The effects of job ...\"}, \"This movie is just plain terrible!!!! Slow acting, slow at getting to the point and wooden characters that just shouldn't have been on there. The best part was the showing of Iron Maiden singing in some video at a theater and thats it. the ending was worth watching and waiting up for but that was it!! The characters in this movie put me to sleep almost. Avoid it!!!\": {\"frequency\": 1, \"value\": \"This movie is just ...\"}, \"This film, was one of my childhood favorites and I must say that, unlike some other films I liked in that period The Thief of Bagdad has held on to it's quality while I grew up. This is not merely a film to be enjoyed by children, it can be watched and enjoyed by adults as well. The only drawback there is, is that one can not see past the \\ufffd\\ufffdbad' effects (compared to the effects nowadays) like one could when one was a child. I remembered nothing of those effects, of course it had been about ten years since I'd seen this film, when I was about eleven years old. Who then watches effects? One only seeks good stories and entertainment and this is exactly what this film provides. In my mind this film is one of the first great adventure films of the 20th century. Coming to think of it I feel like the Indiana Jones films are quite a like this film. There is comedy, romance and adventure all in one, which creates a wonderful mixture that will capture you from the beginning until the end and although the film is old and the music and style of the films is clearly not modern, it succeeds in not being dusty and old. All of that is mainly due to the great story, the good directing and the good acting performances of the actors. In that department Sabu (as Abu) and Conrad Veidt (as Jaffar) stand out, providing the comedic and the chilling elements of the film for the most part. Great film and although an 'oldie', definitely a \\ufffd\\ufffdgoldie'. I hope someone has the brain and guts to release this one on DVD someday.

8 out of 10\": {\"frequency\": 1, \"value\": \"This film, was one ...\"}, \"B movie at best. Sound effects are pretty good. Lame concept, decent execution. I suppose it's a rental.

\\\"You put some Olive Oil in your mouth to save you from de poison, den you cut de bite and suck out de poisen. You gonna be OK Tommy.\\\"

\\\"You stay by the airphone, when Agent Harris calls you get me!\\\" \\\"Give me a fire extinguisher.\\\"

\\\"Weapons - we need weapons. Where's the silverware? All we have is this. Sporks!?\\\"

Dr Price is the snake expert.

Local ERs can handle the occasional snakebite. Alert every ER in the tri-city area.\": {\"frequency\": 1, \"value\": \"B movie at best. ...\"}, \"This movie is a remake of two movies that were a lot better. The last one, Heaven Can Wait, was great, I suggest you see that one. This one is not so great. The last third of the movie is not so bad and Chris Rock starts to show some of the comic fun that got him to where he is today. However, I don't know what happened to the first two parts of this movie. It plays like some really bad \\\"B\\\" movie where people sound like they are in some bad TV sit-com. The situations are forced and it is like they are just trying to get the story over so they can start the real movie. It all seems real fake and the editing is just bad. I don't know how they could release this movie like that. Anyway, the last part isn't to bad, so wait for the video and see it then.\": {\"frequency\": 1, \"value\": \"This movie is a ...\"}, \"Man, even Plan 9 From Outer Space is better than this movie. This flick doesn't have enough plot for half an hour, yet they managed to extend it for an eternity of more than an hour. Jet Li and Corey Yuen are pretty good, specially in those exaggerated fight scenes, but stuff like The Legend of Fong Sai Yuk is much better than this sorry thing that would be better left unmade.\": {\"frequency\": 1, \"value\": \"Man, even Plan 9 ...\"}, \"A lot of promise and nothing more. An all-star cast certainly by HK standards, but man oh man is this one a stinker. No story? That's okay, the action will make up for it like most HK action flicks. What? The action is terrible, corny, and sparse? Dragon Dynasty's releases up to this point are by and large superb and generally regarded as classics in Asian cinema. This is a blight. They managed to wrangle a couple of actors from Infernal Affairs, but they can't bring life to a disjointed script. There are scenes of dialogue where two or three lines are spoken with a cut in between each and no continuity in what the characters are saying. You almost feel like they're each giving a running monologue and just ignoring the other characters. Michael Biehn is made of wood, really? Sammo Hung uses a stunt double? No way. Yes way. Stay away.\": {\"frequency\": 1, \"value\": \"A lot of promise ...\"}, \"The Matador is better upon reflection because at the time one is watching it, it seems so light. The humor is always medium-gauge, never unfunny but never gut-busting. The story is a very simple thread. The characteristics of the plot are often recycled features, namely the unscrupulous bad guy in need of a pal and the straight-laced glass-wearing good guy in need of security in life team up and learn from each other and somehow complement each other's lifestyles. I also find the bullfighting parallel to the story unnecessary, as it is a simply cruel thing and the symbolism is hardly potent enough to carry itself. However, it really is a good film, because though it seemed so thin and unaffecting at the time, it wasn't. It has a subtle way of connecting with the audience.

I believe the reason it slowly but surely gives the audience something to take with them is because though it's a formula that is nothing new, even most of the humor, both main characters, virtually the only characters in it, are somehow met and gotten to know. Forget calling them real. That's not at all what I mean. What I mean is that though Pierce Brosnan's filthy, womanizing, boozing hit man is a detached comical character, he's grasped firmly by the writer and definitely by Brosnan, who is aggressively communicating how much he enjoys his breath of fresh James Bondless air. Greg Kinnear's character seems quite the same in his detached scriptedness, but he's given certain very unexpected footnotes that for a moment due to the film's lightfootedness pass us by but then hit us only a moment later. We then realize the film is not simply Analyze This or Planes, Trains and Automobiles told stalely over again. Its truly saying something.

The film's climax is of a sort that wants to partially be a thriller with twists. But with its lightness, how can that possibly be the focus of the film, though the plot has been leading up to it? No, the focus is what Brosnan and Kinnear get out of their unlikely relationship to each other. Strangely, The Matador is a film about regret and loneliness. Brosnan deals with loneliness and regret every day, and though we don't understand why Kinnear is so lenient and accepting with Brosnan continually interrupting his life, it's slowly understood that Brosnan is salvaging Kinnear from a more down-to-earth version of his own feelings as a means of redemption. The very last scene of the movie stays with me. It, I think, is where the film's subtle side-stepping impact finally begins to seep.\": {\"frequency\": 1, \"value\": \"The Matador is ...\"}, \"This adaptation, like 1949's *The Heiress*, is based on the Henry James novel. *The Heiress*, starring Olivia de Havilland, remains as a well-respected piece of work, though less true to James' original story than this new remake, which retains James' original title. It is the story of a awkward, yet loving daughter (Leigh), devoted to her father (Finney) after her mother dies during childbirth. The arrogant father holds his daughter in no esteem whatsoever, and considers her, as well as all women, simpleminded. When a young man (Chaplin) of good family and little fortune comes courting, the Father is naturally suspicious, but feeling so sure that his daughter could hold no interest for any man, is convinced that the young man is a fortune hunter and forbids her to see him. Leigh is a controversial actress \\ufffd\\ufffd most either love her or hate her \\ufffd\\ufffd and she always has a particular edginess and tenseness to her style, like she's acting through gritted teeth. She's not bad in this, and she handles her role relatively deftly \\ufffd\\ufffd it's just an awkward role for any actress, making the audience want to grab the character by her shoulders and shake her until she comes to her senses. While the character garners a lot of sympathy, she's not particularly likable. The very handsome and immensely appealing Ben Chaplin (previously seen in *The Truth About Cats and Dogs*) plays his role with the exact amount of mystery required to keep the audience guessing whether he is after her fortune, or is really in love with her. Maggie Smith is one of the finest actresses alive and raises the level of the movie considerably with her portrayal of the well-meaning aunt. Finney is marvelous, of course, as the father who threatens to disinherit his daughter for her disobedience, but the daughter is willing to risk that for the man she loves. But does her ardent suitor still want her without her fortune? This is only one instance where *Washington Square* differs from *The Heiress*. Another instance is the ability to stick with it. It is a handsome movie that is as tedious as a dripping faucet, offering too little story in too long of a movie.\": {\"frequency\": 1, \"value\": \"This adaptation, ...\"}, \"Yes, I'm sentimental & schmaltzy!! But this movie (and it's theme song) remain one of my all time greats!! Robert Downey Jr. does such justice to the role of \\\"Louis Jeffries\\\" reincarnated and the storyline (although far-fetched) is romantic & makes one believe in happy endings!!\": {\"frequency\": 1, \"value\": \"Yes, I'm ...\"}, \"\\\"They were always trying to get me killed,\\\" Alec Guinness once wrote of The Man In the White Suit's technicians. \\\"They thought actors got in the way of things.\\\" He went on to describe how he'd been given a wire rope to climb down and, assured it was safe, narrowly avoided serious injury when it suddenly snapped mid-descent.

\\\"People get in the way of things\\\" might be a maxim tailor-made for White Suit inventor Sidney Stratton (fittingly played blank slate-fashion by Alec Guinness) in Alexander Mackendrick's definitive Ealing film of 1951. Certainly, he cares only about his work, its realisation - and sod the consequences. And similarly, with the exception of a couple of peripheral characters, there's almost nobody to root for in this chilly satire on capital and labour.

Told in flashback, the film concerns Stratton's invention of a dirt-resistant, everlasting fibre (fashioned into the white suit of the title), and subsequent attempts by the clothing industry and its unions to suppress it.

While the industry fears the bottom will drop out of the market, the shop floor stewards worry about finding themselves out of a job. Abduction and bribery attempts follow, with both money and an industry chief's daughter on offer (Daphne, the delectable, 4-packs-a-day-voiced Joan Greenwood), to the tragi-comic end.

\\\"What's to become of my bit of washing when there's no washing to do?\\\" bemoans Stratton's landlady near the close. A notion Stratton hadn't even considered - and has disregarded again by the movie's ambiguous coda.

A superior, if decidedly downbeat comedy, expertly performed - and pretty much answering the oft-raised question of whatever happened to the everlasting light bulb and the car that ran on water...\": {\"frequency\": 1, \"value\": \"\\\"They were always ...\"}, \"A terrible film which is supposed to be an independent one. It needed some dependence on something.

This totally miserable film deals with the interactions among Irish people. Were they trying to imitate the wonderful film \\\"Crash?\\\" If so, this film crashed entirely.

There is just too much going on here culminated by a little brat running around and throwing rocks into buses and cars which obviously cause mayhem.

The film is just too choppy to work. One woman loses her husband after 14 years to another while her younger sister is ripped off by a suitor. This causes the former sister to become a bitter vetch and walk around in clothes not worth believing. The older sister also becomes embittered but soon finds romance.

Then, we have 3 losers who purchase masks to rob a bank. Obviously, the robbery goes awry but there doesn't seem to be any punishment for the crooks. Perhaps, the punishment should have been on the writers for failure to create a cohesive film.\": {\"frequency\": 1, \"value\": \"A terrible film ...\"}, \"It seems like anybody can make a movie nowadays. It's like all you need is a camera, a group of people to be your cast and crew, a script, and a little money and walla you have a movie. Problem is that talent isn't always part of this equation and often times these kind of low budget films turn out to be duds. The video store shelves are filled with these so called films. These aren't even guilty pleasures, they're just a waste of celluloid that are better off forgotten. Troma Entertainment is known for making trash cinema, but most of their films are b movie gold. However, some of the films they've put out they had nothing to do with making and some, like 'Nightmare Weekend,' didn't deserve any form of release at all.

Pros: The cast members do the best they can with the lousy material. Some unintentional hilarity. Moves at a good pace (Should at 81 minutes).

Cons: Awful writing, which includes putrid dialogue and countless plot holes. Poorly lit, especially the night scenes and the ending, which you can't make out at all. Doesn't make a lick of sense. Badly scored. Cheap and very dated effects. Total lack of character development and you won't care about anybody. This is supposed to be a horror film, but it's lacking in that area and isn't the least bit scary. Nothing interesting or exciting happens. Loaded with unnecessary padding.

Final thoughts: I never expected this to be some forgotten gem, but I never imagined it would be this bad. I don't know if it's the worst film ever made, but it's a definite contender. Troma should have let this film rot instead of giving it a release. Don't make the same mistake I did and let your curiosity get the best of you.

My rating: 1/5\": {\"frequency\": 1, \"value\": \"It seems like ...\"}, \"Vonnegut's words are best experienced on paper. The tales he weaves are gossemar, silken strands of words and expressions that are not easily translated into a world of Marilyn Manson or Jerry Bruckheimer explosions. His words have been treated well once before, in the remarkable Slaughterhouse-5.

Mother night is probably one of the three novels Vonnegut has written I could take to a desert island, along with Slaughterhouse-5 and Bluebeard.

The film version deserves a 10, but the books are so permanently part of my interior landscape that I just can't do it...some of the scenes left out of the film are part of my memory...\": {\"frequency\": 2, \"value\": \"Vonnegut's words ...\"}, \"If this documentary had not been made by the famous French director, Louis Malle, I probably would have turned it off after the first 15 minutes, as it was an incredibly dull look at a very ordinary Midwestern American town in 1979. This is not exactly my idea of a fun topic and the film footage closely resembled a collection of home movies. Considering I didn't know any of these people, it was even less interesting.

Because it was a rather dull slice of life style documentary, I wondered while watching what was the message they were trying to convey? Perhaps it was that values aren't as conservative as you might think--this was an underlying message through many of the vignettes (such as the Republicans whose son was a draft resister as well as the man and lady who thought sex outside of marriage was just fine). Or, perhaps the meaning was that there was a lot of bigotry underlying the nice home town--as several ugly ideas such as blaming Jews for financial conspiracies, anti-Black bigotry and homophobia all were briefly explored.

The small town of 1979 was explored in great depth and an idyllic sort of world was portrayed, but when the film makers returned six years later, the mood was depressed thanks to President Reagan. This seemed very disingenuous for several reasons. First, the 1979 portion was almost 90% of the film and the final 10% only consisted of a few interviews of people that blamed the president for just about everything but acne. What about the rest of the folks of this town? Did they all see Reagan as evil or that their lives had become more negative? With only a few updates, it seemed suspicious. Second, while it is true that the national debt doubled in the intervening years, so did the gross national product. And, while Malle shows 1979 as a very optimistic period, it was far from that, as the period from 1974-1980 featured many shortages (gas, sugar, etc.), strikes, high inflation and general malaise. While I am not a huge fan of Reagan because government growth did NOT slow during his administration, the country, in general, was far more optimistic than it had been in the Ford and Carter years. While many in the media demonized Reagan (a popular sport in the 80s), the economy improved significantly and the documentary seems very one-sided and agenda driven. Had the documentary given a more thorough coverage of 1985 and hadn't seemed too negative to be believed (after all, everyone didn't have their lives get worse--this defies common sense), then I might have thought otherwise.

Overall, not the wonderful documentary some have proclaimed it to be--ranging from a dull film in 1979 to an extremely slanted look at 1985.

By the way, is it just me, or does the film DROP DEAD GORGEOUS seem to have been inspired, at least in part, by this film? Both are set in similar communities, but the latter film was a hilarious mockumentary without all the serious undertones.\": {\"frequency\": 1, \"value\": \"If this ...\"}, \"Finally! An Iranian film that is not made by Majidi, Kiarostami or the Makhmalbafs. This is a non-documentary, an entertaining black comedy with subversive young girls subtly kicking the 'system' in its ass. It's all about football and its funny, its really funny. The director says \\\"The places are real, the event is real, and so are the characters and the extras. This is why I purposely chose not to use professional actors, as their presence would have introduced a notion of falseness.\\\" The non-actors will have you rooting for them straightaway unless a. your heart is made of stone b. you are blind. Excellently scripted, the film challenges patriarchal authority with an almost absurd freshness. It has won the Jury Grand Prize, Berlin, 2006. Dear reader, it's near-perfect. WHERE, where can I get hold of it?\": {\"frequency\": 1, \"value\": \"Finally! An ...\"}, \"A dog found in a local kennel is mated with Satan and has a litter of puppies, one of which is given to a family who has just lost their previous dog to a hit & run. The puppy wants no time in making like Donald Trump and firing the Mexican housekeeper, how festive. Only the father suspects that this canine is more then he appears, the rest of the family loves the demonic pooch. So it's up to dad to say the day.

This late 70's made for TV horror flick has little going for it except a misplaced feeling of nostalgia. When I saw this as a kid I found it to be a tense nail-biter, but revisiting it as an adult I now realize that it's merely lame,boring, and not really well-acted in the least bit.

My Grade: D\": {\"frequency\": 1, \"value\": \"A dog found in a ...\"}, \"I just can't agree with the above comment - there's lots of interesting and indeed amazing filmic imagery in this one, it has an unusual structure and moves well toward a frightening climactic sequence that is notable for it's effective use of silence. What's more, it explores the odd impulse of suicide in a very frank way, not pulling any punches in what it shows, yet not dwelling and over-sensationalising the subject matter. it has hints of documentary about it as well as horror and art-house cinema, and deserves a place amongst the canon of 'different' horror films like The Blair Witch Project and the original Ring (both of which it predates and could well be an unacknowledged influence on). It's definitely worth seeing if you're interested in the edges of horror cinema.\": {\"frequency\": 1, \"value\": \"I just can't agree ...\"}, \"An old saying goes \\\"If you think you have problems, visit a hospital.\\\" That has been updated in recent years to \\\"If you think you have problems, watch a TV talk show...especially Jerry Springer's!\\\" This movie is one of those that is so bad, it's good! That's why I gave it a seven-it's all right, but not great. It's a great way to waste 95 minutes, just as the daily talk show is advertised as \\\"an hour of your life you'll never get back!\\\" All the familiar themes are here...unfaithful husbands/boyfriends, the wildest audience on television, women flashing Jerry, etc. The shocker was watching Molly Hagan, who normally plays sweet characters (\\\"Seinfeld\\\" and \\\"Herman's Head\\\") playing a trailer-trash mom and Jaime Pressly (\\\"My Name Is Earl\\\") as her equally trashy daughter, performing sexual favors for virtually every man with whom they came in contact. The men (including the staff producer) were presented as quintessential lunkheads who deserved what they got. I don't want to spoil or reveal everything but the movie plays like the daily show. Here in Phoenix, it's shown back-to-back for two hours every morning and, after that, everything else seems to pale. Again, I give this movie a seven...it's good but not great. Jerry Springer is best taken in small one hour doses.\": {\"frequency\": 1, \"value\": \"An old saying goes ...\"}, \"There is no relation at all between Fortier and Profiler but the fact that both are police series about violent crimes. Profiler looks crispy, Fortier looks classic. Profiler plots are quite simple. Fortier's plot are far more complicated... Fortier looks more like Prime Suspect, if we have to spot similarities... The main character is weak and weirdo, but have \\\"clairvoyance\\\". People like to compare, to judge, to evaluate. How about just enjoying? Funny thing too, people writing Fortier looks American but, on the other hand, arguing they prefer American series (!!!). Maybe it's the language, or the spirit, but I think this series is more English than American. By the way, the actors are really good and funny. The acting is not superficial at all...\": {\"frequency\": 1, \"value\": \"There is no ...\"}, \"Well I have to admit this was one of my favorites as a kid, when I used to watch it on a home projector as a super-8 reel. Now there isn't much to recommend it, other than the inherent camp value of actors being \\\"terrified\\\" by replicas of human skulls. The special effects are pretty silly, mostly consisting of skulls on wires and superimposed \\\"ghost\\\" images.

But there's something to be said for the sets. The large mansion in which it takes place is pretty creepy, especially since it's mostly unfurnished (probably due to budgetary reasons?).

It definitely inspires more laughs than screams, however. Just try not to get the giggles when the wife (who does more than her share of screaming) goes into the greenhouse and is confronted with the ghost of her husband's ex.\": {\"frequency\": 1, \"value\": \"Well I have to ...\"}, \"This has to be one of the worst films I have ever seen. The DVD was given to me free with an order I placed online for non DVD related items.

No wonder they were given away, surely no one could part with money for this drivel.

How some reviewers can say they found it hilarious beggars belief, the person who includes it in the worst five films ever has got it spot on.

How on earth a talented actor like Philip Seymour Hoffman could get involved in this rubbish is unbelievable. Mostly toilet humour and badly done at that.

Anyone wanting to be entertained should avoid this at all costs.\": {\"frequency\": 1, \"value\": \"This has to be one ...\"}, \"I happened to spot this flick on the shelf under \\\"new releases\\\" and found the idea of a hip-hop zombie flick far too interesting to pass up. That's how it was billed on the box, anyhow, and I thought to myself, \\\"What a great idea!\\\" Plus there's a \\\"Welcome to Oakland\\\" sign on the cover, too. How could I resist? Unfortunately, the hip-hop part only lasted for as long as the opening theme. Neither hip-hop music nor hip-hop culture had much of a role in the movie. Having lived in Oakland myself, I know that there are many aspiring hip-hop artists there, so the low budget of this flick was no excuse not to have a fitting soundtrack. Any number of struggling artists would have jumped on the opportunity to contribute to this flick. Why the Quiroz Brothers didn't take advantage of this is beyond me.

Once the film got rolling, it was a completely typical zombie movie with a cast that just so happened to be completely black and Latino. You might think that this would put an unusual slant on the movie... but it didn't. Somehow, the Quiroz Brothers vision of \\\"urban culture\\\" boils down to drive-by shootings and dropping an F-bomb in every line in the movie. The rapid-fire use of the word \\\"fuck\\\" is probably this movie's most distinguishing characteristics; there were single lines that contained the word three or four times, and no line didn't contain it at least once. I'm not at all squeamish about swearing in a movie, but the feeling here was that it was the result of a lack of ideas on the part of the writers (also the Quiroz Brothers), and the script was generally very poor.

The film was generally a disappointment. It would have been interesting to see a genuinely \\\"urban culture\\\" zombie flick, but \\\"Hood of the Living Dead\\\" doesn't deliver on that count. The characters in the movie could just as easily have been white or eskimo or anything else. There was no distinct flavor to the movie. It's just another run-of-the-mill low budget flick with bad acting, lousy writing, amateurish direction, bland cinematography, a cheap soundtrack, and nothing at all to recommend it.\": {\"frequency\": 1, \"value\": \"I happened to spot ...\"}, \"I liked this movie I remember there was one very well done scene in this movie where Riff Randell (played by P.J. Soles) is lying in her bed smoking pot and then she begins to visualize that the Ramones are in the room with her sing the song \\\"I Want You Around\\\" ...very very cool stuff.

It was fun, energetic, quirky and cool. Yes I'll admit that the ending is way-way over the top and far fetched ...but it doesn't matter because it is fun this is a very fun movie. It's Sex, Pot and Rock n Rocll forever

I read that Cheap Trick was the band who was originally to star in this ..But I do not know if this is true or not\": {\"frequency\": 1, \"value\": \"I liked this movie ...\"}, \"'The Vampire Bat' is definitely of interest, being one of the early genre-setting horror films of the 1930's, but taken in isolation everything is a bit too creaky for any genuine praise.

The film is set in a European village sometime in the 19th Century, where a series of murders are being attributed to vampirism by the suspicious locals. There is a very similar feel to James Whale's 'Frankenstein' and this is compounded by the introduction of Lionel Atwill's Dr Niemann character, complete with his misguided ideas for scientific advancement.

The vampire theme is arbitrary and only used as a red-herring by having suspicion fall on bat-loving village simpleton Herman (Dwight Frye), thus providing the excuse for a torch-wielding mob to go on the rampage - as if they needed one.

This is one of a trio of early horror films in which Lional Atwill and Fay Wray co-starred (also 'Doctor X' and 'The Mystery of the Wax Museum') and like their other collaborations the film suffers from ill-advised comic relief and a tendency to stray from horror to mainstream thriller elements. Taken in context though, 'The Vampire Bat' is still weak and derivative.

All we are left with is a poor-quality Frankenstein imitation, with the vampire elements purely a device to hoodwink Dracula fans. But for the title the film would struggle to even be considered as a horror and it is worth noting that director Frank Strayer was doing the 'Blondie' films a few years later.\": {\"frequency\": 1, \"value\": \"'The Vampire Bat' ...\"}, \"What happens when an army of wetbacks, towelheads, and Godless Eastern European commies gather their forces south of the border? Gary Busey kicks their butts, of course. Another laughable example of Reagan-era cultural fallout, Bulletproof wastes a decent supporting cast headed by L Q Jones and Thalmus Rasulala.\": {\"frequency\": 1, \"value\": \"What happens when ...\"}, \"i tried to sit through this bomb not too long ago.what a disaster .the acting was atrocious.there were some absolutely pathetic action scenes that fell flat as a lead balloon.this was mainly due to the fact that the reactions of the actors just didn't ring true.supposedly a modern reworking of the Hitchcock original \\\"Lifeboat\\\".i think Hictcock would be spinning circles in his grave at the very thought of it.from what i was able to suffer through,there is nothing compelling in this movie.it boasts a few semi big names,but they put no effort into their characters.but,you know,to be fair,it was nobody's fault really.i mean,i'm pretty sure the script blew up in the first explosion. LOL.it is possible that this thing ends up improving as it goes along.but for me,i'm not willing to spend at least three days to find out.so unless you have at least a three day weekend on the horizon,avoid this stinker/ 1/10\": {\"frequency\": 1, \"value\": \"i tried to sit ...\"}, \"Hi everyone my names Larissa I'm 13 years old when i was about 4 years old i watch curly sue and it knocked my socks of i have been watching that movie for a long time in fact about 30 minutes ago i just got done watching it. Alisan porter is a really good actor and i Love that movie Its so funny when she is dealing the cards. Every time i watch that movie at the end of it i cry its so said i know I'm only 13 years old but its such a touching story its really weird thats Alisan is 25 years old now. Every time i watch a movie someone is always young and the movie comes out like a year after they make it and when u watch it and find out how old the person in the movie really is u wounder how they can go from one age to the next. Like Harry Potter. That movie was also great but still Daniel was about 12 years old in the first movie and i was about 11. SO how could he go from 12 to 16 in about 4 years and I'm only 13. I'm not sure if he is 16 right now i think he is almost 18 but thats kind of weird when u look at one movie and on the next there about 4 years old then u when they were only 1 in the last.I'm not sure i have a big imagination and i like to revile it.I am kind of a computer person but i like to do a lot of kids things also. I am very smart like curly sue in the movie but one thing i don't like in the movie is when that guy calls the foster home and makes curly sue get taken away i would kill that guy if he really had done it in real life. Well I'm going to stop writing i know a write a lot sometimes but kids do have a lot in there head that need to get out and if they don't kids will never get to learn.

Larissa\": {\"frequency\": 1, \"value\": \"Hi everyone my ...\"}, \"Title: Zombie 3 (1988)

Directors: Mostly Lucio Fulci, but also Claudio Fragasso and Bruno Mattei

Cast: Ottaviano DellAcqua, Massimo Vani, Beatrice Ring, Deran Serafin

Review:

To review this flick and get some good background of it, I gotta start by the beginning. And the beginning of this is really George Romeros Dawn of the Dead. When Dawn came out in 79, Lucio Fulci decided to make an indirect sequel to it and call it Zombie 2. That film is the one we know as plain ole Zombie. You know the one in which the zombie fights with the shark! OK so, after that flick (named Zombie 2 in Italy) came out and made a huge chunk of cash, the Italians decided, heck. Lets make some more zombie flicks! These things are raking in the dough! So Zombie 3 was born. Confused yet? The story on this one is really just a rehash of stories we've seen in a lot of American zombie flicks that we have seen before this one, the best comparison that comes to mind is Return of the Living Dead. Lets see...there's the government making experiments with a certain toxic gas that will turn people into zombies. Canister gets released into the general population and shebang! We get loads of zombies yearning for human flesh. A bunch of people start running away from the zombies and end up in an old abandoned hotel. They gotta fight the zombies to survive.

There was a lot of trouble during the filming of this movie. First and foremost, Lucio Fulci the beloved godfather of gore from Italy was sick. So he couldn't really finish this film the way that he wanted to. The film was then handed down to two lesser directors Bruno Mattei (Hell of the Living Dead) and Claudio Fragasso (Zombie 4). They did their best to spice up a film that was already not so good. You see Fulci himself didn't really have his heart and soul on this flick. He was disenchanted with it. He gave the flick over to the producers and basically said: \\\"Do whatever the hell you want with it!\\\" And god love them, they did.

And that is why ladies and gents we have such a crappy zombie flick with the great Fulci credited as its \\\"director\\\". The main problem in my opinion is that its just such a pointless bore! There's no substance to it whatsoever! After the first few minutes in which some terrorists steal the toxic gas and accidentally release it, the rest of the flick is just a bunch of empty soulless characters with no personality whatsoever running from the zombies. Now in some cases this can prove to be fun, if #1 the zombie make up and zombie action is actually good and fun and #2 there's a lot of gore and guts involved.

Here we get neither! Well there's some inspired moments in there, like for example when some eagles get infected by the gas and they start attacking people. That was cool. There's also a scene involving a flying zombie head (wich by the way defies all logic and explanation) and a scene with zombies coming out of the pool of the abandoned hotel and munching off a poor girls legs. But aside from that...the rest of the flick just falls flat on its ass.

Endless upon endless scenes that don't do jack to move the already non existent plot along. That was my main gripe with this flick. The sets look unfinished and the art direction is practically non-existent. I hate it when everything looks so damn unfinished! I like my b-movies, but this one just really went even below that! Its closer to a z-level flick, if you ask me.

The zombie make up? Pure crap. The zombies are all Asian actors (the movie was filmed in the Philippines) so you get a bunch of Asian looking zombies. But thats not a big problem since they movie was set in the phillipine islands anyway. Its the look of the zombies that really sucks! They all died with the same clothes on for some reason. And what passes for zombie make up here is a bunch of black make up (more like smudges) on their faces. One or two zombies had slightly more complex make up, but it still wasn't good enough to impress. Its just a bunch of goo pointlessly splattered on the actors faces. So not only is this flick slowly paced but the zombies look like crap. These are supposed to be dead folks! Anyhows, for those expecting the usual coolness in a Fulci flick don't come expecting it here cause this is mostly somebody else's flick. And those two involved (Mattei and Fragasso) didn't really put there heart and souls into it. In fact, when you see the extras on the DVD you will see that when Fragasso is asked about his recollections and his feelings on this here flick, he doesn't even take it to seriously. You can tell he is ashamed of it and in many occasions he says they \\\"just had a job to do and they did it\\\". And that my friends, is the last nail on this flick. There's no love, and no heart put into making this film. Therefore you get a half assed, crappy zombie flick.

Only for completest or people who want to have or see every zombie flick ever made. Everybody else, don't even bother! Rating: 1 out of 5\": {\"frequency\": 1, \"value\": \"Title: Zombie 3 ...\"}, \"For the life of me I can not understand the blind hype and devotion to this totally unbelievable movie......and I think I have the qualifications to say so.... I am a former Special Operations soldier with 14 years in the \\\"lifestyle\\\" ... This movie was totally totally unreal and obviously written by someone that did very little research into life in the Army, in combat or at a team or platoon level.

Three EOD guys trouncing around Bagdad on their own????? Get Real... No chain of command????? Get Real... EOD clearing buildings??? Get Real....EOD/ Military Intelligence / Sniper qualified buck sergeant???? Get Real.... Wait... I shot and killed a bad guy and then let two guys take me without firing another shot or being injured at all???? Get Real....I carjack an Iraqi civilian, while I am only armed with a 9 mil, break into another civilians house, get punked by his wife then make it back to camp on foot in the middle of Bagdad at night without as so much as a scratch or confrontation???? Get Real...

There is absolutely no adherence to military protocol {Army} and no resemblance at all to any Army unit that I have even encountered. Totally unbelievable and disrespectful to the men and women of EOD who contrary to this poor film are not wild adrenaline seeking yahoos but extremely qualified professionals doing an incredibly hard job.\": {\"frequency\": 1, \"value\": \"For the life of me ...\"}, \"Beside the fact, that in all it's awesomeness this movie has risen beyond all my expectations, this masterpiece of cinema history portrait the overuse of crappy filters in it's best! Paul Johansson and Craig Sheffer show a brotherconflict with all there is to it. As usual a woman concieling her true intentions. The end came as surprising as unforssen as the killing of Keith Scott by his older brother.

The scenes in 'wiking land' are just as I remember it from my early time travels. - To be honest my strong passion for trash movies makes this one a must have in my never finished collection.

I recommend this movie to all the people in love with the most awesome brother cast from One Tree Hill.

-Odin-\": {\"frequency\": 1, \"value\": \"Beside the fact, ...\"}, \"This is probably the worst movie I have ever seen, (yes it's even worse than Dungeons and Dragons and any film starring Kevin Costner.)

Chris Rock looked very uncomfortable throughout this whole film, and his supporting actors didn't even look like they were trying to act. Chris Rock is a wonderful stand-up comedian, but he just can't transfer his talent to this film, which probably only has two strained laughs in the whole picture.

If you haven't watched this film yet, avoid it like the plague. Go do something constructive and more interesting like watching the weather channel or watching paint dry on a brick wall.

For Chris' efforts I give it a 2/10!

\": {\"frequency\": 1, \"value\": \"This is probably ...\"}, \"A very promising directorial debut for Bill Paxton. A very dark thriller/who-really-done-it recommended by Stephen King. This is a strong, well-conceived horror tale about a devout, but demented man in Thurman, Texas that goes on a murdering spree after getting orders from God to eliminate demons trying to control mankind. A couple of plot twists and an eerie finale makes for your moneys worth. Most of the violence you don't really see, but still enough to double up your stomach.

Director Paxton plays the twisted man to be known as the Hand of God Killer. Matthew McConaughey is equally impressive as the demented man's eldest son that ends up telling this story to a Dallas FBI Agent(Powers Boothe). Boothe, as always, is solid and flawless. Suspenseful white knuckler! Highly recommended.\": {\"frequency\": 1, \"value\": \"A very promising ...\"}, \"Whatever possessed Guy Ritchie to remake Wertmuller's film is incomprehensible.

This new film is a mess. There was one other person in the audience when I saw it, and she left about an hour into it. (I hope she demanded a refund.) The only reason I stayed through to the end was because I've never walked out of a movie.

But I sat through this piece of junk thoroughly flabbergasted that Madonna and Ritchie could actually think they made a good film. The dialogue is laughable, the acting is atrocious and the only nice thing in this film is the scenery. Ritchie took Lina's movie and turned it into another \\\"Blue Lagoon.\\\"

This is a film that you wouldn't even waste time watching late night on Cinemax. Time is too precious to be wasted on crap like this.\": {\"frequency\": 1, \"value\": \"Whatever possessed ...\"}, \"This is definitely one of the best movies I've ever seen-- it has everything-- a genuinely touching screenplay, fine actors that make subtlety a beautiful art to watch, an actually elegant romance (it's a shame that that kind of romance just doesn't seem to exist anymore), lovely songs and lyrics (especially the final song), an artistic score, and costumes and sets that make you want to live in them. The ending was only a disappointment in that I was expecting a spectacular film to have a brilliant end-- but it was still more wonderful then the vast majority of movies out there. Definitely check this movie out-- over and over again. There are many details you miss the first time that deserve a second look.\": {\"frequency\": 1, \"value\": \"This is definitely ...\"}, \"Siskel & Ebert were terrific on this show whether you agreed with them or not because of the genuine conflict their separate professional opinions generated. Roeper took this show down a notch or two because he wasn't really a film critic and because he substituted snide for opinionated. Now, when Ben Lyons comes on I feel like I'm watching \\\"Teen News\\\" -- you know, that kids' news show, hosted by kids for kids? Manckiewitz is not much better. It's obvious they've encountered only a steady diet of mainstream films their entire lives. The idea that these two rank amateurs have anything of interest or consequence to say about motion pictures is ludicrous. If they are reviewing a non-formula film, they are completely lost. Show them something original and intelligent -- they just find it \\\"confusing\\\". Wait -- I think I get it ... ABC is owned by Disney ... Disney makes movies for kids. While Siskel, Ebert, and Roper promoted independent films and were only hit-or-miss with the big budget studio productions -- what a surprise: these two guys LOVE the big studio schlock and only manage to tolerate a few indies. Plus everyone knows the age group TV advertisers are aiming for. The blatant nepotism is the icing on the cake. In what alternate universe do these guys qualify as film critics?\": {\"frequency\": 1, \"value\": \"Siskel & Ebert ...\"}, \"I saw this movie when I was in Israel for the summer. my Hebrew is not fluent, so the subtitles were very useful, I didn't feel lost at any point in the movie. You tend to get used to subtitles after about 5 minutes.

This movie blew me away!!!!!! It depicts two of the most prominent taboos in the middle east today: A homosexual relationship between an Israeli and a Palestinian. It allows a person to enter both realms of the conflict simultaneously. The dilemma, the emotions entailed. The movie climaxes in tragedy when anger and rage drive one of the lovers to one extremist side! an absolute must see!!\": {\"frequency\": 1, \"value\": \"I saw this movie ...\"}, \"The British production company Amicus is generally known as the specialist for horror anthologies, and this great omnibus called \\\"The House That Dripped Blood\\\" is doubtlessly the finest Amicus production I've seen so far (admittedly, there are quite a few that I have yet to see, though). \\\"The House That Dripped Blood\\\" consists of four delightfully macabre tales, all set in the same eerie mansion. These four stories are brought to you in a wonderfully Gothic atmosphere, and with one of the finest ensemble casts imaginable. Peter Cushing, Christopher Lee (Cushing and Lee are two of my favorite actors ever), as well as Denholm Elliott and the ravishing Ingrid Pitt star in this film - so which true Horror fan could possibly afford to miss it? No one, of course, and the film has much more to offer than just a great cast. \\\"The House That Dripped Blood\\\" revolves around an eerie rural mansion, in which strange things are happening. In four parts, the film tells the tales of four different heirs.

The first tale, \\\"Method For Murder\\\", tells the story of Horror novelist Charles Hyller (Denholm Elliott), who moves into the House with his wife. After moving in, the writer suddenly feels haunted by a maniac of his own creation... The first segment is a great kickoff to the film. The story is creepy and macabre throughout and the performances are entirelly very good.

In the second story, \\\"Waxworks\\\", retired businessman Phillip Grayson (Peter Cushing) moves into the house, and suddenly feels drawn to a mysterious Wax Museum in the nearby town... The great Peter Cushing once again delivers a sublime performance in this, and the rest of the performances are also very good. The tale is delightfully weird, and the second-best of the film, after the third.

The third tale, \\\"Sweets To The Sweet\\\" is by far the creepiest and most brilliant of the four. John Reed (Christopher Lee) moves in with his little daughter. The private teacher and nanny Mrs. Norton, whom Mr. Reed has employed to instruct his daughter, is appalled about her employer's strictness towards his daughter, and is eager to find out what reason the overprotective father's views on upbringing may have... This best segment maintains a very creepy atmosphere and a genuinely scary plot. Christopher Lee is, as always, superb in his role. Nyree Dawn Porter is also very good as the nanny, and my special praise goes to then 11-year-old Chloe Franks. This ingenious segment alone makes the film a must-see for every true Horror-fan.

In the fourth segment, Horror-actor Paul Henderson (Jon Pertwee) moves into the house with his sexy mistress/co-star Carla (Ingrid Pitt). This fourth story is satire, more than it is actually Horror. It is a highly amusing satire, however, and there are many allusions to other Horror films. At one point Henderson indirectly refers to Christopher Lee, who stars in the previous, third segment...

All four segments have a delightfully macabre sense of humor and a great atmosphere. As stated above, the third segment is by far the creepiest and greatest, but the other three are also atmospheric and often macabrely humorous Horror tales that every Horror lover should appreciate. An igenious atmosphere, a macabre sense of humor, genuine eerieness and a brilliant cast make this one a must-see. In Short: \\\"The House That Dripped Blood\\\" is an excellent Horror-omnibus that no lover of British Horror could possibly afford to miss. Highly Recommended!\": {\"frequency\": 1, \"value\": \"The British ...\"}, \"This reminded me SOO much of Michael Winner's crappy 'Dirty Weekend' with it's awful English low budget feel.

Firstly I must say I am a fan of both exploitation and serious film. I appreciate, say, 'Demented' for it's ineptitude and 'Last House on the Left' for it's sheer unashamed brutality. And any number of inventive and increasingly brutal Italian spin offs.

This was just pointless though. Kind of like a British budget director thought 'let's remake \\\"I Spit on your Grave\\\" without making it too harrowing now that horror is back in fashion with Hostel.

The whole thing just doesn't hang together or have a point. What's with the rapists's daughter? Why bother having the man be an expert in security cameras? Crappy.\": {\"frequency\": 1, \"value\": \"This reminded me ...\"}, \"Emilio Miraglia's first Giallo feature, The Night Evelyn Came Out of the Grave, was a great combination of Giallo and Gothic horror - and this second film is even better! We've got more of the Giallo side of the equation this time around, although Miraglia doesn't lose the Gothic horror stylings that made the earlier film such a delight. Miraglia puts more emphasis on the finer details of the plot this time around, and as a result it's the typical Giallo labyrinth, with characters all over the place and red herrings being thrown in every few minutes. This is a definite bonus for the film, however, as while it can get a little too confusing at times; there's always enough to hold the audience's interest and Miraglia's storytelling has improved since his earlier movie. The plot opens with a scene that sees two young girls fighting, before their grandfather explains to them the legend behind a rather lurid painting in their castle. The legend revolves around a woman called 'The Red Queen' who, legend has it, returns from the grave every hundred years and kills seven people. A few years later, murders begin to occur...

Even though he only made two Giallo's, Miraglia does have his own set of tributes. It's obvious that the colour red is important to him, as it features heavily in both films; and he appears to have something against women called 'Evelyn'. He likes castles, Gothic atmospheres and stylish murders too - which is fine by me! Miraglia may be no Argento when it comes to spilling blood, but he certainly knows how to drop an over the top murder into his film; and here we have delights involving a Volkswagen Beetle, and a death on an iron fence that is one of my all time favourite Giallo death scenes. The female side of the cast is excellent with the stunning Barbara Bouchet and Marina Malfatti heading up an eye-pleasing cast of ladies that aren't afraid to take their clothes off! The score courtesy of Bruno Nicolai is catchy, and even though it doesn't feature much of the psychedelic rock heard in The Night Evelyn Came Out of the Grave; it fits the film well. The ending is something of a turn-off, as although Miraglia revs up the Gothic atmosphere, it comes across as being more than a little bit rushed and the identity of the murderer is too obvious. But even so, this is a delightfully entertaining Giallo and one that I highly recommend to fans of the genre!\": {\"frequency\": 1, \"value\": \"Emilio Miraglia's ...\"}, \"I don't usually comment, but there are things that need to be said. Where to start...

The acting, on Jeremy London's part was horrible! I didn't think he could be so bad. The plot could have been good, had it been well directed, along with a good solid performance from the lead actor. Unfortunately, this is one of those movies you read about and think it has great potential to be entertaining, but get disappointed from the start.

Well, at least I got good laughs. I wouldn't waste my time if I were you.\": {\"frequency\": 1, \"value\": \"I don't usually ...\"}, \"Frankly I don't understand why this movie has been such a big \\\"flop\\\" in publicity. Sharon Stone certainly has not lost any of her charisma and \\\"touch\\\" since \\\"Basic instinct\\\". I voted this film 10 and I tell you why: Game opens in London this time. London is the city where Catherine Tramell has moved since the events in BI1. Again she proves to be a mastermind manipulator of her own class -unchallenged. She is \\\"screwing your brain\\\" as Catherine with such a skill that in the end you don't be quite sure who is the real villain.

As for the technical part of the film: Only real setback is the B-rate crew of actors. Sharon Stone is the only really big name in the cast compared to her and Michael Douglas etc in the first part. I also think BI2 would have been better had Sharon Stone been a bit younger but she is still quite stunning in her looks and has only improved concerning her charisma. Her B-rate \\\"assistants\\\" are not so bad either although I would have wanted some bigger names to the cast.

I think there are quite good improvements in the basic plot. I think this is a far better thriller than many of the run-off-the-mill crap Hollywood so readily distributes these days. The plot is great, it's easy to see technically, you don't snore in the half way through the film and most important -the heath is on.\": {\"frequency\": 1, \"value\": \"Frankly I don't ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"Everyone in a ...\"}, \"JUST CAUSE is a flawed but decent film held together by strong performances and some creative (though exceedingly predictable) writing. Sean Connery is an anti-death penalty crusader brought in to save a seemingly innocent young black man (Blair Underwood) from the ultimate penalty. To set things right, Connery ventures to the scene of the crime, where he must contend not only with the passage of time, but a meddling sheriff (Laurence Fishbourne). Twists and turns and role reversals abound -- some surprising, some not -- as the aging crusader attempts to unravel the mystery. The climactic ending is a bit ludicrous, but JUST CAUSE is worth a look on a slow night.\": {\"frequency\": 1, \"value\": \"JUST CAUSE is a ...\"}, \"Another one of those films you hear about from friends (...or read about on IMDb). Not many false notes in this one. I could see just about everything here actually happening to a young girl fleeing from a dead-end home town in Tennessee to Florida, with all her worldly possessions in an old beaten-up car.

The heroine, Ruby, makes some false starts, but learns from them. I found myself wondering why, why didn't she lean a bit more on Mike's shoulder, but...she has her reasons, as it turns out.

Just a fine film. The only thing I don't much like about it, I think, is the title.\": {\"frequency\": 1, \"value\": \"Another one of ...\"}, \"Every now and then there gets released this movie no one has ever heard of and got shot in a very short time with very little money and resource but everybody goes crazy about and turns out to be a surprisingly great one. This also happened in the '50's with quite a few little movies, that not a lot of people have ever heard of. There are really some unknown great surprising little jewels from the '50's that are worth digging out. \\\"Panic in the Streets\\\" is another movie like that that springs to the mind. Both are movies that aren't really like the usual genre flicks from their time and are also made with limited resources.

I was really surprised at how much I ended up liking this movie. It was truly a movie that got better and better as it progressed. Like all 'old' movies it tends to begin sort of slow but once you get into the story and it's characters you're in for a real treat with this movie.

The movie has a really great story that involves espionage, though the movie doesn't start of like that. It begins as this typical crime-thriller with a touch of film-noir to it. But \\\"Pickup on South Street\\\" just isn't really a movie by the numbers so it starts to take its own directions pretty soon on. It ensures that the movie remains a surprising but above all also really refreshing one to watch.

I also really liked the characters within this movie. None of them are really good guys and they all of their flaws and weaknesses. Really humane. It also especially features a great performance from Thelma Ritter, who even received a well deserved Oscar nomination for. It has really got to be one of the greatest female roles I have ever seen.

Even despite its somewhat obvious low budget this is simply one great, original, special little movie that deserves to be seen by more!

10/10\": {\"frequency\": 1, \"value\": \"Every now and then ...\"}, \"Six different couples. Six different love stories. Six different love angles. Eighty numbers of audience in the movie theater. Looking at the eighty different parts of the silver screen.

I am sitting in somewhere between them looking at the center of the screen to find out what's going on in the movie. All stories have got no link with each other, but somewhere down the line Nikhil Advani trying to show some relation between them. I tried to find out a few lines I could write as review but at the end of 3 hours 15 minutes found nothing to write. The movie is a poor copy of Hollywood blockbuster LOVE ACTUALLY.

My suggestion. Don't watch the movie if you really want to watch a nice movie.\": {\"frequency\": 1, \"value\": \"Six different ...\"}, \"What about Dahmer's childhood?- The double hernia operation which is believed to have sparked off his obsession with the inner workings of the human body? What about \\\"infinity land\\\"? - The game he invented as a child which involved stick men being annihilated when they came too close to one another, suggesting that intimacy was the ultimate danger. What about the relationship between his parents, and the emotional problems of his mother that were far more relevant than just his own relationship with his father? His feelings of neglect when his brother was born? What about his fascination with insects and animals? How he would dissect roadkill and hang it up in the woods behind his home?What about focusing more on his cannibalism? And what about his parent's divorce? These are all things that should have been included in the film. Instead the film maker chose to give us a watered down 'snapshot' from a night or two in his life, and combine it with series of confusing and at times unnecessary flashbacks, to events that weren't even particularly relevant to our understanding of Dahmer.

Why didn't the film maker show how Dahmer was interested in people as objects rather than people? He could have made this point many times, particularly in the scenes in which he drugs his victims whilst he has sex with them (which actually took place in a health club, not a night club). Instead he just shows him ramming away at them from behind.

Whilst I appreciate there is only so much information you can cram into 90 minutes (or however long), but why spend such a large part of the film examining his relationship with Luis Pinet? (known as Rodney in this film). My only guess is that the director was trying to build up Pinet's character, to try and make us fear for or empathise with him, but this film is supposed to be about Jeffrey Dahmer, so why couldn't he have spend those forty five minutes on something else? If the scene and their relationship was important enough to warrant such time then fair enough, but it wasn't. The scene in which he kills Steven Hicks, his first victim, is a vital part of the Jeffrey Dahmer story because it was the first killing, and because of the effect that killing had on the rest of his life. Unfortunately the film doesn't explain that it was his first killing, or that he didn't kill again for nine years. We assume, because his hair style is different, and he is wearing glasses that this is a flashback, but to when? And why?

What about the shrine he made in his sitting room towards the end of his career?-one of the most important clues we have towards understanding Dahmer and his motivations..

Some people may find my need for accuracy in fact and detail a bit anal, but having studied Jeffrey Dahmer in depth, it is plain to see that this film has very little in common with the person he was and the crimes he committed. Why bother to spend the time making a film loosely based on Jeffrey Dahmer rather than tackle the real issues behind his descent into madness and the carnage that ensued?

Finally, a film with subject matter as repellent as this should carry an 18 certificate, not a 15. We needed to see his perversion in more depth, to understand just how detached he was from the rest of us. That doesn't mean showing the drill actually entering Konerak Sinthasomphone's head for instance, but at least an indication of the amount of people he killed, and what his Modus Operandi was when actually killing. Anyone watching this film who doesn't know the story of Dahmer might come away thinking he had only killed a few people. He actually killed seventeen men.

Aside from the facts and lack of depth, the film isn't all bad. There is some nice cinematography, and good performances from the two main characters. I'd like to see this done again by a film maker who has more knowledge, more energy, and a better reason for making the film in the first place.\": {\"frequency\": 1, \"value\": \"What about ...\"}, \"Kill Me Later\\\" has an interesting initial premise: a suicidal woman (Selma Blair) on the verge of jumping off the top of an office building is protects a bank robber (Max Beesley) who promises to \\\"kill her later.\\\"

The actual execution of this premise, however, falls flat as almost every action serves as a mere device to move the plot toward its predictable conclusion. Shoddily written characters who exhibit no motive for their behaviors compromise the quality of acting all around. Lack of character depth especially diminishes Selma Blair's performance, whose character Shawn vacillates from being morose to acting \\\"cool\\\" and ultimately comes across as a confused dolt. This is unfortunate, as under other circumstances Ms. Blair is an appealing and capable actress.

Compounding matters for the worse is director Dana Lustig's insistence on using rapid cuts, incongruous special effects (e.g. look for an unintentionally hilarious infrared motorcycle chase at the end), and a hip soundtrack in the hopes of appealing to the short attention spans of the MTV crowd. Certainly Ms. Lustig proves that she is able to master the technical side of direction, but in no way does her skill help overcome the film's inherent problems and thus the movie drags on to the end. Clearly, Lustig has a distinct visual style; however it is perhaps better suited to music videos than to feature film.

The producers (Ram Bergman & Lustig)can be commended for their ability to realize this film: they were able to scare up $1.5 million to finance the film, secure a good cast, and get domestic and foreign distribution. This is no small feat for an independent film. Yet given the quality of the product, the result is a mixed bag.\": {\"frequency\": 1, \"value\": \"Kill Me Later\\\" has ...\"}, \"Absolutely one of the worst movies of all time.

Low production values, terrible story idea, bad script, lackluster acting... and I can't even come up with an adjective suitably descriptive for how poor Joan River's directing is. I know that there's a special place in Hell for the people who financed this film; prolly right below the level reserved for child-raping genocidal maniacs.

This movie is a trainwreck.

(Terrible) x (infinity) = Rabbit Test.

Avoid this at all costs.

It's so bad, it isn't even funny how bad it is.\": {\"frequency\": 1, \"value\": \"Absolutely one of ...\"}, \"Absolutely one of the worst movies I've seen in a long time! It starts off badly and just deteriorates. Katherine Heigl is woefully miscast in a Lolita role and Leo Grillo manfully struggles with what is essentially a cardboard cutout character. The only cast-member with any enthusiasm is Tom Sizemore, who hams it up as a villain and goes completely overboard with his role. The script is dire, the acting horrible and it has plot holes big enough to drive a double-decker bus through! It is also the most sexist movie I have ever seen! Katherine Heigl's character is completely unsympathetic. She's seen as an evil, wanton seductress who lures the poor, innocent married man to cheat on his wife. It is implied throughout the movie that she's underage, and the message that accompanies that plot-strand just beggars belief! At the end, she isn't even able to redeem herself by shooting the man who's obviously (ha!) become demented with rage and guilt, but the script allows him to kill himself, thereby redeeming himself in the eyes of males everywhere. Horrible. Don't waste your time.\": {\"frequency\": 1, \"value\": \"Absolutely one of ...\"}, \"I was hoping that this film was going to be at least watchable. The plot was weak to say the least. I was expecting a lot more considering the cast line up (I wonder if any of them will include this on their CVs?). At least I didn't pay to rent it. The best part of the film is definitely Dani Behr, but the rest of the film is complete and utter PANTS.\": {\"frequency\": 1, \"value\": \"I was hoping that ...\"}, \"While in the barn of Kent Farm with Shelby waiting for Chloe, Clark is attacked and awakes in a mental institution in the middle of a session with Dr. Hudson. The psychologist tells him that for five years he has been delusional, believing that he has come from Krypton and had superpowers. Clark succeeds to escape, and meets Lana, Martha and Lex that confirm the words of Dr. Hudson. Only Chloe believe on his words, but she is also considered insane. Clark fights to find the truth about his own personality and origin.

\\\"Labyrinth\\\" is undoubtedly the most intriguing episode of \\\"Smallville\\\". The writer was very luck and original denying the whole existence of the powerful boy from Krypton. The annoying hum gives the sensation of disturbance and the identity mysterious saver need to be clarified. My vote is nine.

Title (Brazil): \\\"Labirinto\\\" (\\\"Labyrinth\\\")\": {\"frequency\": 1, \"value\": \"While in the barn ...\"}, \"Those of the \\\"Instant Gratification\\\" era of horror films will no doubt complain about this film's pace and lack of gratuitous effects and body count. The fact is, \\\"The Empty Acre\\\" is a good a example of how independent horror films should be done.

If you avoid the indie racks because you are tired of annoying teens or twenty somethings getting killed by some baddie whose back-story could have come off the back of a Count Chocula box, \\\"The Empty Acre\\\" is the movie for you.

Set in the decaying remnants of the rural American dream, \\\"The Empty Acre\\\" is the tale of a young couple struggling with the disappearance of their six-month-old baby. As the couple's weak relationship falls apart, a larger story plays out in the background. At night, a shapeless dark mass seethes from a sun baked barren acre on their farm and seemingly devours anything in its path, leaving no sign that it was ever there.

The film is loaded with enigmatic characters and visual clues as to what is happening, and ends with a well executed ending that resonates with just enough left over questions to validate the writer/director's faith in an intellectual audience.

There seems to be a sub-text concerning the death of the American dream, but I would hardly call the film an allegory. Riveting, well acted, and technically astute, \\\"The Empty Acre\\\" is a fantastic little indie that thinking horror fans should love.\": {\"frequency\": 1, \"value\": \"Those of the ...\"}, \"My brother is in love with this show, let's get this straight. I completely agree with the people who said it was copying off of Dexter's Lab and Fairly Odd Parents.

I've never really liked fairly odd parents, I mean, some things did make me laugh, but most of the time it's downright annoying and not cute at all. This is almost the same way I feel about Johnny Test. Except, NOTHING makes me laugh on that show. The gags are so stupid and pointless, and to tell you the truth, maybe it's just me, but kids don't DRESS like that! Yes, I do think Johnny's hair is awesome, but c'Mon!

And Dexter's Lab, that used to be one of my favorite shows and I still don't mind watching it. Which makes me disgusted and ashamed of Johnny Test making an absolute JOKE out of that wonderful show!

One more thing. The. Dog. Is. So. Annoying. He is more loud and obnoxious than Johnny! And the gay accent? What the fudge! I hate the dog to death and I hope he dies, because that would be better for kids to see than listening and watching the obnoxious crap that goes on in that show, and picking up a gay accent.

Unless you want you eyeballs to burn into miraculous flames and your brain fried from this show, don't watch it!\": {\"frequency\": 1, \"value\": \"My brother is in ...\"}, \"Daphne Zuniga is the only light that shines in this sleepy slasher, and the light fades quickly. If not her, than what other reason to watch this. five college kids are signed up to prepare an old dorm for its due date of demolition. Problems are automatically occurring when a weird homeless man is soliciting, and the group are short a few people. Then, a killer is on the loose. I honestly wanted to say I was going to enjoy this one. It had a fair set up, or maybe that was just Daphne Zuniga in it. The film is too slow, and almost as silent as a library. Most of the acting is below average, and the \\\"point-of-view\\\" moments are so old news. Acclaimed composer Christopher Young of such films as \\\"Hellraiser\\\" and \\\"Entrapment\\\" scored this, in a repetitive cue line that was better made for a TV movie. Still, it seems higher than the movie deserves. So, other than Young and Zuniga, this one scrapes the bottom of the barrel.\": {\"frequency\": 1, \"value\": \"Daphne Zuniga is ...\"}, \"\\\"Problem Child\\\" is one of the goofiest movies ever made. It's not the worst (though some people will disagree with me on that), but it's not the best either. It's about a devilish 7-year-old boy who wrecks comic havoc on a childless couple (John Ritter, Amy Yasbeck) who foolishly adopts him. This film is too silly and unbelievable because I don't buy for one second that a child could act as unrurly as the kid does in this film. It's asinine and preposterous although I did laugh several times throughout (I really don't know why). But I can't recommend this film. I know I'm being too kind to it. If there is one positive thing about \\\"Problem Child\\\" is that it's better than the sequel which was just awful.

** (out of four)\": {\"frequency\": 1, \"value\": \"\\\"Problem Child\\\" is ...\"}, \"I loved this series when it was on Kids WB, I didn't believe that there was a Batman spin off seeing as the original show ended in 1995 and this show came in 1997. First of all I loved the idea of Robin leaving Batman to solve crime on his own. It was an interesting perspective to their relationship. I also liked the addition of Tim Drake in the series, and once again like it's predecessor this show had great story lines, great animation (better then the original), fantastic voice work and of course brilliant writing. The only thing that I didn't like was that was when it was in the US it would often run episodes in a 15 minute storyline. I just wish some of the episodes could be longer. My favorite episode of any Batman cartoons comes in this series, and it's called \\\"Over the Edge\\\", in my opinion as good if not better then \\\"Heart of Ice\\\" and \\\"Robin's reckoning.\\\" Overall a nice follow up, along with Superman this show made my childhood very happy.\": {\"frequency\": 1, \"value\": \"I loved this ...\"}, \"I totally got drawn into this and couldn't wait for each episode. The acting brought to life how emotional a missing person in the family must be , together with the effects it would have on those closest. The only problem we as a family had was how quickly it was all 'explained' at the end. We couldn't hear clearly what was said and have no idea what Gary's part in the whole thing was? Why did Kyle phone him and why did he go along with it? Having invested in a series for five hours we felt cheated that only five minutes was kept back for the conclusion. I have asked around and none of my friends who watched it were any the wiser either. Very strange but maybe we missed something crucial ????\": {\"frequency\": 1, \"value\": \"I totally got ...\"}, \"I have seen just about all of Miyazaki's films, and they are all beautiful and captivating. But this one rises above the rest. This movie totally impressed me!

I fell in love with Pazu and Sheeta, and their sweet, caring friendship. They were what made the movie for me. Of course, the animation is also superb and the music captures the feelings in the film perfectly. But the characters are the shining point in this movie: they are so well developed and full of personality.

Now, let me clarify: I'm really talking about the Japanese version of the movie (with English subs). While the English dub is good (mostly), it simply pales in comparison to the original language version. The voices are better, the dialogue, everything. So I suggest seeing (and hearing) the movie the way it originally was.\": {\"frequency\": 1, \"value\": \"I have seen just ...\"}, \"Though I saw this movie years ago, its impact has never left me. Stephen Rea's depiction of an invetigator is deep and moving. His anguish at not being able to stop the deaths is palpable. Everyone in the cast is amazing from Sutherland who tries to accommodate him and provide ways for the police to coordinate their efforts, to the troubled citizen x. Each day when we are bombarded with stories of mass murderers, I think of this film and the exhausting work the people do who try to find the killers.\": {\"frequency\": 1, \"value\": \"Though I saw this ...\"}, \"Strange yet emotionally disturbing chiller about fed up middle-aged man (William H. Macy) who finally decides to leave the family business (murder for hire) run by his quietly over-demanding father (Donald Sutherland) while seeing a shrink (John Ritter) and flirting with another patient (Neve Campbell).

Talk about a major dilemma, but \\\"Panic\\\" is a top-notch thriller that looks like \\\"American Beauty\\\" meets \\\"The Professional\\\". Macy and Sutherland are the stand-outs here. Remarkable debut for first-time writer/director Henry Bromell. I'm surprised that this movie didn't get a chance to stay in theaters for more than a couple of weeks.\": {\"frequency\": 1, \"value\": \"Strange yet ...\"}, \"I watched the movie in a preview and I really loved it. The cast is excellent and the plot is sometimes absolutely hilarious. Another highlight of the movie is definitely the music, which hopefully will be released soon. I recommend it to everyone who likes the British humour and especially to all musicians. Go and see. It's great.\": {\"frequency\": 1, \"value\": \"I watched the ...\"}, \"Marion Davies stars in this remarkable comedy \\\"Show People\\\" released by MGM in 1928. Davies plays a hick from Savannah, Georgia, who arrives in Hollywood with her father (Dell Henderson). The jalopy they arrive in is a hoot - as is Davies outrageous southern costume. Davies lands a job in slapstick comedy, not what she wants, but it brings her success. She meets fellow slapstick star William Haines, who is immediately smitten with her. Well, Davies then gets a job at a more prestigious studio (\\\"High Art Studios\\\") and lands a job in stuffy period pieces. A handsome but fake actor (Andre Telefair) shows her the ropes of how to be the typical pretentious Hollywood star. Davies abandons her slapstick friend and father for the good life, but of course learns that is not who she really is. Marion Davies is wonderful throughout, as she - outrageously - runs the gamut of emotions required of a \\\"serious\\\" actress. William Haines is his usual wonderful comedic self, and there are cameos by Charles Chaplin, John Gilbert, and other famous stars of the day, including the director of the film, King Vidor. This is a silent film with a few \\\"sound effects\\\" as sound pictures were just coming into their own. A treasure of a film.\": {\"frequency\": 1, \"value\": \"Marion Davies ...\"}, \"I am guessing the reason this movie did so well at the box office is of course Eddie Murphy. I think this was his first movie since \\\"Beverly Hills Cop\\\" so at the time he was hot. Considering that one made over two hundred million and it was R and this one made about 80 million and it was pg does say it was not all that popular. I have never been a big Eddie Murphy fan, so that is probably another reason I didn't care for it much at all. This one has Eddie as some sort of finder of lost kids. He must find the golden child or the world is in terrible peril. The plot is very bad, but as bad as it is it does not compare to the special effects. I had seen better stuff done in the 70's than some of the stuff this one offers, Ray Harryhausen did better stuff. Still the main reason you see a movie like this is because of Eddie, unfortunately he is not very funny in this one at all and it just seems stupid to put him in the \\\"Raiders of the Lost Ark\\\" type scenes. I guess they were hoping for a fish out of water effect, but to me it just did not work.\": {\"frequency\": 1, \"value\": \"I am guessing the ...\"}, \"I've seen the original English version on video. Disney's choice of voice actors looks very promising. I can't believe I'm saying that. The story is about a young boy who meets a girl with a history that is intertwined with his own. The two are thrown into one of the most fun and intriguing storylines in any animated film. The animation quality is excellent! If you've seen Disney's job of Kiki's delivery service you can see the quality in their production. It almost redeems them for stealing the story of Kimba the white lion. (but not quite!) Finally Miyazaki's films are being released properly! I can't wait to see an uncut English version of Nausicaa!\": {\"frequency\": 1, \"value\": \"I've seen the ...\"}, \"Maybe the greatest film ever about jazz.

It IS jazz.

The opening shot continues to haunt my reverie.

Lester, of course, is wonderful and out of this world.

Jo Jones is always a delight (see The Sound of Jazz as well).

If you can, find the music; it's available on CD.

All lovers of jazz and film noir should study this tremendous jewel.

What shadows and light - what music - what a hat!\": {\"frequency\": 1, \"value\": \"Maybe the greatest ...\"}, \"*** Contains Spoilers ***

I did not like this movie at all.

I found it amazingly boring and rather superficially made, irrespective of the importance and depth of the proposed themes: given that eventually we have to die, how should we approach life? In a \\\"light\\\" way, like Tomas; in a \\\"heavy\\\" way like Tereza; or should we find ways not to face that question, like Sabina? How much is fidelity important in a relationship? How much of the professional life can be mutilated for the sake of our loved ones? How much do we have to be involved in the political life and the social issues of our Country?

Unfortunately, I haven't read Kundera's novel but after having being let down by the movie I certainly will: I want to understand if the story was ruined by the movie adaptation (which is my guess) or if it was dull from the beginning.

I disagree with most of the positive comments that defined the movie as a masterpiece. I simply don't see the reasons why. What I see are many flaws, and a sample of them follows.

1) The three main characters are thrown at you and it's very hard to understand what drives them when making their choices.

2) The \\\"secondary\\\" characters are there just to fill the gaps but they don't add nothing to the story and you wonder if they are really necessary.

3) I did not like how Tomas was impersonated. Nothing is good for him. He is so self-centered and selfish. He is not human, in some sense. But when his self-confidence fails and he realizes that he depends on others and is emotionally linked to someone, I did not find the interpretation credible.

4) It's very unlikely that an artist like Sabina could afford her lifestyle in a communist country in 1968. On top of that, the three main characters are all very successful in their respective professions, which sounds strange to me. a) how can Tereza become effortlessly such a good photographer? b) how can they do so well in a country lacking all the economic incentives that usually motivate people to succeed?

5) The fake accents of the English spoken by the actors are laughable. And I am not even mother tongue. Moreover, the letter that Sabina receives while in the US is written in Czech, which I found very inconsistent.

6) Many comments praised the movie saying that Prague was beautifully rendered: I guess that most of the movie was shot on location, so it's not difficult to give the movie a Eastern European feeling, and given the intrinsic beauty of Prague is not even difficult to make it look good.

7) I found the ending sort of trivial. Tereza and Tomas, finally happy in the countryside, far away from the temptations of the \\\"metropoly\\\", distant from the social struggles their fellow citizens are living, detached from their professional lives, die in a car accident. But they die after having realized that they are happy, indeed. So what? Had they died unhappy, would the message of the movie have been different? I don't think so. I considered it sort of a cheap trick to please the audience.

8) The only thing in the movie which is unbearably light is the way the director has portrayed the characters. You see them for almost three hours, but in the end you are left with nothing. You don't feel empathy, you don't relate to them, you are left there in your couch watching a sequence of events and scenes that have very little to say.

9) I hated the \\\"stop the music in the restaurant\\\" scene (which some comments praised a lot). Why Sabina has got such a strong reaction? Why Franz agrees with her? I really don't see the point. The only thing you learn is that Sabina has got a very bad temper and quite a strong personality. That's it. What's so special and unique about it?

After all these negative comments, let me point tout that there are two scenes that I liked a lot (that's why I gave it a two).

The \\\"Naked women Photoshoot\\\", where the envy, the jealousy, and the insecurities of Sabina and Tereza are beautifully presented.

The other scene is the one representing the investigations after the occupation of Prague by the Russians. Tereza pictures, taken to let the world know about what is going on in Prague, are used to identify the people taking part to the riots. I found it quite original and Tereza's sense of despair and guilt are nicely portrayed.

Finally, there is a tiny possibility that the movie was intentionally \\\"designed\\\" in such a way that \\\"Tomas types\\\" are going to like it and \\\"Tereza ones\\\" are going to hate it. If this is the case (I strongly doubt it, though) then my comment should be revised drastically.\": {\"frequency\": 1, \"value\": \"*** Contains ...\"}, \"A somewhat dull made for tv movie which premiered on the TBS cable station. Antonio and Janine run around chasing a killer computer virus and...that's about it. For trivia buffs this will be noted as debuting the same weekend that the real life 'Melissa' virus also made it's debut in e-mail inboxes across the world.\": {\"frequency\": 1, \"value\": \"A somewhat dull ...\"}, \"\\\"Read My Lips (Sur mes l\\ufffd\\ufffdvres)\\\" (which probably has different idiomatic resonance in its French title) is a nifty, twisty contemporary tale of office politics that unexpectedly becomes a crime caper as the unusually matched characters slide up and down an ethical and sensual slippery slope.

The two leads are magnetic, Emmanuelle Devos (who I've never seen before despite her lengthy resume in French movies) and an even more disheveled than usual Vincent Cassel (who has brought a sexy and/or threatening look and voice to some US movies).

The first half of the movie is on her turf in a competitive real estate office and he's the neophyte. The second half is on his turf as an ex-con and her wrenching adaptation to that milieu.

Writer/director Jacques Audiard very cleverly uses the woman's isolating hearing disability as an entr\\ufffd\\ufffde for us into her perceptions, turning the sound up and down for us to hear as she does (so it's even more annoying than usual when audience members talk), using visuals as sensory reactors as well.

None of the characters act as anticipated (she is not like that pliable victim from \\\"In the Company of Men,\\\" not in individual interactions, not in scenes, and not in the overall arc of the unpredictable story line (well, until the last shot, but heck the audience was waiting for that fulfillment) as we move from a hectic modern office, to a hectic disco to romantic and criminal stake-outs.

There is a side story that's thematically redundant and unnecessary, but that just gives us a few minutes to catch our breaths.

This is one of my favorites of the year!

(originally written 7/28/2002)\": {\"frequency\": 1, \"value\": \"\\\"Read My Lips (Sur ...\"}, \"1 is being pretty generous here. I really enjoyed BOOGEYMAN, even though it is not really the BOOGEYMAN promoted on the DVD cover and we all know it! It creeped me out. But this film, it is something else. For being directed by a guy who has been around a long time and directed a lot of movies, it looks like it was shot on a VHS camcorder by a 10 year old! The story and acting are atrocious! David Hess, you have let me down too. After playing one of the most menacing villains in film history, you have resorted to this? The story and acting may have been able to be forgiven however, if anyone had taken the time to make the video look somewhat professional. There are a LOT of shot on video films out there that don't look like it, or at least aren't so obvious that it detracts your attention from the film. I can't say it is the worst movie ever, because I couldn't make it through the entire film, but it is certainly close.\": {\"frequency\": 1, \"value\": \"1 is being pretty ...\"}, \"This stylistically sophisticated visual game presents \\ufffd\\ufffda story within a story'. The protagonist is scriptwriter Bart Klever who fights persistently with his new text \\ufffd\\ufffd which is, at the same time, the screenplay of the film we're watching. In the movie Bart plays a scriptwriter writing the script of the film\\ufffd\\ufffd Bart's struggle with the text becomes a narrative theme, as does the environment of the flat where he works and takes care of his little girl. The intimate environment offers ample opportunity for games of illusion involving space, light, colours and a couple of cats. The outwardly simple world of the room is further complicated by the unstable dimensions of a text continually influenced by the filmmaker's interventions, which appears on a computer monitor and serves as a counterpoint to the similarity mutable environment. The constantly changing viewing angle complicates answers to questions which arise: What is \\ufffd\\ufffdtruth' and what \\ufffd\\ufffdillusion' ? Which of the observed worlds is primary and superior to the rest? Can anything serve as a basic orientation point in the narrative space?\": {\"frequency\": 1, \"value\": \"This stylistically ...\"}, \"Simple-minded but good-natured drive-in movie about a simple-minded but good-natured high school graduate who has dreams of owning the coolest custom van in the world to use as his \\\"ballroom\\\".

Bobby, our hero, spends his entire savings to acquire the vehicle of his dreams. Joint sharing and love making quickly commence with girls Bobby has picked up at the local pizza parlor, but he finds out much responsibility, danger and heartache come with being the owner of such a mechanical marvel.

The Van is a guilty pleasure of mine. It captures the laid back mid 70's mood and has enough unintentional humor to put it into the \\\"so bad it's good\\\" category.\": {\"frequency\": 1, \"value\": \"Simple-minded but ...\"}, \"I didn't feel that this film was quite as clever as it seemed to think it was but enjoyed it nevertheless.

It is original, although reminded me a little of two other French films, Vidocq and City of Lost Children, mostly for the colouring but also for the edgy quality of the close ups of the characters.

Set in a prison cell but do not let this put you off, this film seemingly goes further than many a multi locationed blockbuster.

Always interesting, with the perennial 'Black Arts' well to the fore and very good characterisation making some only too believable!

Scary with some gore this is well worth a viewing.\": {\"frequency\": 1, \"value\": \"I didn't feel that ...\"}, \"What is the point of creating sequels that have absolutely no relevance to the original film? No point. This is why the Prom Night sequels are so embarrassingly bad.

The original film entailed a group of children hiding a dark secret that eventually get them all killed, bar one, in a brutal act of revenge. Can someone please explain to me what a dead prom queen-to-be rising from the grave to steel the crown has to do with the first movie then? Prom Night 2 had continuous plot holes that left the audience constantly wondering how did that happen and why should that happen? But in the end, i guess you could call it one of those movies that is so bad, you end up laughing yourself through it.\": {\"frequency\": 1, \"value\": \"What is the point ...\"}, \"I wonder who was responsible for this mess. The jokes wouldn't have worked for gilligan's island. If this had gone to series, would there have been jokes about Auschwitz, or would Eva have to replace her oven, only to have Adolf suggest the kind that seats 50?? Another post compared this show to I love Lucy. The problem with this is that Lucille Ball was a genius at physical comedy and bizarre situations, and this mess was just plain badly done and an insult to my intelligence.

After the damage the Nazi's did to England and the number of people they killed, I would think the very concept of a comedy about Hitler would seem repugnant and most normal people would have killed this concept before any episodes were produced.\": {\"frequency\": 1, \"value\": \"I wonder who was ...\"}, \"Lame movie. Completely uninteresting. No chemistry at all between Indiana Jones and the guy from Black Hawk Down. The car chase scene just goes on and on and on ad nauseum. They manage to switch vehicles a few times, but always end up right on the tail of the baddies. The scene where Hartnett grabs the family's car with the crying kids in the back was just as stupid as could be. He is telling them about Eastern philosophy and how it is all right to die, which I imagine the writers thought was funny or even witty. It just came off as moronic, totally unbelievable and even cruel.

Some subplots weren't even explored, they were just used as filler. Why does Hartnett get sick seeing dead bodies yet keeps ordering burgers at crime scenes? Why, and on what grounds, is the bad IA guy suddenly arrested out of the blue by the chief? Why can IA pick up the buddy cops and then just let them answer their phones or pretend to be Indian mystics and then just let them waltz out of there without so much as a slap on the wrist? For some reason, even though Ford is uncovered as a cheat and a fraud when acting as a realtor, (he makes up the prices when he is trying to sell the producer's house to jack up his own commission), they keep coming back to him anyway! They knew he lied to both of them! Yet there they were, coming to terms that both said they would never go for. Stupid, just stupid. This is also one of those cop movies where they just fire wantonly on public streets with no care in the world for innocent bystanders. There they were, just standing on the sidewalk blasting away while people ducked for cover. Amazing that they didn't hit a single person after having fired about 60 rounds each....

The scriptwriting was terrible, the action sequences were boring, the plot just a sidestory to a very pathetic attempt to have us root for Ford and Hartnett. It fails miserably. And Ford's phone! Turn the damn thing off! How many times could it ring in a 2-hour movie? 50? 60? It was frustratingly aggravating by the midpoint in the movie! Every 30 seconds, that stupid tune would play! And if it wasn't Ford's, then Hartnett's was ringing! It was incredibly annoying!

Complete waste of time, Ford's worst movie since 6 Days 7 Nights, which was without a doubt, the lowest point of his distinguished career.\": {\"frequency\": 1, \"value\": \"Lame movie. ...\"}, \"A found tape about 3? guys having fun torturing a woman in several inhuman ways.

Yeah, spoiler.

First of all, the acting made this short not scary at all, the woman seemed to have orgasms, not suffering. Some of the punishments were so ridiculous! what's shocking about throwing some meat or spin her in a chair? If you are shooting a nonsense tape, at least make it good. The only part to remark is the end: the hammered hand and the pierced eye, the rest of the film is really poor. To end the boredom, the supposed story about the tape being investigated, extra bullshit.\": {\"frequency\": 1, \"value\": \"A found tape about ...\"}, \"This movie is likely the worst movie I've ever seen in my life -- surpassing the previous most god-awful movie, \\\"Spawn of Slithis,\\\" which I saw when I was about 10.

Bad acting, stilted and ridiculous dialog, incomprehensible plot, mishmashed cut scenes, even the music was annoying. Did I leave anything out? Well, the special effects weren't bad -- but CGI does not a decent movie make.

I can't believe I actually spent money to see this movie. If anyone has the contact info for Hyung-rae Shim (the director), please forward it to my user name \\\"at gmail,\\\" and I'll contact him to personally demand a refund.\": {\"frequency\": 1, \"value\": \"This movie is ...\"}, \"This one was marred by potentially great matches being cut very short.

The opening match was a waste of the Legion of Doom, but I guess the only way they could have been eliminated by Demolition was a double-DQ. Otherwise, Mr. Perfect would have had to put in overtime. Kerry von Erich, the I-C champ, was wasted here. And this was the third ppv in a row where Perfect jobbed. Remember, before that he never lost a match.

The second match was very good, possibly the best of the night. Ted DiBiase and the Undertaker were excellent, while the Jim Neidhart had one of his WWF highlights, pinning the Honky Tonk Man. Koko B. Ware continued his tradition of being the first to put over a new heel (remember the Big Bossman and Yokozuna?). This was a foreshadowing of Bret Hart's singles career, as he came back from two-on-one and almost survived the match. He and DiBiase put on a wrestling clinic, making us forget that the point of the match was DiBiase's boring feud with Dusty Rhodes.

Even though the Visionaries were the first team to have all of its members survive (and only the second since '87 to have four survivors), this match was not a squash. This was the longest match of the night, and Jake did a repeat of his '88 performance when he was left alone against four men and dominated. I think he could have actually pulled off an upset. These days, the match would have ended the other way around.

One of the shortest SS matches ever was also one of its most surprising. Possibly the most underrated wrestler ever, Tito Santana was the inspirational wrestler of the night, putting on war paint and pinning Boris Zukhov, Tanaka, and even the Warlord in the final survival match. It was so strange to see him put over so overwhelmingly, then go right back to his mediocre career. Sgt. Slaughter also did well, getting rid of Volkoff and the Bushwhackers, but that just wasn't a surprise. Tito was.

I think the only point of the survival match was to have Hogan and the Warrior win together at the end.

This show was boring and the matches were too short. The Undertaker's debut was cool, but Tito Santana is the reason I will remember this one.\": {\"frequency\": 1, \"value\": \"This one was ...\"}, \"Care Bears Movie 2: A New Generation isn't at all a bad movie. In fact, I like it very much. Yes I admit the dialogue is corny and the story is a bit poorly told at times. But Darkheart, while very very dark is a convincing enough shape shifting villain, and Hadley Kay did a superb job voicing him. Speaking of the voice acting, it was great, nothing wrong with it whatsoever. The animation is colourful, and some of the visuals particularly at the beginning were breathtaking. The songs and score are lovely, especially Growing Up and Forever Young, the latter has always been my personal favourite of the two. The care bears, who I do like, are adorable, and the human children are well done too. And the ending is a real tearjerker. All in all, harmless kiddie fun. 8/10 Bethany Cox\": {\"frequency\": 1, \"value\": \"Care Bears Movie ...\"}, \"In answer to the person who made the comment about how the film drags on and who believed there was no purpose to the role of Jess's brother here is my response:

The role of Jess's brother is to provide a form of dramatic irony in the story. Craig Sheffer/Norman could have foreseen the troubles associated with living life to the full by looking at how Jess's brother turned out. There are various instances where Brad Pitt and his lives run in parallel, for example, when Jess's brother takes Craig Sheffer to a disjointed bar and subsequently he finds Brad Pitt there a few days later. The dramatic irony was there so Craig Sheffer's character would have a bigger emotional turmoil at his brothers death, knowing he could have done more to prevent it and subsequently creates a more compelling mood in the film.\": {\"frequency\": 1, \"value\": \"In answer to the ...\"}, \"And that's how the greatest comedy of TV started! It has been 12 years since the very first episode but it has continued with the same spirit till the very last season. Because that's where \\\"Friends\\\" is based: on quotes. Extraordinary situations are taking place among six friends who will never leave from our hearts: Let's say a big thanks to Rachel, Ross, Monica, Joey, Chandler and Phoebe!!! In our first meet, we see how Rachel dumps a guy (in the church, how ... (understand), Monica's search for the \\\"perfect guy\\\" (there is no perfect guy, why all you women are obsessed with that???), and how your marriage can be ruined when the partner of your life discovers that she's a lesbian. Till we meet Joey, Phoebe and Chandler in the next episodes... ENJOY FRIENDS!\": {\"frequency\": 1, \"value\": \"And that's how the ...\"}, \"It must be assumed that those who praised this film (\\\"the greatest filmed opera ever,\\\" didn't I read somewhere?) either don't care for opera, don't care for Wagner, or don't care about anything except their desire to appear Cultured. Either as a representation of Wagner's swan-song, or as a movie, this strikes me as an unmitigated disaster, with a leaden reading of the score matched to a tricksy, lugubrious realisation of the text.

It's questionable that people with ideas as to what an opera (or, for that matter, a play, especially one by Shakespeare) is \\\"about\\\" should be allowed anywhere near a theatre or film studio; Syberberg, very fashionably, but without the smallest justification from Wagner's text, decided that Parsifal is \\\"about\\\" bisexual integration, so that the title character, in the latter stages, transmutes into a kind of beatnik babe, though one who continues to sing high tenor -- few if any of the actors in the film are the singers, and we get a double dose of Armin Jordan, the conductor, who is seen as the face (but not heard as the voice) of Amfortas, and also appears monstrously in double exposure as a kind of Batonzilla or Conductor Who Ate Monsalvat during the playing of the Good Friday music -- in which, by the way, the transcendant loveliness of nature is represented by a scattering of shopworn and flaccid crocuses stuck in ill-laid turf, an expedient which baffles me. In the theatre we sometimes have to piece out such imperfections with our thoughts, but I can't think why Syberberg couldn't splice in, for Parsifal and Gurnemanz, mountain pasture as lush as was provided for Julie Andrews in Sound of Music...

The sound is hard to endure, the high voices and the trumpets in particular possessing an aural glare that adds another sort of fatigue to our impatience with the uninspired conducting and paralytic unfolding of the ritual. Someone in another review mentioned the 1951 Bayreuth recording, and Knappertsbusch, though his tempi are often very slow, had what Jordan altogether lacks, a sense of pulse, a feeling for the ebb and flow of the music -- and, after half a century, the orchestral sound in that set, in modern pressings, is still superior to this film.\": {\"frequency\": 1, \"value\": \"It must be assumed ...\"}, \"Dani(Reese Witherspoon) has always been very close with her older sister Maureen(Emily Warfield) until they both start falling in love with their neighbor Court(Jason London). But it is not after a terrible tragedy strikes that the two sisters realize that nothing can keep them apart and that their love for each other will never fade away.

This was truly a heartbreaking story about first love. Probably the most painful story about young love that I have ever seen. All the acting is amazing and Reese Witherspoon gives a great performance in her first movie. I would give The Man in the Moon 8.5/10\": {\"frequency\": 1, \"value\": \"Dani(Reese ...\"}, \"A kid with ideals who tries to change things around him. A boy who is forced to become a man, because of the system. A system who hides the truth, and who is violating the rights of existence. A boy who, inspired by Martin Luther King, stands up, and tells the truth. A family who is falling apart, and fighting against it. A movie you can't hide from. You see things, and you hear things, and you feel things, that you till the day you die will hope have never happened for real. Violence, frustration, abuse of power, parents who can't do anything, and a boy with, I am sorry, balls, a boy who will not accept things, who will not let anything happen to him, a kid with power, and a kid who acts like a pro, like he has never done anything else, he caries this movie to the end, and anyone who wants to see how abuse found place back in the 60'ies.\": {\"frequency\": 1, \"value\": \"A kid with ideals ...\"}, \"I would love to have that two hours of my life back. It seemed to be several clips from Steve's Animal Planet series that was spliced into a loosely constructed script. Don't Go, If you must see it, wait for the video ...\": {\"frequency\": 1, \"value\": \"I would love to ...\"}, \"To be completely honest,I haven't seen that many western films but I've seen enough to know what a good one is.This by far the worst western on the planet today.First off there black people in the wild west? Come on! Who ever thought that this could be a cool off the wall movie that everyone would love were slightly, no no, completely retarded!Secondly in that day and age women especially black women were not prone to be carrying and or using guns.Thirdly whats with the Asian chick speaking perfect English? If the setting is western,Asia isn't where your going. Finally,the evil gay chick was too much the movie was just crap from the beginning.Now don't get me wrong I'm not racist or white either so don't get ticked after reading this but this movie,this movie is the worst presentation of black people I have ever seen!\": {\"frequency\": 1, \"value\": \"To be completely ...\"}, \"'I'm working for a sinister corporation doing industrial espionage in the future and I'm starting to get confused about who I really am, sh*#t! I've got a headache and things are going wobbly, oh no here comes another near subliminal fast-cut noisy montage of significant yet cryptic images...'

I rented this movie because the few reviews out there have all been favourable. Why? Cypher is a cheap, derivative, dull movie, set in a poorly realised bland futureworld, with wooden leads, and a laughable ending.

An eerie sense that something interesting might be about to happen keeps you watching a series of increasingly silly and unconvincing events, before the film makers slap you in the face with an ending that combines the worst of Bond with a Duran Duran video.

It's painfully obvious they have eked out the production using Dr Who style improvised special effects in order to include a few good (if a little Babylon 5) CGI set pieces. This sub Fight Club, sub Philip K Dick future noir thriller strives for a much broader scope than its modest budget will allow.

Cool blue moodiness served up with po-faced seriousness - disappointingly dumb. This is not intelligent Sci-Fi, this is the plot of a computer game.\": {\"frequency\": 1, \"value\": \"'I'm working for a ...\"}, \"Film version of Sandra Bernhard's one-woman off-Broadway show is gaspingly pretentious. Sandra spoofs lounge acts and superstars, but her sense of irony is only fitfully interesting, and fitfully funny. Her fans will say she's scathingly honest, and that may be true. But she's also shrill, with an unapologetic, in-your-face bravado that isn't well-suited to a film in this genre. She doesn't want to make nice--and she's certainly not out to make friends--and that's always going to rub a lot of people the wrong way. But even if you meet her halfway, her material here is seriously lacking. Filmmaker Nicolas Roeg served as executive producer and, though not directed by him, the film does have his chilly, detached signature style all over it. Bernhard co-wrote the show with director John Boskovich; their oddest touch was in having all of Sandra's in-house audiences looking completely bored--a feeling many real viewers will most likely share. *1/2 from ****\": {\"frequency\": 1, \"value\": \"Film version of ...\"}, \"In the tradition of G-Men, The House On 92nd Street, The Street With No Name, now comes The FBI Story one of those carefully supervised films that showed the Federal Bureau of Investigation in the best possible light. While it's 48 year director J. Edgar Hoover was alive, it would be showed in no other kind of light.

The book by Don Whitehead that this film is based on is a straight forward history of the bureau from it's founding in 1907 until roughly the time the film The FBI Story came out. It's important sometimes to remember there WAS an FBI before J. Edgar Hoover headed it. Some of that time is covered in the film as well.

But Warner Brothers was not making a documentary so to give the FBI flesh and blood the fictional character of John 'Chip' Hardesty was created. Hardesty as played by James Stewart is a career FBI man who graduated law school and rather than go in practice took a job with the bureau in the early twenties.

In real life the Bureau was headed by William J. Burns of the Burns Private Detective Agency. It was in fact a grossly political operation then as is showed in the film. Burns was on the periphery of the scandals of the Harding administration. When Hoover was appointed in 1924 to bring professional law enforcement techniques and rigorous standards of competence in, he did just that.

Through the Hardesty family which is Stewart and wife Vera Miles we see the history of the FBI unfold. In addition we see a lot of their personal family history which is completely integrated into the FBI's story itself. Stewart and Miles are most assuredly an all American couple. We follow the FBI through some of the cases Stewart is involved with, arresting Ku Klux Klan members, a plot to murder oil rich Indians, bringing down the notorious criminals of the thirties, their involvement with apprehending Nazi sympathizers in World War II and against Communist espionage in the Cold War.

There is a kind of prologue portion where Stewart tells a class at the FBI Academy before going into the history of the bureau as it intertwines with his own. That involves a bomb placed on an airline by a son who purchased a lot of life insurance on his mother before the flight. Nick Adams will give you the creeps as the perpetrator and the story is sadly relevant today.

Of course if The FBI Story were written and produced today it would reflect something different and not so all American. Still the FBI does have a story to tell and it is by no means a negative one.

The FBI Story is not one of Jimmy Stewart's best films, but it's the first one I ever saw with my favorite actor in it so it has a special fondness for me. If the whole FBI were made up Jimmy Stewarts, I'd feel a lot better about it. There's also a good performance by Murray Hamilton as his friend and fellow agent who is killed in a shootout with Baby Face Nelson.

Vera Miles didn't just marry Stewart, she in fact married the FBI as the film demonstrates. It's dated mostly, but still has a good and interesting story to tell.\": {\"frequency\": 1, \"value\": \"In the tradition ...\"}, \"If there was some weird inversed Oscar Academy awards festival this flick would win it all. It has all the gods, excellent plot, extreme special effects coupled with extremely good acting skills and of course in every role there is a celebrity superstar. Well, this could be the scenario if the world was inversed, but it's not. Instead it's the worst horror flick ever made, not only bad actors that seem to read the scripts from a teleprinter with bad dyslexia, but also extremely low on special effects. For example the devil costume (which by the way is a must-see), is something of the most hilarious I've ever seen. Whenever I saw that red-black so called monster on screen I couldn't hold my laugh back. And to top of things it looked like the funny creature was transported by a conveyor-belt.

Do not do the same mistake as I did. Checking IMDB seeing that the movie was released in 2003, had less than five votes and thinking: -\\\"Well, it's worth a shot, can't be that bad\\\".

Yes it could.

I'm not even going to waste more words on this movie.\": {\"frequency\": 1, \"value\": \"If there was some ...\"}, \"Usually, when we use the word \\\"escapist\\\", we mean it negatively; Warren Beatty's big screen version of \\\"Dick Tracy\\\" proves that \\\"escapist\\\" can be good. This is truly one entertaining movie. As the eponymous, yellow-clad, fearless title character, Beatty creates a detective to whom we can all relate: ready for action, but not without his weaknesses.

From there, the rest of characters are almost a world unto themselves. Tess Truehart (Glenne Headly) is as glamorous as one would expect the hubby of any crime fighter to be; Breathless Mahoney (Madonna) is possibly the most perplexing person imaginable; Big Boy Caprice (Al Pacino) is the average villain: ruthless but cool. Other characters include the speech-challenged Mumbles (Dustin Hoffman), the over-musical 88 Keys (Mandy Patinkin), and The Kid (Charlie Korsmo). Charles Durning, James Caan, Dick Van Dyke, Estelle Parsons, Catherine O'Hara, Seymour Cassel, Paul Sorvino and Kathy Bates also star.

Oh, wait a minute. I haven't even explained the plot! The plot involves Tracy trying - and failing so far - to find some way to nab Big Boy. Simultaneously, some very bizarre events have been going on in town, the answers to which may or may not be closer than everyone thinks.

Of course, the main thing about this movie is that it's fun to watch. If Warren Beatty was having trouble acting his age, then he made good use of that here. \\\"Dick Tracy\\\" is one cool movie.\": {\"frequency\": 1, \"value\": \"Usually, when we ...\"}, \"I can't believe this is on DVD. Even less it was available at my local video store.

Some argue this is a good movie if you take in consideration it had only a 4000$ budget. I find this funny. I would find it very bad whichever the budget.

Still more funny, I read the following in another review: \\\"Dramatics aside, if you love horror and you love something along the lines of Duel (1971) updated with a little more story and some pretty girls thrown in, you'll love this movie.\\\"

What?!? This is a shame comparing those two movies.

I give a \\\"1\\\", since I can't give a \\\"0\\\". I just don't see any way this movie could be entertaining.\": {\"frequency\": 1, \"value\": \"I can't believe ...\"}, \"Peter Fonda is so intentionally enervated as an actor that his lachrymose line-readings cancel out any irony or humor in the dialogue. He trades sassy barbs and non-witty repartee with Brooke Shields as if he were a wooden block with receding hair; even his smaller touches (like fingering a non-existent mustache on his grizzled face) don't reveal a character so much as an unsure actor being directed by himself, an unsure filmmaker. In the Southwest circa 1950, a poor gambler (not above a little cheating) wins an orphaned, would-be teen Lolita in a botched poker game; after getting hold of a treasure map promising gold in the Grand Canyon, the bickering twosome become prospectors. Some lovely vistas, and an odd but interesting cameo by Henry Fonda as a grizzled canyon man, are the sole compensations in fatigued comedy-drama, with the two leads being trailed by cartoonish killers who will stop at nothing until they get their hands on that map. Shields is very pretty, but--although the camera loves her pouty, glossy beauty--she has no screen presence (and her tinny voice has no range whatsoever); every time she opens her mouth, one is inclined to either cringe or duck. *1/2 from ****\": {\"frequency\": 1, \"value\": \"Peter Fonda is so ...\"}, \"Without question, the worst film I've seen for a long while. I endured to the end because surely there must be something here, but no. The plot, when not dealing in clich\\ufffd\\ufffds, rambles to the point of non-existence; dialogue that is supposed to be street is simply hackneyed; characters never develop beyond sketches; set-pieces are clich\\ufffd\\ufffdd. Worse, considering its co-director, the photography is only so-so.

Comments elsewhere that elevate this alongside Get Carter, Long Good Friday or Kaspar Hauser are way way off the mark; Lives of the Saints lacks their innovation let alone their depth and shading. In short, their craft. A ruthless editor could probably trim it down to a decent 30-minute short, but as it stands it's a 6th form film project realised on a million-pound scale; rambling and bloated with its own pretensions. That it received funding (surely only because of Rankin's name) while other small films struggle for cash is depressing for the British film industry.\": {\"frequency\": 1, \"value\": \"Without question, ...\"}, \"We know that firefighters and rescue workers are heroes: an id\\ufffd\\ufffde re\\ufffd\\ufffdue few would challenge. Friends and family of these and others who perished in the attacks on the World Trade Center might well be moved by this vapid play turned film. A sweet, earnest, though tongue-tied fireman recalls what he can of lost colleagues to a benumbed journalist who converts his fragments into a eulogy. They ponder the results. He mumbles some more, she composes another eulogy, etc., etc.

The dreadful events that provoked the need for several thousand eulogies is overwhelmingly sad, but this plodding insipid dramatization is distressingly boring.\": {\"frequency\": 1, \"value\": \"We know that ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"A pale shadow of a ...\"}, \"The Ogre is a film made for TV in Italy and wasn't intended to be a sequel to Demons as Lamberto Bava even mentions it on the interview on the Sheirk Show DVD, but it was called Demons III to be part of the Demons series. The music in Demons and Demons 2 was 80's rock music while this is more creepy music and while the first two was gory horror Demons III: The Ogre is a architectural horror so that's how Demons III isn't a proper sequel to Demons but I still like this film.

The music is creepy and that adds a tone to the castle that the film is set in, The Ogre is another thing why I like the film. There are two other films that are classed as Demons III and that is Black Demons (Demoni 3) and The Church (Demons 3). Demons III: The Ogre is a good film as long as you don't compare it with Demons and Demons 2.\": {\"frequency\": 1, \"value\": \"The Ogre is a film ...\"}, \"please don't rent or even think about buying this movie.they don't even have it available at the red box to rent which would cost a $1 & i think its worth less than that.the main reason why i rented this d movie was because Jenna Jameson is in the movie lol between 2-5 min.i will give credit that the movie had hot chicks and quite a bit of nudity but other than that you might as well buy another d horror movie that has the same thing with nobody you know.Ginger Lynn has more acting time in this movie than Jenna & she's not even on the front cover of the movie nor her name.i recommend people to watch zombie strippers because you see Jenna almost throughout the whole movie & nude most of the time.this movie is a big disappointment & such a huge waste of time.\": {\"frequency\": 1, \"value\": \"please don't rent ...\"}, \"THE MELTING MAN...a tragic victim of the space race, he perished MELTING...never comprehending the race had LONG GONE BY...!

A man (Burr DeBenning) burns his hand on the kitchen stove. But instead of screaming something a NORMAL person would scream, he shouts something that sounds like \\\"AAAAATCH-KAH!!\\\" This movie you've popped in...isn't a normal movie. You've just taken your first step into THE INCREDIBLE MELTING MAN, the famous late-70's gore film featuring Rick Baker's wonderful makeup effects. Baker was just on the edge of becoming a superstar, and did this at the same time as his famous \\\"cantina aliens\\\" in STAR WARS. For some strange reason, STAR WARS became a household name, and INCREDIBLE MELTING MAN did not.

It might have something to do with the fact that this movie is just mind-numbingly awful. From the opening credits (\\\"Starring Alex Rebar as THE INCREDIBLE MELTING MAN\\\"...that's really what it says!), to the chubby nurse running through a glass door, to the fisherman's head going over a waterfall and smashing graphically apart on some rocks, this film provides many, many moments of sheer incomprehensibility. \\\"Why did they...but how come he...why are they...?\\\" After a while, you give up wondering why and watch it as what it is--a very entertaining piece of garbage.

An astronaut returns to Earth in a melting, radioactive condition; he escapes and, his mind disintegrating as well as his body, begins a mad melting killing spree. The authorities quickly decide that the melting man must be stopped, but (probably not wanting to \\\"cause a panic\\\") want him captured as quietly as possible. So they send one guy with a geiger counter after him. Wow.

Storywise, surprisingly little happens during the movie. The melting guy wanders around killing people. A doctor searches for him with a geiger counter. Various characters are introduced, ask questions, and leave. Eventually the doctor catches up with the melting man, but is shot by a security guard for no reason, after he explains that he's \\\"Dr. Ted Nelson.\\\" The melting man wanders off and finally dissolves into a big puddle of goo. The End.

It's so brainless that it somehow ends up being a lot of fun, despite a fairly downbeat ending. Supposedly, a widescreen DVD release is planned. A very special movie.\": {\"frequency\": 1, \"value\": \"THE MELTING ...\"}, \"It's \\\"The F.B.I.\\\" starring Reed Hadley, with an all-star guest cast! The film begins with an accidental (convenient?) kidnapping, which leads to one thing, and another - which doesn't really indicate the main story, which is a \\\"Big House, U.S.A.\\\" prison break story. The story is very improbable, to say the least. It's like a TV show, only more \\\"violent\\\" (for the times).

BUT - the cast is a trip! Picture this: Ralph Meeker is sent to prison; his cell-mates are the following criminals: Broderick Crawford, Lon Chaney Jr., Charles Bronson (reading a \\\"Muscle\\\" magazine!), and William Talman (reading a \\\"Detective\\\" magazine!). Honest! You should know that, an early scene reveals what happens to the \\\"missing\\\" boy, answering the ending \\\"voiceover.\\\" If you don't want to have that hanging, don't miss the opening scenes between the \\\"Iceman\\\" and the boy (Peter Votrian doing well as a runaway asthmatic).

*** Big House, U.S.A. (1955) Howard W. Koch ~ Broderick Crawford, Ralph Meeker, Reed Hadley\": {\"frequency\": 1, \"value\": \"It's \\\"The F.B.I.\\\" ...\"}, \"This movie is one of the most wildly distorted portrayals of history. Horribly inaccurate, this movie does nothing to honor the hundreds of thousands of Dutch, British, Chinese, American and indigenous enslaved laborers that the sadistic Japanese killed and tortured to death. The bridge was to be built \\\"over the bodies of the white man\\\" as stated by the head Japanese engineer. It is disgusting that such unspeakable horrors committed by the Japanese captors is the source of a movie, where the bridge itself, isn't even close to accurate to the actual bridge. The actual bridge was built of steel and concrete, not wood. What of the survivors who are still alive today? They hate the movie and all that it is supposed to represent. Their friends were starved, tortured, and murdered by cruel sadists. Those that didn't die of dysantry, starvation, or disease are deeply hurt by the movie that makes such light of their dark times.\": {\"frequency\": 1, \"value\": \"This movie is one ...\"}, \"This was one of the most boring movies I've ever seen\\ufffd\\ufffd I don't really know why\\ufffd\\ufffd Just your run-of-the-mill stories about guy who is about to get married, and starts to fancy someone else instead. Story has been told a thousand times. Nothing new or innovative about it at all.

I don't really know what was wrong with this film. Most of the time when these kinds of actors/actresses get together to make a film that have already been made a million times before, it's really entertaining. There are usually little clever thing in them that aren't really in any other. For some reason, this one just doesn't hold your attention. You can pick out some funny parts, or clever ideas in it, but for some reason they're just not funny, nor clever in any way\\ufffd\\ufffd I wish I new how to explain it, but I don't\\ufffd\\ufffd Just don't waste your time on this one\\ufffd\\ufffd\": {\"frequency\": 1, \"value\": \"This was one of ...\"}, \"I have recently seen this production on DVD. It is the first time I have seen it since it was originally broadcast in 1983 and it was just as good as I remembered. At first as was worried it would seem old fashioned and I suppose it is a little dated and very wordy as the BBC serials were back then. (I miss those wonderful costume dramas that seemed to be always on Sunday afternoons back then) But that aside it is as near perfect as it could have been. I am a bit of a \\\"Jane Eyre\\\" purist as it is my favourite book and have never seen another production that is a faithful to the book as this one. I have recently re-read the book as well and some of the dialogue is just spot on. Reading the scene near the end where Rochester questions Jane about what St John was like I noticed their words were exactly reproduced on screen by Dalton and Clarke and done perfectly.

All the other productions that have been done all seem lacking in some way, some even leave out the \\\"Rivers\\\" family and their connection to Jane altogether. I also think this is the only production to include the \\\"Gypsy\\\" scene done correctly.

The casting is perfect, Zelah Clarke is like Jane is described in the book \\\"small plain and dark\\\" and I disagree that she looked too old. Timothy Dalton may be a little too handsome but he is absolutely perfect as Rochester, portraying every aspect of his character just right and acting his socks off! I agree with other comment that he even appears quite scary at time, like in the scene when he turns around slowly at the church when the wedding is interrupted, his expression is fantastically frightening. But then in another favourite scene his joy is wonderful to see when Jane runs down the stairs and into his arms the morning after they declare their love for one another. A love that is wonderfully portrayed and totally believable. Oh to be loved by a man like that! There were a couple of scenes that were strangely missing however, like when Jane climbs in to bed with the dying Helen and also when Rochester takes Jane shopping for her wedding things (I thought that one was in it but maybe my memory is playing tricks).

Finally if you never see another production of Jane Eyre - you simply most see this one it is simply perfection!\": {\"frequency\": 1, \"value\": \"I have recently ...\"}, \"I think the deal with this movie is that it has about 2 minutes of really, really funny moments and it makes a very good trailer and a lot of people came in with expectations from the trailer and this time the movie doesn't live up to the trailer. It's a little more sluggish and drags a little slowly for such an exciting premise, and i think i'm seeing from the comments people having a love/hate relationship with this movie.

However, if you look at this movie for what it is and not what it could have been considering the talent of the cast, i think it's still pretty good. Julia Stiles is clearly the star, she's so giddy and carefree that set among the conformity of everyone else, she just glows and the whole audience falls in love with her along with Lee. The rest of the cast, of course, Lee's testosterone-filled coworkers, his elegant mother-in-law, his fratlike friend Jim and his bride-to-be all do an excellent job of fitting into stereotypes of conformity and boringness that make Stiles stand out in the first place.

Lee doesn't live up to his costars, i don't think, but you could view that as more that they're hard to live up to. Maybe that's one source of disappointment.

The movie itself, despite a bit of slowness and a few jokes that don't come off as funny as the writer's intended, is still pretty funny and I found a rather intelligent film. The themes of conformity and \\\"taking the safe route\\\" seemed to cleverly align on several layers. For example, there was the whole motif of how he would imagine scenarios but would never act on them until the last scene, or how he was listening to a radio program on the highway talking about how everyone conforms, or just how everything selma blair and julia stiles' characters said and did was echoed by those themes of one person being the safe choice and one being the risky choice.

The other good thing about the movie was that it was kind of a screwball comedy in which Jason Lee has to keep lying his way through the movie and who through dumb luck (example: the pharmacy guy turning out to be a good chef) and some cleverness on his part gets away with it for the most part.

While it wasn't as funny as i expected and there was a little bit of squandered talent, but overall it's still a good movie.\": {\"frequency\": 1, \"value\": \"I think the deal ...\"}, \"I saw this in the theater when it came out, and just yesterday I saw it again on cable. This I was able to reacquainted myself with the feeling of just how revolting this film is. The whole bunch of characters are self-absorbed narcisstic preeners. Worst of all, it reinforces every negative stereotype about 20-something dating, even as it purports to celebrate people \\\"finding themselves\\\". The nice guys finish last, the jerky guys make out great, the jerkiest guys do best. The girls are all boy toy pushovers. Only one character (\\\"Wendy\\\") is seen doing anything remotely useful to society, and she dispenses with her long-saved virginity in a throwaway one-night stand with a scumbag, in a lushly filmed scene that we're supposed to think is romantic. What this really is is Hollywood's concept of young America: permissive, detached, promiscuous, conceited.\": {\"frequency\": 1, \"value\": \"I saw this in the ...\"}, \"I watched this film few times and all i can say that this is low budget rubbish and that it does not have anything to do with a real history facts. Actors performances is very poor but it is result of limited acting possibilities. Anyone who watched this film now probably think of Hitler as some crazy skinny lunatic who running with a gun like some Chicago gangster. I can only to say that there is much better films about Hitler and Germany in those years and that Rise of evil is very much under average. I can recommend German film Downfall in which you can see brilliant performance of Switzerland actor Bruno Ganz in a roll of Adolf Hitler.\": {\"frequency\": 1, \"value\": \"I watched this ...\"}, \"Lets put it this way. I actually get this movie. I get what the writer/directer was trying to do. I understand that the dialog was meant to be dry and emotionless. I understand that the plot was supposed to be non-climactic and stale. That was what the writer/director was going for. A very very very dry humor/comedy. With all that understanding, I still think the movie sucked. It seemed like the writer/director was trying to recreate Napolean Dynamite with this movie. It had all of the same features. Even the main character behaved similar to Napolean. But Napolean Dynamite was actually funny. Its script worked. This movie is not. It has no purpose. Well, let me rephrase that. Its only purpose is to rip off Napolean Dynamite and try to capture that look and feel. Too bad it didn't work.\": {\"frequency\": 1, \"value\": \"Lets put it this ...\"}, \"Meaning: if this movie got pitched, scripted, made, released, promoted as something halfway respectable given the constraints (yeah, I know, Springer, sex, violence), where is He?

Reminded me of porn movies I saw in college, plot and dialogue wise.... shoulda just done something for the scurrilous porno market, showed penetration and be done with it-- would have made more money, the ultimate point of this exercise....\": {\"frequency\": 1, \"value\": \"Meaning: if this ...\"}, \"Another powerful chick flick. This time, it revolves around Diana Gusman who is always getting into fights at school. Instead of getting expelled, she takes her anger elsewhere, to the boxing ring. She trains to be a boxer and there she meets featherweight Adrian and begins to fall in love with him. This movie has a powerful message of taking your dreams and going with them even if someone doesn't believe in you (in this case, her dad doesn't believe in her). That alone makes the movie worth the price. Enjoy\": {\"frequency\": 1, \"value\": \"Another powerful ...\"}, \"This is the worst sequel on the face of the world of movies. Once again it doesn't make since. The killer still kills for fun. But this time he is killing people that are making a movie about what happened in the first movie. Which means that it is the stupidest movie ever.

Don't watch this. If you value the one precious hour during this movie then don't watch it. You'll want to ask the director and the person beside you what made him make it. Because it just doesn't combine the original makes of horror, action, and crime.

Don't let your children watch this. Teenager, young child or young adult, this movie has that sorta impact upon people.\": {\"frequency\": 1, \"value\": \"This is the worst ...\"}, \"this film was a major letdown. the level of relentless cruelty and violence in this film was very disturbing. some scenes were truly unnecessarily ugly and mean-spirited. the main characters were impossible to identify with or even sympathize with. the lead protagonist's character was as slimy as they come. the sickroom/hothouse atmosphere lent itself to over-the-top theatrics. little or nothing could be learned about the Spanish civil war from this film. fortunately, i've been to spain and realize this is not realistic! in addition, the use of same-sex attraction as a lurid \\\"horror\\\" was also very offensive and poorly handled, while the DVD is being packaged and advertised to attract gay viewers. the actors seemed uncomfortable in their roles,as if they were trying to distance themselves from this mess.i guess if you like watching children and pets being brutally killed,this film might especially appeal to you.\": {\"frequency\": 1, \"value\": \"this film was a ...\"}, \"The story concerns a genealogy researcher (Mel Harris) who is hired by her Estee Lauder-like cosmetic queen aunt. Her aunt (by marriage we are left to presume) is trying to track down her long lost family in Europe. All they have to go on is a photo of a young girl standing by an ornate music box. The researcher heads to Europe and conducts her search in places like Milan, Budapest, and Vienna. The scenery is the real thing and is actually shot on location (unlike a Murder, She Wrote where Jessica is supposed to be visiting a far-flung locale and Lansbury never left Burbank). Anyway, she meets a young man who is also searching to solve a family mystery of his own and they team up to track down clues and menace bad guys. The dialogue, particularly the romantic dialogue, is terrible. I watched this because of the scenery but the script was so bad that I stayed on just to see if it would get worse. It did. Acting was also off. I can see why Mel Harris's career never really took off after thirtysomething, but she is adequate (seems too old for her co-star though). But, the supporting players are straight out of the community playhouse. I also lost count of how many times they say \\\"Budapest\\\" to each other. Yes, it is pronounced Bood-a-phesht. We know, okay? I realized halfway into the film that this had to be one of those Harlequin movies and sure enough it is. Guess that says it all.\": {\"frequency\": 1, \"value\": \"The story concerns ...\"}, \"I love this movie. My only disappointment was that some of the original songs were changed.

It's true that Frank Sinatra does not get a chance to sing as much in this movie but it's also nice that it's not just another Frank Sinatra movie where it's mostly him doing the singing.

I actually thought it was better to use Marlon Brando's own voice as he has the voice that fits and I could not see someone with this great voice pulling off the gangster feel of his voice.

Stubby Kaye's \\\"Sit Down, You're Rockin' the Boat\\\" is a foot-tappin', sing-a-long that I just love. He is a hard act to follow with his version and I still like his the best.

Vivian Blaine is just excellent in this part and \\\"Adelaide's Lament\\\" is my favorite of her songs.

I really thought Jean Simmons was perfect for this part. Maybe I would not have first considered her but after seeing her in the part, it made sense.

Michael Kidd's choreography is timeless. If it were being re staged in the year 2008, I would not change a thing.

I find that many times something is lost from the stage version to the movie version but this kept the feel of the stage, even though it was on film.

I thought the movie was well cast. I performed in regional versions of this and it's one of my favorites of that period.\": {\"frequency\": 1, \"value\": \"I love this movie. ...\"}, \"With a tendency to repeat himself, Wenders has been a consistent disappointment ever since he hit it big with 'Paris Texas'.

'Land of plenty' is no exception. Taking into the fact that I anticipated an average-mediocre film even before I went in, Wenders' ambitions seem to always get the better of him. It's taken for grated now his films are heavy-handed and bombastic.

I weren't sure if I was watching a comedy that mocks Middle America or some thriller. The outcome of Diehl's character is wholly predicable. Wender's insistence on layering many many scenes with some rock song is also intensely annoying. He was covering up the holes in his script and direction by jazzing up the scenes.

I am certain that many people will find this film important and resonant but in all honestly, this clumsy and didactic effort only speaks of poor direction.

Interesting that Wenders professed that while making 'Paris Texas', he had great help from Sam Sheppard with the script. Yes, that was Wenders' best and he should understand now he needs a good scriptwriter. His films from the past 15 years+ were a total mess.\": {\"frequency\": 1, \"value\": \"With a tendency to ...\"}, \"An absolutely wretched waste of film!! Nothing ever happens. No ghosts, hardly any train, no mystery, no interest. The constant and BRUTAL attempts at comedy are painful. Everything else is pathetic. The premise is idiotic: a bunch of people stranded in the middle of no-place, because their train was held up for less than 3 minutes. What? And the railroad leaves them no place to stay, in a heavy storm? I think not. Oh, they can walk 4 miles across the dead-black fields. umm, yeah. Sure. Or, they can force themselves on the railroad's hospitality, and stay at the 'haunted' train station. A station which proved to be nothing but DEADLY BORING, utterly without ghosts, interest, or plot.

So very terribly dull that this seems impossible.

This ought to be added to the LOST FILMS list !! aargh !!\": {\"frequency\": 1, \"value\": \"An absolutely ...\"}, \"I've seen this film criticized with the statement, \\\"If you can get past the moralizing...\\\" That misses the point. Moralizing is in the conscience of the beholder, as it were. This is a decent film with a standard murder mystery, but with a distinct twist that surfaces midway through. The resolution leaves the viewer wondering, \\\"What would I have done in this position?\\\" And I have to believe that's exactly what the filmmaker intended. To that end, and to the end of entertaining the audience, the film succeeds. I also like the way that the violence is never on stage, but just off camera. We know what has just happened; it's just not served up in front of us, then rubbed in our faces, as it would be today with contemporary blood and gore dressing. Besides, the violence is not the point. The point is the protagonist's moral dilemma, which is cleverly, albeit disturbingly, resolved.\": {\"frequency\": 1, \"value\": \"I've seen this ...\"}, \"Here's my first David Mamet directed film. Fitting, since it was his first, as well.

The story here is uneven and it moves along like any con movie, from the little cons to the big cons to the all-encompassing con. It's like \\\"The Grifters,\\\" but without that film's level of acting. (In that film, John Cusack was sort of bland but that was the nature of his character.) The acting here is very flat (I sometimes wondered if the bland acting by Crouse was supposed to be some sort of attack on psychoanalysis). At least in the beginning. It never gets really good, but it evolves beyond painfully stiff line reading after about ten minutes. Early in the film, some of Lindsay Crouse's lines -- the way she reads them -- sound as if they're inner monologue or narration, which they aren't. With the arrival of Mantegna things pick up.

The dialogue here isn't as fun as it should be. I was expecting crackerjack ring-a-ding-ding lines that roll off the tongue, but these ones don't. It all sounds very read, rather than spoken. Maybe Mamet evolved after this film and loosened up, but if not, then maybe he should let others direct his words. He's far too precious with them here and as a result, they lose their rhythmic, jazzy quality. What's more strange is that other than this, the film doesn't look or feel like a play. The camera is very cinematic. My only problem with \\\"Glengarry Glen Ross\\\" was that it looked too much like filmed theatre, but in that film the actors were not only accomplished, but relaxed and free. Everything flowed.

I wouldn't mind so much if it sounded like movie characters speaking movie lines -- or even play characters speaking play lines -- but here it sounds like movie (or even book) characters speaking play lines. It's a weird jumble of theatre and film that just doesn't work. That doesn't mean the movie is bad -- it isn't, it's often extremely entertaining. The best chunk is in the middle.

It's standard con movie stuff: the new guy (in this case, girl) Margaret Ford (Lindsay Crouse) gets involved in the seedy con underworld. How she gets involved is: she's a psychiatrist and one of her patients, Billy is a compulsive gambler. She wants to help him out with his gambling debt, so she walks into The House of Games, a dingy game room where con men work in a back room. I'll admit the setup is pretty improbable. (Were they just expecting Crouse to come in? Were they expecting she'd write a cheque? Was Billy in on it? One of these questions is definitely answered by the end, however.)

And from here the cons are start to roll out. I found the beginning ones -- the little learner ones -- to be the most fun. We're getting a lesson in the art of the con as much as Crouse is.

We see the ending coming, and then we didn't see the second ending coming, and then the real ending I didn't see coming but maybe you did. The ball just keeps bouncing back and forth and by the last scene in the movie we realize that the second Crouse walked into The House of Games she found her true calling.

I'm going to forgive the annoying opening, the improbable bits and the strange line-reading because there are many good things here. If the first part of the movie seems stagy, stick with it. After the half-hour mark it does really get a momentum going. If you want a fun con movie, then here she is. If you want Mamet, go watch \\\"Glengarry Glen Ross\\\" again -- James Foley did him better.

***\": {\"frequency\": 1, \"value\": \"Here's my first ...\"}, \"Okay, so there is a front view of a Checker taxi, probably late 1930s model. It has the great triangular shaped headlights. There also is a DeSoto cab in this black and white, character driven, almost a musical love gone wrong story.

The real pleasure here is the look at 1940s room interiors and fashions and hotel elevators. The hair styles, male and female are gorgeous. If Dolly Parton had Victor Mature's hair she could have made it big. There is an artist loft that would be the envy of every Andy Warhol wannabe.

If you watch this expecting a great Casablanca storyline or Sound of Music oom-pah-pah, you will be disappointed. There is a nice little story beneath the runway model approach in this film.

My copy on DVD with another movie for $1 was very viewable. The title sequence was cute but not up there with Mad, Mad, Mad, Mad World or The Pink Panther. This was an RKO movie but it did not have the nice airplane logo that RKO used to use.

I liked Victor Mature in One Million, B.C., and Sampson and Delilah and especially in Violent Saturday. See if you can find that one. He was wonderful in the comedy with Peter Sellers called Caccia Alla Volpe or After The Fox.

Richard Carlson went on to do I Led Three Lives on TV in the early 1950s.

Vic Mature was offered the part of Sampson's father in the remake of Sampson and Delilah. He supposedly was asked if he would have any problems playing the part of the father since he was so well known as Sampson. Victor replied, \\\"If the money is right, I'll play Sampson's mother.\\\"

Tom Willett\": {\"frequency\": 1, \"value\": \"Okay, so there is ...\"}, \"They had such potential for this movie and they completely fall flat. In the first Cruel Intentions, we are left wondering what motivated the lead characters to become the way they are and act the way they do. There is almost NO character development whatsoever in this prequel. It's actually a very sad story but this film did nothing for me. It was as if they left out good writing in place of unneeded f-words. And the end makes absolutely no sense and doesn't explain anything. The writing was just terrible. Another thing that bothered me was that they used at lease 3 of the EXACT SAME lines that were in the original. Such as \\\"down boy\\\", or the kissing scene, and a few others I can't remember. I was not impressed at all by Robin's acting, but Amy did a great job. That's about the only thing that reconciled this movie.\": {\"frequency\": 1, \"value\": \"They had such ...\"}, \"It's my opinion that when you decide to re-make a very good film, you should strive to do better than the original; or at least give it a fresh point of view. Now the 1963 Robert Wise telling of Shirley Jackson's remarkable novel \\\"The Haunting of Hill House\\\" is worth the price of admission even today. Now fast forward to 1999 and the re-make. I was left shaking my head and asking, why? The acting is wooden, the story unrecognizable and the whole point seems to be to replace the subtle horror of the original with as many special effects computers can generate. I had heard that this update was bad; but couldn't believe it was that bad, considering the source material. I was wrong. After watching this and saying to my wife how awful it was, she said; \\\"Well they got your money!\\\" She's right, don't let them get yours. If there's no profit in making lousy re-makes, maybe they'll stop making them or come up to a higher standard that doesn't insult their audience\": {\"frequency\": 1, \"value\": \"It's my opinion ...\"}, \"The first time you see The Second Renaissance it may look boring. Look at it at least twice and definitely watch part 2. It will change your view of the matrix. Are the human people the ones who started the war ? Is AI a bad thing ?\": {\"frequency\": 1, \"value\": \"The first time you ...\"}, \"This is a film i decided to go and see because I'm a huge fan of adult animation. I quite often find that when a film doesn't evolve around a famous actor or actress but rather a story or style, it allows the film to be viewed as a piece of art rather than a showcase of the actors ability to differ his styles.

This film is certainly more about style than story. While i found the story interesting (a thriller that borrows story and atmosphere from films such as Blade Runner and many anime films), it was a bit hard to follow at times, and didn't feel like it all came together as well as it could have. It definitely had a mixed sense of French Animation and Japanese Anime coming together. Whether thats a good thing or not is up to the viewer. Visually this film is a treat for the eyes, and in that sense a work of art.

If you like adult animation, or would like to see a film that is different from most films out at the moment. I would recommend it. All i can say is that i enjoyed the experience of the film but did come away slightly disappointed because it could have been better\": {\"frequency\": 1, \"value\": \"This is a film i ...\"}, \"If there was a 0 stars rating i would gladly hand it out to this absolutely horrid pile of waste. The fact that the actual summary is perfectly fine and that if it had been made different it could have been brilliant only makes it worse. The basic task of locking up a group of people in an experiment chamber is fine, but WHERES THE EXPERIMENT? All i see is a bunch of unintelligent surfers and blondes chatting about music and culture i don't know or want to know about... The challenges are pathetic and silly. The whole point of reality TV is to show REALITY. If you set a 'challenge' don't make them play with exaggerated props of food and stereotypical cultural elements in 'friday night games'. make them do an actual challenge. And as for 'earning' prize money, thats fine, if they actually earnt it! These people are nuts. If only they would make the show better, the actual idea would be glorious. But that ain't gonna happen!\": {\"frequency\": 1, \"value\": \"If there was a 0 ...\"}, \"It took 9 years to complete this film. I would think that within those 9 years someone would have said,hey, this film is terrible. I've seen better acting in porn movies. The story is tired and played. Abused child turns into serial killer. How about something new for a change. How about abused child turns into a florist? At least that would have been a new twist. Why is it that everyone with a camera and a movie idea (especially unoriginal movie ideas) thinks that they can be a director? I do admire the fact that they stuck with this film for 9 years to get it completed. That shows tenacity and spirit. With this kind of drive hopefully next time they can focus it on a better script. If you want to see a failed experiment in indie film making from a writer/director from Michigan see Hatred of A Minute. If you want a good movie from a Michigan writer/director stick with Evil Dead.\": {\"frequency\": 1, \"value\": \"It took 9 years to ...\"}, \"As said before, the visual effects are stunning. They're breathtaking. I personally use Blender and graphics like that are not easy AT ALL. But that's all this movie is. Not only is the plot confusing, but the overall conflict is not clear. For example, in the first scene, Proog and Emo are trying to run away from who knows what. The conflict seems to be between man and nature here. Later, when they enter the room of the bottomless pit, Proog explains that \\\"one step out of place and (you're dead)\\\". Here, there's a more precise conflict between the careless man and nature. As the movie progresses, it's clear that a conflict exists between man and nature. But suddenly, a conflict exists between man and man when Proog, out of nowhere, murders Emo. Proog immediately changes from being a caring guardian looking after a lost child to being a \\\"sick man\\\". He betrays us. Not only is this depressing, but we don't care because the conflict between the character's thoughts and actions is not developed. It's not a story about someone, through struggle, emerging stronger. It's depressing and has not point because there's no great truth about the human soul or about the world brought to light like a great drama does. In my opinion, the movie is severely underdeveloped in all aspects. However, the graphics are stunning, but a movie is so much more than mere eye candy. There's no truth, no struggle and a bad surprise ending. In conclusion, an underdeveloped movie without a point. ...but the graphics are good.\": {\"frequency\": 1, \"value\": \"As said before, ...\"}, \"I caught this film late on a sat night/ Sunday morning with my brother. We had been drinking. This is one of the best films for ripping apart I have ever seen. From the 'luxury' ocean liner actually being a 'roll on, roll off' ferry, complete with cast iron everything to the doors with adhesive stickers saying staff, then seeing the same door being used for something else in another scene - this film rocks!! The continuity is so poor you cant help but notice it, it slaps you in the face with the holes. In the final scene he jumps off a life boat with the ferry in the distance. Cut to his son and new girlfriend (The ships PR director who knows kung-fu and used to be in the police but was dismissed for doing things her way - true)on the ferry going very fast away from the explosion. ......Then the dad is there hugging them. HoW???? Who cares, its magic. There is not one redeeming feature to this film. The casino is the size of a large bedroom with one casino table. when being chased by the villains there is only One place to hide, you've guessed it. Enter the villains who, instead of checking under the One table, proceed to shoot up four fruit machines and a little corner bar (a corner bar in the casino - fantastic). They walk straight past the only hiding place thus allowing our Casper to get around them and 'take them out'.

Get some mates over, get a few drinks in, put this film on and howl.\": {\"frequency\": 1, \"value\": \"I caught this film ...\"}, \"Jim Carrey and Morgan Freeman along with Jennifer Aniston combine to make one of the funniest movies so far this 2003 season (late May) and a good improvement on Carrey's past crazy and personally forgetable roles in past comedies. With a slightly toned down Carrey antics yet with just the zap and crackle of his old self, Carrey powerfully carries this movie to the height of laughter and also some dramatic, tearfully somber moments. Elements of Jim's real acting abilities continue to show up in this movie. This delightful summer entertainment hits most of the buttons, including dramatic elements along with the goofy moments that fit perfectly with this script. While still lacking in the superbly polished ensemble of comedy/drama, Bruce, Almightly deserves credit for being a great date movie along with a solid message and soft spiritual cynicism and parody that maintains its good-natured taste. Eight out of ten stars.\": {\"frequency\": 1, \"value\": \"Jim Carrey and ...\"}, \"Escaping the life of being pimped by her father(..and the speakeasy waitressing)who dies in an explosion, Lily Powers(Barbara Stanwyck, who is simply ravishing)sluts her way through the branches inside a bank business in big city Gotham. When a possessive lover murders who was supposed to be his next father-in-law(and Lily's new lover), the sky's the limit for Lily as she has written down her various relationships in a diary and subtlety makes it known the papers will receive it if certain pay doesn't come into her hands. Newly appointed president to the bank, Courtland Trenholm(George Brent), sends Lily to Paris instead of forking over lots of dough, but soon finds himself madly in love after various encounters with her in the City of Love. This makes Lily's mouth water as now she'll have reached the pedestal of success seducing a man of wealth and prestige bring riches her way. Though, circumstances ensue which will bring her to make a decision that threatens her successful way of achieving those riches..Trenholm, now her husband, is being indicted with jail certain and has lost the bank. He needs money Lily now has in her possession or he'll have absolutely nothing.

Stanwyck is the whole movie despite that usual Warner Brothers polish. Being set in the pre-code era gives the filmmakers the chance to elaborate on taboo subjects such as a woman using sex to achieve success and how that can lead to tragedy. Good direction from Alfred E Green shows through subtlety hints in different mannerisms and speech through good acting from the seductive performance of Stanwyck how to stage something without actually showing the explicit act. Obviously the film shows that money isn't everything and all that jazz as love comes into the heart of Lily's dead heart. That ending having Lily achieve the miraculous metamorphosis into someone in love didn't ring true to me. She's spent all this time to get to that platform only to fall for a man who was essentially no different than others she had used before him.\": {\"frequency\": 1, \"value\": \"Escaping the life ...\"}, \"Page 3 is a great movie. The story is so refreshing and interesting. Not once throughout the movie did i find myself staring off into space. Konkana Sen did a good job in the movie, although i think someone with more glamour or enthusiasm would have been better, but she did do a great job. All the supporting actors were also very good and helped the movie along. Boman Irani did a great job. There is one thing that stands out in this movie THE STORY it is great, and very realistic, it doesn't beat around the bush it is very straight forward in sending out its message. I think more movie like this should be made, i am sick of watching the same candy floss movies over and over, they are getting hard to digest now. Everyone should watch Page 3, it is a great film. -Just my 2 cents :)\": {\"frequency\": 1, \"value\": \"Page 3 is a great ...\"}, \"Jack Frost is Really a Cool Movie. I Mean....Its Funny. Its Violent. and Very Enjoyable. Most People Say that it Is B Rated, But That Couldn't be Farther from the truth. It has Great Special Effects and Good Acting. The Only Weird thing is of Course, The Killer Snowman. I Think this Movie was Actually one of The Best Films of the Late-Nineties. Most Films these Days lack the Criteria of A Clive Barker Master Piece. That is, Be Original and Give the Viewer What they Do not Expect. Jack Frost is Very Cool. 10 out of 10. Grade: A+. Ed Also Recommends The Movie Uncle Sam to Fans of Jack Frost.\": {\"frequency\": 1, \"value\": \"Jack Frost is ...\"}, \"Sure, the history in this movie was \\\"Hollywoodized\\\"--but it's far from being the only bit of history rewritten for the masses. Lafitte sided with the Americans because he considered himself a Frenchman and therefore hated the British, not because of any sense of patriotism for a nation that had taken over New Orleans only a short time ago; he broke his agreement and returned to smuggling, which caused his sailing to Galveston; he was more of a petty criminal and scoundrel than a hero *or* a swashbuckler. But who cares? This is one movie that's sheer entertainment--and face it, we all wanted Jean to go for the feisty wench rather than the prudish daughter of the governor. Brynner once again rises over mediocre writing to give a fascinating performance.\": {\"frequency\": 1, \"value\": \"Sure, the history ...\"}, \"I've really enjoyed this adaptation of \\\"Emma\\\".I have seen it many times and am always looking forward to seeing it again.Though it only lasts 107 minutes, most of the novel plot and sub-plots were developed in a satisfactory way. All the characters are well-portrayed. Most of the dialogues come directly from the novel with no silly jokes added as in Emma Thompson's Sense and Sensibility.

As a foreigner, I particularly appreciate the perfect diction of the actors. The setting and costumes were beautiful. I find this version quite on a par with the 1995 miniseries \\\"Pride and Prejudice\\\" but then the producer and screenwriter were the same. Kate Beckinsale did a really good job portraying \\\"Emma\\\" of whom Jane Austen said she would create a heroin no-one but her would love. She is snobbish but has just enough youth and inexperience to be still likable. Mark Strong was also very good at portraying Mr Knightley, not an easy part, I think, though he has not the charisma shown by Colin Firth's Mr Darcy in Pride and Prejudice. Even the end scene (the harvest festival) which does not happen in the novel provides a fitting end except for when it shows Emma being cold and almost unpleasant with Frank Churchill whereas in the novel she was thoroughly reconciled with him, even telling him that she would have enjoyed the duplicity, had she been in his situation. A strange departure from the faithfulness otherwise shown throughout the film. I find the costumes more beautiful and elaborate than in other adaptations from Jane Austen's novels.\": {\"frequency\": 1, \"value\": \"I've really ...\"}, \"Essentially a story of man versus nature, this film has beautiful cinematography, the lush jungles of Ceylon and the presence of Elizabeth Taylor but the film really never gets going. Newlwed Taylor is ignored and neglected by her husband and later is drawn to the plantation's foreman, played by Dana Andrews. The plantation is under the spell of owner Peter Finch's late father whose ghost casts a pall over Elephant Walk that becomes a major point of contention between Taylor and Finch. The elephants are determined to reclaim their traditional path to water that was blocked when the mansion was built across their right-of-way. The beasts go on a rampage and provides the best moments of action in the picture. Taylor and Andrews have some good moments as she struggles to remain a faithful wife in spite of he marital difficulties with Finch.\": {\"frequency\": 1, \"value\": \"Essentially a ...\"}, \"A \\\"friend\\\", clearly with no taste or class, suggested I take a look at the work of Ron Atkins. If this is representative of his oeuvre, I never want to see anything else by him. It is amateurish, self-indulgent, criminally shoddy and self-indulgent rubbish. The \\\"whore mangler\\\" of the title is an angry low budget filmmaker who murders a bunch of hookers. There is a little nudity and some erections, but no single element could possibly save this from the hangman's noose. The lighting is appalling, the dialog is puerile and mostly shouted, and the direction is clueless. I saw a doco on American exploitation filmmakers during the recent Fangoria convention. Atkins was one of those featured. He spoke like there was something important about his work, but after a viewing of this, I see nothing of any import whatsoever. There is no style, either, and the horrible video effects (like solarization) only enhance the amateurishness. Not even so bad it's fun. Avoid.\": {\"frequency\": 1, \"value\": \"A \\\"friend\\\", ...\"}, \"This was an awful movie! Not for the subject matter, but for the delivery. I went with my girlfriend at the time (when the movie came out), expecting to see a movie about the triumph of the human spirit over oppression. What we saw was 2 hours of brutal police oppression, with no uplift at the end. The previews and ads made NO mention of this! Plus, for all that they played up whoopi goldberg, my recollection is that she is arrested and killed in the first 20 minutes! Again, the previews say nothing about this! (not that you would expect that, but it's just more of the problem). If I had known how depressing this movie would be, I would've never have seen it. Or at least, I would've been prepared for it. This was a bait and switch ad campaign, and I will NEVER see this movie again!\": {\"frequency\": 1, \"value\": \"This was an awful ...\"}, \"Hard to believe, perhaps, but this film was denounced as immoral from more pulpits than any other film produced prior to the imposition of the bluenose Hayes Code. Yes indeed, priests actually told their flocks that anyone who went to see this film was thereby committing a mortal sin.

I'm not making this up. They had several reasons, as follows:

Item: Jane likes sex. She and Tarzan are shown waking up one morning in their treetop shelter. She stretches sensuously, and with a coquettish look she says \\\"Tarzan, you've been a bad boy!\\\" So they've not only been having sex, they've been having kinky sex! A few years later, under the Hays Code, people (especially women) weren't supposed to be depicted as enjoying sex.

Item: Jane prefers a guileless, if wise and resourceful, savage (Tarzan) to a civilized, respectable nine-to-five man (Holt). When Holt at first wows her with a pretty dress from London, she wavers a bit; when Holt tries to kill Tarzan, and Holt and Jane both believe he's dead, she wavers a lot. But when she realizes her man is very much alive, the attractions of civilization vanish for her. And why not? Tarzan's and Jane's relationship is egalitarian: He lacks the \\\"civilized\\\" insecurity that would compel him to assert himself as \\\"the head of his wife\\\". To boot, he lacks many more \\\"civilized\\\" hangups, for example jealousy. When Holt and his buddy arrive, Tarzan greets them both cordially, knowing perfectly well that Holt is Jane's old flame. When Holt gets her dolled up in a London dress and is slow-dancing with her to a portable phonograph, Tarzan drops out of a tree, and draws his knife. Jealous? Nope. He's merely cautious toward the weird music machine, since he's never seen one before. Once it's explained, he's cool.

Item: Civilized Holt is dirty minded. Savage Tarzan is innocently sexy. As Jane slips into Holt's lamplit tent, Holt gets off on watching her silhouette as she changes into the fancy dress. By contrast, after Tarzan playfully pulls the dress off, kicks her into the swimming hole and dives in after her, there follows the most tastefully erotic nude scene in all cinema: the pair spends five minutes in a lovely water ballet.(The scene was filmed in three versions--clothed, topless and nude--the scene was cut prior to the film's release, but the nude version is restored in the video now available.) And when Jane emerges, and Cheetah the chimp steals her dress just for a tease, Jane makes it clear that her irritation is only because of the proximity of \\\"civilized\\\" men and their hangups. Where is the \\\"universal prurience\\\" so dear to the hearts of seminarians? Nowhere, that's where. Another reason why the hung up regarded this film as sinful.

Item: The notion that man is the crown of creation, and animals are here only for man's use and comfort, takes a severe beating. Holt and his buddy want to be guided to the \\\"elephant graveyard\\\" so they can scoop up the ivory and take it home. They want Tarzan to guide them to said graveyard. You, reader, are thinking \\\"Fat chance!\\\" and you're right. He's shocked. He exclaims \\\"Elephants sleep!\\\" which to him explains everything. Jane explains Tarzan's feelings, which the two \\\"gentlemen\\\" find ridiculous.

Item: Jane, the ex-civilized woman, is far more resourceful than the two civilized men she accompanies. Holt and buddy blow it, and find themselves besieged by hostile tribes and wild animals. It is Jane who maintains her cool. While the boys panic, she takes charge, barks orders at them and passes out the rifles.

Item: Jane's costume is a sort of poncho with nothing underneath. (The original idea was for her to be topless, with foliage artistically blocking off her nipples, which indeed is the case in one brief scene.)

Lastly, several men of the cloth complained because the film was called \\\"Tarzan and His Mate\\\" rather than \\\"Tarzan and His Wife.\\\" No comment!

Of course, Tarzan, who has been nursed back to health by his ape friends, comes to the rescue, routs the white hunters, and induces the pack elephants and African bearers to return the ivory they stole to the sacred place whence it came. The End.

So there you have it. An utterly subversive film. Like all the other films about complex and interesting women (see, e.g., Possessed with Rita Hayworth and Raymond Massey) which constituted such a flowing genre in the early 30's and which were brought to such an abrupt end by the adoption of the Hays Code.

The joie de vivre of this film is best expressed by Jane's soprano version of the famous Tarzan yell. A nice touch, which was unfortunately abandoned in future productions.

Let's hear it for artistic freedom, feminist Jane, and sex.\": {\"frequency\": 1, \"value\": \"Hard to believe, ...\"}, \"This movie is beautifully designed! There are no flaws. Not in the design of the set, the lighting, the sounds, the plot. The script is an invitation to a complex game where the participants are on a simple mission.

Paxton is at his best in this role. His mannerisms, the infections used in the tones of his voice are without miscue. Each shot meticulously done! Surprises turn up one after another when the movie reaches past its first hour. This may not be the best picture of the year, but it's a gem that has been very well polished. It's not for the simple mind.\": {\"frequency\": 1, \"value\": \"This movie is ...\"}, \"Blazing saddles! It's a fight between two estranged brothers (Dennis Quaid and Arliss Howard), both of whom can ignite fires mentally; they square off over childhood differences, with dippy love-interest Debra Winger caught in the middle. Director Glenn Gordon Caron (the TV whiz-kid behind \\\"Moonlighting\\\") smothers the darkly-textured comedy in Vince Gilligan's screenplay with a presentation so slick, the movie resembles an entry from an over-enthusiastic film student on a fifteen million-dollar grant. It has the prickly energy of a big commercial feature, but a shapeless style which brings out nothing from the characters except their kooky eccentricities. These aren't even characters, they're plot functions. Barely-released to theaters, the film is a disaster, although strictly as an example of style over substance it does look good. Winger is the only stand-out in a cast which looks truly perplexed. *1/2 from ****\": {\"frequency\": 1, \"value\": \"Blazing saddles! ...\"}, \"Well, this is probably one of the best movies I've seen and I love it so much that I've memorized most of the script (especially the scene in the storage unit when Jerry Lee breaks wind) and even with the script in my head I still like to watch it for Jerry Lee, that German Shepherd is hysterical and really is put to the test to see who's smarter. The tag line holds true as well. Not to mention the acting is great, though Christine Tucci sounds different in a whisper (Check filmography under CSI if you don't know what I mean). It's too bad that this movie only contained the single issue Dooley and Jerry Lee had to work with, it would have been pretty cool to see the tricks that Zeus and Welles had up their sleeve.\": {\"frequency\": 1, \"value\": \"Well, this is ...\"}, \"This movie was absolutly awful. I can't think of one thing good about it. The plot holes were so huge you could drive a Hummer through them. The acting was soo stuningly bad that even Jean Claude should be ashamed, and that is saying alot!!! And dialogue, What dialogue???To think that I was a fan of the first one (I use that comment loosely, its more like a guilty pleasure, than anything else). This movie had Goldberg in it for crying out loud!!!! Nothing good can come of this movie. What makes this film even worse is that it is soo bad you can't even watch it with a bunch of friends to make fun of!!! This has got to be in my top five worst movies of all time. 2/10 because it is soo hard for me to give a 1.\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"Abysmal with a capital \\\"A\\\". This has got to be one of, if not THE, unfunniest show on TV right now. I'm about as anti-bush as it gets, but this show doesn't even get a chuckle out of me. What you think of Bush as a president has absolutely NOTHING to do with whether or not you'll like this piece of crap show. The \\\"jokes\\\" are not funny at all. For example, in a scene when lil bush has his underwear on his head: \\\"Welcome to camp al-qa-eeda!\\\". There is NOTHING funny about that. Is it even supposed to be joke? The commercials that were shown in the weeks leading up to the show, hyping it up, were funnier than the show itself, and that's just sad. Hopefully this does not even get considered for a second season. It shouldn't even have had a first.\": {\"frequency\": 1, \"value\": \"Abysmal with a ...\"}, \"Things to Come is that rarity of rarities, a film about ideas. Many films present a vision of the future, but few attempt to show us how that future came about. The first part of the film, when war comes to Everytown, is short but powerful. (Ironically, film audiences in its release year laughed at reports that enemy planes were attacking England--appeasement was at its height. Wells' prediction was borne out all too soon.) The montage of endless war that follows, while marred by sub-par model work, is most effective. The explanatory titles are strongly reminiscent of German Expressionist graphic design. The art director was the great William Cameron Menzies, and his sets of the ruins of Everytown are among his best work. Margaretta Scott is very seductive as the Chief's mistress. The Everytown of the 21st century is an equally striking design. The acting in the 21st century story is not compelling--perhaps this was a misfired attempt to contrast the technocratic rationality of this time with the barbarism of 1970. Unfortunately, the model work, representing angry crowds rushing down elevated walkways, is laughably bad and could have been done much better, even with 30s technology. This is particularly galling since the scenes of the giant aircraft are very convincing. This is redeemed by Raymond Massey's magnificent speech that concludes the film--rarely has the ideal of scientific progress been expressed so well. Massey's final question is more relevant now than ever, in an era of severely curtailed manned spaceflight. The scene is aided by the stirring music of Sir Arthur Bliss, whose last name I proudly share.

Unfortunately, the VHS versions of this film are absolutely horrible, with serious technical problems. Most versions have edited out a rather interesting montage of futuristic workers and machines that takes us from 1970 to 2038. I hope a good DVD exists of the entire film.\": {\"frequency\": 1, \"value\": \"Things to Come is ...\"}, \"I think the majority of the people seem not the get the right idea about the movie, at least that's my opinion. I am not sure it's a movie about drug abuse; rather it's a movie about the way of thinking of those genius brothers, drugs are side effects, something marginal. Again, it's not a commercial movie that you see every day and if the author wanted that, he definitely failed, as most people think it's one of the many drug related movies. I, however, think something else is the case. As in many movies portraying different cultures, audience usually fully understands movies portraying their own culture, i.e. something they've grown up with and are quite familiar with. This movie is to show what those \\\"genius\\\" people very often think and what problems they face. The reason why they act like this is because they are bored out of their minds :) They have to meet people who do mediocre things and accept those things as if they are launching space shuttles on daily basis. They start a fairly hard job and excel in no time. They feel like- I went to work, did nothing, still did twice as better as the guys around me when they were all over their projects, what should I do now with my free time. And what's even more boring? When you can start predicting behavior not because you're psychologist, but instead because you have seen this pattern in the past. So, for them, from one side it's a non challenging job, which is also fairly boring sometimes, and from another they start to figure out people's behavior. It's a recipe for big big boredom. And the dumbest things are usually done to get out of this state. They guy earlier who mentioned that their biggest problem is that they are trying to figure out life in terms of logic (math describes logic), while life is not really a logical thing, is actually absolutely right.\": {\"frequency\": 1, \"value\": \"I think the ...\"}, \"Do not be mistaken, this is neither a horror, nor really a film. I firmly advise against watching this 82 minute failure; the only reason it merited a star was the presence of Chris Pine.

Nothing happens. You wait patiently in the hope that there may be a flicker of a twist, a hint of surprise, a plot to emerge - but no.

The characters take erratic turns of pace in their actions and yet don't have the time to develop - thanks to the thrifty editors and frankly ashamed writers - before returning to an idyllic and playful (bring on the teen rock montage) state. The only thing that could have made it worse would be adding the perishable token ethnic 'companion'.

Their encounters with obstacles (be they human or physical) are brief, confusing and entirely pointless.

Chris Pine fights to keep himself above the surface whilst being drowned by a misery of a lightweight cast. Lou Taylor Pucci couldn't be dryer if he spent the summer with Keanu Reaves combing the Navada desert.

Watch 'The Road', watch '28 days Later', watch day time TV...anything but this; I implore you. Suffer the boredom, unlike you may be led to believe in the film, this film is no cure.\": {\"frequency\": 2, \"value\": \"Do not be ...\"}, \"The original book of this was set in the 1950s but that won't do for the TV series because most people watch for the 1930s style. Ironically the tube train near the end was a 1950s train painted to look like a 1930s train so the Underground can play at that game too. Hanging the storyline on a plot about the Jarrow March was feeble but the 50s version had students who were beginning to think about the world around them so I suppose making them think about the poverty of the marchers is much the same thing. All the stuff about Japp having to cater for himself was weak too but they had to put something in to fill the time. This would have made a decent half hour show or they could have filmed the book and made it a better long show. It is obvious this episode is a victim of style over content.\": {\"frequency\": 1, \"value\": \"The original book ...\"}, \"This was the first of Panahi's films that I have seen, I saw it at Melbourne film festival. I was totally absorbed by the different characters that he creates and how differently they react and behave compared to Aussie kids and yet on other levels how similarly. I think perhaps if more people could see movies like this, they could see people as individuals and avoid racism that can often be fueled by the fear of the unknown. There are the obvious large political differences between Oz culture and Iranian culture, but I found the more subtle differences between the characters, that this film fleshes out so successfully on screen, extremely fascinating. There are idiosyncrasies in the characters that seem to me, so unique. I found it made the characters compelling viewing.\": {\"frequency\": 1, \"value\": \"This was the first ...\"}, \"Live Feed is set in some unnamed Chinese/Japanese Asian district somewhere as five American friends, Sarah (Ashley Schappert), Emily (Taayla Markell), Linda (Caroline Chojnacki), Mike (Lee Tichon) & Darren (Rob Scattergood) are enjoying a night on the town & taking in the sights. After a scuffle in a bar with a Japanese Triad boss (Stephen Chang) they decide to check out a porno theatre, as you would. Inside they are separated & quickly find out that the place belongs to the Triad boss who uses it to torture & kill people for reasons which aren't made clear. Can local boy Miles (Kevan Ohtsji) save them?

This Canadian production was co-written, produced & directed by Ryan Nicholson who also gets a prosthetic effects designer credit as well, one has to say that Live Feed is another pretty poor low budget shot on a camcorder type horror film that seems to exist only to cash in on the notoriety & success of Hostel (2005) & the mini craze for 'torture porn' as it's become known. According the IMDb's 'Trivia' section for Live Feed writer & director Nicholson wrote it after hearing about certain activities taking place in live sex theatres, for my money I reckon he wrote it after watching Hostel! The script is pretty poor, there is no basic reason given as to why this porno theatre has a big fat ugly freak dressed in bondage gear lurking around torturing & killing people, none. Was it for the Triads? Was it for his pleasure? Was it to make snuff films to sell? Some sort of explanation would have been nice. Also why did he turn on the Triad boss at the end? If your looking for a film with a coherent story then forget about Live Feed. It seemed to me to be some sort of uneasy misjudged mix of sex, S&M, horror, torture, gore & action films which doesn't come off. I mean just setting a horror film in a porn theatre isn't automatically going to make your film any good, there still needs to be a decent script & story, right? The character's were fairly poor clich\\ufffd\\ufffds & some of their actions & motivations were more than a little bit questionable. It moves along at a reasonable pace, it's fairly sleazy mixing gore, sex & nudity but it does look cheap which lessens the effect.

Director Nicholson doesn't do anything special here, the editing is choppy & annoying, he seems to think lighting almost every scene with neon lights is a good idea & the film has a cheap look about it. Available in both 'R' & 'Unrated' versions I saw the shorter cut 'R' version which really isn't that gory but I am prepared to give the benefit of the doubt to the 'Unrated' version & say that it might be much, much gorier but I can't say for sure. There's a fair amount of nudity too if that's your thing. I wouldn't say there's much of an atmosphere or many scares here because there isn't & aren't respectively although it does have a sleazy tone in general which is something it has going for it I suppose.

Technically Live Feed isn't terribly impressive, the blood looks a little too watery for my liking & entire scenes bathed in annoying neon lights sometimes makes it hard to tell whats happening, it to often looks like it was shot on a hand-held camcorder & the choppy editing at least on the 'R' rated version is at times an annoying mess. Shot on location in an actual porn theatre somewhere in Vancouver in Canada. The acting is poor, sometimes I couldn't tell if the actresses in this were supposed to be crying or laughing...

Live Feed is not a film I would recommend anyone to rush out & buy or rent, I didn't think much of it with it's very weak predictable storyline lacking exposition & which goes nowhere, poor acting & less than impressive gore (at least in the 'R' rated cut anyway). Watch either Hostel films again or instead as they are superior.\": {\"frequency\": 1, \"value\": \"Live Feed is set ...\"}, \"Kenneth Branagh attempts to turn William Shakspeare's obscure, rarely-produced comedy into a 1930s-era musical, with the result being both bad Shakespeare and bad musical comedy as the actors are rarely adept at one or the other of the two styles and in some cases flounder badly in both. Particularly painful is Nathan Lane, who seems to be under the impression that he is absolutely hysterical as Costard but is badly mistaken, and Alicia Silverstone who handles the Shakespearean language with all the authority of a teenaged Valley Girl who is reading the script aloud in her middle school English class.

The musical numbers are staged with the expertise of a high school production of \\\"Dames at Sea,\\\" leaving the cast looking awkward and amateurish while singing and dancing, with the lone exception being Adrian Lester who proves himself a splendid song and dance man. The only other saving grace of the film are Natascha McElhone and Emily Mortimer's contribution as eye candy, but they have given far better performances than in this film and you'd be wise to check out some of the other titles in their filmographies and gives this witless mess a pass.\": {\"frequency\": 1, \"value\": \"Kenneth Branagh ...\"}, \"I thought the racism and prejudice against Carl Brashear was grossly overdramatized for Hollywood effect. I do not believe the U. S. Navy was ever that overtly racist. I cannot imagine a full Captain, the Commanding Officer, ever telling his Chief to intentionally flunk anyone. Certainly not at the risk of his life. And there has never been a Chief Petty Officer as unabashedly prejudice against everybody but WASPs as DeNiro's character. No Chief as slovenly and drunken as he was played would have ever risen to Master Chief in the first place. Cuba Gooding saved an otherwise badly done movie.\": {\"frequency\": 1, \"value\": \"I thought the ...\"}, \"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 ****\": {\"frequency\": 1, \"value\": \"Barbara Stanwyck ...\"}, \"At first glance, it would seem natural to compare Where the Sidewalk Ends with Laura. Both have noirish qualities, both were directed by Otto Preminger, and both star Dana Andrews and Gene Tierney. But that's where most of the comparisons end. Laura dealt with posh, sophisticated people with means who just happen to find themselves mixed-up in a murder. Where the Sidewalk Ends is set in a completely different strata. These are people with barely two nickels to rub together who are more accustomed to seeing the underbelly of society than going to fancy dress parties. Where the Sidewalk ends is a gritty film filled with desperate people who solve their problems with their fists or some other weapon. Small-time hoods are a dime-a-dozen and cops routinely beat confessions out of the crooks. Getting caught-up in a murder investigation seems as natural as breathing.

While I haven't seen his entire body of work, based on what I have seen, Dana Andrews gives one of his best performances as the beat-down cop, Det. Sgt. Mark Dixon. He's the kind of cop who is used to roughing up the local hoods if it gets him information or a confession. One night, he goes too far and accidentally kills a man. He does his best to cover it up. But things get complicated when he falls for the dead man's wife, Morgan Taylor (Tierney), whose father becomes suspect number one in the murder case. As Morgan's father means the world to her, Dixon's got to do what he can to clear the old man without implicating himself.

Technically, Where the Sidewalk Ends is outstanding. Besides the terrific performance from Andrews, the movie features the always delightful Tierney. She has a quality that can make even the bleakest of moments seem brighter. The rest of the cast is just as solid with Tom Tully as the wrongly accused father being a real standout. Beyond the acting, the direction, sets, lighting, and cinematography are all top-notch. Overall, it's an amazingly well made film.

If I have one complaint (and admittedly it's a very, very minor quibble) it's that Tierney is almost too perfect for the role and her surroundings. It's a little difficult to believe that a woman like that could find herself mixed-up with some of these unsavory characters. It's not really her fault, it's just the way Tierney comes across. She seems a little too beautiful, polished, and delicate for the part. But, her gentle, kind, trusting nature add a sense of needed realism to her portrayal.\": {\"frequency\": 1, \"value\": \"At first glance, ...\"}, \"I have to say I totally loved the movie. It had it's funny moments, some heartwarming parts, just all around good. Me, personally, really liked the movie because it's something that finally i can relate to my childhood. This movie, in my opinion, is geared more towards the young gay population. It shows how a young gay boy would be treated while growing up. All the taunting, name-calling, and not knowing is something I, like most other young feminine boys, will always remember, and now finally a movie that illustrates how hard it really is to grow up gay. So, I would definitely recommend seeing this movie. Probably shouldn't really watch it until a person is old and mature enough to understand it\": {\"frequency\": 1, \"value\": \"I have to say I ...\"}, \"This movie has everything. Emotion, power, affection, Stephane Rideau's adorable naked beach dance... It exposes the need for real inner communion and outer communication in any relationship. Just because Cedric and Mathieu are a couple who happen to be gay doesn't mean there isn't quite useful insight for anybody in it. I would probably classify it as a gay movie, but one that can be appreciated and loved by heterosexual people as well as homosexual and bisexual people. Mathieu's incapacity to handle his emotions divulges the way our society doesn't encourage us to act any differently, and that is what engenders the discord between him and Cedric. This is definitely a must-see!!!!\": {\"frequency\": 1, \"value\": \"This movie has ...\"}, \"The plot is plausible but banal, i.e., beautiful and neglected wife of wealthy and powerful man has a fling with a psychotic hunk, then tries to cover it up as the psycho stalks and blackmails her. But, what develops from there is stupefyingly illogical. Despite the resources that are available to the usual couple who has money and influence, our privileged hero and heroine appear to have only one domestic, their attorney and local police (who say they can do nothing) at their disposal while they grapple with suspense and terror. They have no private security staff (only a fancy security system that they mishandle), household or grounds staff, chauffeurs, etc. Not even, apparently, the funds to hire private round-the-clock nurses to care for the hero when he suffers life-threatening injuries, leaving man and wife alone and vulnerable in their mansion. Our heroine is portrayed as having the brains of a doorknob and our hero, a tycoon, behaves in the most unlikely and irrational manner. The production is an insult to viewers who wasted their time with this drivel and a crime for having wasted the talents of veteran actors Oliva Hussey and Don Murray (what were they thinking?). And, shame on Lifetime TV for insulting the intelligence of its audience for this insipid offering.\": {\"frequency\": 1, \"value\": \"The plot is ...\"}, \"I was raised watching the original Batman Animated Series, and am an avid Batman graphic novel collector. With a comic book hero as iconic as Batman, there are certain traits that cannot be changed. Creative liberties are all well and good, but when it completely changes the character, then it is too far. I purchased one of the seasons of \\\"The Batman\\\" in the hopes that an extra bonus feature could shed some light on the creators' reasoning for making this show such an atrocity. In an interview on the making of \\\"The Batman,\\\" one of the artists or writers (I'm unsure which) said that \\\"We felt we shouldn't mess with Batman, but we could mess with the villains.\\\" So, they proceeded to make the Joker into an immature little kid begging for attention, the Penguin into some anime knockoff, Mr. Freeze into a super-powered jewel thief, Poison Ivy into a teenage hippie, and countless other shameful acts which are making Bob Kane roll over in his grave.

To sum it all up: I wish I had more hands so I could give this show FOUR THUMBS DOWN. It squeezes by my rating with a 2 out of 10 simply because it uses the Batman name. Warner Bros...rethink this! Please!\": {\"frequency\": 1, \"value\": \"I was raised ...\"}, \"The TV guide calls this movie a mystery. What is a mystery to me is how is it possible that a culture that can produce such intricate and complex classical music and brilliant mathematicians cannot produce a single film that would rise above the despicable trash level this film so perfectly represents. This is Bollywood at its best/worst, I honestly cannot tell the difference. Nauseatingly sweet, kitschy clich\\ufffd\\ufffds on every level, story-line, situations, dialog, music and choreography. To put it bluntly, you must be a retard to enjoy it. I watched it to satisfy my cultural curiosity, but there were times when I had to walk away from it, because I could not take it any more. The only redeeming quality of the movie is the exquisite beauty of the leading actresses.

\": {\"frequency\": 1, \"value\": \"The TV guide calls ...\"}, \"Yes AWA wrestling how can anyone forget about this unreal show. First they had a very short interviewer named Marty O'Neil who made \\\"Rock n Roll\\\" Buck Zumhofe look like a nose tackle. Then it was Gene Okerland who when he got \\\"mad as the wrestler\\\" would say either \\\"Were out of time\\\" or \\\"Well be right back\\\" acting like he was mad but actually sounding forced. After he went to the WWF Ken Resneck took over even though his mustache looked like week old soup got stuck to it was a very fine interviewer who \\\"Georgeous\\\" Jimmy Garvin called mouse face which made me fall off my chair laughing. After he jumped ship then Larry Nelson came on board which he was so bad that Phyllis George would of been an improvement! Then there's Doug McLeod the best wrestling announcer ever who made every match exciting with his description of blows! Then he was offered more pay by the Minnesota North Stars hockey team. At ringside who can forget Roger Kent who's mispronouncing of words and sentences were historic Like when a wrestler was big \\\"Hes a big-on!\\\" punched or kicked in the guts \\\"right in the gussets\\\"or when kicked \\\"He punted him\\\" or \\\"the \\\"piledriver should be banned\\\" after Nick Bockwinkle used it on a helpless opponent.(Right Roger like you care!) After he left to greener money(WWF) they had Rod Trongard who's announcing style was great but different. Like when a wrestler scraped the sole of his boot across another guys forehead he'd say\\\"Right across the front-e-lobe\\\" or when a wrestler is in trouble \\\"Hes in a bad bad way\\\". He also would say AWA the baddest,toughest,meanest, most scientific wrestlers are here right in the AWA!(No extra money Verne Gagne!) After he left(WWF) Larry(Wheres Phyllis?!) Nelson took over and I would talk to someone else or totally ignore him.(WWE wisely didn't take him!) Also Greg Gagne had the ugliest wrestling boots I ever saw a yellow color of something I don't want to say.Also when hes looking for the tag he looks like he wants to get it over with so that he can run to the nearest restroom! Jumpin Jim Brunzell was such a great dropkick artist that you wonder why Greg was ever his partner. Jerry Blackwell(RIP)was also a superstar wrestler but you wonder why Verne had himself win against him.(Puhleeeeze!) Then when Vince McMahon would hire Gagnes jobbers, he would make most of them wrestle squash matches. I like to see the Gagne family say wrestlings real now!\": {\"frequency\": 1, \"value\": \"Yes AWA wrestling ...\"}, \"Hello everyone, This is my first time posting and I just love the movie No child of mine and I could watch it over and over!! well I taped it a long time ago like a few years ago and I dropped it and broke it and I haven't seen it in a few years!! could any one please tell me when it will come on again!! I would really appreciate it alot!!You can email me if you want to cause that is my favorite movie of all including Empty Cradle to and if anyone knows when that comes on to PLEASE let me know,I would really appreciate it ALOT!!!

\": {\"frequency\": 1, \"value\": \"Hello everyone, ...\"}, \"A group of forest rangers and scientists go into the woods to find fossils.They stumble on a Bigfoot burial ground eventually (the didn't notice it in the dark), The scenes of the CGI Bigfoot are horrid, but better than the endless scenes of talking that they rarely punctuate. I used to think that there just might be a good Bigfoot movie to be made. But now after so many sad sad movies about the legend, I'm having serious doubts. To pour salt in the wound of watching this film, the ONE good-looking girl just doesn't get naked once. And while this one MAY be better than \\\"Boggy Creek 2\\\" (no mean feat there), it's still sad that the best non-documentary film on Bigfoot remains \\\"Harry and the Henriksons\\\"

My Grade: D\": {\"frequency\": 1, \"value\": \"A group of forest ...\"}, \"This movie is a half-documentary...and it is pretty interesting....

This is a good movie...based on the true story of how a bunch of norwegian saboturs managed to stop the heavy water production in Rukjan, Norway and the deliverance of the rest of the heavy water to Germany.

This movie isn't perfect and it could have been a bit better... the best part of the movie is that some of the saboturs are played by themselves!!!

If you're interested in history of WWII and film this is a movie that's worth a look!!\": {\"frequency\": 1, \"value\": \"This movie is a ...\"}, \"S.S. Van Dine must have been a shrewd businessman in dealing with Hollywood. Most of the film series' from the studio days were usually confined to one or two studios. But apparently Van Dine must have sold his rights to each book about Philo Vance one at a time. Note that Paramount, MGM, Warner Brothers, and more all released Philo Vance films. Only Tarzan seemed to get around Hollywood more.

MGM produced the Garden Murder Case and starred Edmund Lowe as the fashionable detective. Of course MGM had the screen's original Philo under contract at the time, but Bill Powell was busy doing The Thin Man at the time and I guess Louis B. Mayer decided to concentrate him there.

Edmund Lowe is a pretty acceptable Philo Vance. Lowe had started out pretty big at the tail end of the silent era with What Price Glory and then with a string of films with Victor McLaglen with their Flagg and Quirt characters. But after McLaglen got his Oscar for The Informer, Lowe seemed to fade into the B picture market.

The Garden Murder Case involves three separate victims, Douglas Walton, Gene Lockhart, and Frieda Inescourt. The sinister atmosphere around the perpetrator kind of gives it away, the mystery is really how all the killings are connected and how they are accomplished.

I will say this though. Vance takes a very big chance in exposing the villain and the last 15 minutes are worthy of Hitchcock.\": {\"frequency\": 1, \"value\": \"S.S. Van Dine must ...\"}, \"Although some may call it a \\\"Cuban Cinema Paradiso\\\", the movie is closer to a How Green Was My Valley, a memory film mourning for a lost innocence. The film smartly avoids falling into a political trap of taking sides (pro-Castro? anti-Castro?, focusing instead in the human frailty of the characters and the importance of family. Filled with good acting, in particular from Mexican actress Diana Bracho, who plays Keitel's wife. A masterpiece, filled with references to classic movies, from CASABLANCA to Chaplin's CITY LIGHTS. Gael Garcia Bernal plays a small role which is critical for the dramatic payoff of the story. TV director Georg Stanford Brown, in a rare return to acting (remember THE ROOKIES?), plays a homeless bum who acts as Greek chorus, superbly. It is a pity that this movie, originally titled DREAMING OF JULIA, has been released in the States by THINKfilm with the atrocious title of CUBAN BLOOD, which has nothing to do with the movie.\": {\"frequency\": 1, \"value\": \"Although some may ...\"}, \"Well I guess it supposedly not a classic because there are only a few easily recognizable faces, but I personally think it is... It's a very beautiful sweet movie, Henry Winkler did a GREAT job with his character and it really impressed me.\": {\"frequency\": 1, \"value\": \"Well I guess it ...\"}, \"This is the movie for those who believe cinema is the seventh art, not an entertainment business. Lars von Trier creates a noir atmosphere of post-war Germany utterly captivating. You get absorbed into the dream and you're let go only at the end credits. The plot necessarily comes second, but it still is a thrilling story with tough issues being raised. Just wonderful.\": {\"frequency\": 1, \"value\": \"This is the movie ...\"}, \"Errol Flynn is \\\"Gentleman Jim\\\" in this 1942 film about boxer Jim Corbett, known as the man who beat John L. Sullivan. Directed with a light hand by Flynn's good friend, Raoul Walsh, the film also stars Alexis Smith, Jack Carson, Alan Hale Sr., William Frawley and Ward Bond. Flynn plays an ambitious, egotistical young man who has a natural talent for boxing and is sponsored by the exclusive Olympic Club in San Francisco in the late 1800s. Though good-natured, the fact that he is a \\\"shanty Irishman\\\" and a social climber builds resentment in Olympic Club members; most of them can't wait to see him lose a fight, and they bet against him. Despite this, he rises to fame, even working as an actor. Finally he gets the chance he's been waiting for, a match with the world champion, John L. Sullivan (Ward Bond). Sullivan demands a $10,000 deposit to insure that Corbett will appear to fight for the $25,000 purse. Corbett and his manager (Frawley) despair of getting the money. However, help comes in the form of a very unlikely individual.

This is a very entertaining film, and Jim Corbett is an excellent role for Flynn, who himself was a professional fighter at one time. He has the requisite charm, good looks and athleticism for the role. Alexis Smith plays Victoria Ware, his romantic interest who insists that she hates him. In real life, she doesn't seem to have existed; Corbett was married to Olive Lake Morris from 1886 to 1895.

The focus of the film is on Corbett and his career rather than the history of boxing. Corbett used scientific techniques and innovation and is thought of as the man who made prizefighting an art form. In the film, Corbett is fleet of foot and avoids being hit by his opponents; it is believed that he wore down John L. Sullivan this way.

Good film to catch Flynn at the height of his too-short time as a superstar.\": {\"frequency\": 1, \"value\": \"Errol Flynn is ...\"}, \"I love this movie/short thing. Jason Steele is amazing! My favorite parts are The French Song and in the opening title when the spatula soldier yells \\\" SPOONS!\\\" I crack up every time. I would recommend this movie to Knox Klaymation fans, and people who enjoy Jason Steele's other movies. His style of animation is very original. It takes a few views to notice the detailed backgrounds. His humor is also hilarious, and is definitely not something you'd hear before. Like Max the deformed Spatula who has a sound and light system in his head that beams colorful lights and happy music whenever he talks about his miserable life. This is a wonderful animation to watch anytime any where.\": {\"frequency\": 1, \"value\": \"I love this ...\"}, \"There's nothing quite like watching giant robots doing battle over a desert wasteland, and Robot Wars does deliver. Sure, the acting is lousy, the dialogue is sub-par, and the characters are one-dimensional, but it has giant robots! The special effects themselves are actually quite good for the period. They are certainly not as polished as today's standards, but it contains a minimum of computer graphics and instead uses miniatures, so it has aged fairly well. Its shortcomings are easily overlooked given the films short runtime, and it does have a certain tongue-in-cheek humour in parts that make it quite enjoyable. I would recommend this to any fan of giant robots or cheesy sci-fi who is looking for a lighthearted hour of distraction.\": {\"frequency\": 1, \"value\": \"There's nothing ...\"}, \"I wasted 5.75 to see this crappy movie so I just want to know a few things:

What was the point of the dog being split in half at the beginning of the movie, the disease had nothing to do with being split in half.

What was the point of dragging Karen into the shed, she already totally infected her room, they could have just locked her in there where she would have been safer.

Why would the Hermit be running around the forest asking strangers to help him when he could have just asked his relative, the hog lady, to take him to the hospital?

Why didn't any of the characters bother to walk into town to get help when things started getting bad, are they all really that lazy?

Even if Paul was threatened by the guy w/ the shotgun for peeping on his wife, Paul could have just sent Jeff or Bert back to the house to ask for help. the girl he loves is deteriorating.

What was the point of the box?

Why did Jeff go back to the cabin after he left when everyone else was getting infected, if he was that big of a jerk to leave in the first place wouldn't he have just gone back home?

If the police went to all the trouble of gathering up the kids and burning them on the fire pit, why did they throw Paul halfway into the river, it wasn't even necessary for the plot because the water was already contaminated.

Who makes lemonade out of river water, that crap has dirt leaves and bugs in it. Why couldn't the two kids have just use the tap water, it was contaminated too, so the stupid ending would still work.\": {\"frequency\": 1, \"value\": \"I wasted 5.75 to ...\"}, \"Bill (Buddy Rogers) is sent to New York by his uncle (Richard Tucker) to experience life before he inherits $25million. His uncle has paid 3 women Jacqui (Kathryn Crawford), Maxine (Josephine Dunn) and Pauline (Carole Lombard) to chaperone him and ensure that he does not fall foul of gold-diggers. One such lady Cleo (Geneva Mitchell) turns up on the scene to the disapprovement of the women. We follow the tale as the girls are offered more money to appear in a show instead of their escorting role that they have agreed to carry out for the 3 months that Bill is in New York, while Bill meets with Cleo and another woman. At the end, love is in the air for Bill and one other .............

The picture quality and sound quality are poor in this film. The story is interspersed with musical numbers but the songs are bad and Kathryn Crawford has a terrible voice. Rogers isn't that good either. He's pleasant enough but only really comes to life when playing the drums or trombone. There is a very irritating character who plays a cab driver (Roscoe Karns) and the film is just dull.\": {\"frequency\": 1, \"value\": \"Bill (Buddy ...\"}, \"This movie was slower then Molasses in January... in Alaska. The man who put togeather the preview should get an award for managing to put every one of the 30 seconds that were interisting into the preview. I had to wake up the people I was watching it with, several times. After it was over, I felt bad for having woken them up.

Most of the film is taken up with hoping something will actually happen, but nothing ever does. It was easy to loose track of people's motives, and the characters were flat and uninteristing. By the end of the movie, you just hoped everyone would died. Everyone runs around either being contemptible, petty, or pitiful, and usually all three.

And worse, we watched a minute or two of the added features, just for kicks and giggles you understand, and all that we saw was people being smug about how socially aware they are. If they had spend the time on the movie that they did patting themselves on the back, it might have been worth watching.

I was brought in expecting the excitement of '24.' I got a lecture on social awareness through the blery eyes of the sandman.\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"The film is about Sir Christopher Strong (MP--member of Parliament--played by Colin Clive) and his affair with the Amelia Earhart-like character played by Katherine Hepburn. Up until they met, he had been a very devoted husband but when he met the odd but fascinating Hepburn, he \\\"couldn't help himself\\\" and they fell in love. You can tell, because they stare off into space a lot and talk ENDLESSLY about how painful their unrequited love is. Frankly, this is a terribly dated and practically impossible film to watch. Part of the problem is that in the Pre-Code days, films glamorizing adultery were very common. Plus, even if you accept this morally suspect subject, the utter sappiness of the dialog make it sound like a 19th century romance novel...and a really bad one at that. Sticky and with difficult to like characters (after all, Clive's wife is a nice lady and did no one any harm) make this one a big waste of time. About the only interesting aspect of this film is the costume Hepburn wears in an early scene where she is dressed in a moth costume! You've gotta see it to believe it--and she looks like one of the Bugaloos (an obscure, but fitting reference).\": {\"frequency\": 1, \"value\": \"The film is about ...\"}, \"\\\"I moved out here to get away from this kind of thing!\\\" The small town sheriff laments.

\\\"This happens a lot in Chicago?\\\" His deputy asks.

Well, no, not really. The plot is that a group of Martians mistake a Halloween Rebroadcast of Orson Welles' War of the Worlds as an account of a real Martian invasion, and conclude they need to get in on the action! What follows are a bunch of mishaps involving the Martian's haphazard attempts to conquer the town of \\\"Big Bean, IL\\\". Everyone concludes they are kids in really good costumes, except for the Sheriff's daughter and her friend, a kid in a duck suit.

The Martians themselves are comical, and you get the impression they are no threat to anyone but themselves pretty early on. It's a fun family movie.\": {\"frequency\": 1, \"value\": \"\\\"I moved out here ...\"}, \"Theodore Rex is possibly the greatest cinematic experience of all time, and is certainly a milestone in human culture, civilization and artistic expression!! In this compelling intellectual masterpiece, Jonathan R. Betuel aligns himself with the great film makers of the 20th century, such as Francis Ford Copola, Martin Scorcese, Orson Welles and Roman Polanski. The special effects are nothing less than breathtaking, and make any work by Spielberg look trite and elementary. At the time of it's release, Theodore Rex was such a revolutionary gem that it raised the bar of film-making to levels never anticipated by film makers. The concept of making not just a motion picture featuring a dinosaur, but adapting an action packed, thrilling detective novel, co-staring a \\\"talking\\\" dinosaur with a post-modern name such as \\\"Theodore\\\", and an existential female police officer changed humanity as we know it. The world could never be the same after experiencing such magnificent beauty. Watching Theodore Rex is much akin to looking into the face of God and hearing Him say \\\"you are my most beloved creation.\\\" This is one of the few films that is simply TO DIE FOR!!!\": {\"frequency\": 1, \"value\": \"Theodore Rex is ...\"}, \"After the success of Scooby-Doo, Where are You, they decided to give Scooby and Shaggy their own show. But unfortunately, they added a new character that spoilt Scooby-Doo success forever. They invented a new show with a new title, Scooby and Scrappy-Doo. It was Scrappy-Doo that made this show a complete failure, probably for both adults and kids together. Scrappy was the stupid brave puppy that always looked ready to beat someone up. Scooby and Shaggy were getting scared of the villain, and they were also trying to stop him. Scooby-Doo doesn't need any little annoying bastard puppy nephews. If they wanted Scooby-Doo to be more successful, they should have either killed or never thought up Scrappy. This was just poor, maybe your kids will prefer it!\": {\"frequency\": 1, \"value\": \"After the success ...\"}, \"Ettore Scola, one of the most refined and grand directors we worldly citizens have, is not yet available on DVD... (it's summer 2001 right now....) Mysteries to goggle the mind.

This grand classic returned to the theaters in my home-town thanks to a Sophia Loren - summer-retrospective, and to see it again on the big screen after all these years of viewing it on a video-tape ... it is a true gift.

To avoid a critique but nonetheless try to prove a point: i took my reluctant younger brother with me to see this film. He never saw the film before and \\\"doesn't like those Italian Oldies...\\\" Like all the others in the theater he was intrigued by this wonder. Even during the end-titles the theater remained completely silent.

This SPECIAL DAY is truly special. A wonder of refinement. And a big loss if you haven't seen it (yet)...\": {\"frequency\": 1, \"value\": \"Ettore Scola, one ...\"}, \"While I don't agree with Bob's and Tammy's decision to give up baby Jesse, and it's something I'd never do, they were trying to do what was best for the baby. The way this movie is written, you see yourself becoming wrapped up in the story and asking yourself what you really believe, from all different aspects. Patty Duke? Antagonist? Almost unheard of, as far as I'm concerned. But during the movie, she really convinces you that she's psychotic, or at least, that there's something seriously wrong with her. Her character is the meaning of \\\"emotionally disturbed.\\\" The movie seems to end quickly, leaving things somewhat unresolved. But other than that, this movie is really great. It really makes you think. It's not a movie to watch when you just want to kick back and relax and watch something cute that'll make you laugh. But it is a good movie to see when you want to challenge your own beliefs, see things from others' perspectives, and discover a little something about yourself. Caution: you may even grow while watching this movie! And it's all worth it, in the end.\": {\"frequency\": 1, \"value\": \"While I don't ...\"}, \"The movie is about Anton Newcombe. The music and careers of the two bands are simply backdrop. It's only fair that Newcombe have the last word about the film, which at this writing you can find in the \\\"news\\\" section at the brianjonestownmassacre website. I'd link it here but IMDb won't permit it.

Documentarians are limited by what the camera captures, as well as by the need to assemble a cohesive narrative from the somewhat-random occasions when chance has put the camera lens on a sight-line with relevant happenstance. In Dig!, fortune smiled on the Dandy Warhols, capturing their rise to the status of pop-idol candidates, as they formed slickly-produced pop confections for mass consumption, most notably \\\"Bohemian Like You,\\\" a song that made them global darlings thanks to a Euro cell phone ad.

No such luck for Brian Jonestown Massacre. The film captures little of what made the original BJM lineup great, with the sole exception of a single montage, lasting a minute or so, showing Newcombe creating/recording a number of brief instrumental parts, unremarkable in themselves, and concluding the sequence with a playback of the lush, shimmering sounds that had to have been in Newcombe's mind and soul before they could enter the world.

Three commentaries accompany the film; one by the filmmakers, and two by the members of the bands (the BJM track is solely former members, and without Newcombe). Both the Warhols and BJM alumni point up this montage sequence as the \\\"best\\\" bit in the film, and I'd agree that, given the film's focus on Anton Newcombe, it is the only part of the film that sheds proper light on his gift, and seems too brief to lend proper balance to this attempted portrait of the \\\"tortured artist.\\\"

Interesting thing about commentaries is that, unlike film, they are recorded in real time -- one long take -- which can be more honestly revelatory than a documentary that takes shape primarily through editing.

The Dandies do not come off well in their comments. If the rock and roll world extends the experience of high school life for its denizens -- as I believe it does -- the Dandies are the popularity-obsessed preppy types, the ones who listen to rock because it's what their peers do, while the BJM crew come off as the half-rejected, half-self-exiled outsiders (to insiders like the Dandies, \\\"losers\\\") that are the real rock spirit. BJM's Joel Gion, who talks a LOT, nails the film's message for me when he says (paraphrasing): \\\"You can't forget that Anton has been able to do the only thing he ever said he wanted to do. Make a lot of great music.\\\"

The Dandies, meanwhile, laugh too easily at every outrageous display in the course of Newcombe's meltdown (all the BJM footage here ends at 1997, before Newcombe quit heroin). Courtney Taylor-Taylor's discounting of Newcombe's commitment to his vision is summed up as follows: \\\"He's 37 and still living in his car. You can download all his work at his website. He was so tired of being ripped off by everyone else, he's giving it all away. He could be making a mint.\\\" You can practically hear him shaking his head in disbelief.

The film's shortcomings can't be blamed on the filmmakers; rather it's the difficulties of the documentary form, and the loss of cooperation by the film's subject, that makes this portrait of Newcombe so fragmentary. But it's likely the best we will get, outside of his music.

I only rented disc one, which has the feature. Most of the extras are on disc two. Not renting that, as I've put in my order to buy the set.\": {\"frequency\": 1, \"value\": \"The movie is about ...\"}, \"After repeated listenings to the CD soundtrack, I knew I wanted this film, got it for Christmas and I was amazed. Marc Bolan had such charisma, i can't describe it. I'd heard about him in that way, but didn't understand what people were talking about until I was in the company of this footage. He was incredible. Clips from the Wembley concert are interspersed with surrealistic sketches such as nuns gorging themselves at a garden party as Marc Bolan performs some acoustic versions of Get It On, etc. (I'm still learning the song titles). George Claydon, the diminutive photographer from Magical Mystery Tour, plays a chauffeur who jumps out of a car and eats one of the side mirrors. Nothing I can say to describe it would spoil it, even though I put the spoilers disclaimer on this review, so you would just need to see this for yourselves. It evades description.

Yes, I love the Beatles and was curious about Ringo directing a rock documentary - that was 35 years ago - now, I finally find out it's been on DVD for 2 years, but it's finally in my home. It's an amazing viewing experience - even enthralling.

Now the DVD comes with hidden extras and the following is a copy and paste from another user:

There's two hidden extras on the Born To boogie double DVD release.

1.From the menu on disc one,select the bonus material and goto the extra scenes 2.On the extra scenes page goto Scene 42 take 1 and keep pressing left 3.when the cursor disappears keep pressing right until a \\\"Star+1972\\\" logo appears 4.Press Enter

5.From the main menu on disc two,select the sound options 6.On the sound options page goto the 90/25 (I think thats right) option and keep pressing left 7.When the cursor disappears keep pressing right until a \\\"Star+Home video\\\" logo appears 8.Press Enter\": {\"frequency\": 1, \"value\": \"After repeated ...\"}, \"I really thought they did an *excellent* job, there was nothing wrong with it at all, I don't know how the first commenter could have said it was terrible, it moved me to tears (I guess it moved about everyone to tears) but I try not to cry in a movie because it's embarrassing but this one got me. It was SOOO good! I hope they release it on DVD because I will definitely buy a copy! I feel like it renewed my faith and gave me a hope that I can't explain, it made me want to strive to be a better person, they went through so much and we kind of take that for granted, I guess. Compared to that, I feel like our own trials are nothing. Well, not nothing, but they hardly match what they had to go through. I loved it. Who played Emma?!\": {\"frequency\": 1, \"value\": \"I really thought ...\"}, \"I saw a special advance screening of this today. I have to let you know, I'm not a huge fan of either Dane Cook or Steve Carell, so I really had no expectations going into this. I ended up enjoying it quite a bit.

Dan in Real Life is the story of a widower with 3 daughters who goes to spend a weekend with his family. While at a bookstore, he meets the woman of his dreams, only to find out that she happens to be his brother's girlfriend.

This movie is pretty well made- the soundtrack, cinematography, and acting are all top-notch, especially Steve Carell. My problem with it was mostly that there seemed to be a lack of character development, mostly with Dane Cook's character. We never really get a close look at the relationship between Dane and Steve's characters, and I felt that it could have helped a bit in showing what Dan's inner conflict about being in love with Dane's girlfriend was like. Other than this though, Dan in Real Life is definitely a solid, sweet film- definitely a nice break from all the horror and action movies we've been getting this year.\": {\"frequency\": 1, \"value\": \"I saw a special ...\"}, \"What a let down! This started with an intriguing mystery and interesting characters. Admittedly it moved along at the speed of a snail, but I was nevertheless gripped and kept watching.

David Morrissey is always good value and he Suranne Jones were good leads. The Muslim aspects were very interesting. We were tantalised with possible terrorist connections.

But then Morrissey's character was killed off and all the air left the balloon. The last episode was dull, dull, dull. The whole thing turned out to be very small beer and the d\\ufffd\\ufffdnouement was unbelievably feeble.

Five hours of my life for that? My advice: watch paint dry instead.\": {\"frequency\": 1, \"value\": \"What a let down! ...\"}, \"Well, this movie started out funny but quickly deteriorated. I thought it would be more 'adult oriented' humor based on the first few moments but then the movie switched into a bad made-for-Disney Channel type mode, especially a go-kart racing scene that was incredibly long. Alana De La Garza is gorgeous but has a really fake Italian accent. The movie looked and sounded very independent and low budget. There was one very cute moment which I'll just call the serenading scene but overall this one was a yawner. The laughs are very few and far between. The end surprise for \\\"Mr. Fix It\\\" is so ridiculous it left me more mad than anything else. Might be worth a look if you can catch it for free or TV but don't waste your money buying or renting this movie.\": {\"frequency\": 1, \"value\": \"Well, this movie ...\"}, \"Perhaps I'm out of date or just don't know what Electra is like in current publications... But the Electra that I read was far more manipulative and always seems to have a plan. She usually used others to do her dirty work and more often than not some sort of double cross was involved. Just when you think you have it all figured out she pull the wool over your eyes and gets her way.

This movie was fairly weak on the dialog, the acting wasn't particularly convincing, and the action was spotty. I was really looking for something more along the lines of Frank Miller's book \\\"Electra Assassin.\\\" Which is much darker than anything in this movie.

Special effect where cool, action was interesting at times, but more often than not the story and plot was slow or illogical. Tha Hand was not menacing enough, and Electra was not..... bitchy enough. She's the girl you love to hate... but in this story, I just didn't care either way.\": {\"frequency\": 1, \"value\": \"Perhaps I'm out of ...\"}, \"Really bad movie, the story is too simple and predictable and poor acting as a complement.

This vampire's hunter story is the worst that i have seen so far, Derek Bliss (Jon Bon Jovi), travels to Mexico in search for some blood suckers!, he use some interesting weapons (but nothing compared to Blade), and is part of some Van Helsig vampire's hunters net?, OK, but he work alone. He's assigned to the pursuit of a powerful vampire queen that is searching some black crucifix to perform a ritual which will enable her to be invulnerable to sunlight (is almost a sequel of Vampires (1998) directed by John Carpenter and starred by James Woods), Derek start his quest in the search of the queen with some new friends: Sancho (Diego Luna, really bad acting also) a teenager without experience, Father Rodrigo (Cristian De la Fuente) a catholic priest, Zoey (Natasha Wagner) a particular vampire and Ray Collins (Darius McCrary) another expert vampire hunter. So obviously in this adventure he isn't alone.

You can start feeling how this movie would be just looking at his lead actor (Jon Bon Jovi); is a huge difference in the acting quality compared to James Woods, and then, if you watch the film (i don't recommend this part), you will get involved in one of the more simplest stories, totally predictable, with terrible acting performances, really bad special effects and incoherent events!.

I deeply recommend not to see this film!, rent another movie, see another channel, go out with your friends, etc.

3/10\": {\"frequency\": 1, \"value\": \"Really bad movie, ...\"}, \"I saw the movie last night here at home, but I thought it was too long first of all. Second, the things I saw in the movie were way too out of text to even have in this what I thought was going to be a comedy type movie like the rest before. The things isn't funny in the movie: fianc\\ufffd\\ufffd hitting his girlfriend, beatings. The movie was way too long--talk about wanting to go to sleep and wondering when it will end when you wake up and still have it playing! Some of the things at the reunion were too much to capture--like the lady singing--i felt like i was almost watching a spiritual song show here! come on Perry, you can do better then this!\": {\"frequency\": 1, \"value\": \"I saw the movie ...\"}, \"STAR RATING: ***** Saturday Night **** Friday Night *** Friday Morning ** Sunday Night * Monday Morning

Ray (Ray Winstone) has a criminal past, has had problems with alcohol and is now forming a drug habit that is making him paranoid and prone to domestic violence to his wife Valerie (Kathy Burke) who tries to hold the family together but ends up coming off more like a doormat. Meanwhile, her mother Janet (Laila Morse) is aware of Ray's son, Billy (Charlie Creed-Miles) and his escalating drug habit that is sending him off the rails. The film follows these despairable characters as they tredge along with their lives.

It is said that the British seem to enjoy being miserable, and that would include watching films that entertain them this way. Films like Nil by Mouth highlight this. It's a tale of a broken family, torn apart by crime, poverty, booze and drugs, the kind Jeremy Kyle would lap up like a three course meal. It is also essentially a tale of self destructive men, three generations apart and each copying the other, tearing a family apart and women trying to hold it together, despite not being strong enough. If you pick up a little of what it's about from the off-set, you can see it doesn't promise to be cheerful viewing from the start and it certainly doesn't disappoint in this.

It's true what everyone said about the performances, and the lead stars, Winstone and Burke, do deliver some great acting. We see Winstone lose it with his wife, beating her senseless after some more coke induced paranoia, breaking down during a phone conversation with her and unleashing a typical arsenal of f and c words when she refuses to let him see his kid. Likewise, in a private moment, we see Burke skillfully lose her composure on a staircase, the full impact of the night before kicking in.

This is another of those films where there's no 'plot' to follow, as such, just a real life feel of these hopeless lives carrying on from one day to the next. It's been acclaimed by many (including the Baftas!) but it really was just too grim and bleak for me. I have no right to criticize it for this, knowing what I knew about it from the off-set, but sadly this is how I found it. **\": {\"frequency\": 1, \"value\": \"STAR RATING: ***** ...\"}, \"This is my FAVORITE ALL time movie. It used to be my Friday night movie with a pizza and bottle of wine when I was single. I first saw this movie with my aunt Brend and sister Chasity. I was in the 2nd grade. I fell in LOVE with Travolta and Sissy was my new best friend. I've read a lot of comments about why Bud left Sissy & how Sissy has to \\\"learn to act\\\" married. But let's go back and look at this for a second: SPOILER - My interpretation of the movie now, not when I was eight is this about Bud & Sissy's relationship takes a turn for the worst because she makes a fool of him at Gilley's riding the bull. They get in a huge fight. Bud tries to make Sissy jealous by asking Pam to dance. Sissy then thinks two wrongs will make a right and Wes asks her if \\\"she needs any help\\\". They're all on the dance floor acting like fools when Bud asks Pam, \\\"when are you going to take me home and rape me?\\\" Pam answers: \\\"When ever you're ready Cowboy\\\". Bud then goes home with Pam to her condo in downtown Houston. Which Daddy has bought for her with his oil money and \\\"all that that implies\\\". Bud is the one who cheats on Sissy. Sissy is waiting for Bud when he returns home the next day. Sissy is the ONE who leaves Bud. Then, it's up to Bud to prove to Sissy that he is a real \\\"cowboy\\\" and win her back.

Anyways, that's my interpretation. Everyone has their I'm sure! I love this movie.

And believe it or not, I got myself a REAL cowboy! I love him too! :)\": {\"frequency\": 1, \"value\": \"This is my ...\"}, \"I am only 11 years old but I discovered Full House when I was about five and watched it constantly until I was seven. Then I grew older and figured Full House could wait and that I had \\\"more important\\\" things to do. Plus there was also the fact that my younger brother who watched it faithfully with me for those two years started to dislike it thinking it too \\\"girly.\\\"

Then I realized every afternoon at five it was on 23 and I once again became addicted to it. Full House has made me laugh and cry. It's made me realize how nice it would be if our world was like the world of Full House plus a mom. I have heard people say Full House is cheesy and unbelievable. But look at the big picture: three girls whose mom was killed by a drunk driver. The sisters fight and get their feelings hurt. The three men who live with the girls can get into bickers at times. What's any more real than that?

If anything the show has lifted me up when I'm down and brought me up even higher when I thought I was at the point of complete happiness. I have howled like a hyena at the show and gained a massive obsessiveness over Mary Kate and Ashley Olsen. (Of course Hilary Duff has now taken that spot but they were literally the cutest babies I have ever seen. They are great actresses and seem to be very nice people.)\": {\"frequency\": 1, \"value\": \"I am only 11 years ...\"}, \"Homelessness (or Houselessness as George Carlin stated) has been an issue for years but never a plan to help those on the street that were once considered human who did everything from going to school, work, or vote for the matter. Most people think of the homeless as just a lost cause while worrying about things such as racism, the war on Iraq, pressuring kids to succeed, technology, the elections, inflation, or worrying if they'll be next to end up on the streets.

But what if you were given a bet to live on the streets for a month without the luxuries you once had from a home, the entertainment sets, a bathroom, pictures on the wall, a computer, and everything you once treasure to see what it's like to be homeless? That is Goddard Bolt's lesson.

Mel Brooks (who directs) who stars as Bolt plays a rich man who has everything in the world until deciding to make a bet with a sissy rival (Jeffery Tambor) to see if he can live in the streets for thirty days without the luxuries; if Bolt succeeds, he can do what he wants with a future project of making more buildings. The bet's on where Bolt is thrown on the street with a bracelet on his leg to monitor his every move where he can't step off the sidewalk. He's given the nickname Pepto by a vagrant after it's written on his forehead where Bolt meets other characters including a woman by the name of Molly (Lesley Ann Warren) an ex-dancer who got divorce before losing her home, and her pals Sailor (Howard Morris) and Fumes (Teddy Wilson) who are already used to the streets. They're survivors. Bolt isn't. He's not used to reaching mutual agreements like he once did when being rich where it's fight or flight, kill or be killed.

While the love connection between Molly and Bolt wasn't necessary to plot, I found \\\"Life Stinks\\\" to be one of Mel Brooks' observant films where prior to being a comedy, it shows a tender side compared to his slapstick work such as Blazing Saddles, Young Frankenstein, or Spaceballs for the matter, to show what it's like having something valuable before losing it the next day or on the other hand making a stupid bet like all rich people do when they don't know what to do with their money. Maybe they should give it to the homeless instead of using it like Monopoly money.

Or maybe this film will inspire you to help others.\": {\"frequency\": 1, \"value\": \"Homelessness (or ...\"}, \"The dubbing/translation in this movie is downright hilarious and provides the only entertainment in this otherwise dull and derivative zombie flick. I haven't laughed so hard in my life as I just did watching Zombi 3 (and I've seen some really bad dubbing in my life, believe me). Seriously, the filmmakers could re-edit this movie and release it as a comedy and make millions of dollars. It's just that funny.

But... If falling off your couch laughing at the dubbing in a Fulci zombie movie isn't your cup of tea, then AVOID THIS AT ALL COSTS.\": {\"frequency\": 2, \"value\": \"The dubbing/transl ...\"}, \"Here's how you do it: Believe in God and repent for your sins. Then things should turn around within the next day or so.

Until the last fifteen minutes, this movie just plays as a bad recap of a drunk's crappy life. His mom dies. His stepmom's a b_tch. His dad dies. He drinks. He gets married. He has kids. He drinks some more. His wife gets mad. He disappoints his kids. The wife threatens to leave. He calls up a reverend late night b/c he wants to kill himself. Then after the recap happens, that's when we get the \\\"Left Behind\\\"-like subtle message.

\\\"He needed a paycheck\\\". This is the phrase I had to repeat over and over once credits started to roll so I wouldn't lose my respect for Madsen.

Madsen drops to his knees and begs Christ's forgiveness. Once he does, he walks outside and actually says that he sees the world in a different way. He tells his wife that he's found God and that's good enough for her. Flip scene four months and the wife is tired of going to church. End the movie as Madsen walks by the bar and gives a soliloquy about how happy he is with Christ and without alcohol. Final moment? He gives a little dismissive wave to the bar (i.e. sin house) and give a gay, Miami-Vice, after-school special congratulatory jump in the air as the camera freeze-frames. See why I had to repeat the phrase? \\\"He needed a paycheck\\\".

Man this movie is bad. The B-Grade 80's production values don't help much. The script could have easily been a \\\"Touched By An Angel\\\" episode. It could have been knocked out in 30 minutes plus commercials. The acting is wooden and never believable. Even Madsen, of whom I'm a big fan and is the sole reason I sat through this, makes it clear that this is his first acting job and he doesn't know his a$$ from his elbow yet on camera. 45 minutes into it I started to get discouraged. This thing was like homework. I just wanted to put it away and say that alright, I saw half of it. That's good enough. But no. If I sat through Cheerleader Ninjas, I could sit throughout this.

The only reason I'm not giving this thing a 1 is for two points: 1) I love Madsen. I know it's not fair. But it's great seeing the opening title \\\"Introducing Michael Madsen\\\". Sue me. 2) Some of the Dialogue is so bad that it's classic. I'll stick some quotes at the end of this so you can enjoy them too.

That's about it. To wrap it up ,this thing is a piece of crap that should stay flushed with the rest of the turds. But hey! Look! Michael Madsen! (See also TILT, EXECUTIVE TARGET, MY BOSS'S DAUGHTER, etc). Now I've gotta rewatch Reservoir Dogs and watch Madsen torture a cop to get my respect back for him. See ya, Kids.

\\\"This stuff's gonna make me go blind, but I'm gonna drink it anyway\\\" - Madsen's first taste of cheap alcohol

\\\"I don't understand! Everything seems so beautiful!\\\" - Madsen walking outside after confessing to God

\\\"I'm going downtown later and pick up a bible and I'm gonna get a haircut too\\\" - Madsen after converting at the dinner table, because Satan lives in your hair\": {\"frequency\": 1, \"value\": \"Here's how you do ...\"}, \"First of all, f117 is not high tech any more and it is not a fighter aircraft.

Secondly, the f14's and f18's cannot change their appearances; they are not transformers.

Thirdly, the f16 has only one m61 cannon, not two.

Last but not the least, at the end of the film, Seagle selected sidewinder missile. But somehow when he pulled the trigger, the actual missile fired turned out to be a maverick. As I have the experience of seeing f18's and f14's being mysteriously transformed into f16's, this small transformation of missiles is not a big surprise to me. However, there is still one question I have to ask: How did they manage to use an air to ground missile to shoot down a flying f16...

When students hand in really bad work, teachers assign 0's. Now I think for the sake of properly marking this film, IMDb should seriously consider adding a '0/10' option. Otherwise, it is not fair for those who receive 1 out of 10...\": {\"frequency\": 1, \"value\": \"First of all, f117 ...\"}, \"By far the most important requirement for any film following confidence tricksters is that they must, at least occasionally, be able to pull one over on us, as well as their dumb-witted marks, the cops, the mob and (ideally) each other. But this film NEVER pulls this off. Every scam can be seen coming a mile off (especially the biggen!) Neither are they very interesting, intricate or sophisticated. Perhaps Mammet hoped to compensate for this with snappy dialogue and complex psychological relationships. If so, he failed. The lines are alright, but they're delivered in such a stilted, unnatural, stylised way that I thought perhaps some clever point was being made about us all acting all the time... but it wasn't. As for the psychological complexity, the main character's a bit repressed and makes some ridiculously forced freudian slips about her father thinking she's a whore, but she gets over it. I really liked the street scenes though. Looked just like an Edward Hopper painting.\": {\"frequency\": 1, \"value\": \"By far the most ...\"}, \"updated January 1st, 2006

Parsifal is one of my two favorite Wagner operas or music dramas, to be more accurate, (Meistersinger is the other.) though it's hard to imagine it as the \\\"top of anyone's pops\\\". The libretto, by the composer as usual, is a muddle of religion, paganism, eroticism, and possibly even homo-eroticism, and its length may make it seem to the audience like hearing paint dry.

Wagner, being a famous anti-Semite, (Klingsor may be one of his surrogate Jewish villains.) naturally entrusted the premiere to an unconverted (not for want of RW's trying!) Hermann Levi, who was his favorite conductor! (Go figure!) Kundry, a most mixed-up-gal and another likely Jewish surrogate, is both villainous or benevolent, depending on the scene.

Considering that many video versions of Parsifal seem on the stodgy side, this film of the opera is, in comparison, a breath of fresh air. Hans-J\\ufffd\\ufffdrgen Syberberg, the director, has brought considerable imagination to it but it's hard to know why he made some of his choices. For example: the notorious dual Parsifals (of each gender!), the puppets, the death-mask-of-Wagner set and various dolls and symbols such as the Nazi swastika in one of the traveling scenes. (If I remember, the \\\"real\\\" Engelbert Humperdinck wrote the actual music to pad out the scene changes.) Though Wagner himself died much too early to be an actual Nazi, many of his descendants (As well as his second wife Cosima.) were at least fellow-travelers, including their grandson Wolfgang Wagner who still runs the Bayreuth Festival at an advanced age. In fact, Wolfgang's son Gottfried Wagner, in complete opposition to his father, has tried to come to terms honestly with his great-grandfather.

Syberberg, too, seems politically ambiguous from what I've read. In 1977, he made a well-known film on Hitler, \\\"Hitler: ein Film aus Deutschland\\\" (Sometimes called \\\"Our Hitler\\\" in English.). Since it lasts all of 8 hours and hasn't been widely distributed, most people have not seen it (including myself.).

Armin Jordan, the conductor of the audio CD on which this film is based, plays Amfortas (sung by Wolfgang Sch\\ufffd\\ufffdne) Edith Clever (Yvonne Minton) plays Kundry, Michael Kutter and Karin Krick play the dual Parsifals (Both sung by Reiner Goldberg.!) and Robert Lloyd and Aage Haugland both play and sing Gurnemanz and Klingsor.

Though the opera takes place over a long period of time and all (except Kundry?) have been described as having aged considerably between Acts 2 and 3, no one looks a day older by the end of the opera. (The magic of the Grail? In this opera the Grail is the cup from which Jesus drank at the Last Supper and not Mary Magdalene as in more recent times, an idea I find preposterous!).

The conducting and singing are all quite serviceable and the DVD seems to have improved the sound, if not the picture, to a great extent. (Yes, I agree that \\\"Kna's\\\" approach is superior, even on the second, stereo, version but he is probably superior to all recorded versions on the whole.)

Not a Parsifal for all Wagnerites but I think it works quite well as a filmed opera.\": {\"frequency\": 1, \"value\": \"updated January ...\"}, \"Saw this again recently on Comedy Central. I'd love to see Jean Schertler(Memama) and Emmy Collins(Hippie in supermarket) cast as mother and son in a film, it would probably be the weirdest flicker ever made! Hats off to Waters for making a consistently funny film.\": {\"frequency\": 1, \"value\": \"Saw this again ...\"}, \"There is no way to describe how really, really, really bad this movie is. It's a shame that I actually sat through this movie, this very tiresome and predictable movie. What's wrong with it? Acting: There is not one performance that is even remotely close to even being sub-par (atleast they are all very pretty). Soundtrack (songs): \\\"If we get Orgy on the soundtrack then everyone will know that they are watching a horror film!\\\"; Soundtrack (score): Okay, but anyone with a keyboard can make an okay soundtrack these days. Don't even get me started on the \\\"What the hell?\\\" moments, here are a few: Killer can move at the speed of light--door opens actress turns, no one is there, turns back, there is something sitting in front of her.; Out of now where The killer shows up with a power drill, a really big one! The filmmakers get points for at least plugging it in, but can I really believe that the killer took the time to find the power outlet to plug it in. I feel like one of the guards at the beginning of Holy Grail and want to say \\\"Where'd you get the power drill?\\\". I could go on and on about how bad this film is but I only have 1000 words. I will give this 2 out of ten stars. One star for making me laugh and another star for all the cleavage. Seriously, do not waste your time with this one.\": {\"frequency\": 1, \"value\": \"There is no way to ...\"}, \"The Wicker Man. I am so angry that I cannot write a proper comment about this movie.

The plot was ridiculous, thinly tied together, and altogether-just lame. Nicolas Cage...shame on you! I assumed that since you were in it, that it would be at least decent. It was not.

I felt like huge parts of the movie had been left on the cutting room floor, and even if it's complete-the movie was just outlandish and silly.

At the end you're left mouth agape, mind befuddled and good taste offended. I have never heard so many people leave a theater on opening day with so much hatred. People were complaining about it in small groups in the mall, four floors down from the theater near the entrance. It's that bad.

I heard it compared to : Glitter, American Werewolf in Paris and Gigli. My boyfriend was so mad he wouldn't even talk about it.

Grrrr!\": {\"frequency\": 1, \"value\": \"The Wicker Man. I ...\"}, \"Not really a big box office draw, but I was pleasently surprised

with this movie. James \\\"I did some things to Farrah Fawcett\\\" Orr

co-wrote and directed this movie about an ordinary, average guy

named Larry Burrows who thinks his life would have been

incredibly different if he hit a homerun at a key baseball game

when he was 15. But thanks to mysterious and magical bartender

Mike, Larry gets his wish, yet soon realizes that his new life

isn't exactly as he hoped it would be.

I must say, this movie really impressed me. Critics have given

it mixed, and I must say the concept is really interesting and

pulled off well. Yes, it is a little standard, but packs enough

funny moments, drama and excellent acting to make it really

good. James Belushi (I think) was Oscar worthy for his role. Jon

Lovitz is perfect, and Linda Hamilton plus Renee Russo shine in

their roles. Michael Caine is perfect as the bartender. It's

just a good movie with a good lesson. If you've never seen, I

highly recommend you check\": {\"frequency\": 1, \"value\": \"Not really a big ...\"}, \"I reached the end of this and I was almost shouting \\\"No, no, no, NO! It cannot end here! There are too many unanswered questions! The engagement of the dishwashers? Mona's disappearance? Helmer's comeuppance? The \\\"zombie\\\"? Was Little Brother saved by his father? And what about the head???????\\\" ARGH!! Then I read that at least two of the cast members had passed on and I have to say, I know it probably wouldn't be true to Lars von Trier's vision, but I would gladly look past replacement actors just to see the ending he had planned! Granted, it would be hard to find someone to play Helmer as the character deserves. Helmer, the doctor you love to hate! I think I have yet to see a more self-absorbed, oblivious, self-righteous character on screen! But, I could overlook a change in actors....I just have to know how it ends!\": {\"frequency\": 1, \"value\": \"I reached the end ...\"}, \"I had a feeling that after \\\"Submerged\\\", this one wouldn't be any better... I was right. He must be looking for champagne money, and not care about the final product... his voice gets repeatedly dubbed over by a stranger that sounds nothing like him; the editing is - well - just a grade above amateurish. It's nothing more than a B or C-grade movie with just enough money to hire a couple talented cameramen and an \\\"OK\\\" sound designer.

Like the previous poster said, the problems seem to appear in post-production (...voice dubbing, etc.) Too bad, cause the plot's actually OK for a SG flick.

I'll never rent another SG flick, unless he emails me asking for forgiveness.

Too bad - I miss Kelly LeBrock...

--jimbo\": {\"frequency\": 1, \"value\": \"I had a feeling ...\"}, \"Dumb is as dumb does, in this thoroughly uninteresting, supposed black comedy. Essentially what starts out as Chris Klein trying to maintain a low profile, eventually morphs into an uninspired version of \\\"The Three Amigos\\\", only without any laughs. In order for black comedy to work, it must be outrageous, which \\\"Play Dead\\\" is not. In order for black comedy to work, it cannot be mean spirited, which \\\"Play Dead\\\" is. What \\\"Play Dead\\\" really is, is a town full of nut jobs. Fred Dunst does however do a pretty fair imitation of Billy Bob Thornton's character from \\\"A Simple Plan\\\", while Jake Busey does a pretty fair imitation of, well, Jake Busey. - MERK\": {\"frequency\": 2, \"value\": \"Dumb is as dumb ...\"}, \"Do not waste your time or your money on this movie. My roommate rented it because she thought it was the other movie called Descent (the flick about some travelers who get trapped in a cave). so, we decided to watch it anyways thinking it couldn't be that bad. It was. I can't believe this movie was actually produced and put out to the public. It was so horrible it was almost like an accident scene where you want to look away but you just can't make yourself. I honestly feel emotionally scarred. It went from being a semi-low budget movie in which a college girl gets assaulted by a boy she's dating to an all out porno flick. And really not a good one. I went from hating the woman's rapist to almost feeling bad for him. Almost. All in all, an awful movie that was definitely rated NC-17 for a reason. Don't waste your money. And don't let your kids watch it.\": {\"frequency\": 1, \"value\": \"Do not waste your ...\"}, \"I wouldn't bring a child under 8 to see this. With puppies dangling off of buildings squirming through dangerous machines and listening to Cruella's scary laugh to name a few of the events there is entirely too much suspense for a small child.

The live action gives a more ominous feel than the cartoon version and there are quite a few disquieting moments including some guy that seems to be a transvestite, a lot of tense moments that will worry and may frighten small kids.

I don't know what the Disney folks were thinking but neither the story nor the acting were of their usual level. The puppies are cute But this movie is spotty at best.\": {\"frequency\": 1, \"value\": \"I wouldn't bring a ...\"}, \"This is probably one of the most original love stories I have seen for ages, especially for a war based (briefly) film. Basically it is a story based in two worlds, one obviously real, the other fictitious but the filmmakers say at the beginning that it is only coincidence if it is a real place. Anyway, Peter Carter (the great David Niven) was going to crash in a plane, he talked to June (Planet of the Apes' Kim Hunter) before he bailed out and said he loved her. He was meant to die from jumping without a parachute, but somehow he survived, and now he is seeing and loving June in the flesh. This other place, like a heaven, is unhappy because he survived and was meant to come to their world, so they send French Conductor 71 (Marius Goring) to persuade him to go, but he is obviously in love. Peter suggests to him that he should appeal to keep his life to the other world's court, he is granted this. Obviously love prevails when the two lovers announce that they would die for each other, June even offers to take his place! Also starring Robert Coote as Bob Trubshawe, Kathleen Byron as An Angel, a brief (then unknown) Lord Sir Richard Attenborough as An English Pilot and Abraham Sofaer as The Judge/The Surgeon. David Niven was number 36 on The 50 Greatest British Actors, the film was number 86 on The 100 Greatest Tearjerkers for the happy ending, it was number 47 on The 100 Greatest War Films, it was number 46 on The 50 Greatest British Films, and it was number 59 on The 100 Greatest Films. Outstanding!\": {\"frequency\": 1, \"value\": \"This is probably ...\"}, \"Well, I just ordered this on my pay-per-view at home because I was bored and needed a laugh. I have to admit, I did chuckle a few times, but I don't even remember what parts they were at. I don't understand why this movie was made. It claims to be a comedy but seriousuly, I don't find a singing penis, or a naked 70 year old woman very funny. This movie was trying to fit itself into the 'gross-out' comedies of recent years such as American Pie and Road Trip, but it just failed miserably. It was way to much gross-out then it was comedy. Also, why on earth did Cameron Diaz attach her name to this movie?!?! The only thing I liked about this movie was when Dave and Angela were in the pool. I thought it was sexy and enjoyable and well-done. Besides that, avoid this movie. 3/10\": {\"frequency\": 1, \"value\": \"Well, I just ...\"}, \"To me movies and acting is all about telling a story. The story of David and Bethsheba is a tragedy that is deep and can be felt by anyone who reads and understands the biblical account. In this movie I thought the storytelling by Gregory Peck and Susan Hayward were at their best. To know and understand the story of David and his journey to become the King of Israel, made this story all the more compelling. You could feel his lust for a beautiful woman, Gregory Peck showed the real human side of this man who in his time was larger than life. Susan Hayward's fear, reluctance, but then obedience to his authority as her King was beautifully portrayed by her. One could also feel David's anguish the nigh that Uriah spent the night at the gate instead of at home. As well as the sadness when he was killed in battle. Raymond Massey's powerful and authoritative condemnation of the King made me feel his anger. The sets were real enough, and the atmosphere believable. All in all I think this was one of the best movies of it's kind. I gave it a rating of ten.\": {\"frequency\": 1, \"value\": \"To me movies and ...\"}, \"In the film Kongwon-do ui him it features a relatively intimate look into the meaningfulness (as well as general meaninglessness) into the lives of various Koreans; empty people seeking ways to fill themselves, enjoying the escapism of nature. From the beginning to the end of the film we observe the fallibility of the various characters; we learn of their shortcomings and their desires, the overall complexity captured within human life (and yet the overal simplicity of humanity). Although the film is slow-moving, it can be very contemplative. It does not force any ideas, but allows the ideas to come about themselves, it allows the concepts to reveal themselves.

The film ends as well and as suddenly as it begins, and one truly understands the meaning of aloneness, that love is often an act of selfishness, and the many mistakes that we make. It is a look into everyday life, very well and beautifully done.

If you are looking for action or for intense drama, this is not the film for you. However, if you enjoy honest, original, and meaningful films that are not forced and without glitz, this is a great film to watch.\": {\"frequency\": 1, \"value\": \"In the film ...\"}, \"I can't agree with any of the comments. First time I saw the film on a UK TV channel, it was presented as an indie film and if you take the film under this angle I think it's an all different matter. I couldn't believe what I was seeing and got hooked instantly. The plot may be as bad as a JS's show (ie there is no plot) but the acting is wicked, it's hilarious and it's all in all an incredible trash movie.

It says as much about America than a Bully or a Ken Park without the drama perspective but it gives a glimpse on the US society, and more precisely on what afternoon TV viewers in America (and I believe there are plenty of them !) are interested in. After all it's the neighbours we're talking about, don't we ?

100% fun !\": {\"frequency\": 1, \"value\": \"I can't agree with ...\"}, \"The book is fantastic, this film is not. There is no reason this film could not have embraced a futuristic technological vision of the book. Hell, total recall was released a few years later and that did a good job of it, even a clockwork orange released in the 70s did a good job of trying to make a futuristic world. The bleak German expressionistic colours, the black and white footage from the vision screens, there is no reason for this approach for when the film was made in 1984. The main character is in a white collar writing job yet he dresses like he works with oil and grease in a garage. This film decides to take a mock-communistic approach to set design, atmosphere and theme, yet the novel did not necessarily dictate a communist, worship-the-humble-worker theme itself. This book seriously needs to be adapted in a modern context as this book is more relevant today than ever before. I could not watch more than 20 minutes of this crap. The soundtrack is annoying, the lack of foresight is annoying, this film seems to have been made to deny a sense of realism or believability when that is exactly what is required to hammer the novel's messages to the viewer.\": {\"frequency\": 1, \"value\": \"The book is ...\"}, \"Please do not waste +/- 2 hours of your life watching this movie - just don't. Especially if someone is fortunate to be snoozing at the side of you. Damn cheek if you ask me. I waited for something to happen - it never did. I am not one of those people to stop watching a movie part way through. I always have to see it through to the end. What a huge mistake. Do yourself a favour and go and paint a wall and watch it dry - far more entertaining. Please do not waste +/- 2 hours of your life watching this movie - just don't. Especially if someone is fortunate to be snoozing at the side of you. Damn cheek if you ask me. I waited for something to happen - it never did. I am not one of those people to stop watching a movie part way through. I always have to see it through to the end. What a huge mistake. Do yourself a favour and go and paint a wall and watch it dry - far more entertaining.\": {\"frequency\": 1, \"value\": \"Please do not ...\"}, \"I read somewhere that when Kay Francis refused to take a cut in pay, Warner Bros. retaliated by casting her in inferior projects for the remainder of her contract.

She decided to take the money. But her career suffered accordingly.

That might explain what she was doing in \\\"Comet Over Broadway.\\\" (Though it doesn't explain why Donald Crisp and Ian Hunter are in it, too.) \\\"Ludicrous\\\" is the word that others have used for the plot of this film, and that's right on target. The murder trial. Her seedy vaudeville career. Her success in London. Her final scene with her daughter. No part logically leads to the next part.

Also, the sets and costumes looked like B-movie stuff. And her hair! Turner is showing lots and lots of her movies this month. Watch any OTHER one and you'll be doing yourself a favor.\": {\"frequency\": 1, \"value\": \"I read somewhere ...\"}, \"I've been largely convinced to write this review for a number of reasons:

1) This is, without doubt, the worst film i've ever seen 2) Unless it gets more reviews it will not be listed in the all time worst films list - which it deserves to be 3) I was kinda lucky - i paid five pound for it. i've seen it in shops for 15 pound. DON NOT PAY THAT MUCH FOR THIS FILM! You will be very angry 4) There are a lot of films out there in the horror genre that are not given a fair rating (in my opinion) and giving this film a higher rating than them is criminal

The plot summary: a guy with no friends meets a tramp who promises the world - well, the magic ability to appear to everybody else like somebody else. Our hero cunningly turns into a teenage girl and joins their gang - sitting on swings, baby-sitting. He kills them one by one until he is tracked and found by the police.

Why is it so bad? To begin with the acting is VERY VERY bad. Someone else compared it to a school production. No, this is worse than any acting i've seen on a school stage.

I've bought a number of these previously banned films from the DVD company vipco and not been as disappointed as i was at this. okay, the acting is bad but the film fails to deliver in every other sense. What was the point in making this film when there isn't even any gore! okay, no gore. What else can a film like this offer? Breats? No, not even any titillation!

it's true this film may have a certain charm in its unique naffness but any potential buyer/watcher of this film should be fairly advised that this film is, at best, worth only one out of ten.\": {\"frequency\": 1, \"value\": \"I've been largely ...\"}, \"well \\\"Wayne's World\\\" is long gone and the years since then have been hard for snl off-shoot movies. from such cinematic offal as \\\"It's Pat\\\" to the recent 80 minute yawn, \\\"A Night at the Roxbury,\\\" many have, no doubt, lost faith that any other snl skit will ever make a successful transition to the silver screen. well fear not because Tim Meadows comes through in spades. the well-written plot maintains audience interest until the very end and while it remains true to the Leon Phelps character introduced in the five minute skit, the storyline allows the character to develop. the humor (consisting largely of sex jokes) is fresh and interesting and made me laugh harder than i have in any movie in recent memory. its a just great time if you don't feel like taking yourself too seriously. Tiffany-Amber Thiessen of \\\"Saved by the Bell\\\" fame, makes an appearance in the film and looks incredible. finally Billy Dee Williams, reliving his Colt 45 days, gives the movie a touch of class. and for those out there who are mindless movie quoters like myself, you will find this movie to be eminently quotable, \\\"ooh, it's a lady!\\\"\": {\"frequency\": 1, \"value\": \"well \\\"Wayne's ...\"}, \"This is why i so love this website ! I saw this film in the 1980's on British television. Over the years it is one i have wished i knew more about as it has stayed with me as one of the single most extraordinary things i have ever seen in my life. With barely a few key words to remember it by, i traced the film here, and much information, including the fact it's about to become an off-Broadway musical !

Interestingly, unlike the previous comment maker, i do not remember finding this film sad, or exploitative. On the contrary, the extraordinary relationship between the mother and daughter stuck in the mind as a testimony of great strength, honour and dignity. Ironic you may think, considering the squalor of their lives. Maybe it's because i live in Britain, where fading grandeur has an established language in the lives of old money, where squalor is often tolerated as evidence of good breeding; I saw it as a rare and unique portrayal of enormous spirit, deep and profound humour, whose utterly fragile and delicately balanced fabric gave it poise and respect. In a way i was sorry to see it being discussed as a 'cult'. Over the years, as it faded in my mind, it shone the brightest, above all others as a one off brilliant & outstanding televisual experience. It was such a deeply private expose, it seems odd to think of it becoming so public as to be a New York musical. But perhaps somewhere, the daughter will be amused by such an outcome. It is she who will have the last laugh maybe..(They made a musical out of her before you Jackie O' )\": {\"frequency\": 1, \"value\": \"This is why i so ...\"}, \"This is one of those topics I can relate to a little more than most people as I hate noise & have no idea how those in big cities, New York especially how people get any sleep at all! It astounds me that people can stand all the noise out there these days. The basic plot of the film is that it makes for an interesting topic. It's too bad that's about it. Tim Robbbins is decent although except for a couple of scenes (especially with the absolute supermodel looking Margarita Leiveva) he didn't seem to really be altogether there. My biggest hope for this film is that casting agents will see the absolutely stunning & talented actress to boot, Margarita Levieva. She doesn't have a lot to do, but she is supermodel beautiful. Even when they are trying to make her look at more girl next door. It makes me sad that there can be people such as Paris Hilton & Kim Kardashian in the world w/no redeemable skills or talent, to have more fame and success than this talented beauty. I didn't care for much of this film because the script isn't very good, but am glad I got to see some new talent. I hope that producers & directors think about Margarita when they need a beautiful new actress to be in there big budget film. If they can make Megan Fox a star (c'mon she isn't that hot, & her acting \\\"talent\\\" is worse than made-for Disney channel TV shows) from 1 film, it should happen easily for her, as she is gorgeous & has talent! I'd recommend her changing her last name so we can pronounce it and make it more marketable. Here's hoping this makes her career, & if there is any justice she can pop up on some big summer movie or two in the next couple years.\": {\"frequency\": 1, \"value\": \"This is one of ...\"}, \"I won't give anything away by describing the plot of this film other than to say that it begins with the return to Israel of a young blind woman whose closest friend and companion has just committed suicide. It unfolds like a detective story as the blind woman tries to figure out why her friend ended her life. As she pursues her investigation and the information accumulates, it leads inexorably to a devastating conclusion. The film is expertly paced and the acting, especially by Talia Sharon as Ya'ara, the blind woman, is excellent. Israeli film has definitely come of age and is now fully competitive with other foreign films, though few have found a large audience in the U.S.\": {\"frequency\": 1, \"value\": \"I won't give ...\"}, \"Deathtrap runs like a play within a movie about who did what to whom, as it primarily takes place on one set. The premise is that an accomplished playwright, whose star is falling, receives a magnificent manuscript from a former student and so he plans to off his protege and appropriate his play, to the (loud) protests of his wife. Or so you think, for the first half of the movie. Past the halfway mark, Deathtrap begins to throw in twists and surprises that turn its premise on its head, then right around, and then in a mad spin, all the time keeping its title appropriate. It's an excellent mystery movie soaked in wit.

Michael Caine, as the senior playwright, plays himself in this movie - a slightly loony and very dramatic Brit. No surprises here - he does his usual good work. He gets the best line of Deathtrap, which he executes perfectly: \\\"What is your definition of success, being gang-banged in a state penitentiary?\\\"

Christopher Reeve, on the other hand, juggles comedy and drama in a surprisingly strong performance playing the ambitious (and psychopathic) young playwright. He also gets to show off his very toned body, which he must've retained coming off the Superman movies.

Caine and Reeve have collaborated in another movie that's one of my favorite comedies - Noises Off. It similarly revolves around a play as well, although this time Caine is the director and Reeve is an actor. They are joined by comic veterans Carol Burnett, John Ritter, Marilu Henner (Taxi) and Mark Linn-Baker (Perfect Strangers). Together, they demonstrate the calamities that befall the bed-hopping cast and crew of a play. On the surface, the movie looks to be mostly slapstick but upon watching you find that they are many subtle jokes that require more than one viewing to catch. Wish this underrated movie was available on DVD.\": {\"frequency\": 1, \"value\": \"Deathtrap runs ...\"}, \"If i could have rated this movie by 0 i would have ! I see some ppl at IMDb says that this is the funniest movie of the year , etc etc excuse me ? are you ppl snorting LSD or ........? There is absolutely NOTHING funny about this movie N O T H I N G ! I actually want my 27 minutes back of my life that i spent watching this piece of crap.

I read someone sitting on an airplane watching this movie stopped watching after 30 minutes , i totally understand that , i actually would have watched snakes on a plane for 2 times over instead of watching this movie once !

DO NOT watch this movie , do something else useful with your life do the dishes , walk the dog , hell... anything is better than spending time in front of the TV watching hot rod.\": {\"frequency\": 1, \"value\": \"If i could have ...\"}, \"Bizarre Tobe Hooper exercise regarding an unfortunate young man(Brad Dourif)with the ability to set people on fire. This ability stems from parents who partook in atomic experiments in the 50's. They die of Spontaneous Human Combustion and it seems that what Sam is beginning to suffer from derives by these pills his girlfriend, Lisa(Cynthia Bain)gives him to take for rough migraines. In actuality, Lisa was told to manipulate Sam into taking the pills by Lew Orlander(William Prince), pretty much the young man's father who raised him from a child. Lew has benevolent plans..he sees Sam as the first \\\"Atomic Man\\\", a pure killing machine in human form. Sam never wanted this and will do whatever it takes to silence those responsible for his condition. As the film goes, Sam's blood is slowly growing toxic, green in color instead of red. It seems that water and other substances which often put out fire react right the opposite when Sam's uncontrollable outbursts of flame ignite. Come to find out, Lisa has Sam's condition whose parents also dies from SHC. Dr. Marsh(Jon Cypher), someone who Sam has known for quite some time as his physician, is to insert toxic green fluid into their bodies, I'm guessing to increase their levels of flame. Nina(Melinda Dillon, sporting an accent that fades in and out)was Sam's parents' friend and associate on the experiments in the 50's who tries to talk things over with him regarding what is happening. And, Rachel(Dey Young)is Sam's ex-wife who may be working against her former husband with Lew and Marsh to harm him and Lisa.

Quite a strange little horror flick, filled with some pretty awful flame-effects. Dourif tries to bring a tragic element and intensity to his character whose plight we continue to watch as his body slowly becomes toxic waste with fire often igniting from his orifices. There's this large hole in his arm that spits out flame like a volcano and a massive burn spot on his hand which increases in size over time. Best scene is probably when director John Landis, who portrays a rude electrical engineer trying to inform Sam to hang up because the radio program he's calling has sounded off for the night, becomes a victim of SHC. The flick never quite works because it's so wildly uneven with an abrupt, ridiculous finale where Sam offers to free Lisa of her fire by taking it from her.\": {\"frequency\": 1, \"value\": \"Bizarre Tobe ...\"}, \"First love is a desperately difficult subject to pull off convincingly in cinema : the all-encompassing passion involved generally ends up as a pale imitation or, worse, slightly ridiculous.

Lifshitz manages to avoid all the pitfalls and delivers a moving, sexy, thoroughly engrossing tale of love, disaster and possible redemption, while tangentially touching on some of the deeper themes in human existence.

The core story is of Mathieu, 18, a solitary, introverted boy who meets C\\ufffd\\ufffddric, brasher, more outgoing but just as lonely, while on holiday with his family. As the summer warms on, they fall in love and, when the holidays end, decide to live together. A year later, the relationship ends in catastrophe: C\\ufffd\\ufffddric cheats on Mathieu who, distraught, tries to take his own life. He survives and, in order to get perspective back on his life he returns to the seaside town where they first met, this time cloaked in the chill of winter.

If the tale was told like this it would never have the impact it does: much of it is implied, all of it happens non-sequentially.

The intricate narrative is essential to getting a deeper feeling of the passions experienced, through the use of counterpoint and temporal perspective. Fortunately, the three time-lines used (the summer of love, the post-suicide psychiatric hospital and the winter of reconstruction) are colour coded: warm yellows and oranges for the summer, an almost frighteningly chill blue for the hospital scenes and warming browns and blues for the winter seaside.

Both main actors put in excellent performances though, whilst it's a delight to see St\\ufffd\\ufffdphane Rideau (C\\ufffd\\ufffddric) used to his full capacity (I'm more used to seeing him under-stretched in Gael Morel's rather limp dramas), J\\ufffd\\ufffdr\\ufffd\\ufffdmie Elkaim (Mathieu) has to be singled out for special mention: you can feel his loneliness, then his almost incredulous passion, then his character crumbling behind a wall of aphasia. Beautifully crafted gestures get across far more than dialogue ever could.

The themes touched upon are almost classic in French cinema: our difficulty in really understanding what another is feeling; our difficulty in communicating fully; the shifting sands of meaning\\ufffd\\ufffd The film's title \\\"Presque rien\\\" (Almost Nothing) points to all of these and, indeed, to one of the key scenes in the film: In trying to understand why Mathieu attempted to kill himself, a psychiatrist asks C\\ufffd\\ufffddric if he had ever cheated on him\\ufffd\\ufffd \\\"Non\\ufffd\\ufffd enfin, oui\\ufffd\\ufffd une fois, mais ce n'\\ufffd\\ufffdtait rien\\\" (No\\ufffd\\ufffd well, yes\\ufffd\\ufffd once, but it was nothing). C\\ufffd\\ufffddric still loves Mathieu \\ufffd\\ufffd he brought him to the hospital during the suicide attempt (none of which we see) and tries desperately to contact him again once he leaves \\ufffd\\ufffd but cannot understand that he has lost him forever, because something that seemed nothing to him (a meaningless affair) is everything to Mathieu.

Whilst the film is darker than the rather unfortunate Pierre et Gilles poster would suggest, it is not without hope: we get to see C\\ufffd\\ufffddric's slow, painful attempts to get back in touch with life, first through a cat he adopts, then through work in a local bar and finally contact with Pierre, who may be his next love. But here the story ends: A teenage passion, over within the year, another perhaps beginning. So what was it? Almost Nothing? Certainly not when you're living it\\ufffd\\ufffd\": {\"frequency\": 1, \"value\": \"First love is a ...\"}, \"Written and directed by Steve Gordon. Running time: 97 minutes. Classified PG.

It was the quintessential comedy of the decade. It won Sir John Gielgud the Academy Award. It was even featured in VH1's \\\"I Love the 80's.\\\" And it looks just as good today as it did upon it's initial release. Arthur is the acclaimed comedy classic about a drunken millionaire (played with enthusiasm and wit by Dudley Moore in an Oscar-nominated performance) who must choose between the woman he loves and the life he's grown accustomed to. While the basic plot is one big cliche, there's nothing trite about this congenial combination of clever dialogue and hilarious farce. Arthur Bach is essentially nothing more than a pretentious jerk, but you can't help but like him. Especially when he delivers lines such as, \\\"Don't you wish you were me? I know I do!\\\" He's also a delineation from the archetypical movie hero: unlike most wealthy characters we see on the silver screen, he's not ashamed of being filthy rich. In one scene, a man asks him, \\\"What does it feel like to have all that money?,\\\" to which he responds, \\\"It feels great.\\\" Moore lends such charisma and charm to a character that would otherwise be loathed by his audience. And Gielgud is simply perfect as the arrogant servant, addressing his master with extreme condescension in spite of the fact that his salary depends on him. Arthur is one of those movies that doesn't try to be brilliant or particularly exceptional: it just comes naturally. The screenplay -- which also earned a nod from the Academy -- is saturated with authentic laugh-out-loud dialogue. This is the kind of movie that, when together with a bunch of poker buddies, you quote endlessly to one another. It also looks at its characters with sincere empathy. There have been a number of comedies that attempt to dip into drama by including the death or illness of a principal star (including both Grumpy Old Men's), but few can carry it off because we just don't care. When this movie makes the dubious decision to knock off the butler, it actually works, because we genuinely like these people. Why should you see Arthur? The answer is simple: because it's an all-around, non-guilty pleasure. At a period in which films are becoming more and more serious, Arthur reminds us what it feels like to go to the movies and just have a good time.

**** - Classic\": {\"frequency\": 1, \"value\": \"Written and ...\"}, \"I have nothing to comment on this movie It is so bad that I had to put my first comment on IMDb website to help some viewers save some time and do something more interesting, instead of watching this \\\"movie\\\" ... anything will do, even stare at the walls is better.

And because I have to write minimum 10 lines of text, i tell you also is a low budget movie, bad acting, no name actors, a stupid mutt as the wolf, and so on... Also the story brings nothing new, the special effects are made in the 80's style.

The movie is almost as bad as the movie \\\"Megalodon\\\".

So have fun! ;) (not watching this movie)\": {\"frequency\": 1, \"value\": \"I have nothing to ...\"}, \"(SPOILERS included) This film surely is the best Amicus production I've seen so far (even though I still have quite a few to check out). The House that Dripped Blood is a horror-omnibus\\ufffd\\ufffdan anthology that contains four uncanny stories involving the tenants of a vicious, hellish house in the British countryside. A common mistake in productions like this is wasting too much energy on the wraparound story that connects the separate tales\\ufffd\\ufffdPeter Duffel's film wisely doesn't pay too much attention to that. It simply handles about a Scotland Yard inspector who comes to the house to investigate the disappearance of the last tenant and like that, he learns about the bizarre events that took place there before. All four stories in this film are of high quality-level and together, they make a perfect wholesome. High expectations are allowed for this film, since it was entirely written by Robert Bloch! Yes, the same Bloch who wrote the novel that resulted in the brilliant horror milestone `Psycho'\\ufffd\\ufffd We're also marking Peter Duffel's solid and very professional debut as a director.

The four stories \\ufffd\\ufffd chapters if you will \\ufffd\\ufffd in the House that Dripped Blood contain a good diversity in topics, but they're (almost) equally chilling and eerie. Number one handles about a horror-author who comes to the house, along with his wife, in order to find inspiration for his new book. This starts out real well, but after a short while, his haunted and stalked by the villain of his own imagination. The idea in this tale isn't exactly original\\ufffd\\ufffdbut it's very suspenseful and the climax is rather surprising. The second story stars (Hammer) horror-legend Peter Cushing as a retired stockbroker. Still haunted by the image of an unreachable and long-lost love, he bumps into a wax statue that looks exactly like her. Cushing is a joy to observe as always and \\ufffd\\ufffd even though the topic of Wax Museums isn't new \\ufffd\\ufffd this story looks overall fresh and innovating. This chapter also contains a couple of delightful shock-moments and there's a constant tense atmosphere. It's a terrific warm-up for what is arguably the BEST story: number 3. Another legendary actor in this one, as Christopher Lee gives away a flawless portrayal of a terrified father. He's very severe and strict regarding his young daughter and he keeps her in isolation for the outside world. Not without reason, since the little girl shows a bizarre fascination for witchcraft and voodoo. Besides great acting by Lee and the remarkable performance of Chloe Franks as the spooky kid, this story also has a terrific gothic atmosphere! The devilish undertones in this story, along with the creepy sound effects of thunder, make this story a must for fans of authentic horror. The fourth and final story, in which a vain horror actor gets controlled by the vampire-cloak he wears, is slightly weaker then the others when it comes to tension and credibility, but that the overload of subtle humor more or less compensates that. There's even a little room for parody in this story as the protagonist refers to co-star Christopher Lee in the Dracula series! Most memorable element in this last chapter is the presence of the gorgeous Ingrid Pitt! The cult-queen from `The Vampire Lovers' certainly is one of the many highlights in the film\\ufffd\\ufffdher cleavage in particular.

No doubt about it\\ufffd\\ufffdThe House that Dripped Blood will be greatly appreciated by classic horror fans. I truly believe that, with a bit of mood-settling preparations, this could actually be one of the few movies that'll terrify you and leave a big impression. Intelligent and compelling horror like it should be! Highly recommended. One extra little remark, though: this film may not\\ufffd\\ufffdrepeat MAY NOT under any circumstances be confused with `The Dorm that Dripped Blood'. This latter one is a very irritating and lousy underground 80's slasher that has got nothing in common with this film, except for the title it stole.\": {\"frequency\": 1, \"value\": \"(SPOILERS ...\"}, \"Rachel Griffiths writes and directs this award winning short film. A heartwarming story about coping with grief and cherishing the memory of those we've loved and lost. Although, only 15 minutes long, Griffiths manages to capture so much emotion and truth onto film in the short space of time. Bud Tingwell gives a touching performance as Will, a widower struggling to cope with his wife's death. Will is confronted by the harsh reality of loneliness and helplessness as he proceeds to take care of Ruth's pet cow, Tulip. The film displays the grief and responsibility one feels for those they have loved and lost. Good cinematography, great direction, and superbly acted. It will bring tears to all those who have lost a loved one, and survived.\": {\"frequency\": 1, \"value\": \"Rachel Griffiths ...\"}, \"Midnight Cowboy made a big fuss when it was released in 1969, drawing an X rating. By today's standards, it would be hard pressed to pull an R rating. Jon Voight, who has been better, is competent in his role as Joe Buck, an out of town hick wanting to make it big with the ladies in New York City. He meets a seedy street hustler named Ratso Rizzo, who tries to befriend Buck for his own purposes. The two eventually forge a bond that is both touching and pathetic. As Ratso, Dustin Hoffman simply shines. Hoffman has often been brilliant, but never more so than in this portrayal. He is so into character that all else around him pales in comparison. Losing the Academy Award to John Wayne is one of the most ridiculous decisions ever made by the Academy of Motion Picture Arts and Sciences. Director Schlessinger has a deft hand with his production, but this film has a grungy underbelly that leaves a bad taste in the mouth of the viewer. Worth seeing for Hoffman's performance alone.\": {\"frequency\": 1, \"value\": \"Midnight Cowboy ...\"}, \"Writer/Director John Hughes covered all bases (as usual) with this bitter-sweet \\\"Sunday Afternoon\\\" family movie. \\\"Curly Sue\\\" is a sweet, precocious orphan, cared for from infancy by \\\"Bill\\\". The pair live off their wits as they travel the great US of A. Fate matches them with a \\\"very pretty\\\" yuppie lawyer, and the rest is predictable.

Kids will love this film, as they can relate to the heroine, played by 9 year old Alisan Poter (who went on to be the \\\"you go girl!\\\" of Pepsi commercials). The character is supposed to be about 6 or 7, as she is urged to think about going to school. Some of her vocabulary suggests that she is every day of 9 or older.

Similar to \\\"Home Alone\\\", there is plenty of slap-stick and little fists punching big fat chins. Again, this is \\\"formula\\\" film making, aimed at a young audience. Entertaining and heartwarming. Don't look for any surprises, but be prepared to shed a tear or two.\": {\"frequency\": 1, \"value\": \"Writer/Director ...\"}, \"Macy, Ullman and Sutherland were as great as usual. Ritter wasn't bad either. What's her name was as pretty as usual. It could have been a good movie. To bad the plot was atrocious. It was completely predictable, trite and boring.

From the first 15 minutes, the rest of the movie was laid out like a child's paint by numbers routine. The characters were stock pieces of cut out cardboard. There was nothing new or interesting to say and that completely outweighed the acting, which was a pity.

Finally, too bad the script writer wasn't the victim. Especially with the \\\"precocious\\\" lines from the child, which were completely unbelievable.

Again, it's only the acting that prevented a much lower score.\": {\"frequency\": 1, \"value\": \"Macy, Ullman and ...\"}, \"Without question one of the most embarrassing productions of the 1970s, GAOTS seems to really, REALLY want to be something important. The tragic truth is that it's so entirely valueless on every level that one can't help but laugh. Reaching in desperation for the earthy elements of Ingmar Bergman's films, it follows a city couple's day in the wilderness...they walk along a shady path, allthewhile pontificating like a U.C. Berkeley coffee clatch. Almost every line of tarradiddle dialog delivered here is uproariously bad(\\\"I feel that life itself is made up of as many tiny compartments as this pomegranate....but is it as beautiful?\\\") After what seems like an eternity of absolutely nothing happening(well...OK...we are treated to some nudity and a tepid soft sex scene), there is finally a VERY anticlimactic confrontation involving a pair 'Nam vets who are making the nature scene and performing some pretty harsh folk ballads with an acoustic guitar.

Nothing at all eventful or interesting happens IN THIS ENTIRE FILM. I thought the Larry Buchanan picture \\\"Strawberries Need Rain\\\" was a weak example of a Bergman homage. \\\"Golden Apples\\\" is every bit as bad, but the ceaseless random verbiage it presents makes it memorably awful. 1/10\": {\"frequency\": 1, \"value\": \"Without question ...\"}, \"My son was 7 years old when he saw this movie, he is now on a Russian Fishing vessel and said that the movie he was most impressed with and that has lingered in his mind all of these 39 years is the movie of The Legend of the Boy and the Eagle. He has asked if it were possible for me to get this for him. I am sure that a lot of things go through his head as he has only 3 hours of daylight and he has been on this ship for 3 months and will have 3 more months before his contract expires. Since we have Indian blood he connects to this movie. On January 27th he will turn 47 years old and I would like to be able to obtain this movie for him. He lives in Thailand and has been a commercial fisherman for the past 17 years and as we all know this is one of the most dangerous jobs. Can you help me obtain this movie? Thanking you in advance, Dolly Crout-Soto, Deerfield Beach, FL\": {\"frequency\": 1, \"value\": \"My son was 7 years ...\"}, \"To a certain extent, I actually liked this film better than the original VAMPIRES. I found that movie to be quite misogynistic. As a woman and a horror fan, I'm used to the fact that women in peril are a staple of the genre. But they just slap Sheryl Lee around way too much. In this movie, Natasha Wagner is a more fully-realized character, and the main bad guy is a gal! Arly Jover (who played a sidekick vamp in BLADE) is very otherworldly and deadly. Jon Bon Jovi... okay, yeah, no great actor, but he does OK. At least he doesn't start to sing. Catch it on cable if you can. It's on Encore Action this month.\": {\"frequency\": 1, \"value\": \"To a certain ...\"}, \"This movie was recently released on DVD in the US and I finally got the chance to see this hard-to-find gem. It even came with original theatrical previews of other Italian horror classics like \\\"SPASMO\\\" and \\\"BEYOND THE DARKNESS\\\". Unfortunately, the previews were the best thing about this movie.

\\\"ZOMBI 3\\\" in a bizarre way is actually linked to the infamous Lucio Fulci \\\"ZOMBIE\\\" franchise which began in 1979. Similarly compared to \\\"ZOMBIE\\\", \\\"ZOMBI 3\\\" consists of a threadbare plot and a handful of extremely bad actors that keeps this 'horror' trash barely afloat. The gore is nearly non-existent (unless one is frightened of people running around with green moss on their faces) and the English dubbing is a notch below embarrassing.

The plot this time around involves some sort of covert military operation with a bunch of inept scientists (ie. an idiotic male and his stupid female side-kick) who are developing some sort of chemical called \\\"Death One\\\" that is supposed to re-animate the dead. Unless my ears need to be checked, I don't even recall a REASON for the research of \\\"Death One\\\". It seems to EXIST only to wreak havoc upon the poor souls who made the mistake of choosing to 'star' in this cinematic laugh-fest.

Anyway, \\\"Death One\\\" is experimented on a corpse (whom I swear looked like Yul Brynner), and after it is injected into his system, he sits upright and his head explodes! The sound effects are also quite hilarious - as the corpse's face bubbles with green slime, the sound of 'paper crumpling' can be heard. The \\\"Death One\\\" toxin is transported outside and is 'hi-jacked' by a group of thieves where one makes off with it, but infects himself after cutting himself on an exposed vial.

Needless to say, the guy turns into a zombie, but not before he makes his timely escape to a cheap motel, infects a lowly porter and murders a maid by pushing her face into a bathroom mirror(!). The military catch wind of this and immediately take action before 'eliminating' everyone who is unlucky enough to be within the 'contamination zone' and turn the motel upside down. They find the infected thief and burn his body, only to have the smoke infect a flock of birds that are flying over the chimney stack(!).

We cut to the introduction of a group of men who are on leave from the army, listening to 'groovy music' that is coming out of a little dinky boom-box while trailing a trailer-load of slutty girls who are leaning out of the windows and showing off their chests. Can someone say \\\"zombie food\\\"? We also have a sub-plot involving a girl and her boyfriend driving a car who stop to inspect a group of birds lying on the road... the same birds that were infected by the 'zombie' smoke!

The birds attack the boyfriend and the girl drives off to a deserted gas station to seek water. This is one of the most incredibly hilarious moments of the movie. She walks around this old dirty, rusty and obviously abandoned building where she continues to ask aloud, \\\"HELLO? IS THERE ANYONE HERE? PLEASE, I JUST NEED SOME WATER!\\\" She encounters a group of zombies, one of which is chained to a wall (!) and the other is swinging a machete. After a bit of rumbling and tumbling around on the ground, she escapes but not before blowing up the gas station with her lighter.

Meanwhile, the birds attack the trailer-load of whores and one girl gets pecked and infected. They all pull up to the same motel where the original infection took place, and this is where the second most hilarious moment of the film takes place. After a matter of hours (a day at the most), the same motel is now caked in dust, has vines growing throughout it, and looks like it has been sitting derelict for years. Anyway, what better place to take refuge than this particular building? Needless to say, the group begins to break down as several people walk off together to get themselves stuck in an incredibly stupid situation involving a zombie attack.

The third most hilarious moment concerns a man and a woman who explore a deserted village, of which the woman comments, \\\"THIS PLACE IS A DUMP!\\\" She then proceeds to get 'pushed' off a balcony by a zombie into pirahna(?) infested water where she has her legs bitten off and turns into a zombie within seconds! Meanwhile, her friend back at the motel who got pecked and infected HOURS earlier is still TURNING into a zombie!

Unfortunately, there are just too many inconsistencies in this movie that makes this movie just too stupid for words. For example, the time rate concerning infected people being 'zombified' differs greatly. Sometimes it takes seconds, other times it takes hours. Some zombies run, others drag their feet and walk really slow. Some even do kung-fu moves, while others hide under stacks of hay to surprise people. Some of the zombies even talk! The funniest moment of course is the infamous 'zombie head in the fridge' gag which 'elevates' itself in mid-air and 'attacks' a stupid man who goes looking for food. Funnily enough, his girlfriend gets her throat torn out by it's 'headless' counter-part (LMAO!).

The biggest disappointment for me though was the lack of story-lines involving the people who are in fact killed by zombies. We never get to see them come back as zombies, in fact the only ones we do see 'zombified' are the ones pecked by the birds and the one girl who gets her legs bitten off. Other than that, I was at least expecting the couple who were killed in the kitchen and/or the guy who was killed on the bridge to come back as zombies. It is also amazing that these zombies only take a 'few bites' and then move on to their next victim.

The most laughable moment was of course the zombie fetus. A pregnant woman who has been infected lies on a bed in a hospital. A woman who seems to have a lot of 'medical knowledge' tries to deliver the baby (!) and has her face pulled off by a zombie, before having her head pushed into the woman's stomach where a hand bursts out and proceeds to rip the rest of her face off. Timeless!

As usual, all the characters are perfect stereotypes of this genre. The megalomaniacal military officer, the pathetic useless squealing women who scream to get killed, the obvious characters who are ABOUT to get killed (ie. watch for the man chasing a chicken!) I guess this movie really is a comedy. There were many laughable scenes, such as the shed that gets blown up with a hand grenade (obviously the scene where the entire budget was spent) and a climatic scene where a man screams, \\\"I'M THIRSTY.... THIRSTY FOR YOUR BLOOD!\\\". The costumes are really bad - the same zombies reappear throughout the course of the film, wearing the same 'Asian-like' clothing that may be found in a Bruce Lee film, and watch out for the blue 60's skirt the girl at the motel is wearing when she and her boyfriend bump into the infected man.

The end of the film leaves open the door as usual for the apocalyptic story-line. A radio DJ who narrates throughout the whole movie turns out to be a zombie himself and warns his listeners about the 'beginning of the end' while the two survivors take off in a helicopter. Hardly \\\"DAWN OF THE DEAD\\\" material if you ask me.

Regardless, this movie does deliver many laughs. The gore is minimal, and what gore there is, it is very unconvincing, let alone unimaginative. The usual mix of black blood, thick green goo oozing out of weeping sores and 'zombie make-up' consisting of green moss. \\\"ZOMBI 3\\\" makes for a good rental for a sleep-over party or a night of beer and popcorn. Other than that, horror fans should stay away.

3 out of 10\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"This movie makes a statement about Joseph Smith, what he stood for, and what the LDS church believes. With all the current media coverage of a certain fugitive people have confused the LDS church with the FLDS church and criminal fugitive Warren Jeffs. Jeffs is Not associated with the LDS church yet media groups internationally have asked for comments about Jeffs from The LDS church. Jeffs is not mentioned in the movie at all but I think that it is ironic that this movie with all it's points about Joseph also point away from the fews of the FLDS church and their leader at this time in the media world. This is a movie about Joseph Smith and a great one at that. Some of the most obvious differences between Jeffs and Joseph is portrayed in Joseph's humanity, acceptance and love. Jeffs views and opinions differ greatly from Joseph Smith and the LDS Church and it is seen in this movie. Jeffs thinks of the \\\"Negro\\\" as devils. Joseph Smith knew they were children of god and gave up his wife's favorite horse to a African American (former slave) to buy his son's freedom. Joseph is shown doing housework for his wife Emma and is criticized by a member until Joseph tells him that a man may lose his wife in the next life if she chooses not to stay with her husband and that doing chores is a way to help and cherish your wife. Jeffs brought one of his polygamist wives to her knees in front of a class full of students by grabbing her braid and twisting it painfully till she came to her knees. Lastly Joseph participated with law enforcement and sought aid from the government at all times. Jeffs thumbs his nose at government and flees at all times.

I loved this movie and if you don't know much about Joseph Smith and what the LDS church believes, then this is the movie to see. And if you had confused the LDS Church with the FLDS church then you really need to get your act together. We are not much different from anyone who believes in Jesus Christ, the Sanctity of marriage and the family, as well a patriotic to our homeland and country. We are all different as well just like you can find different protestants, Presbyterians, methodist, baptist and Catholics. What's important is our message and what we stand for. This movie trys to portray that but there is so much of Joseph's life that can't be covered in a mere 2 hour movie. This was a really great show.\": {\"frequency\": 1, \"value\": \"This movie makes a ...\"}, \"We have an average family. Dad's a famous rapper, we have the \\\"rebelious teenage daughter\\\", the adopted white kid, and the cute little kid. And we have careless housemaid, what show has had a housemaid like that? Do we have a messed-up Brady Bunch? Yay! When it first came out I thought it was really cool, mostly because I was young. The music was bad. The raps were so bad and they were too g-rated. All of his raps were about his family and friends and problems. The dad was kind of the \\\"Danny from Full House\\\" type of dad. Always gave the advice out. But he wasn't a clean freak. They had a house-keeper for that. Remember? The plots were basically Lil' Romeo was in trouble of some sort, or... not that's it. Oh and maybe some preteen drama. Yeah that stuff is good. Not really. But its still a good show for kids. But Nikelodean could do better.\": {\"frequency\": 1, \"value\": \"We have an average ...\"}, \"Notorious for more than a quarter century (and often banned), it's obscurity was its greatest asset it seems. Hey, it's often better to be talked about, rather than actually seen when you can't back the \\\"legend\\\" up with substance.

The film has played in Los Angeles a couple of times recently, and is available on home video, so that veil is slowly being lifted. While there is still plenty to offend the masses, it is more likely to bore them, than arouse much real passion. Except for a gratuitous and protracted XXX sex scene between a pair of horses (\\\"Nature Documentary\\\" anyone?), there follows nearly an hour of a dull arranged marriage melodrama.

Once the sex and nudity begins, it is a nonstop sequence involving masturbation, a looooooooong flashback to an alleged 'beauty and the beast' encounter, and a naked woman running around the mansion (nobody, even her supposedly protective Aunt, seems to even think of putting some clothes on her!). On video, I guess you can fast-forward thru the banality, but it's not really worth the effort. The nudity doesn't go beyond what is seen in something much more substantive such as Bertolucci's THE DREAMERS.

Try as one might to find some 'moral' or 'symbolism' in the carnality, I doubt it's worthy of anyone's effort. Unfortunately, for LA BETE, now that you can more easily see the film, the notoriety of something once 'forbidden' has been lifted. And this beast has been tamed.\": {\"frequency\": 1, \"value\": \"Notorious for more ...\"}, \"\\\"Panic In The Streets\\\" is an exciting and atmospheric thriller in which director Elia Kazan achieved a great sense of realism by shooting the movie in New Orleans, using a number of local people to fill various roles and making intelligent use of improvisation. As a result, the characters and dialogue both seem very natural and believable. An important deadline which has to be met in order to avoid a disaster, provides the story with its great sense of urgency and pace and the problems which delay the necessary action from being taken, then increase the tension to a high level.

Following a dispute between the participants in a card game, a man called Kochak (Lewis Charles) is shot and his body is dumped in the dock area. When the body is found and the coroner identifies the presence of a virus, U.S. Public Health official Dr Clinton Reed (Richard Widmark) is called in and his examination confirms the presence of pneumonic plague. Reed insists that all known contacts of the dead man must be inoculated without delay because the very infectious nature of the disease means that without such action, anyone infected could be expected to die within days.

As the identity of the dead man is unknown, the task of finding his contacts is expected to be difficult and this situation is not helped when city officials and the Police Commissioner are not fully convinced by Reed's briefing. They doubt that the threat to the public is potentially as serious as he claims it is and their initial lack of commitment is just the first of a series of obstacles which prevent action from being taken urgently. The investigation that follows is hampered by a lack of cooperation from the immigrant community, a group of seamen, the proprietor of a restaurant and also some illegal immigrants before the man's identity and his contacts are eventually found.

Kochak, an illegal immigrant, had been in a gang with Blackie (Jack Palance), Raymond Fitch (Zero Mostel) and Vince Poldi (Tommy Cook) and when gang leader Blackie becomes aware of the ongoing police investigation, he presumes that Kochak must've smuggled something very valuable into the country. As Kochak and Poldi were related, Blackie assumes that Poldi must know something about this and goes to find out more. Poldi, however, is very ill and unable to provide any information. Blackie brings in his own doctor and together with Fitch starts to move Poldi out of his room and down some stairs and this is when they meet up with Reed and an exciting chase follows.

Richard Widmark gives a strong performance as an underpaid public official who copes efficiently with the onerous responsibilities of his job whilst also dealing with his domestic preoccupations as a family man. In an unusual type of role for him, he also portrays the determined and serious minded nature of Dr Reed very convincingly. Jack Palance's film debut sees him giving an impressive performance as a ruthless thug who misjudges Kochak's reason for leaving the card game and also the reason for the intense police investigation. His distinctive looks also help to make his on-screen presence even more compelling.

In typical docu-noir style, expressionist cinematography and neo-realist influences are utilized in tandem to effectively capture the atmosphere of the locations in which the action takes place. Elia Kazan directs with precision throughout but also excels in the memorable chase sequence in the warehouse and on the dockside.\": {\"frequency\": 1, \"value\": \"\\\"Panic In The ...\"}, \"There can be no denying that Hak Se Wui (Election in English) is a well made and well thought out film. The film uses numerous clever pieces of identification all the time playing with modernity yet sticking to tradition \\ufffd\\ufffd a theme played with throughout the film Where John Woo's Hong Kong films are action packed and over the top in their explosive content as seen in Hard Boiled (1992) and when Hong Kong films do settle down into rhythms of telling the story from the 'bad' point of view, they can sometimes stutter and just become merely unmemorable, a good example being City on Fire (1987).

Election is a film that is memorable for the sheer fact of its unpredictable scenes, spontaneous action and violence that are done in a realistic and tasteful (if that's the right word) manner as well as the clever little 'in pieces' of film-making. It's difficult to spot during the viewing but Election is really constructed in a kind of three act structure: there is the first point of concern involving the actual election and whoever is voted in is voted in \\ufffd\\ufffd not everyone likes the decision but what the Uncles say, goes. The second act is the retrieving of the ancient baton from China that tradition demands must be present during the inauguration with the final third the aftermath of the inauguration and certain characters coming up with their own ideas on how the Triads should and could be run. Needless to say; certain events and twists occur during each of the three thirds, some are small and immaterial whereas some are much larger and spectacular.

Election does have some faults with the majority coming in the opening third. Trying to kill off time surrounding an election that only takes a few minutes to complete was clearly a hard task for the writers and filmmakers and that shows at numerous points. I got the feeling that a certain scene was just starting to go somewhere before it was interrupted by the police and then everyone gets arrested. This happens a few times: a fight breaks out in a restaurant but the police are there and everyone is arrested; there's a secret meeting about the baton between the Triads but the police show up and everyone gets arrested; some other Triads are having a pre-election talk but the police show up and guess what? You know.

Once the film gets out of that rut that I thought it would, it uses a sacred baton as a plot device to get everybody moving. The baton spawns some good fight scenes such as the chasing of a truck after it's been hotwired, another chase involving a motorbike and a kung-fu fight with a load of melee weapons in a street \\ufffd\\ufffd the scenes are unpredictable, realistic and violent but like I said, they are in a 'tasteful' manner. Where Election really soars is its attention to that fine detail. When the Triads are in jail, the bars are covered with wire suggesting they're all animals in cages as that's how they behave on the outside when in conflict. Another fine piece of attention to detail is the way the Uncles toast using tea and not alcohol, elevating themselves above other head gangsters who'd use champagne (The Long Good Friday) and also referencing Chinese tradition of drinking tea to celebrate or commemorate.

Election is a good film that is structured well enough to enjoy and a film that has fantastic mise-en-scene as you look at what's going on. Some of the indoor settings and the clothing as well as the buckets of style that is poured on as the search and chase for the baton intensifies. The inauguration is like another short film entirely and very well integrated into the film; hinting at Chinese tradition in the process. I feel the best scene is the ending scene as it sums it up perfectly: two shifty characters fishing and debating the ruling of the Triads all the while remaining realistic, unpredictable and violent: in a tasteful manner, of course.\": {\"frequency\": 1, \"value\": \"There can be no ...\"}, \"This isn't the best romantic comedy ever made, but it is certainly pretty nice and watchable. It's directed in an old-fashioned way and that works fine. Cybill Shepherd as Corinne isn't bad in her role as the woman who can't get over her husband's death. She has a sexy maturity. But I can't say much for Ryan O'Neal as Philip, because he is, at best, nondescript. He may be adequate in the role, but that's not good enough.

However, I get the feeling that some of the characters, particularly Alex and Miranda, are not written with enough in-depth thought. We don't know anything else about them because minutes after they appear the story gets thick, and the writers don't tell us much beyond what happens. But that problem was salvaged because Mary Stuart Masterson has a fresh-as-a-daisy sweetness to brighten it up, and Robert Downey Jr. is so charming that he melts the screen. Even his smile is infectious. And it so happens that his big dreamy eyes are perfect for the deja vu and flashback scenes.

Anyway, this movie is light and easy and if you like them that way, why not give it a try.

\": {\"frequency\": 1, \"value\": \"This isn't the ...\"}, \"When I saw this movie first, it was long ago on VHS-Video. I did like this movie, because it was funny and excitingly. Some years ago I saw another movie, called: *Andy Colby's Incredible Adventure* In this movie were parts of *Wizards of the lost kingdom* used in. They called this movie \\\"KOR the conquerer\\\". I began to search for the \\\"KOR\\\"-Movie many years, because I wanted to see the complete movie, not only the parts which were used in the *Andy Colby*-Movie. No shop had this Kor-Movie to rent and no shop did know this movie. Many years I watched my old VHS-tapes I had at home, and what a wonder... I had this movie since many years still at home, but the movie had a different title, because in Germany it has 3 or 4 titles. So I was happy to find this tape at home and this time I had much more time in watching *KOR the Conquerer again. The music is great during the hole movie, but the best part of filming in combination with the music is this moment, when KOR is walking drunken through the green forrest. The music in the background had some kind of magic. I like Bo Svenson, and also the boy, who played Simon in the movie. Both of them did their job very good. Manfred Kraatz, Germany, 26.10.2004. Thanks to all for reading my comment.\": {\"frequency\": 1, \"value\": \"When I saw this ...\"}, \"I did not read anything about the film before I watched it, by chance, last Saturday evening. And then, as I was watching it, I felt the misery of Lena and Boesman into my bones. I was so captivated by the acting and the tone and the filming that I listened only partially to the dialogues. My husband fell asleep soon after we went to bed and I was sleepless, under the impact of the film. I wanted to wake him up just to say:\\\"if I would ever vote for an Oscar nomination, it would be for these two actors.\\\" I decided to wait until the next day. Then I read more about the film on IMDb, and was sad to learn that Mr. Berry died before the release of the film and that he had probably never seen the last version of his brilliant masterpiece. I still want to tell him that to me his film was a true independent film, in its concept and spirit. The actors are to be praised not only for their brilliant performance but for accepting a part with no shine, no showing off, well to the contrary, displaying the true image of human depression. Sad but poignant.\": {\"frequency\": 1, \"value\": \"I did not read ...\"}, \"When I was younger I really enjoyed watching bad television. We've all been guilty of it at some time or another, but my excuse for watching things like \\\"Buck Rogers in the 25th Century\\\" and \\\"Silver Spoons\\\" is this: I was young and naive; ignorant of what makes a show really worthwhile.

Thankfully, I now appreciate the good stuff. Stargate SG-1 is not good. The 12 year-old me would love every hackneyed bit of it, every line of stilted dialogue, every bit of needless technobabble. The writing is beyond insipid; so bland and uninspired it makes one miss Star Trek: Voyager. If your show makes me long for the worst Trek show ever, you're in trouble.

The film Stargate is a wonderful guilty pleasure, anchored by two solid performances by James Spader and Kurt Russell, full of fascinating Egyptian architecture and culture, a wonderful musical score, and cool sci-fi ideas. With the exception of a little of the original music, none of what made the film fun appears in this show. Even Richard Dean Anderson, who made MacGyver watchable and Legend interesting, seems like he's half asleep most episodes.

The budget must have been very low because the sets sometimes look like somebody's basement. The cinematography isn't much better, as vanilla and dull as the scripts. It amazes me that shows with a lot more style (like Farscape) and substance (like the reimagined Battlestar Galactica) have smaller, less rabid fanbases than this pap. It just doesn't deserve it.\": {\"frequency\": 1, \"value\": \"When I was younger ...\"}, \"STAR RATING: ***** Saturday Night **** Friday Night *** Friday Morning ** Sunday Night * Monday Morning

This second instalment of the Che films moves the story forward to the late 60s, where the man has now moved his resistance fighters into the hills of South America, surviving without enough food and water and with tensions mounting between the group. Everything comes to a head when he crosses the border into Bolivia and the government forces step up their campaign to bring him down.

Without the flitting between time and places of the last film, Soderbergh's second instalment focuses solely on the action in the hills, and manages to be an even duller experience. And more pretentiously, the score has been drowned out, giving the second instalment more of an unwelcome air of artsieness that proves just as alienating. There's just an unshakeable air of boredom to the film that never lets up. You can't fault Soderbergh's ambition or Del Toro's drive in the lead role, it's just a shame that somewhere in the production things managed to take such a disappointing turn. **\": {\"frequency\": 1, \"value\": \"STAR RATING: ***** ...\"}, \"***SPOILERS*** ***SPOILERS*** If one were to review the film based on the premise alone, one might think that you were looking at an average animal orientated horror flick. The plot is as follows. A group of documentary filmmakers head off to an island in order to film a documentary about surfing with sharks or blood surfing. (I live in South Africa so it was released as \\\"Blood Surf.\\\") Admittedly, this seems to have a somewhat interesting idea behind it which, if it were explored further, could have improved the movie somewhat. However, this is not the case as the blood surfing part of the movie is minimal due to the fact that their documentary is interrupted by a rather large salt-water crocodile.

The script is absolutely terrible. A good example of this is whenever someone gets eaten by the crocodile which is a frequent occurrence in this film, no one seems to give a damn. The most anyone person did in the film was to merely toast the victim in a scene which was meant to be poignant but just ended up being laughable due to the fact that the dialogue in this film was of a highly dubious nature. Another thing that really irritates about this film is the fact that they introduce characters who are totally superfluous to the film itself. They introduce a bunch of pirates who can only be seen to be adding another 10 minutes to a mercifully short film.

The acting can be said to be mediocre. It probably would have been a lot more impressive if they did not have such a terrible script to work from. All in all there isn't one person who made a terrible impact on me. Every single person seemed to be a watered-down caricature and in this way, not one of these actors made any sort of impact on me.

The crocodile itself is said to be huge, over 31 feet exactly and this sense of size is well portrayed by the obvious fake of a crocodile that they have provided for us in the film. The crocodile's death at the end of the film is so ridiculously fake and contrived that it makes one's stomach turn. With a huge cry of bravado, the hero of the film announces that he has a plan which turns out be falling down a hill and getting the crocodile to impale himself on a luckily-placed spike at the bottom of this said hill.

All in all, I would say that this film is one which has to be seen for you to believe how bad it could be. What probably seemed like a good idea at the time suffered from a terrible script and an overwhelming sense of low-budgetness which all served to create a truly awful movie.\": {\"frequency\": 1, \"value\": \"***SPOILERS*** ...\"}, \"Most who go to this movie will have an idea what it is about; A man loses his entire family and even his dog in a flight from Boston that fateful morning of September 11, 2001. What you probably won't know before seeing this film is this: How that would feel; What do you do with that; and how would that affect you and the way you relate to every waking day? The story unfolds painfully slow from the gate and then warms up nicely as it gains a little speed while the recently renewed relationship between dentist Alan Johnson, (Don Cheadle) and ex-college roommate Charlie Fineman, (Adam Sandler) solidifies and begins to take shape. Characters appear in this film whose presence initially seem obligatory and not well developed but in fact, stay with this story, and you find that the simplicity of each character is what makes this story believable - and accurate. Real people inhabit a real situation whereby they can do little but stand aside while one amongst them disintegrates. The pain inside Charlie's soul is subtly evident from first introduction and grows as we learn more about his character \\ufffd\\ufffdbrilliantly revealed by Sandler, as layers of an onion \\ufffd\\ufffd one layer at a time with lightness and weight combined. It's so subtle a performance that he sneaks up on you and gets inside your head while you are watching him on screen. Cheadle's Alan Johnson is equally subtle and very Don Cheadle. Always watchable, the ease that's apparent when Cheadle's on screen speaks to his consummate acting skills. Alan's relationship with Charlie Fineman is delicate in texture, just as the situation would demand. Fineman doesn't want friendship, nor anybody intruding into his cloistered life and yet, the likable quality that Alan owns is simple and honest enough to intrigue even a recluse like Charlie. It is Alan who has the task of gingerly opening up Charlie's carefully sealed life. There is inherent danger in the process. The more Alan nudges Charlie to open up, going so far as engaging the services of friend and psychologist Angela Oakhurst, (Liv Tyler) the nearer the danger of pushing Charlie over the edge. It's an abyss that Charlie teeters on each and every waking moment and one he has learned to navigate through sheer dint of denial. He has denied everything that priorly existed for him in order to exist with his loss. Unfortunately, his grief is one thing he cannot deny. Sandler withdraws so deeply into his character's pain during the story's unfolding that, by the time he meets his demons head-on, the viewer shares his pain almost equally. Alan stands beside Charlie throughout this exacting process at the risk of lousing up his own perfect home-life - run with admirable grace and efficiency by wife Janeane. (Jada Pinkett Smith) While tending to Charlie's recovery, Alan looks inward and recognizes his own silent screams at the death of the independence he once owned and the boy he has lost becoming a man. His reward for helping Charlie is helping himself reconnect with what he has lost. The theme is much like The Fisher King; another story of a man who isolates himself to the point of madness from sorrow and loss. Like The Fisher King, the story concludes with the traditional, there is someone for everyone theme. Reign Over Me's Lidia Sinclair, (played by the wonderful Amanda Plummer in The Fisher King) is Donna Remar, (Saffron Burrows) a woman on the verge of breakdown and sketchy patient of Johnson's, who turns out to be the just unstable enough to complement Charlie's borderline insanity. It's a good ending to the story, but the one element probably least likely to ring true. Then again, maybe there really is someone for everyone. Devorah Macdonald Vancouver, BC\": {\"frequency\": 1, \"value\": \"Most who go to ...\"}, \"I love Korean films because they have the ability to really (quiet eerily really) capture real life. I tend to watch Korean movies just for that reason alone. I've seen this directors other movies before. The one that comes closest to the feelings I got from this is Oasis and another awesome film called This Charming Girl.

However, my title summary is supposed to be from a Chrstian perspective so I'll just start doing that instead of just showering it with praise.

For a non Christian perspective Director Chang-dong Lee has captured an unbiased and almost eerily real portrayal of a modern Protestant church (regardless of denomination) warts and all. I've always been waiting for a Christian film that truly portrays the darker recesses of church life. Because Christian films tend to speak in a language that is different to those they want to share their faith to. Many films with religious undertones, though having good motives, tend to just have the resonance of a Disney film or after school special. They need to show life as it is. Real people curse, real people lust, real people fall. And though Christians believe that salvation is available to those that seek it, we are still challenged by the everyday horrors of this life. And Do-yeon Jeon's character is a totally honest and almost brutal portrayal of a woman that found God, but because of life's bitter realities, loses that love for Him she once had. She doesn't deny God exists. It is just that she refuses to accept to live with the idea that He is an all loving and forgiving God.

In her decent to the edges of morality and madness, her character asks questions that are in the mind of every one, religious or not.

\\\"If God is Love, why does He allow such terrible things to happen?\\\" This film doesn't answer that, rightly so. And I believe the last 10 minutes of the film, though open to interpretation, leaves us with a hopeful future for our main character and brings the idea of \\\"secret sunshine\\\" full circle.

I don't believe for a second that this film tried to be religious or had in any way tried and set out to be that. There in lies the reason why it worked even more. It's real, it's honest. And because of that, it is by far the best summation of a real Christian life I have seen on film.\": {\"frequency\": 1, \"value\": \"I love Korean ...\"}, \"Ira Levin's Deathtrap is one of those mystery films in the tradition of Sleuth that would be very easy to spoil given any real examination of the plot of the film. Therefore I will be brief in saying it concerns a play, one man who is a famous mystery playwright, another man who is a promising writer, the playwright's wife who is much younger and sexier than the role should have been, and one German psychic along for the ride. Director Sidney Lumet, no stranger to film, is quite good for the most part in creating the tension the film needs to motor on. The dialog is quick, fresh, and witty. Michael Caine excels in roles like these. Christopher Reeve is serviceable and actually grows on you the more you see him act. Irene Worth stands out as the funny psychic. How about Dyan Cannon? Love how Lumet packaged her posterior in those real tight-fitting pants and had her wear possibly the snuggest tops around, but she is terribly miscast in this role - a role which should have been given to an older actress and one certainly less seductive. But why quibble with an obvious attempt to bribe its male viewers when nothing will change it now? Deathtrap is funny, sophisticated, witty, and classy. The mystery has some glaring flaws which do detract somewhat, and I was not wholly satisfied with the ending, but watching Caine and Reeve under Lumet's direction with Levin's elevated verbiage was enough to ensnare my interest and keep it captive the entire length of the film.\": {\"frequency\": 1, \"value\": \"Ira Levin's ...\"}, \"This first-rate western tale of the gold rush brings great excitement, romance, and James Stewart to the screen. \\\"The Far Country\\\" is the only one out of all five Stewart-Mann westerns that is often overlooked. Stewart, yet again, puts a new look on the ever-present personalities he had in the five Stewart-Mann westerns. Jeff Webster (Stewart) is uncaring, always looking out for himself, which is why he is so surprised when people are nice and kindly to him. Ironically, he does wear a bell on his saddle that he will not ride without. This displays that he might just care for one person- his sidekick, Ben Tatum, played by Walter Brennan, since Tatum is the one that gave it to him. Mann, yet again, puts a new look on the ever present personalities he put into the five Stewart-Mann westerns. He displays violence, excitement, plot twists, romance, and corruption. The story is that Jeff and Ben, through a series of events, wind up in the get rich quick town of Dawson, along with gold partners Calvet and Flippen, and no-good but beautiful Roman and her hired men. They are unable to leave, because crooked sheriff Mr. Gannon (McIntire) and his \\\"deputies\\\" will hang them, since the only way out is through Skagway, which is Gannon's town. But, eventually, McIntire comes to them, but not to collect Stewart and/or his fine that he supposedly owes to the government. What is McIntire there for? He is there to cheat miners out of their claims and money. People are killed. A sheriff for Dawson is considered needed, and Calvet elects Stewart because he is good with a gun. Stewart, however, refuses the job, because he plans to get all the gold he can, and then pull out. He also refuses it because he does not like to help people, since law and order always gets somebody killed. So, Flippen is elected instead. A miner is killed because he tries to stand up to one of Gannon's men, a purely evil, mustachioed fancy gunman named Madden, who carries two guns, played by Wilke. Flippen attempts to arrest Madden and see that justice be done, but he cannot stand up to him, so he becomes the town drunk. A man named Yukon replaces Flippen. Stewart and Tatum start to pull out, but are ambushed by Gannon's men. Tatum is killed, and Stewart is wounded. Stewart finally realizes that he must do something, or Gannon will take over Dawson, set up his own rules, and it will become his town, just like Skagway. The audience also realizes what Stewart must do. Another thing that the audience realizes is that Stewart is the only thing that stands between the townspeople and Gannon. If Stewart leaves, Gannon would take over the town. If Stewart stays and keeps on not doing anything about it, the townspeople will be killed one by one mercilessly and uselessly. This is where a great scene occurs. Stewart walks into his cabin. He has a sling on his arm. For a few seconds, his gun, in the gunbelt, is hanging on a post beside his bed, the gun is close up, Stewart is in the background, just inside the door. He stares at it for a few seconds. He tosses the sling away. The sling lands on the back of a chair, and falls to the floor. This is symbolic, because he is throwing away his old life, which consisted of not caring about anybody but himself. He comes into his new life, of helping people when they need help. What ends the film is a guns-blazing, furious show of good against evil, and a genuinely feel-good feeling that everything will be alright.\": {\"frequency\": 1, \"value\": \"This first-rate ...\"}, \"question: how do you steal a scene from the expert of expert scene stealers Walther Mathau in full, furious and brilliant Grumpy Old Man mode? answer: quietly, deadpan, and with perfect timing as George Burns does here.

I know nothing of Vaudeville but this remains a favourite film, the two leads are hilarious, the script funny, the direction and pacing very fine. Richard Benjamin is very funny as straight man - trying to get at Burns through the window etc. Even the small parts are great.

There are so many funny scenes, Mathau messing up the commercial, Burns repeating his answers as if senile...

A delight.

Enterrrrrr!\": {\"frequency\": 1, \"value\": \"question: how do ...\"}, \"I have seen this film only the one time about 25 years ago, and to this day I have always told people it is probably the best film I have ever seen. Considering there was no verbal dialogue and only thought dialogue i found the film to be enthralling and I even found myself holding my breath so as not to make any sound. I would highly recomend this film, I wish it was available on DVD.\": {\"frequency\": 1, \"value\": \"I have seen this ...\"}, \"Pretty disappointing prequel to the first two films, it's got none of the suspense of the first nor the interest of the second. By concentrating on the guys who 'run' the cube, it basically takes away any of the sense of tension inside the cube, as we simply don't care about the characters inside. Much of the film is simply boring, and it only becomes truly terrible with the introduction of the glass-eyed superior and the green-eyed crazy marine. After that, though, it just descends into over-the-top unintentional hilarity. The ending is fitting though, tying it back into the first one in an indirect way. The script is terrible, the acting mediocre at best, and the direction unimpressive. A much lesser follow-up.\": {\"frequency\": 1, \"value\": \"Pretty ...\"}, \"I enjoyed this film, perhaps because I had not seen any reviews, etc. It was delightful and a little bit of a 'romp'. I don't know why it didn't make more of a splash than it did. As far as the story goes, I could relate to some aspects of the Paul Reiser character, and I could \\\"see my dad\\\" in Falk's character. Made me remember a lot of past times when I was a kid and listening to my grandparents, too. If you enjoyed movies like Grumpy Old Men or On Golden Pond, this is your movie. A \\\"sleeper\\\", in my opinion, and one of those feel-good stories. Peter Falk and Paul Reiser had many wonderful verbal tussles, yet nothing was overdone. I would say it rates at least an 8, perhaps higher.\": {\"frequency\": 1, \"value\": \"I enjoyed this ...\"}, \"This film enhanced my opinion of Errol Flynn. While Flynn is of course best known for his savoir-faire and sprezzatura (to throw in a couple of high-falutin' European terms!), this film gives him an opportunity to stretch (albeit only slightly) as an actor, as he plays an unabashed social climber with a big ego and a sense of nerve to match. The supporting cast is excellent; everyone seems well-chosen for their roles.

The story moves briskly and, while not particularly profound (it misses, perhaps intentionally, the opportunity to render social commentary on the massively uneven distribution of income during that time), it certainly entertains and satisfies. From what I know of Jim Corbett, the story is also reasonably faithful to history. I also really liked the great depictions of 1880s San Francisco. All in all, there's little not to like about this film...very well worth the time to watch it.\": {\"frequency\": 1, \"value\": \"This film enhanced ...\"}, \"I can clearly see now why Robin Hood flopped quickly. The first episode of it is probably the worst ever thing BBC has aired. The opening scenes were about as intense, meaningful and intelligent as two monkeys fighting, Robin Hood had no character, and the sword fight was just laughable. The worst part of the episode was Robin Hood snogging some cow clad in make-up at the beginning of the episode - how many people wore eyeliner in the 12th century? Nobody. The series may have improved drastically since then, but this first episode quickly put people's hopes down, and is essentially a pile of cr*p. A great hero of England has been disgraced.

\\\"Will You Tolerate This?\\\" I won't, that's for sure, unless the BBC start to understand what is a wise investment. 3/10\": {\"frequency\": 1, \"value\": \"I can clearly see ...\"}, \"This sword-&-sorcery story of an appallingly brutal and callous \\\"hero\\\" vanquishing an evil king is worthless in almost every detail. The acting is horrible from the leads to the supporting roles. The leering, gloating glee with which the director shows the hero smearing blood around is absolutely disgusting; nor is it redeemed by any justice to his cause, since he is as bad as the people he's fighting. Z-movie editing is abundant, including a scene where a character \\\"dies\\\" from a sword thrust that very obviously missed completely!

The movie is clearly banking on the charms of the female leads, Barbi Benton and Lana Clarkson, who are paraded around mostly naked throughout the movie. As a 20-something male, I will not pretend that female flesh on the screen doesn't attract me. But the treatment of their characters is so degrading and the sex scenes so casual and joyless, that I couldn't enjoy even this aspect of the movie.

Most cheesy movies of this era are at least somewhat redeemed by a light-hearted, tongue-in-cheek feel (the sequel is better in this regard), but DEATHSTALKER seems to take itself completely seriously as heroic fantasy. No way! Avoid at all costs!

Rating: 1/2 out of ****.\": {\"frequency\": 1, \"value\": \"This ...\"}, \"If you played \\\"Spider-Man\\\" on the PS version, then you've seen it all. To truly experience it you should get the DC version. Simply put it's a much graphically superior game; the textures are sharp, levels are easy to navigate, and it has much better sound then it's PS cousin. I bought this game back in late '00s and it still holds up even till this day. Well, Marvel: Ultimate Alliance is a much superior and strategic game but if you're a fan of 'ol Web Head then you owe it yourself to pick this up for your gaming library. Swinging around the city as Spidey has never looked this good and dead-on in a video game. If you have a Dreamcast, snag this up for cheap. The DC version is simply incredible.\": {\"frequency\": 1, \"value\": \"If you played ...\"}, \"This movie was good for it's time. If you like Eddie Murpy this is a must have to add to your collection. Eddie was young and funny with his 80's haircut. Charlotte Lewis, Eddie's costar is hot. This was one of her first movies and she was not bad. The graphics were good for the 80's. A lot of the actors went on to do other good movies you should check them out through IMDb. Other must have from Eddie is \\\"Coming to America\\\" and \\\"48 hours\\\". Another actor \\\"Victor Wong\\\" has a small part in this movie. Check out some of his older movies like \\\"Big trouble in little china\\\". If you liked the action movies from the 80's this is your movie.\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"I kinda liked the film despite it's frenzied pace. BUT, I did not appreciate the comment that Canada was referred to as Montana North. It is definitely NOT Montana North and never will be. Americans wonder why they are perceived as arrogant in the rest of the world, and that is one reason why. Stop teaching the kids of the United States of America to think they own the planet. Such a centrist world view is not becoming of one of the world's great nations. Even in jest. I would never refer to the USA as 'Alberta South'. Walt would never put us down, so why start now. Other than that the film was pretty goofy, better luck next time.\": {\"frequency\": 1, \"value\": \"I kinda liked the ...\"}, \"'The Adventures Of Barry McKenzie' started life as a satirical comic strip in 'Private Eye', written by Barry Humphries and based on an idea by Peter Cook. McKenzie ( 'Bazza' to his friends ) is a lanky, loud, hat-wearing Australian whose two main interests in life are sex ( despite never having had any ) and Fosters lager. In 1972, he found his way to the big screen for the first of two outings. It must have been tempting for Humphries to cast himself as 'Bazza', but he wisely left the job to Barry Crocker ( later to sing the theme to the television soap opera 'Neighbours'! ). Humphries instead played multiple roles in true Peter Sellers fashion, most notably Bazza's overbearing Aunt 'Edna Everage' ( this was before she became a Dame ).

You know this is not going to be 'The Importance Of Being Ernest' when its censorship classification N.P.A. stands for 'No Poofters Allowed'. Pom-hating Bazza is told by a Sydney solicitor that in order to inherit a share in his father's will he must go to England to absorb British culture. With Aunt Edna in tow, he catches a Quantas flight to Hong Kong, and then on to London. An over-efficient customs officer makes Bazza pay import duties on everything he bought over there, including a suitcase full of 'tubes of Fosters lager'. As he puts it: \\\"when it comes to fleecing you, the Poms have got the edge on the gyppos!\\\". A crafty taxi driver ( Bernard Spear ) maximises the fare by taking Bazza and Edna first to Stonehenge, then Scotland. The streets of London are filthy, and their hotel is a hovel run by a seedy landlord ( Spike Milligan ) who makes Bazza put pound notes in the electricity meter every twenty minutes. There is some good news for our hero though; he meets up with other Aussies in Earls Court, and Fosters is on sale in British pubs.

What happens next is a series of comical escapades that take Bazza from starring in his own cigarette commercial, putting curry down his pants in the belief it is some form of aphrodisiac, a bizarre encounter with Dennis Price as an upper-class pervert who loves being spanked while wearing a schoolboy's uniform, a Young Conservative dance in Rickmansworth to a charity rock concert where his song about 'chundering' ( vomiting ) almost makes him an international star, and finally to the B.B.C. T.V. Centre where he pulls his pants down on a live talk-show hosted by the thinking man's crumpet herself, Joan Bakewell. A fire breaks out, and Bazza's friends come to the rescue - downing cans of Fosters, they urinate on the flames en masse.

This is a far cry from Bruce Beresford's later works - 'Breaker Morant' and 'Driving Miss Daisy'. On release, it was savaged by critics for being too 'vulgar'. Well, yes, it is, but it is also great non-P.C. fun. 'Bazza' is a disgusting creation, but his zest for life is unmistakable, you cannot help but like the guy. His various euphemisms for urinating ( 'point Percy at the porcelain' ) and vomiting ( 'the Technicolour yawn' ) have passed into the English language without a lot of people knowing where they came from. Other guest stars include Dick Bentley ( as a detective who chases Bazza everywhere ), Peter Cook, Julie Covington ( later to star in 'Rock Follies' ), and even future arts presenter Russell Davies.

A sequel - the wonderfully-named 'Barry McKenzie Holds His Own - came out two years later. At its premiere, Humphries took the opportunity to blast the critics who had savaged the first film. Good for him.

What must have been of greater concern to him, though, was the release of 'Crocodile Dundee' in 1985. It also featured a lanky, hat-wearing Aussie struggling to come to terms with a foreign culture. And made tonnes more money.

The song on the end credits ( performed by Snacka Fitzgibbon ) is magnificent. You have a love a lyric that includes the line: \\\"If you want to send your sister in a frenzy, introduce her to Barry McKenzie!\\\". Time to end this review. I have to go the dunny to shake hands with the unemployed...\": {\"frequency\": 1, \"value\": \"'The Adventures Of ...\"}, \"This movie was horrible.

They didn't develop any of the characters at all and the storyline was played out horribly. It was a definite sleeper. You'd expect the action scenes on a movie like this to be its strong points but D-Wars surprises you with even a let down in that department.

Also, the acting was just a step above the level of a low budget porno flick. And I seriously mean that.

I was actually happy to see the end credits on this one cause it was just that bad!!! Please, whatever you do people, don't waste your time and money on a crappy movie like D-Wars.\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"This movie is amazing for several reasons. Harris takes an extremely awkward documentary and turns it into a relevant social commentary. Groovin' Gary is a small-town kid who is (assumed) well-liked for his many impersonations. When he decides to play Olivia Newton John in a local talent show (for whom he is very passionate), Gary's actions show that he is at odds with the conservative social environment in which he lives. This results in him making various justifications for his actions so that people will not think that he is in fact a transvestite or other such social outcast. In the second installment, Harris exploites the struggle between Gary and Beaver in a novice attempt to make a narrative out of the original documentary. The third and final installment to the trilogy is truly amazing for Harris' extreme sensitivity with the subject. Unlike the second installment, \\\"The Orkly Kid\\\" shows Gary as a truly troubled character. He struggles to gain acceptance within his own community to no avail. His secret passion for dressing like Olivia Newton John distances him even further from the people that already consider him a social outcast. The movie is depicted so realistically that, like reality, it lends itself to many reactions. Surely, one can see Gary as a ridiculously pathetic character, but may also identify with him as an outcast.\": {\"frequency\": 1, \"value\": \"This movie is ...\"}, \"This bomb is just one 'explosion' after another, with no humor and only absurd situations. Really, pyrotechnics to the extreme. Reality is not one of its strong points. I give it a 1 out of 10. I would have made it a zero but that option wasn't permitted. Sorry, but Lithgow and Sutherland deserve better roles. But then at times we all need to have money. And I still recoil at that Tim Burton farce about Mars. Nicholson was brave enough to admit that was a turkey. But if that was a turkey, this movie then is not even a gizzard. I wish I could say, \\\"give me back my money\\\". You can bet I would if I could. But that is the trouble with premium services, the subscription variety.\": {\"frequency\": 1, \"value\": \"This bomb is just ...\"}, \"It's 1982, Two years after the Iranian Embassy Siege which involved the dramatic SAS Rescue from the Balconys, and with a War with Argentina over the Falkland Islands currently taking place, what better film to make than a Gung-Ho \\\"SAS\\\" Film that re-creates the Iranian Hostage siege, whilst using Britains Number one action hero of the day, Lewis Collins. throw in Edward Woodward and a few other Well known actors and you've got a winner on your hands?...Well maybe not! The film itself doesn't make the situation serious enough, whilst the acting is quite second rate. it's like a Movie long episode of \\\"The Professionals\\\", but without the formula. This film goes nowhere fast and is quite predictable. Maybe Cubby Brocoli watched this film and decided to ditch Lewis Collins as a Touted James Bond Replacement for Roger Moore. Watch it if your a fan of Lewis Collins or SAS stuff in General, if not, save your time.\": {\"frequency\": 1, \"value\": \"It's 1982, Two ...\"}, \"SPOILERS Many different comedy series nowadays have at one point or another experimented with the idea of obscure independence. In an early episode of cartoon \\\"Family Guy\\\" the Griffin family find their home is an independent nation to the United States of America and the story progresses from there. Way back in 1949 however, the Ealing Studios produced a wonderful little film along the same idea.

After a child's prank, the residents of Pimlico discover a small fortune in treasure. At the inquest it becomes clear that the small area is a small outcrop of the long lost state of Burgundy. Withdrawing from London and the rest of Great Britain, the residents of the small street experience the joys and the problems with being an independent state.

Based at a time when rationing was still in operation, this story is brilliantly told and equally inspiring. Featuring performances by Stanley Holloway, Betty Warren, Philip Stainton and a young Charles Hawtrey, the film is well stocked with some of the finest actors of their generation. These actors are well aided as well by a superb little script with some cracking lines. Feeling remarkably fresh, despite being over 50 years old, the story never feels awkward and always keeps the audience entertained.

Ealing Studios was one of the finest exporters of British film ever in existence. With films like \\\"Passport to Pimlico\\\" it's not difficult to see why. Amusing from start to finish, the story is always fun and always worth watching.\": {\"frequency\": 1, \"value\": \"SPOILERS Many ...\"}, \"Barbra Streisand's first television special was simply fantastic! From her skit as a child to her medley of songs in a high-fashion department store -- everything was top-notch! It was easy to understand how this special received awards.

Not muddled down by guest appearances, the focus remained on Barbra thoughout the entire production.\": {\"frequency\": 1, \"value\": \"Barbra Streisand's ...\"}, \"This cartoon was strange, but the story actually had a little more depth and emotion to it than other cartoon movies. We have a girl at a camp with low self esteem and hardly any other friends, except a brother and sister who are just a miserable as she is. She reaches the ultimate low point and when the opportunity arises she literally makes a pact with a devil-like demon. I found this film to be very true to life and just when things couldn't be worse, the girl sees what she's done, she feels remorse and then changes and then she helps this dark, mystical creature learn the human quality of love. The twins improve too, by helping the little bears and then they get a sense of self worth too. A very positive message for children, though some elements of the film was strange, it was and still is a rather enjoyable film. The music from Stephen Bishop (Tootsie songs) made the film even better\": {\"frequency\": 1, \"value\": \"This cartoon was ...\"}, \"Way, way back in the 1980s, long before NAFTA was drafted and corporations began to shed their national identities, the United States and Japan were at each other's throat in the world manufacturing race. Remember sayings like 'Union Yes!,' 'the Japanese are taking this country over,' and 'Americans are lazy?'

As the Reagan era winded down and corporations edged towards a global marketplace, director Ron Howard made one of several trips into the comedy genre with his 1986 smash 'Gung Ho,' which drew over $36 million in U.S. box office receipts. While in many ways dated, Howard's tongue-in-cheek story of colliding cultures in the workplace still offers hard truth for industrial life today.

'Gung Ho' focuses on Hunt Stevenson (Michael Keaton), the automakers union rep from Hadleyville, a small, depressed town in the foothills of Pennsylvania. Stevenson has been asked to visit the Assan Motor Company in Tokyo (similar to real-life Toyota), which is considering a U.S. operation at the town's empty plant. With hundreds of residents out of work and the town verging on collapse, Assan decides to move in and Stevenson is hired as a liaison between company officials and workers on the assembly line.

The 112 minutes of 'Gung Ho' is a humorous look at these two sides, with their strengths and weaknesses equally considered: on one hand, an American workforce that values its traditions but is often caught in the frenzy of pride and trade unionism; on the other hand, Japanese workers who are extremely devoted to their job yet lacking in personal satisfaction and feelings of self-worth. In Stevenson, we find an American working class figure of average intelligence with the skills to chat people through misunderstandings. With the survival of his workers' jobs and most of Hadleyville on the line, Stevenson proves a likable guy who wants nothing more than a fair chance, although his cleverness will sink him into a great deal of trouble. Besides answering to the heads of Assan, we witness a delicate balancing act between Stevenson and his fellow union members, many of whom he grew up with. This includes Buster (George Wendt), Willie (John Turturro), and Paul (Clint Howard, Ron's brother).

The Japanese cast is headed by Gedde Watanabe, also known for 'Sixteen Candles' and 'Volunteers.' Watanabe plays Kazihiro, the plant manager who is down on his luck and begins to feel a sympathy for American life. He is constantly shadowed by Saito (Sab Shimono), the nephew of Assan's CEO who is desperate to take his spot in the pecking order. While given a light touch, these characters fare very well in conveying ideas of the Japanese working culture.

With Hunt Stevenson dominating the script, Michael Keaton has to give a solid performance for this film to work. 'Gung Ho' is indeed a slam-dunk success for Keaton, who also teamed with Ron Howard in 1994's 'The Paper.' He made this film during a string of lighter roles that included 'Mr. Mom,' 'Beetle Juice,' and 'The Dream Team' before venturing into 'Batman,' 'One Good Cop,' and 'My Life.' It's also hard not to like Gedde Watanabe's performance as the odd man out, who first wears Japanese ribbons of shame before teaming up with Stevenson to make the auto plant a cohesive unit.

The supporting cast is top-notch, including Wendt, Turturro, Shimono, and Soh Yamamura as Assan CEO Sakamoto. Mimi Rogers supplies a romantic interest as Audrey, Hunt's girlfriend. Edwin Blum, Lowell Ganz, and Babaloo Mandel teamed up for Gung Ho's solid writing. The incidental music, which received a BMI Film Music Award, was composed by Thomas Newman. Gung Ho's soundtrack songs are wall-to-wall 80s, including 'Don't Get Me Wrong,' 'Tuff Enuff,' and 'Working Class Man.'

The success of 'Gung Ho' actually led to a short-lived TV series on ABC. While more impressive as a social commentary twenty years ago, Ron Howard's film still has its comic value. It is available on DVD as part of the Paramount Widescreen Collection and is a tad short-changed. Audio options are provided in English 5.1 surround, English Dolby surround, and French 'dubbing,' but subtitles are in English only. There are no extras, not even the theatrical trailer. On the plus side, Paramount's digital transfer is quite good, with little grain after the opening credits and high quality sound. While a few extras would have been helpful - especially that 'Gung Ho' was a box office success - there's little to complain about the film presentation itself.

*** out of 4\": {\"frequency\": 1, \"value\": \"Way, way back in ...\"}, \"Dominick (Nicky) Luciano wears a 'Hulk' T-shirt and trudges off everyday to perform his duties as a garbage man. He uses his physical power in picking up other's trash and hauling it to the town dump. He reads comic-book hero stories and loves wrestlers and wrestling, Going to WrestleMania with his twin brother Eugene on their birthday is a yearly tradition. He talks kindly with the many people he comes in contact with during his day. He reads comic books, which he finds in the trash, with a young boy who he often passes by while on the garbage route. Unfortunately, Dominick has a diminished ability to use his mind. He has a disability.

Dominick's disability came as a result of an injury to the head in which he suffered traumatic brain injury (TBI). This injury left him slower, though it did not change his core characteristic as a strong individual who helps to protect others. Dominick is actually more able to live independently than he may seem at the beginning of the film. He lives with Eugene who is studying to become a doctor. Dominick provides the main source of income, while Eugene is off studying. Eugene must face the fact that he is to continue his education in a different city, and that he must move away from Dominick. Eugene also develops a romance which begins to separate him from his twin brother.

The film deals specifically with domestic abuse and how this can impact individuals, families, and then society as a whole. The strain that escalates between Eugene and Dominick as Eugene realizes that he must eventually leave Nicky, exploded on their birthday night. Eugene yells at Dominick and throws him against the wall. In this moment, Eugene must confront his own fears of being like his abusive father, the father which Dominick protected him against while he himself became the victim of the abuse. This event cemented the love between the two brothers, who from then on became the best of friends. Though they needed each other, they also both needed independence and the ability to grow and develop relationship with others. The fact that they must part ways became a very real emotional strain. However, by the end of the film, Dominick is able to say good bye to his brother and wish him luck. Eugene is able to leave his brother with the confidence that he has started to make a social network of people who care about him and will help him with his independence.

When Dominick witnesses the abuse of his friend he is forced to come face to face with the cause of his own trauma. In this state of extreme stress, Dominick almost completely shuts down. He then runs after the ambulance to the hospital to see what happened to his friend. After learning that the boy has died, he is confronted by the abusive father who, fearing his testimonial, tells him he didn't see nothing, doesn't know anything, and not to say anything, and that if he does he will kill him. Now that his own life has been threatened, he goes and find the hand gun that Larry used to kill the rats. He goes to the wake of the deceased boy and at gunpoint, kidnaps the baby of the grieving family. He runs away from the scene and hides in a building. When the police surround him, Eugene goes in the building to talk to his brother. Eugene then reveals the cause of Dominick's disability and they bring the baby back. The abusive father then wields a gun of his own threatening to kill Dominick, but Eugene stops him and Dominick tells the crowd that he saw the father throw his son down the stairs.

Through the climactic ending, the issue of dysfunctional behavior comes into view. Though Dominick's instinct to save the baby can be understood, we also see how damaging this response is. Dominick put the baby's life and his own life in grave danger. The larger societal consequences of these events is not directly implicated, but rather shown through the films ending. Despite the more optimistic ending portrayal, another sequence of events might just have likely occurred, in which Dominick is charged with kidnapping and possession of a firearm. It is somewhat difficult to believe that this went completely unaccounted. Furthermore, even if Dominick is not charged, there may still be a stigma against him within the community, not that there wasn't one before these events. Instead, the film shows that we must be able to recognize problematic behavior and act to curb it.

Dominick and Eugene was released in 1988, the same year as another film, Rainman, which won 5 Academy Awards. While Rainman was an achievement and helped increase the visibility with person with disabilities, it could be argued that Dominick and Eugene holds more valuable lessons for society. Whereas, Rainman demonstrated that mainstream American society might be able to learn from and care for a 'savant', if the 'savant' is the inheritor of a large estate. Dominick and Eugene show that a person with a disability might be able to care for and help save members of American society. The message of an independent person with disabilities may have been too strong for 1988. Hopefully someday society will see the strengths of individuals with disabilities, not as a threat, but as imperative for the strength of society.\": {\"frequency\": 1, \"value\": \"Dominick (Nicky) ...\"}, \"I liked nearly all the movies in the Dirty Harry series with the exception of the one I think is titled \\\"Enforcer\\\". \\\"Deadpool\\\" was a bit weak in areas too, but I still enjoyed it. This one is one of my favorites of the series, if nothing else for the great line of \\\"Go ahead, make my day\\\". This one also features an interesting albeit familiar plot of someone killing those that have done her wrong. Just think \\\"Magnum Force\\\" with less mystery about who is behind the killings and you have your plot. Granted there is a bit more than that as this one does feature a very nice final showdown at an amusement park. It also features Dirty Harry getting a bulldog as a gift and it tripping up Sandra Locke in a rather humorous scene. The only question that remains is why Clint Eastwood had to have the rather mediocre actress Sandra Locke in so many of his movies. She brings the score down a point every time even when overall the movie is enjoyable to me. Granted she is not to bad here, but her character could have been so much better by someone else. Another problem with this movie and other Dirty Harry movies, at times they almost seem to be advertisements for guns. I like guns as much as the next person, but do we really need scenes of him explaining all the different strengths of his newest weapon and how many bullets it holds? Still, very nice entry into the Dirty Harry series of movies.\": {\"frequency\": 1, \"value\": \"I liked nearly all ...\"}, \"The plot of 7EVENTY 5IVE involves college kids who play a cruel phone game that unexpectedly (to them, if not to fans of horror) gets them in over their heads. The STORY of 7EVENTY 5IVE, on the other hand, is that of a horror film that had a wee little bit of promise, sadly outweighed by really bad writing.

What could have been a fun, if somewhat silly, old-fashioned slasher tale is derailed early on by its filmmakers' misguided belief that the audience would enjoy watching a bunch of loud, whiny rich kids bitching at each other for most of the film's running time. With the exception of a police detective played by Rutger Hauer, (in a minor role that is designed mainly to add the movie's only star power) every character on screen is a different breed of young A-hole.

Male and female, black and white, straight and gay, an entire ensemble of shallow and shrill college kids carries the bulk of the film's narrative. Worse, since the tale deals with a PARTY game gone awry, most of the time the scenes are completely filled with these little b*****ds. Because of this, there are few breaks for the viewer, who must put up with the angry sniping of the thinly-drawn protagonists. Even though at least some of these people are supposedly friends, invariably all characters interact in a very hostile manner, long before any genuine conflict has actually arisen. This leads to the worst possible result in a slasher film: The audience, intended to care about the leads, instead not only cheers on the anonymous killer, but wishes that he had arrived to start picking off the vacuous brats far earlier.

The real shame of this poor characterization is that otherwise 7EVENTY 5IVE actually DID have some potential. Visually it's fine. First-time directors Brian Hooks and Deon Taylor know how to build a suspenseful mood. They also manage to deliver on some competent, if sparse, moments of classic 80s-style gore. Surprisingly, the production's cast is also fairly able. It isn't that the actors aren't capable of expressing realistic human emotion; it is simply that the screenplay (co-written by newcomer Vashon Nutt and director Hooks, who fared much better behind the camera than with a keyboard) is short of such moments.

7EVENTY 5IVE can hardly be recommended, as its familiar premise and few thrills can't outweigh the bad taste left behind by a story driven by a gaggle of unpleasant characters. In this tepid whodunnit, the real mystery is why anyone should care about a group of young folk who can't even manage to like each other.\": {\"frequency\": 1, \"value\": \"The plot of ...\"}, \"Terrible use of scene cuts. All continuity is lost, either by awful scripting or lethargic direction. That villainous robot... musta been a jazz dancer? Also, one of the worst sound tracks I've ever heard (monologues usually drowned out by music.) And... where'd they get their props? That ship looks like a milk carton... I did better special effects on 8mm at the age of 13!

I'd recommend any film student should watch this flick (5 minutes at a time) so as to learn how NOT to produce a film. Or... was it the editors' fault?

It's really too bad, because the scenario was actually a good concept... just poorly executed all the way around. (Sorry Malcom. You should have sent a \\\"stunt double\\\". You're too good an actor for such a stink-bomb.)\": {\"frequency\": 1, \"value\": \"Terrible use of ...\"}, \"Most movies about, or set in, New Orleans, turn out to be laughably bad, and laughably inaccurate (examble: remember \\\"The Savage Bees\\\"? But I'll make an exception for \\\"Tightrope\\\", which almost got it right).

Here's one that doesn't inevitably get it wrong. The accents are not too bad (yes, the \\\"yat\\\" accent down here is way more Brooklynese than southern), the city of 1950 is shown the way it is/was, without the obligatory \\\"tourist\\\" shots, and they understand a good drama without trying to make everyone a \\\"quirky southerner\\\".

One of the few films to do justice to this city, and a good film to boot..\": {\"frequency\": 1, \"value\": \"Most movies about, ...\"}, \"Very rarely does one come across an indie comedy that leaves a lasting impression. Cross Eyed is a rare gem. The writer director not only tackled the challenge of directing his own work, but gives a hilarious performance as an evil roommate. The script takes an interesting look at not only the plight of the struggling writer, but mixes so much comedy into the desolate world of the writer that you can't help but commit to Ernie as a character. Very funny stuff. Despite the tiny budget Adam Jones manages to give the film a serious look. He's not messing around when it comes to making a good movie. I can't wait to see what he comes up with next. This guy can make people laugh and think; that's special.\": {\"frequency\": 1, \"value\": \"Very rarely does ...\"}, \"I read that Jessie Matthews was approached and turned down co-starring with Fred Astaire in Damsel in Distress. Jessie Matthews in her prime never left her side of the pond to do any American musical films. IF they had teamed for this film it would have been a once in a lifetime event.

It's a pity because Damsel in Distress has everything else going for it. Fred Astaire, story and adapted to screen by author P.G. Wodehouse, Burns&Allen for comedy, and songs by the Gershwin Brothers. In answer to the question posed by the Nice Work If You Can Get It, there isn't much you could ask more for this film.

Except a leading lady. Though Ginger Rogers made several films away from Fred Astaire, Damsel in Distress is the only film Astaire made without Rogers while they were a team. Young Joan Fontaine was cast in this opposite Astaire.

Her character has none of the bite that Ginger Rogers's parts do in these films. All she basically has to do is act sweet and demure. She also doesn't contribute anything musically. And if I had to rate all the dancing partners of Fred Astaire, Joan Fontaine would come out at the bottom. The poor woman is just horrible in the Things Are Looking Up number.

When she co-starred later on in a musical with Bing Crosby, The Emperor Waltz, it's no accident that Fontaine is given nothing musical to do.

The version I have is a colorized one and in this case I think it actually did some good. The idyllic lush green English countryside of P.G. Wodehouse is really brought out in this VHS copy. Especially in that number I mentioned before with Astaire and Fontaine which does take place in the garden.

Burns&Allen on the other hand as a couple of old vaudeville troopers complement Astaire in grand style in the Stiff Upper Lip number. The surreal fun-house sequence is marvelously staged.

P.G. Wodehouse's aristocracy runs the gamut with Constance Collier at her haughty best and for once Montagu Love as Fontaine's father as a nice man on film.

The biggest hit out of A Damsel in Distress is A Foggy Day maybe the best known song about the British capital city since London Bridge Is Falling Down. Done in the best simple elegant manner by Fred Astaire, it's one of those songs that will endure as long as London endures and even after.

Overlooking the young and inexperienced Joan Fontaine, A Damsel in Distress rates as a classic, classic score, classic dancing, classic comedy. Who could ask for anything more?\": {\"frequency\": 1, \"value\": \"I read that Jessie ...\"}, \"The only connection this movie has to horror is that it is horribly unentertaining. I would rather prick my finger with a rusty nail than have to sit through it again. Even for a TV movie it is flat. The cast is boring. The screenplay is as exciting as a bowl of sand. How two directors conspired to create such a nothing movie will remain one of the great mysteries of the 20th Century. There is only one scene even vaguely worthy of inclusion in the Omen franchise, and it is shot in slo-mo and cut short at the anticipated pay-off. If you are tempted to see this, pop it in, set your alarm clock for 90 minutes and get comfy. With any luck you'll doze off quickly, and the alarm will wake you once the worst is over. Namely, this movie.\": {\"frequency\": 1, \"value\": \"The only ...\"}, \"Today actresses happily gain weight, dye their hair, dress like slobs, and lose their glamor for a role, and Bette Davis was probably the actress who started the trend. Even as a pretty young woman who occasionally wore designer clothes and Constance Bennett-type makeup in films, Davis was willing to ravage herself in order to create a character on the outside as well as the inside.

Her determination is amply demonstrated here in her breakout film, \\\"Of Human Bondage,\\\" in which she stars with Leslie Howard as Philip Carey. Davis plays Mildred, a slutty, manipulative, greedy low-life to Howard's masochistic, club-footed Philip. He first meets her when she's a waitress, and she allows him to take her out to dinner and theater while she frolics with a wealthy older man (Alan Hale Sr.). In truth, Mildred is repulsed by Philip's club foot. On his part, Philip seems to enjoy the abuse of her open flirtation and her coolness toward him. He allows Mildred to bleed him dry financially in between boyfriends who drop her when they tire of her, while he blows off a couple of truly lovely women (Kay Johnson and Frances Dee). When he gets the gumption to throw her out, Mildred trashes his apartment and robs him, forcing him to withdraw from medical school and lose his lodgings.

\\\"Of Human Bondage\\\" looks rather stilted today in parts. Though Leslie Howard was a wonderful actor and attractive, his acting style is of a more formal old school, and as a result, he tends to date whatever he's in. He shines in material like his role opposite Davis in \\\"It's Love I'm After\\\" or \\\"The Petrified Forest\\\" which call for his kind of technique. His dated acting is even more obvious here because Davis was forging new ground with a gritty, edgy performance that would really make her name. If she seems at times over the top, she came from the stage, and the subtleties of film acting would emerge later for her. Contrast this performance with the restraint, warmth and gentleness of her Henriette in \\\"All This, and Heaven Too\\\" or the pathos she brought to \\\"Dark Victory.\\\" She was a true actress and a true artist. Davis really allows herself to look like holy hell; Mildred's deterioration is absolutely pathetic as Philip seems to gain strength as her spirit fades.

An excellent film in which to see the burgeoning of one of film's greatest stars.\": {\"frequency\": 1, \"value\": \"Today actresses ...\"}, \"When Rodney Dangerfield is on a roll, he's hilarious. In My 5 Wives, he's not on a roll. The timing of the one-liners is off, but they're the best thing going for the movie. The five women who play the wives don't add up to one whole actress between them. The plot is very weak. Even the premise is pretty weak; there are a few jokes about having multiple wives, but the situation has little to do with anything else in the movie. Most of the movie could play the same way even if Rodney's character had only one wife, so the premise seems more like an old man's fantasy than a key part of the comedy. Another old man's fantasy: we're supposed to accept that Rodney's character is an athletic skier.

Jerry Stiller seems to be phoning in his role just to do a buddy a favor, and the rest of the name actors must simply be desperate for work.

The odd nods to political correctness later in the movie don't really do anything for the movie. For those who like their movies politically correct, the non-PC humor is still there in the first place, and the seeming apologies for it still don't get the point. For those who hate seeing a movie cave in to political correctness, the PC add-ins are just annoying digressions.

This has to be the mildest R-rated movie I've ever seen. There are some racy jokes, and the bedroom scenes would have made shocking TV 40 years ago, but that's about it. Maybe it was the topless men (kidding).

The DVD features interviews where the cast members seem to find depth and importance in this movie and in their roles. I kept wondering if they were serious or kidding. They seem to be serious, but I kept thinking, \\\"They must be kidding!\\\" There's also a peculiar disclaimer suggesting that since the movie never actually names the Mormons or the Church of Latter-Day Saints, that somehow it's not about them. Never mind that the movie features a polygamous religion in Utah, and makes reference to Brigham Young.

In short, My 5 Wives was a disappointment. I was hoping for Rodney on a roll, but the best I can say for the movie is that Rodney was looking pretty good for a guy who was pushing 80 at the time.\": {\"frequency\": 1, \"value\": \"When Rodney ...\"}, \"Often laugh out loud funny play on sex, family, and the classes in Beverly Hills milks more laughs out of the zip code than it's seen since the days of Granny and Jed Clampett. Plot centers on two chauffers who've bet on which one of them can bed his employer (both single or soon to be single ladies, quite sexy -- Bisset and Woronov) first. If Manuel wins, his friend will pay off his debt to a violent asian street gang -- if he loses, he must play bottom man to his friend!

Lots of raunchy dialogue, fairly sick physical humour, etc. But a lot of the comedy is just beneath the surface. Bartel is memorable as a very sensual oder member of the family who ends up taking his sexy, teenaged niece on a year long \\\"missionary trip\\\" to Africa.

Hilarious fun.\": {\"frequency\": 1, \"value\": \"Often laugh out ...\"}, \"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\": {\"frequency\": 1, \"value\": \"In 1996's \\\"101 ...\"}, \"The movie never becomes intolerable to watch. And to tell it straight, it has nothing to show either, except maybe part-sexy Alicia Silverstone in a nerdy non-sexy character in revealing quite-sexy dresses. The story is very easy to follow or there's nothing to follow -- you can see in either way. There is no suspense, little action, unimpressive dialogs, unsatisfactory sensuality, same boring locations and very bland acting. Kevin Dillon is totally worthless. Silverstone... well, I didn't concentrate too much on her acting, I confess. Yet as I said earlier, if one has nothing to do except watching a movie, this won't look so bad. 4/10\": {\"frequency\": 1, \"value\": \"The movie never ...\"}, \"I was a huge fan of the original cartoon series, and was looking forward to finally seeing Gadget on the big screen -- but I never in my wildest dreams expected something so extremely extremely terrible. The pace was WAY too fast, there was no plot, and 'wowser!' - what the hell is that?? It was 'WOWSERS!!'.\": {\"frequency\": 1, \"value\": \"I was a huge fan ...\"}, \"Cuban Blood is one of those sleeper films that has a lot to say about life in a very traditional way. I actually watched it while sailing around Cuba on a western Caribbean cruise. It details the life of an 11 year old boy in a small town in Cuba in 1958 and 1959 during the revolution. Not much time is spent on the revolution until the very end, when the Socialist regime came and took the property of the boy's father. The majority of the film is the boy's coming of age and the relationships that arise in a small town where everyone knows everyone else. There are some powerful scenes that everyone can relate to. A class A film with fine acting and directing. This is a film that tells a story with no special effects or grand schemes or real twists. It is a film about people and their lives, their mistakes, and their triumphs. A good film worth watching several times annually.\": {\"frequency\": 1, \"value\": \"Cuban Blood is one ...\"}, \"THis was a hilarious movie and I would see it again and again. It isn't a movie for someone who doesn't have a fun sense of a humor, but for people who enoy comedy like Chris Rock its a perfect movie in my opinion. It is really funnny\": {\"frequency\": 1, \"value\": \"THis was a ...\"}, \"I don't know why some guys from US, Georgia or even from Bulgaria have the courage to express feelings about something they don't understand at all. For those who did not watch this movie - watch it. Don't expect too much or don't put some frameworks just because this is Kosturica. Watch the movie without prejudice, try to understand the whole humor inside - people of Serbia DID actually getting married while Bil Clinton bomb their villages, gypsies in all Balkans are ALWAYS try to f*ck you up in any way they can, LOVE is always unexpected, pure and colorful, and Balkans are extremely creative. For those who claims this is a bad movie I can see only that the American's sh*t (like Meet Dave, Get Smart etc) are much much worse than a pure, frank Balkan humoristic love story movie as Promise me. The comment should be useful and on second place should represent the personal view of the writer. I think the movie is great and people watch it must give their respects to the director and story told inside. It is simple, but true. It is brutal, but gentle and makes you laugh to dead.\": {\"frequency\": 2, \"value\": \"I don't know why ...\"}, \"Well now, this was certainly a surprise episode. In this anthology science fiction series, with all of this Alien Beings, Extraordinary Occurrences and many Brushes with the Hereafter, this episode would certainly rate as unusual. Its seemingly insignificant settings apparently not imparting any morale at story's end. Or does it? Kicking off with the Silent Movie Form, no recorded dialog, but having Musical accompaniment. In this case it's on the sound track, not utilizing the Playing of Organ or Piano by an on sight Musician. This part of the episode, along with the ending section, also made liberal use o Title Cards, just like \\\"the Old Time Movies.\\\" While these Titles are a bit exaggerated and overdone, they are made so intentionally and with an affection for rather than any contempt for The Silent Film.

Veteran Comedy Film Director, Norman Z. McLeod, was the man in the Chair for this half-hour installment. He had been the Director of many of the greatest comedies of all time, featuring people like the Marx Brothers, W.C. Fields, Harold Lloyd and Danny Kaye. He was no stranger to to TV, as he had done a lot of work on Television Series.

It doesn't appear that he and Mr. Keaton had ever worked together before(as I cannot find any evidence of this)' but judging by the outcome of the film, they succeeded in doing so with flying colors! Anyone who directed Keaton was aware that Buster was also a fine comedy Director as well as a Comedy Player. He was just as comfortable behind the camera as he was in front of it. Their short partnership must have been a harmonious one, with 'give and take' about how to do things. It is apparent that many of the gags were Keaton's, resurrected from his own Silent Picture Days. For example, the gag of putting the pair of pants on with Rollo's(Stanley Adams assistance was done by Keaton and Roscoe \\\"Fatty\\\" Arbuckle in one of the Arbuckle 2 Reelers, THE GARAGE (1919). That was a clear example of his craft in a nutshell.

Buster knew that we film our world with a camera, rendering it a two dimensional image. This one fact is at the bottom of so many of gags. It is a Cardinal Rule for his film making.

The cast was small and once again just chock full-of veteran talent. Stanley Adams was Rollo and served as Mr. Keaton's straight man. Jesse White, the old 'Maytag Repair Man', ran the fix it shop that fixed the 'Time HJelmet'. Gil Lamb, serene veteran of RKO Short Comedy series, was the 1890's Cop. James Flavin, George E.Stone, Harry Fleer, Warren Parker, and Milton Parsons all rounded out this largely silent cast.

Without spilling the beans, let's just say that yes, there is probably a lesson to be learned here. If not the one already mentioned, \\\"The Grass Always Looks Greener on the Other Side of the Fence!\\\", then how about, \\\"Be Careful in What You Ask For, Because You Just May Get It!\\\"\": {\"frequency\": 1, \"value\": \"Well now, this was ...\"}, \"And the Oscar for the most under-rated classic horror actor goes to - Dwight Frye. Seriously his name should be stated with the same awe as Karloff, Lugosi, and Price, and this movie proves it. His character Herman was one of the 2 reasons I can give to watch this movie. Dwight gave this somewhat more than slightly disturbed misfit a lovable yet creepy demeanor that led you hoping for a larger role the entire movie.

The other reason is the comic relief of M. Eburne. Being in the medical profession myself I have to give kudos to the expert performance of a self-pity prone hypochondriac. Though other \\\"medical mistakes\\\" did give a brief chuckle especially when the good doctor samples his fellow physicians medication... \\\"Well continue giving it to her\\\" Unfortunately these 2 outstanding performances could not keep me awake through 3 attempts of sitting through this unbearably slow movie. The plot is predictable with only few minor twists. The filming while pulling off a legitimate spooky atmosphere was more productive at making me yawn - yes you can use too much shadow.

My recommendation - watch this once to see Frye and Eburne - but only when wide awake and with lots of caffeine.\": {\"frequency\": 1, \"value\": \"And the Oscar for ...\"}, \"I enjoy watching people doing breakdance, especially if they do it as well as in the best scenes of this movie which takes you to a disco club called \\\"Roxy\\\". Especially at Christmas time, because there also appears a \\\"MC Santa Claus\\\".

Even if this is an old film, and even if I have videotaped it from TV, when the State Movie Archive of Finland showed this in the summer of 2004 on their own big screen, I went there to check it out. It's much more enjoyable on big screen than on TV.

Even if many people here think that watching this on big screen is a waste of money for the ticket cost, I disagree with this and I think that when I paid my ticket, I got the money's worth by seeing this, as it is on big screen, especially seated on front row of the cinema, an unforgettable experience, and much better than just on video.\": {\"frequency\": 1, \"value\": \"I enjoy watching ...\"}, \"This movie maked me cry at the end! I watch at least 3-4 movies a week. I seen loads of great movies, even more crap - ones. But when ending scene - catharsic at it's core - came I Cried! And if you didn't - you have serious problems! The story is archetypal - nothing new or original. But it's real - because that sort of things really happened and that people really exist. Glam isn't my sort of music but I really admire all that they went through in early 70's... At some point this directed me toward Velvet Goldmine! Docudramas never really work very good. But this movie really meked us believe it all...Because they don't try to make it as a path full of glorious concerts, present musicians that are superheroes, groupie girls that are stupid and emotionally numb, they don't glorify drugs and alcohol, they promote rehabilitation and redemption that comes even 20 years late... Once again great movie. Since \\\"Leaving Las Vegas\\\" I was never so moved by a movie.\": {\"frequency\": 1, \"value\": \"This movie maked ...\"}, \"I love a good war film and I fall into the \\\"been there, done that\\\" category. So I would like to think my review is an accurate one (IMHO). Having just watched this film on DVD I can safely say that it was a pile of rubbish. There is no way I can recommend this film to you.

It started off with me shouting at the TV saying \\\"you wouldn't do that\\\" etc...but I soon realised that having a bit of job experience would be a hindrance so I chilled a bit. But on the opening scene when the trailer wheel fell off I got a nasty feeling that this film would be a predictable dud...I was right.

There simply wasn't any logic to the EOD scenes. I just know that the army team had some of the most patient insurgents ever at the other end of the command wire or remote trigger. So much so I was left scratching my head all the time. Then just when you think you know where the story is going the guys in the Humvee are off out on their own driving around the desert. One of the most valuable assets in theatre out on a jolly bumping into some SAS wannabe contractors.

The sniper scene was just so laughable. It just made no sense at all and made me want to switch off there and then. Then for them to drag it out so long really did test my patience.It started with the \\\"Contact Right\\\" and went down hill fast. If you had a Brit accent then you got shot but if you were part of the EOD team then suddenly you were a great shot and saved the day. Then just as you thought it was over it stretched on for an inexplicably long period without adding anything to the story at all. You are just left watching and asking why hasn't it ended yet?

Then we had the booze scene where they just hit each other for a laugh..another scene where you just wanted it to end. It added nothing to the film.

Then just as my life seemed very dull the main star went outside the wire to hunt someone down. This most be the most ridiculous scene I have ever watched. It defied all logic and ability to write a good storyline...it was senseless and awful. I still don't understand why they wasted time on it. Then to watch him just jog through the busy streets heading back to camp had me rolling on the floor with laughter. Pure comedy :)

The sad fact is that this storyline is all over the show without really deciding what it wants to be. I thought it was going to be stupid illogical EOD scenes but then it kept going off on tangents trying to be something different. But as hard as it tried it just bored me to death. All I wanted was for it to end. It was a messy compilation of stupid scenes mixed into a batch of stupid, senseless, action(ish) scenes.

There is no way I can recommend this. Maybe my work experience compromised the enjoyability but even the naive must realise this just doesn't make sense. The only thing more stupid than this film is the artificially high IMDb rating...which must be the 24/7 work of the box office PR team who seem to use this website as a way of making everyone think it is good. Sorry folks...it just ain't!

Not recommended...it will just bore you.\": {\"frequency\": 1, \"value\": \"I love a good war ...\"}, \"This movie was bizarre, completely inexplicable, and hysterical to watch with friends while drinking in a big empty house. I really love the opening stuff with Lisa wandering about lost in a gorgeous city. I want to be a beautiful stranger lost in some exotic European locale, though maybe not in a low budget horror flick. Definitely get the ending where there are the strangely non-sexual sex scenes that were cut out (in my DVD copy anyway). Don't attempt to understand it, just go along and watch out for the weird bits...which is everything. Don't watch this if you actually want plot or characterization or anything at all to make sense. Pretty beautiful, though you may just give up on this and decide to watch an actual horror movie, like say, Dead Alive.\": {\"frequency\": 2, \"value\": \"This movie was ...\"}, \"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!\": {\"frequency\": 2, \"value\": \"Tom Hanks like ...\"}, \"When I first picked this film up I was intrigued at the basic idea and eager to see what would happen. I'm a fan of animation and love it when it's successfully merged with live action footage. However, the animation in this film was about all I enjoyed. Although it must be said that the actors' performances were excellent. The visual look - including the animation - gave a wonderfully unnerving air to the piece. However this was quality of unease was lost amongst the overblown imagery, both visual and in the script, that you were practically hammered over the head with. Most annoying about this was the relative lack of importance to the plot. It seemed that the plot was shoe horned in at irregular intervals giving a stuttering effect that detracted massively from the flow of the piece. The voice overs from Felisberto - especially the one at the end - very much felt like a desperate attempt to fill in gaping holes in the plot which had been ignored in favour of side issues such as the whole ant thing (and even that wasn't properly addressed). I'm afraid the whole piece came across as, at best, a 'reasonable first attempt', by a teenager who has spent far too much time reading DH Lawrence. Not what you expect from seasoned film makers at all.\": {\"frequency\": 1, \"value\": \"When I first ...\"}, \"This was one of the worst films I have ever seen.

I usually praise any film for some aspect of its production, but the intensely irritating behaviour of more than half the characters made it hard for me to appreciate any part of this film.

Most common was the inference that the bloke who designed the building was at fault an avalanche collapsing it. Er ok.

Also, trying to out ski an avalanche slalom style is not gonna work. Running 10 feet into some trees is not gonna work. Alas it does here. As mentioned before the innate dumbness and sheer stupidity of some characters is ridiculous. In an enclosed space, with limited oxygen a four year old could tell you starting a fire is not a good idea.

Anyway, about 5 minutes of the movie redeems itself and acquires some appreciation. However, if you have a modicum of intelligence you too will find most of this film hard to tolerate.

It pains me that so many quality stories go unproduced and yet someone will pay for things like this to be made.

Oh, did I mention the last five minutes? Well to give you a hook you have to keep watching in order to see the latest in combative avalanche techniques. Absolutely priceless.\": {\"frequency\": 1, \"value\": \"This was one of ...\"}, \"I saw this film on the History Channel today (in 2006). First of all, I realize that this is not a documentary -- that it is a drama. But, one might hope that at least the critical \\\"facts\\\" that the story turns on might be based on actual events. Reagan was shot and the other characters were real people. The movie got that right. From there on, reliance on facts rapidly decays. I had never heard of this movie before seeing it. Having been a TV reporter at the time of these events, I was stunned that I had never heard anything about the bizarre behavior of Secretary Haig as portrayed by Richard Dreyfuss. The whole nation had heard the \\\"I am in control...\\\", etc., but Dreufuss' Haig is bullying a cowered cabinet and totally out of control personally. Having watched the film, I began researching the subject on the Internet and quickly found actual audio tapes and transcripts of most of the Situation Room conversations that this film pretends to reenact. Incredibly, many the the principal \\\"facts\\\" of the film meant to show a White House, Secret Service etc. in total chaos -- and the nation's leadership behaving irrationally and driving the world near the brink of nuclear war -- are demonstrably incorrect. They didn't happen! There is internal conflict, to be sure. Haig makes missteps, his press room performance is historically regrettable and he is \\\"difficult\\\". But there is nothing approaching the scenes depicted in the film. There are too many gross errors to list, but any fair comparison of the recorded and written record and the fantasy of this film begs the question as to what the producers were really trying to accomplish. Enlighten? Inform? Entertain? I believe they failed on all three fronts. It is difficult to ascribe motives to others, but one must seriously question what was behind such shameless invention. And, as for my beloved History Channel's \\\"Reel to Real\\\" follow-on documentary, there was almost no mention of the issues that were the central focus of the film -- namely the events within the Administration on the day of the shooting. So, the viewer was left to research those without much -- if any -- help from the network.\": {\"frequency\": 1, \"value\": \"I saw this film on ...\"}, \"I have a thing for old black and white movies of this kind, movies by Will Hay and Abbot & Costello especially as those are my favourites. I picked this movie up on DVD as it was using the same idea as Will Hay's \\\"Oh Mr Porter\\\" which is one of the finest comedies ever made. I just finished watching this movie less than ten minutes ago (the movie finished at 12:45am). I find that movies of this kind, to do with Ghost Trains, etc, are best viewed at night time with the lights out. That way you get into the storyline more and night time viewing works well with this movie.

The one-liners in the movie may seem a little dated to some viewers, I guess this depends on the viewer. They are not dated to me though. I am 28 and even though I am not old enough to have been around when this movie was first released (my dad was though). I still have a lot of appreciation for some of the old movies of this kind. Sitting in the room in front of the TV with some snacks and drinks and kicking back and relaxing at night while watching these movies, not many things can beat the feeling you get while doing this. It is an escape from reality for a while.

I noticed that one of the men in the movie (he has a black mustache) he appears about three quarters of the way through the movie after his car crashes and he is looking for a woman he was followed to the station. This man was in the Will Hay classic \\\"The Ghost of St Michaels\\\" as well. Just thought I'd point that out in case no one noticed :).

The set pieces in the movie are very atmospheric. Outside the abandoned station looks good and as if there is not a soul for miles in any direction, and the inside of the station is very cosy looking away from the rain storm that is outside. I felt like I would have loved to have been there in the movie with the cast. The atmosphere in this movie is something that is missing from a lot of movies now. It keeps you hooked from the moment the movie starts till it finishes.

We need more of this type of movie in todays market. But sadly it could be over looked in favour of movies with nudity and swearing and crude humour. This sort of movie making era (The Ghost Train, Oh Mr Porter, etc) to me is the golden age of cinema!.\": {\"frequency\": 1, \"value\": \"I have a thing for ...\"}, \"I love this movie. My friend Marcus and I were browsing the local Hastings because we had an urge to rent something we had never seen before and stumbled across this fine film. We had no idea what it was going to be about, but it turned out spectacular. 2 thumbs up. I liked how the film was shot, and the actors were very funny. If you are are looking for a funny movie that also makes you think I highly suggest you quickly run to your local video store and find this movie. I would tell you some of my favorite parts but that might ruin the film for you so I won't. This movie is definitely on my top 10 list of good movies. Do you really think Nothing is bouncy?\": {\"frequency\": 1, \"value\": \"I love this movie. ...\"}, \"I sat through both parts of Che last night, back to back with a brief bathroom break, and I can't recall when 4 hours last passed so quickly. I'd had to psyche myself up for a week in advance because I have a real 'thing' about directors, producers and editors who keep putting over blown, over long quasi epics in front of us and I feel that on the whole, 2 to 2.5 hours is about right for a movie. So 4 hours seemed to be stretching the limits of my tolerance and I was very dubious about the whole enterprise. But I will say upfront that this is a beautifully \\ufffd\\ufffd I might say lovingly \\ufffd\\ufffd made movie and I'm really glad I saw it. Director Steven Soderbergh is to be congratulated on the clarity of his vision. The battle scenes zing as if you were dodging the bullets yourself.

If there is a person on the planet who doesn't know, Ernesto 'Che' Guevara was the Argentinian doctor who helped Fidel Castro overthrow Fulgencio Batista via the 1959 Cuban revolution. When I was a kid in the 1960s, Che's image was everywhere; on bedroom wall posters, on T shirts, on magazine covers. Che's image has to be one of the most over exploited ever. If the famous images are to be relied on, then Che was a very good looking guy, the epitome of revolutionary romanticism. Had he been butt ugly, I have to wonder if he would have ever been quite so popular in the public imagination? Of course dying young helps.

Movies have been made about Che before (notably the excellent Motorcycle Diaries of 2004 which starred the unbearably cute Gael Garcia Bernal as young Che, touring South America and seeing the endemic poverty which formed his Marxist politics) but I don't think anyone has ever tackled the entire story from beginning to end, and this two-parter is an ambitious project. I hope it pays off for Soderbergh but I can only imagine that instant commercial success may not have been uppermost in his mind.

The first movie (The Agentine) shows Che meeting Castro in Mexico and follows their journey to Cuba to start the revolution and then the journey to New York in 1964 to address the UN. Cleverly shot black and white images look like contemporary film but aren't. The second film (Guerilla) picks up again in 1966 when Che arrives in Bolivia to start a new revolutionary movement. The second movie takes place almost entirely in the forest. As far as I can see it was shot mostly in Spain but I can still believe it must have been quite grueling to film. Benicio Del Toro is excellent as Che, a part he seems born to play.

Personally, I felt that The Argentine (ie part one) was much easier to watch and more 'entertaining' in the strictly movie sense, because it is upbeat. They are winning; the Revolution will succeed. Che is in his element leading a disparate band of peasants, workers and intellectuals in the revolutionary cause. The second part is much harder to watch because of the inevitability of his defeat. In much the same way that the recent Valkyrie - while being a good movie - was an exercise in witnessing heroic failure, so I felt the same about part two of Che (Guerilla). We know at the outset that he dies, we know he fails. It is frustrating because the way the story is told, it is obvious fairly early on that the fomentation of revolution in Bolivia is doomed; Che is regarded as a foreign intruder and fails to connect with the indigenous peoples in the way that he did with the Cubans. He doggedly persists which is frustrating to watch because I felt that he should have known when to give up and move on to other, perhaps more successful, enterprises. The movie does not romanticise him too much. He kills people, he executes, he struggles with his asthma and follows a lost cause long after he should have given up and moved on, he leaves a wife alone to bring up five fatherless children.

But overall, an excellent exercise in classic movie making. One note; as I watched the US trained Bolivian soldiers move in en masse to pick off Che and his small band of warriors one by one, it reminded me of the finale to Butch Cassidy. I almost turned to my husband and said so, but hesitated, thinking he would find such thoughts trite and out of place. As we left the theatre he turned to me and said \\\"Didn't you think the end was like Butch Cassidy\\ufffd\\ufffd\\ufffd\\ufffd\\ufffd\\ufffd\\ufffd\\ufffd\\ufffd\\ufffd\\ufffd\\ufffd!\\\"\": {\"frequency\": 1, \"value\": \"I sat through both ...\"}, \"Summary- This game is the best Spider-Man to hit the market!You fight old foes such as Scorpion,Rhino,Venom,Doctor Octopus,Carnage,...And exclusive to the game...Monster-Ock!Monster-Ock is the symbiote Carnage On Dock Ock's body.

Storyline- Dock Ock was supposedly reformed and using his inventions for mankind...supposedly...He was really planing a symbiote invasion! See the rest for yourself.

Features- You can play in numerous old costumes seen throughout the comics.Almost every costume has special abilities!You can collect comics in the game and then view them in a comic viewer.And last but not least..............Spidey-Armour!Collect a gold spider symbol to change into Spider-Armour.It gives you another health bar!

Graphics- Great!Though they they can be rough at times.But still great!

Sound- Sweet!Nice music on every level and great voice overs!

Overall- 10 out of 10.This game rocks.Buy it today!\": {\"frequency\": 1, \"value\": \"Summary- This game ...\"}, \"Robin Williams gave a fine performance in The Night Listener as did the other cast members. However, the movie seems rushed and leaves too many loose ends to be considered a \\\"must see.\\\" I think the problem happens because there isn't a strong enough relationship established between the caller and the Gabriel Noon(I had to spell it this way, because IMDb wants to auto correct the right spelling to \\\"No one\\\") character. The movie runs a little over 01:30 and within the first 15 minutes, or so it seems, Noon begins his search for Pete Logande, the boy caller.

This happens after he talks to the mysterious caller about 3 or 4 times. The conversations aren't too in-depth mostly consisting of how are you... I'm in the hospital...why did you boyfriend move out... etc. In the book, the kid almost becomes Noon's shrink and vice versa and the reader understands why he goes in search of this boy, once he finds out the kid disappears and thinks he might be a hoax.

In the movie, Noon becomes obsessed with finding Logande, but the audience is left to wonder why? Since there really isn't a strong enough bond established between Noon and the caller, why bother? Who cares if the caller doesn't exist?

I know there's a difference between a book and a movie, but those calls and that relationship was critical to establish on screen, because it provides the foundation for the rest of the movie. Since it doesn't, the movie falls apart.

This is surprising because of Maupin's other work, Tales of the City. When it was made into a mini-series, it worked beautifully.\": {\"frequency\": 1, \"value\": \"Robin Williams ...\"}, \"Renown writer Mark Redfield (as Edgar Allen Poe) tries to conquer old addictions and start a new life for himself, as a Baltimore, Maryland magazine publisher. However, blackouts, delirium, and rejection threaten to thwart his efforts. He would also like to rekindle romance with an old sweetheart, a significantly flawed prospect, as things turns out. Mr. Redfield also directed this dramatization of the mysterious last days of Edgar Allen Poe. Redfield employs a lot of black and white, color, and trick photography to create mood. Kevin G. Shinnick (as Dr. John Moran) performs well, relatively speaking. It's not enough.\": {\"frequency\": 1, \"value\": \"Renown writer Mark ...\"}, \"I first saw this when it premiered more than ten years ago. I saw it again today and it still had a big impact on me. She Fought Alone is about a girl, Caitlin (played by Tiffani Thiessen), who is raped by Jace (played by David Lipper), a classmate who enjoys hurting girls. Caitlin is in a popular high school clique, but when she reveals she is raped the clique turns against her, led by Ethan (played by Brian Austin Green).

This movie chronicles Caitlin's struggle against an entire town, including a high school that essentially lets athletes determine the social environment, allowing them to get away with whatever they wish.

Thiessen and Green are the top performers, and there is real chemistry between the two of the them throughout the entire film. All of the actors in this film, which was inspired by actual events, did a great job. She Fought Alone really captures the essence of what it is like to be in high school (at least in 1995), and having one's self-esteem and reputation at stake. Recommended. 10/10\": {\"frequency\": 1, \"value\": \"I first saw this ...\"}, \"When you have two tower house of performers pitched against each other, the least you can expect is the superb camaraderie and that is the case in this film where we have a 64 yrs old Amitabh Bachchan romances a 34-yr old Tabu. Wait! In fact that is all there in the name of plot therefore instead of \\\"cheeni\\\" it is the content that is \\\"Kum\\\" in this Adman turned Writer-Director R. Balki's maiden effort..

Trust the two senior actors to bring the house down with their wise-cracks and bitter-sweet moments when love happened in this unconventional pair, and that is all you find in slow but refreshing first half. The locales of London as captured in rainy season are captivating. By the end of first half, romance completed and mission accomplished. There is not much left to be said. Therefore in the second half a strange opposition comes in the form of girl's father to the extent that he goes for a Satyagrah is really a test of patience. There is an equally strange climax about how he gives in. The result, second half is dry, flat with no energy. There is a subplot with a girl child dying of cancer, not making much impact. Nonetheless, the film is recommended for its fresh approach and the performances.\": {\"frequency\": 1, \"value\": \"When you have two ...\"}, \"The movie remains in the gray for far too long. Very little gets explained as the movie progresses, with as a result lots of weird sequences that seem to have a deeper meaning but because of the way of storytelling they become only just weird and not understandable to watch. It sort of forces you to watch the movie again but no way I'm going to do that. It is that I watched this movie in the morning, I'm sure of it that if I watched this movie in the evening I would had fallen asleep. To me the movie was like a poor man's \\\"Blade Runner\\\".

The movie leaves far too many questions and improbabilities. It makes the movie leave a pointless and non-lasting impression.

Also the weird look of the movie doesn't help much. The movie is halve CGI/halve real life but it's not done halve as good, impressive, spectacular and imaginative as for instance would be the case in later movies such as \\\"Sin City\\\" and \\\"300\\\". They even created halve of the characters of the movie by computer, which seemed like a very pointless- and odd choice, also considering that the character animation isn't too impressive looking. Sure the futuristic environment is still good looking and the movie obviously wasn't cheap to make but its style over substance and in this case that really isn't a positive thing to say.

Some of the lines are also absolutely horrendous and uninteresting. The main God of the movie constantly says lines such as; 'I'm going to do this but it's none of your concern why I want to do it'. Than just don't say anything at all Mr. Horus! It's irritating and a really easy thing to put in movie, if you don't care to explain anything about the plot. Also the deeper questions and meanings of the movie gets muddled in the drivel of the movie and its script.

The actors still did their very best. They seemed like they believed in the project and were sure of it that what they were making would be something special. So I can't say anything negative about them.

The story and movie is far from original. It rip-offs from a lot of classic and semi-classic, mostly modern, science-fiction movies. It perhaps is also the reason why the movie made a very redundant impression on me.

A failed and uninteresting movie experiment.

3/10\": {\"frequency\": 1, \"value\": \"The movie remains ...\"}, \"the characters at depth-less rip offs. you've seen all the characters in other movies, i promise. the script tries to be edgy and obnoxious but fails miserably. it throws in some hangover meets superbad comedy but the jokes are way out of left field, completely forced, and are disreguarded almost completely after they are cracked. the hot chick is old and has no personality, shes just some early thirties blonde chick with a few wise ass non-underwear wearing jokes who is less than endearing. the attraction between Molly (the hot chick) and Kirk (the dorky love interest) is barely communicated. the attraction in no where to be found its a completely platonic relationship until they awkward and predictable seat belt- mishap kiss occurs. afer this they are in a full on relationship and its just incredibly lame. the main focus of this movie is not the relationship, but a failed attempt at making a raunchy super-bad-esquire movie with a semi appealing plot. I could compare this to the hangover, in its forced nature. i wont get into that. i could keep going but its just pointless. just don't pay to see this movie.\": {\"frequency\": 1, \"value\": \"the characters at ...\"}, \"This movie was exactly what I expected it to be when i first read the casting. I probably could have written a more exciting plot, it's a pity that they left it to a pack of Howler Monkeys. Alberto Tomba was surely a good skier but he has to thank God (and we too) that he does not have to rely on his actor skills to earn his living. He can't play, he can't talk, he can't even move very good on mainland without his skis... Michelle Hunziker is a pretty blonde girl, and that's all. She obviously wasn't chosen for her astounding competence in dramatic roles but most probably for her nice legs. Nevertheless I must admit that she could be the Tomba's acting teacher, because he's even a worse actor than her, and that's funny, especially considering that she isn't italian. I laughed all the time, watching this movie. I found it so ridiculous and meaningless that it actually made me laugh, loud, very loud.\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"I just saw Hot Millions on TCM and I had completely forgotten this gem. Ustinov creates a clever and divisive plot that has him cleverly going from two bit con man to ingenious... Well you'll see. Maggie Smith is perfect as the bumbling secretary/neighbor who has a tough time holding a job but has a warm and vibrant personality that beams through in this picture. She creates a fine portrayal of a warm, witty and real person who in the long run...well...

Molden and Newhart as top executives take on the challenge of making what could be banal roles and make them come out into a comic life of their own.

Robert Morley and Ceasar Romero are just a pleasure to see and I know at least in Romero's case Ustinov is extending a helping hand of work.

This film is meant to be a shot back at the rising computer age and it's problems for the average con man or man for that matter but in fact the characters are so involving and so much fun to watch that the computer sub plot is almost lost...I say almost.

Let down your usual expectations of modern comedy and look for the great performances and friendly, forgiving and deeply involving plot in this picture.\": {\"frequency\": 1, \"value\": \"I just saw Hot ...\"}, \"The minute I started watching this I realised that I was watching a quality production so I was not surprised to find that the screenplay was written by Andrew Davis and was produced by Sue Birtwhistle both of these brought us the excellent 1995 production of Pride and Prejudice! So my only gripe here is that Emma did not run to 3 or 4 or maybe even six episodes like Pride and Prejudice. The acting was superb with I think Prunella scales excellent as Miss Bates but I loved Kate Beckinsale and Mark Strong just as much. The language is a delight to listen to, can you imagine in this day and age having a right go at someone without actually uttering a swear word? Samantha Morton was excellent as Miss Smith in fact the casting was spot on much as it was with Pride and Prejudice. I liked it so much that I watched it twice in two days!! So once again thank you BBC for another quality piece of television. I have seen the Paltrow version and it is okay but I do think the BBC version is far superior. An excellent production that I am very happy to own on DVD!!!\": {\"frequency\": 1, \"value\": \"The minute I ...\"}, \"it's amazing that so many people that i know haven't seen this little gem. everybody i have turned on to it have come back with the same reaction: WHAT A GREAT MOVIE!!

i've never much cared for Brad Pitt (though his turns in 12 monkeys and Fight Club show improvement) but his performance in this film as a psycho is unnerving, dark and right on target.

everyone else in the film gives excellent performances and the movie's slow and deliberate pacing greatly enhance the proceedings. the sense of dread for the characters keeps increasing as they come to realize what has been really happening.

the only thing that keeps this from a 10 in my book, is that compared to what came before it, the ending is a bit too long and overblown. but that's the only flaw i could find in this cult classic.

if you check this film out, try to get the letterboxed unrated director's cut for the best viewing option.

rating:9\": {\"frequency\": 2, \"value\": \"it's amazing that ...\"}, \"this animated Inspector Gadget movie is pretty lame.the story is very weak,and there is little action.most of the characters are given little to nothing to do.the movie is mildly entertaining at best,but really doesn't go any where and is pointless.it's watchable but only just and is nowhere near the calibre of the animated TV show from the 80's.it's not a movie that bears repeat viewing,at least in my mind.it's only about 74 minutes long including credits,so i guess that's a good thing.unlike in the TV show,the characters are not worth rooting for here.in the show,you wanted Inspector Gadget to save the day,but there,who really cares?anyway,that's just my opinion.for me Inspector Gadget's Last Case is a disappointing 3/10\": {\"frequency\": 1, \"value\": \"this animated ...\"}, \"Serum starts as Eddie (Derek Phillips) is delighted to learn he has been accepted into medical school to carry on the family tradition of becoming an MD like his father Richard (Dennis O'Neill) & his uncle Eddie (David H. Hickey), however his joy could be short lived as Eddie is involved in an accident & is run over by a car. Taken to the nearest hospital it doesn't look good for poor Eddie so his uncle Eddie convinces his brother Richard to let him save Eddie with the serum he has developed, a serum which will give the recipient the power to self heal any sort of wound or illness. Desperate for his boy to live Richard agrees but the procedure has unwanted side effects like turning Eddie into a brain eating zombie which is just not a good thing...

Executive produced, written & directed by Steve Franke I'll be perfectly frank myself & say Serum is awful, Serum is one of those no budget horror films which tries to rip-off other any number of other's & ends up being slightly more fun than having you fingernails pulled out with pliers. The script is terrible, it has the whole Re-Animator (1985) feel to it with mad scientists wielding huge syringes trying to eradicate death but it's so boring it's untrue, the first forty minutes is nothing more than a really dull soap opera that amounts to nothing expect to pad the running time out with Eddie arriving home after spending some time away & finding his ex-girlfriend has hooked up with someone else, arguments with his step-mom, getting drunk with his mate & generally boring the audience stiff. So, once the tedium of the first forty minutes is over & if your still watching it it takes another twenty minutes to get Eddie re-animated & then he kills a couple of people, police catch up with him & shoot him, the end. Thank god. Serum is devoid of any of the characteristic's that one would associate with a good film, the character's suck, the dialogue is poor, it takes itself far too seriously, it's dull, it's slow, it's forgettable & considering it's meant to be a horror film there's an alarming lack of blood, gore or horror. Not recommended, did I mention Serum was boring? I thought so.

Director Franke does nothing to liven this thing up, although competent there's no style here at all. The gore levels are none existent, there's a bit of splashed blood, a bitten neck, a couple of scars on a dead woman's face, a couple of scenes where a needle pierces skin & that's it. Don't expect a Re-Animator in the gore department because if you do your going to be sorely disappointed, much like I was in fact. Filmed in what looks like one house, one restaurant & a lab the film has no variety either & just looks cheap throughout. There's a couple of scenes of nudity but that's nowhere near enough to save it.

Technically the film isn't too bad, at least it looks like proper cameras were used, I can't really comment on the special effects because there aren't any but generally speaking Serum looks reasonably professional. Apparently shot in Texas, or should that read it should have literally been shot in Texas? The acting sucks although again I think they were proper actor's rather than friends or family of the director.

Serum is a terrible film, it's dull, slow, boring, has no gore & feels like a horrible soap opera for the first forty minutes. I don't understand why anyone would feel the need to watch this when they can watch Re-Animator or one of it's sequels again instead, seriously I recommend you give Serum a miss. There I've just saved you from wasting 90 minutes of your life, you can thank me later.\": {\"frequency\": 1, \"value\": \"Serum starts as ...\"}, \"I found this to be a so-so romance/drama that has a nice ending and a generally nice feel to it. It's not a Hallmark Hall Of Fame-type family film with sleeping-before-marriage considered \\\"normal\\\" behavior but considering it stars Jane Fonda and Robert De Niro, I would have expected a lot rougher movie, at least language-wise.

The most memorable part of the film is the portrayal of how difficult it must be to learn how to read and write when you are already an adult. That's the big theme of the movie and it involves some touching scenes but, to be honest, the film isn't that memorable.

It's still a fairly mild, nice tale that I would be happy to recommend.\": {\"frequency\": 1, \"value\": \"I found this to be ...\"}, \"In my knowledge, Largo winch was a famous Belgium comics (never read) telling the adventures of a playboy, a sort of James Bond without the spy life! So, when I had to choose a movie for a 5 years-old kid, I picked it up because the kid was already a great fan of James Bond!

But, just after the opening credits, I got heavy doubts: when American movies offer amazing start, here, no action and a torrid sex scene \\ufffd\\ufffd Then, the story get very complicated with financial moves\\ufffd\\ufffd I thought I lost the kid.

But, strangely, he had been caught by Largo, and more than James Bond!

Was it the excellent interpretation of Tomer Sisley? The difficult relationship Largo has with his father? The multiple box story in which the friends are the bad guys, the bad guys are the friends? The exotic locations of Honk-Kong, Yougoslavia?

Dunno, but he really cares about Largo (\\\"Will he get up?) and we enjoyed our moment.\": {\"frequency\": 1, \"value\": \"In my knowledge, ...\"}, \"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\\\".\": {\"frequency\": 1, \"value\": \"This movie is a ...\"}, \"It's hard to believe that this is a sequel to Henry Fool. Hard to believe that the same director and actors were involved in both movies. While Henry Fool is refreshing, witty, comical, Fay Grim is slow, boring, and doesn't go anywhere. Where has the wit gone? I am baffled.

It is 10 years since I saw Henry Fool and many of its dialogs and scenes are still vivid in my memory. Fay Grim is painful to watch. This is no fault of the actors, who are good (Parker Posey) or great (Jeff Goldblum) -- the blame lies entirely with the plot, the dialog, and even some of the filming (low budget is no excuse). A huge disappointment.

Sorry I couldn't pay attention to the plot, I was so bored, so disappointed... if you enjoyed this one you might not enjoy Henry Fool so much... the two movies have absolutely nothing to do with each other... there is no continuity in the characters' personalities... it's all a fraud to entice fans of Henry Fool to watch the sequel.

I'm switching this off now -- Henry in some sort of jail with a Taliban?!?!\": {\"frequency\": 1, \"value\": \"It's hard to ...\"}, \"The British Public School system did not evolve solely with the idea of educating the upper classes despite that popular and widespread misconception.It was designed to produce administrators and governors,civil servants and military men to run the British Colonies.These people were almost entirely recruited from the middle classes.When the Public Schools had begun to show their worth the scions of the aristocracy were sent to them rather than be educated at home by tutors and governesses as had previously been the case.They tended to favour the schools nearer \\\"Town\\\" so Eton and Harrow became particularly popular with that class of parent. The vast majority of Public Schools took their pupils from lower down the social scale.Tom Brown,perhaps the most famous Public School pupil ever,was the son of a country parson,not a belted earl. Thus in late 1960s England,a country in the throes of post-colonial guilt and shedding the last of its commitments to its former dependants as quickly as Harold Wilson could slip off his \\\"Gannex\\\" mac,Lindsay Anderson's \\\"If\\\" was greeted with cathartic joy by the chattering classes and mild bemusement by everyone else. It must be remembered that the so-called \\\"summer of love\\\" was followed by the \\\"October Revolution\\\" a non-event that left a few policemen in London with bruised heads and the U.S. Embassy with one or two broken windows,but achieved absolutely nothing. So when Mr Anderson's film reached the cinemas the disgruntled former revolutionaries revelled vicariously in what they saw as Mr Malcolm McDowell's glorious victory over an amorphous \\\"Them\\\" despite the fact that he was ruthlessly gunned down at the end,a fate that would have undoubtedly overtaken them had they succeeded in their attempts to get into the U.S.Embassy. The film told us nothing new about Public Schools,homosexuality,bullying cold showers,patrician sarcastic teachers,silly traditions.an all-too familiar list .It was declared to be an allegory comparing Britain to the corrupt,crumbling society represented by the school.Well,nearly forty years on the same schools are still flourishing,the British social system has not changed,the \\\"October Revolution\\\" has been long forgotten except by those involved on one side or the other and Mr Anderson has completed his \\\"State of the Country\\\" trilogy to no effect whatsoever. If by any chance you should wish to read a book about schoolboys who did buck the system rather more successfully than Mr McDowell and his friends and furthermore lived to tell the tale,find a copy of \\\"Stalky & Co.\\\"written by the man whose much-maligned poem \\\"If\\\" lent it's name to Mr Anderson's film,a man born in colonial India,a man whose work is quietly being airbrushed out of our literary history.And do it before the chattering classes succeed in declaring him a non-person.Perhaps somebody should start a revolution about that.\": {\"frequency\": 1, \"value\": \"The British Public ...\"}, \"The movie looked like a walk-through for \\\"Immoral Study\\\". Most likely I never got much involved with the burning need of the female artist to immortalize male nudes and thus all that fuss about \\\"Now, who drew this penis?!\\\" sounded a bit gratuitous. Dialogues in this movie are rather dreadful, albeit visually this movie got its moments. I almost dig it when Tassi got into painting a mental picture but then movie weered back onto penises. Highly recommended to those who has not seen one in a while.\": {\"frequency\": 1, \"value\": \"The movie looked ...\"}, \"A Vow to Cherish is a wonderful movie. It's based on a novel of the same title, which was equally good, though different from the film. Really made you think about how you'd respond if you were in the shoes of the characters. Recommended for anyone who has ever loved a parent, spouse, or family member--in other words, EVERYONE!

Though the production isn't quite Hollywood quality--no big special effects--still, the values and ideals portrayed more than make up for it. And the cast did a wonderful job of capturing the emotional connections between family members, and the devastation that occurs when one of them becomes ill.

You don't want to miss this!\": {\"frequency\": 1, \"value\": \"A Vow to Cherish ...\"}, \"OK, so I don't watch too many horror movies - and the reason is films like 'Dark Remains'. I caught this on (a surprisingly feature-filled) DVD and it scared me silly. In fact the only extra I think the DVD was missing was a pair of new pants.

However, the next day I was telling someone about it when I realised I'd only really seen about 10% of it. The rest of the time I'd been watching the pizza on my coffee table - nervous that my girlfriend would catch me if I actually covered my eyes. The few times I DID brave watching the screen I jumped so hard that I decided not to look up again.

The film-making is solid and the characters' situation was really compelling. The simplicity of the film is what really captured my jump-button - it's merely a woodland, a cabin and a disused jail - and a LOT of darkness. Most surprising to me was the fact that while this was clearly not a multi-million dollar production, the make-up effects really looked like it was! Also, it's obvious this is a film made by someone with a great love of film-making. The sound design and the music really made use of my surround system like many Hollywood movies have never done. I noticed on-line that this film won the LA Shriekfest - a really major achievement, and I guess that the festival had seen the filmmakers' clear talent - and probably a great deal more of this movie than I managed to.

Turn up the sound, turn off the lights, and, if you want to keep your girlfriend - order a pizza.\": {\"frequency\": 1, \"value\": \"OK, so I don't ...\"}, \"WARNING!!! TONS OF DEAD GIVEAWAYS!!! DON'T READ IF YOU HAVEN'T SEEN THIS SERIES! OR YOU CAN, WHATEVER.

They're are few words to describe a movie that claims to be the last and comes out with another; Liars, Cheats, maybe even some words that can't be uttered. But When Elm Street 6: Freddy's Dead shows everyone who thought the series got old, and wanted to stop seeing him, or people who wanted their hero (or Villian) just stops for his final breath, This film was it.

This film starts with a parody of Wizard of Oz, Then you see a kid who is named only as John Doe, Who is the last child in Springwood, Ohio, leaves and gets out of Freddy territory. A woman who resides at a hospital/ place to get kids off their feet kind of place meets this boy, and at the same time, has a dream about a man, a water tower, and a promise of a secret floating in her mind, goes back to Springwood to figure out this frightening vision, and soon finds out that she is Freddy's child, And we soon find out that Freddy can only leave Springwood if his daughter can be a sort of host for him. And beyond that, fright ensues. This film seems to hit the nail on the head of everything you wanted to know.

This film has tons of humor, and cameo appearences, like Rosanne Barr and Tom Arnold, Alice Cooper, Johnny Depp, and a very young Breckin Meyer playing a teenage stoner who sees psychadelic vision of flowers and Iron Butterfly's \\\"In-a-gadda-da-vida\\\", then gets stuck in a super Mario parody of sorts. This film will either make you hate this movie, or like Krueger even more. The best of the best.\": {\"frequency\": 1, \"value\": \"WARNING!!! TONS OF ...\"}, \"jim carrey can do anything. i thought this was going to be some dumb childish movie, and it TOTALLY was not. it was so incredibly funny for EVERYONE, adults & kids. i saw it once cause it was almost out of theatres, and now it's FINALLY coming out on DVD this tuesday and i'm way to excited, as you can see. you should definitely see it if you haven't already, it was so great!

Liz\": {\"frequency\": 1, \"value\": \"jim carrey can do ...\"}, \"Not sure why this movie seems to have gotten such rave reviews.

While watching \\\"Bang\\\" one night on TV, I found myself bored by the nonsensical, random plot which was occurring on screen. The entire movie seems to be nothing more than an exercise in meaningless, artsy-fartsy self-indulgence on the part of the filmmaker. The fact that the director/writer goes by a one name moniker only reinforces this sense of pretentiousness.

Those interested in indie flicks would be better off looking for something better written and dare I say, more entertaining than this complete waste of time.\": {\"frequency\": 1, \"value\": \"Not sure why this ...\"}, \"I often feel like Scrooge, slamming movies that others are raving about - or, I write the review to balance unwarranted raves. I found this movie almost unwatchable, and, unusual for me, was fast-forwarding not only through dull, clich\\ufffd\\ufffdd dialog but even dull, clich\\ufffd\\ufffdd musical numbers. Whatever originality exists in this film -- unusual domestic setting for a musical, lots of fantasy, some animation -- is more than offset by a script that has not an ounce of wit or thought-provoking plot development. Individually, June Haver and Dan Dailey appear to be nice people, but can't carry a movie as a team. Neither is really charismatic or has much sex appeal. They're both bland. I like Billy Gray, but his character is pretty one-note. The best part of the film, to me, are June Haver's beautiful costumes and great body.\": {\"frequency\": 1, \"value\": \"I often feel like ...\"}, \"1928 is in many ways a \\\"lost year\\\" in motion pictures. Just as some of the finest films of the silent era were being made in every genre, sound was coming in and - while reaping great profits at the box office - was setting the art of film-making back about five years as the film industry struggled with the new technology.

\\\"Show People\\\" is one of the great silent era comedies. The film shows that William Haines had comic skills beyond his usual formula of the obnoxious overconfident guy who turns everyone against him, learns his lesson, and then redeems himself by winning the football game, the polo game, etc. This movie is also exhibit A for illustrating that Marion Davies was no Susan Alexander Kane. She had excellent comic instincts and timing. This film starts out as the Beverly Hillbillies-like adventure of Peggy Pepper (Marion Davies) and her father, General Marmaduke Oldfish Pepper, fresh from the old South. General Pepper has decided that he will let some lucky movie studio executive hire his daughter as an actress. While at the studio commissary, the Peppers run into Billy Boone (William Haines), a slapstick comedian. He gets Peggy an acting job. She's unhappy when she finds out it is slapstick, but she perseveres. Eventually she is discovered by a large studio and she and Billy part ways as she begins to take on dramatic roles. Soon the new-found fame goes to her head, and she is about to lose her public and gain a royal title when she decides to marry her new leading man, whom she doesn't really love, unless fate somehow intervenes.

One of the things MGM frequently does in its late silent-era films and in its early sound-era films is feature shots of how film-making was done at MGM circa 1930. This film is one of those, as we get Charlie Chaplin trying to get Peggy's autograph, an abundance of cameos of MGM players during that era including director King Vidor himself, and even a cameo of Marion Davies as Peggy seeing Marion Davies as Marion Davies arriving at work on the lot. Peggy grimaces and mentions that she doesn't care for her. Truly a delight from start to finish, this is a silent that is definitely worth your while. This is one of the films that I also recommend you use to introduce people to the art of silent cinema as it is very accessible.\": {\"frequency\": 1, \"value\": \"1928 is in many ...\"}, \"Reda is a young Frenchman of Moroccan descent. Despite his Muslim heritage, he is very French in attitudes and values. Out of the blue, his father announces that Reda will be driving him to the Hajj (pilgrimage) to Mecca--something that Reda has no interest in doing but agrees only out of obligation. As a result, from the start, Reda is angry but being a traditional Muslim man, his father is difficult to talk to or discuss his misgivings. Both father and son seem very rigid and inflexible--and it's very ironic when the Dad tells his son that he should not be so stubborn.

When I read the summary, it talks about how much the characters grew and began to know each other. However, I really don't think they did and that is the fascinating and sad aspect of the film. Sure, there were times of understanding, but so often there was an undercurrent of hostility and repression. I actually liked this and appreciated that there wasn't complete resolution of this--as it would have seemed phony.

Overall, the film is well acted and fascinating--giving Westerners an unusual insight into Islam and the Hajj. It also provides a fascinating juxtaposition of traditional Islam and the secular younger generation. While the slow pace and lack of clarity about the relationship throughout the film may annoy some, I think it gave the film intense realism and made it look like a film about people--not some formula. A nice and unusual film.\": {\"frequency\": 1, \"value\": \"Reda is a young ...\"}, \"I can't remember many films where a bumbling idiot of a hero was so funny throughout. Leslie Cheung is such the antithesis of a hero that he's too dense to be seduced by a gorgeous vampire... I had the good luck to see it on a big screen, and to find a video to watch again and again. 9/10\": {\"frequency\": 1, \"value\": \"I can't remember ...\"}, \"For getting so many positive reviews, this movie really disappointed me! It is slow moving and long. At times the story is not clear, particularly in the evolving relationships among characters. My advice? Read the book, it's a fabulous story which loses it's impact on screen.\": {\"frequency\": 1, \"value\": \"For getting so ...\"}, \"This movie is one of the worst movies I have ever seen. There is absolutely no storyline, the gags are only for retards and there is absolutely nothing else that would make this movie worth watching. In the whole movie Fredi (oh my god what a funny name. ha ha) doesn't ask himself ONCE how he came from a plane to middle earth. There are plenty of stupid and totally unfunny characters whose names should sound funny. e.g. : Gandalf is called Almghandi, Sam is called Pupsi ... and so on. I didn't even smile once during the whole movie. The gags seem like they were made by people whose IQ is negative. If you laugh when someone's coat is trapped in the door (this happens about 5 times) then this movie is perhaps for you. Another funny scene: They try to guess the code word for a closed door (don't ask why- don't ever ask \\\"why\\\" in this movie) and the code word is (ha ha): dung. So if you laughed at this examples you might like this movie. For everybody else: Go to Youtube and watch \\\"Lord of the Weed\\\": it's a lot, lot more fun.\": {\"frequency\": 1, \"value\": \"This movie is one ...\"}, \"My boyfriend and I both enjoyed this film very much. The viewer is swept away from modern life into old Japan, while at the same time exposed to very current themes. The characters are realistic and detailed; it has an unpredictable ending and story, which is very refreshing. The story is made up of mini-plots within the life of several geisha living together in a poor city district. I highly recommend this movie to anyone who is interested in a realistic romance or life in old Japan.

\": {\"frequency\": 1, \"value\": \"My boyfriend and I ...\"}, \"The animation looks like it was done in 30 seconds, and looks more like caricatures rather than characters. I've been a fan of Scooby Doo ever since the series premiered in 1969. I didn't think much of the Scooby Doo animated movies, (I'm talking about the TV Series, not the full length movies.), but some of them were pretty cool, and I like most people found Scrappy Doo to be an irritant, but this series is pure garbage. As soon as I saw the animation, and heard the characters, (and I use that term loosely) speak, I cringed. Also, Mystery Inc., was a team, and without the entire crew to compliment each other, it just seems like opening up a box of chocolates to find someone has already ate the best ones, and the only thing left are the ones nobody wants. What's New Scooby Doo was better than this. If you're going to have a Scooby Doo TV series, include the elements that made the series endure so long. The entire cast of characters, and quality animation. They need to put this one back under the rock from where it came.\": {\"frequency\": 1, \"value\": \"The animation ...\"}, \"I work at a movie store, and as such, I am always on the look-out for an excellent movie. I decided to check out Nothing as it sat in our Canadian section, and I've been trying to support my country's movie industry. I was in for a surprise. The film features David Hewlett and Andrew Miller in a highly entertaining story that seems to delve into so much of our minds and relationships...without working that hard. It is consistently comedic through the interaction of the two characters, as well as some funny exchanges (\\\"We can't be dead, we have cable!\\\"). What more can I say without noting that it is worth a shot, even if you abandon it within the first half an hour.\": {\"frequency\": 1, \"value\": \"I work at a movie ...\"}, \"A terrorist attempts to steal a top secret biological weapon, and in the process of trying to escape, he is infected when the case containing the deadly agent is compromised. Soldiers are able to retrieve the case, but the terrorist makes his way to a hotel where he attempts to hide out. They eventually make it to where he's hiding, and \\\"cleanse\\\" the hotel and its occupants. Unfortunately they dispose of his body by cremation, and if you've seen Return of the Living Dead, you know what happens next.

Zombi 3 has been widely panned by critics and zombie fans alike, as a complete mess of a movie. While that's a fair assessment, it's not without it's high points. For one thing, it has plenty of bloody deaths to keep gore-hounds happy. There's an abundance of zombies that seem to come out from everywhere possible. They're in the water, the rafters of houses, hiding in trees, and for some reason, they like to hide under a bunch of dead brush, only to spring out to attack as the heroes try to escape. There's even a flying zombie head that hides inside a refrigerator. You have to see it to believe it, as that scene alone makes Zombi 3 required viewing IMO. It may have some terrible editing and some very questionable acting, especially from the doctor who has to be one of the worst actors I've seen, but Zombie 3 is still a very entertaining movie. Sometimes it's nice to sit back and watch a movie that doesn't require anything more than your time and an open mind. Zombi 3 fits that bill, and then some. It's even more enjoyable if you pop open a few beers, and watch it with some like minded friends. I give it an 8/10, just because of sheer enjoyment.\": {\"frequency\": 1, \"value\": \"A terrorist ...\"}, \"The prerequisite for making such a film is a complete ignorance of Nietzche's work and personality, psychoanalytical techniques and Vienna's history. Take a well-know genius you have not read, describe him as demented, include crazy physicians to cure him, a couple of somewhat good looking women, have his role played by an actor with an enormous mustache, have every character speak with the strongest accent, show ridiculous dreams, include another prestigious figure who has nothing to do with the first one (Freud), mention a few words used in the genius' works, overdo everything you can, particularly music, and you are done. Audience, please stay away.\": {\"frequency\": 1, \"value\": \"The prerequisite ...\"}, \"Not the best of the films to be watched nowadays. I read a lot of reviews about Shining and was expecting it to be very good. But this movie disappointed me. The sound and environment was good, but there was no story here. Not was there a single moment of fright. I expected it to a horror thriller movie, but there was no horror no thriller. The only scene where I got scared was during the chapter change scene showing \\\"Wednesday\\\". There are lots of fragments i the movie. Most of the things are left unexplained with nothing to link it to anything. The story does not tell us about the women or other scenes that is shown. Might be a good movie to watch in the 80's, but not for the 21st century.\": {\"frequency\": 1, \"value\": \"Not the best of ...\"}, \"Paul Greengrass definitely saved the best Bourne for last! I've heard a lot of people complain about they way he filmed this movie, and some have even compared the camera style to the Blair Witch Project. All I have to say to that is...are you kidding me? Come on it was not that bad at all. I think it helps the action scenes to feel more realistic, which I would prefer over highly stylized stunt choreography. As for the rest of the movie I really didn't even notice it.

You can tell that Damon has really gotten comfortable with the role of Jason Bourne. Sometimes that can be a bad thing, but in this case its a really good thing. He really becomes Jason Bourne in this installment. Damon also has a great supporting cast in Joan Allen, Ezra Kramer, and Julia Stiles. David Strathairn was a great addition to the cast, as he added more depth to the secret CIA organization.

Even though the movie is filled with great car chases and nonstop action, they managed to stick a fair amount of character development in their with all of that going on. This film stands far above the other two Bourne movies, and is definitely one of the best movies of the 2007 summer season!\": {\"frequency\": 1, \"value\": \"Paul Greengrass ...\"}, \"It's interesting how 90% of the high-vote reviews are all comprised of \\\"*random username*\\\" from \\\"United States\\\" (no state pride??) who all say more or less the exact same thing with the exact same grammatical style and all with the exact same complete lack of taste in movies. I would delve further into this suspicious trend, but alas, this is a review of the movie, and not the reviews themselves.

Let me start by saying that I am both a Christian and a true avid movie fan. This means I have seen a great many movies, from good to bad, and can wholeheartedly claim that Facing The Giants is, in fact, NOT a good movie. It has good intentions, but fails to meet many (if any) basic standards that I associate with a quality filmgoing experience.

The Acting: Mostly Terrible, Palatable At Best. Hearing that most were apparently volunteers does not at all surprise me.

The Dialogue: Clumsy, cheesy, the script comes off as a long version of some cheesy skit you'd see performed in Sunday School or youth group function. The Rave Review Robots revel in the absence of \\\"meaningless words\\\", but the cold hard truth is that such words are a part of the real world, and the complete absence of it is palpable. Let's just say the mean ol' head coach of a team in a State Championship game would have a lot more to say than \\\"OH NO!\\\" when things are not going his way.

The Plot: Mind-bogglingly predictable. It has been commented that this movie is \\\"not a Hollywood clich\\ufffd\\ufffd\\\", and yet it's like it was pulled directly from Making An Underdog Sports Movie For Dummies (including the mandatory quasi-romantic subplot for the ladies) and just had a Christian-themed coat of paint slapped on it. I'm not lying or bragging when I say I had almost every major detail in both the plot and subplot pegged immediately upon their inception. Only someone who has never seen a decent sports movie in their whole life would be emotionally stirred by the story presented here.

The Directing/Editing: It, too, was patterned almost exactly after the generic Underdog Sports Movie template. Still, acting aside, there weren't many noticeable goofs, so at least Facing The Giants was technically competent.

The Message: Ask Jesus and He will grant all your wishes. Part of me hoped that this movie would end in the team's eventual defeat to really emphasize the whole \\\"If we lose, we praise You\\\" part, because in the Real World, you WILL fail at one point or another and it's good to be prepared for that. But in the world of Facing The Giants, if you fail, clearly someone either screwed up or is cheating. Another interesting question being, what if the Eagles came across another team that had gotten religion? Would they be caught in an endless loop of miraculous plays and last-minute saves, or would the universe simply have exploded?

The Bottom Line: For the hardcore conservative Christian Parents crowd lamenting the evils of Hollywood, Facing The Giants will be another mediocre-at-best Christian film to hold up on a pedestal as the preferred model for modern film-making. For everyone else, the effects will range from boredom to a burning desire to be watching something else. And a warning: Any attempt to show this to non-Christians will lead not to conversion, but to derision. I give this two stars, one for the one scene that did not have me rolling my eyes, and another for basic technical proficiency on a low budget.\": {\"frequency\": 1, \"value\": \"It's interesting ...\"}, \"Sondra Locke stinks in this film, but then she was an awful 'actress' anyway. Unfortunately, she drags everyone else (including then =real life boyfriend Clint Eastwood down the drain with her. But what was Clint Eastwood thinking when he agreed to star in this one? One read of the script should have told him that this one was going to be a real snorer. It's an exceptionally weak story, basically no story or plot at all. Add in bored, poor acting, even from the normally good Eastwood. There's absolutely no action except a couple arguments and as far as I was concerned, this film ranks up at the top of the heap of natural sleep enhancers. Wow! Could a film BE any more boring? I think watching paint dry or the grass grow might be more fun. A real stinker. Don't bother with this one.\": {\"frequency\": 2, \"value\": \"Sondra Locke ...\"}, \"This film moved me beyond comprehension, it is and will remain my favourite film of all time, mainly because it has almost every emotion all rolled into its 157 minutes. What is the hardest part for me to take is that whenever i want to hear the amazing music and songs from the film, I have to put it into my DVD player, so I was wondering if anyone anywhere knows who sings the songs in the film and where they can be found, as I have looked everywhere I can think sporadically over the past 5 years. My favourite quote from the film is when in court the advocate says \\\"But your own words ask for direct confrontation, isn't that a direct call for violence?\\\" Biko replies \\\"Well you and I are in confrontation now, but I see no violence!!\\\"

CRAIG ROBERTSON Fife, Scotland\": {\"frequency\": 1, \"value\": \"This film moved me ...\"}, \"Night of the Comet starts as the world prepares for a once in a lifetime event, the passing of a 65 million plus year old comet. Instead of watching the light show Regina Belmont (Catherine Mary Stewart) decides to spend the night with cinema projectionist Larry Dupree (Michael Bowen) in his booth... They awake the next morning & as Larry attempts to leave the cinema he is attacked & killed by a zombie, the same zombie attacks Regina but she manages to escape where upon she discovers that almost everyone on the entire planet has been turned into red dust. Almost everyone because by some amazing coincidence the only other person to survive happens to be her sister Samantha (Kelli Maroney), they desperately search for more survivors & meet up with a long distance trucker named Hector Gomez (Robert Beltran). Meanwhile an evil bunch of scientists need human blood to develop a serum to save themselves from turning into dust & they're on the look out for unwilling donors...

Written & directed by Thom Eberhardt I found Night of the Comet a pretty rubbish viewing experience, I'm surprised at the amount of positive comments on IMDb about it because I just thought it was boring crap that never lived up to it's potential. The script starts off 100 miles an hour with the obliteration of the entire population of Earth & a zombie attack but then it goes absolutely nowhere & then eventually introduces the sinister blood stealing scientists towards the end of the film because by that time the slim story has run it's course. There are plot holes too, if these scientists want blood why shoot the three or four gang members & save the two sisters when the guys would have provided more blood for their experiments, killing them just seemed a totally bizarre & an almost suicidal thing to do considering they need blood to develop a cure, it just doesn't make sense I mean if your going to die & you need to experiment on human blood would rather have five or six donors providing blood or just two? I'm not having the fact that the two sisters survived independently of each other, I mean what are the odds on that? When Hector confronts the female scientist for the first time she never mentions Samantha or where she was or where the underground facility was where they took Regina before she committed suicide so how did Hector know these things? I also thought after the first twenty odd minutes the film slows down to a snails pace & became incredibly boring & dull to watch, after hearing so many good things about it Night of the Comet comes across to me as nothing more than an overrated boring piece of crap.

Director Eberhardt does a really good job, I liked the look of the film with it's red tinted sky & he manages to create a really cool atmosphere of isolation. Unfortunately there are far too many shots of empty streets, there are constant montage's of empty streets, deserted roads & abandoned buildings & it gets extremely repetitive & dull. OK we get it there's no one else about so there's no need to keep ramming it down our throats by constantly showing roads without cars on them. The zombies are totally wasted, there are two zombie attacks in the entire film & that's two individual zombies as well although there are a couple of effective nightmare scenes. Night of the Comet pays homage, or rips-off whichever you prefer, several other much better films including the obligatory end of the world shopping spree in a mall lifted from Dawn of the Dead (1978). Forget about any blood or gore as there isn't any.

Technically Night of the Comet is pretty good, the special effects are decent enough & the production crew were obviously very good at closing streets off. The acting was alright expect for Maroney as Samantha the air-head blonde who became highly irritating.

Night of the Comet was a big disappointment for me, I had hoped for so much more. Persoanlly I found this film dull, boring, uneventful & the puke inducing sequence where the sisters go shopping to the tune of 'Girls Just Wanna Have Fun' is probably the worst moment in the film. Really bad & I just don't get why so many people like this, I'm sure I'll get slaughtered for saying it so let the abuse begin I can take it...\": {\"frequency\": 1, \"value\": \"Night of the Comet ...\"}, \"This is another one of those movies that could have been great. The basic premise is good - immortal cat people who kill to live, etc. - sort of a variation on the vampire concept.

The thing that makes it all fall apart is the total recklessness of the main characters. Even sociopaths know that you need to keep a low profile if you want to survive - look how long it took to catch the Unibomber, and that was because a family member figured it out.

By contrast, the kid (and to a lesser extent, the mom) behave as though they're untouchable. The kid kills without a thought for not leaving evidence or a trail or a living witness. How these people managed to stay alive and undiscovered for a month is unbelievable, let alone decades or centuries.

It's really a shame - this could have been so much more if it had been written plausibly, i.e., giving the main characters the level of common sense they would have needed to get by for so long.

Other than that, not a bad showing. I loved the bit at the end where every cat in town converges on the house - every time I put out food on the porch and see our cats suddenly rush in from wherever they were before, I think of that scene.\": {\"frequency\": 1, \"value\": \"This is another ...\"}, \"I could not take my eyes off this movie when it showed up on cable. The dialogue and costumes are of a quality most readily associated with soft-core porn. In this case the expedient plot serves as a vehicle not for sex but for serial thrashings with nunchuks. (Perhaps for sex as well, but not on Indian TV, anyway.)

Not being a fan of the genre I couldn't place Jeff Wincott, and had no leads to search from. Only once Brigitte Nielsen traded in her futuristic-nurse coif (so mayoral!) for the high-top fade we remember from Beverly Hills Cop II did I make the positive ID on her.

This movie will no doubt entertain any admirer of early 90's couture or nod-and-wink schlock \\ufffd\\ufffd la Paul Verhoeven. Can we add a genre tag for \\\"so-bad-it's-good\\\"?\": {\"frequency\": 1, \"value\": \"I could not take ...\"}, \"Spoiler This is a great film about a conure. He goes through quite the ordeal trying to get back to his little girl owner. He learns a lot through his journey and meets up with a lot of other beautiful birds. If you love birds like my wife does, this film is for you. This film also has some sad parts that make the tears run. In the end it all works out for Paulie and his Russian friend. Rent this for the whole family, everyone will enjoy this.\": {\"frequency\": 1, \"value\": \"Spoiler This is a ...\"}, \"One of the worst movies I've ever seen. Acting was terrible, both for the kids and the adults. Most to all characters showed no, little or not enough emotion. The lighting was terrible, and there were too many mess ups about the time of the day the film was shot (In the river scene where they just get their boat destroyed, there's 4 shots; The sheriff and Dad in the evening on their boat, Jillian and Molly in the evening swimming, the rest of the kids in the daytime *when it's supposed to in the evening* at the river bank, and the doctor, Beatrice, and Simonton at night but not in the evening getting off their boat.) The best acting in the movie was probably from the sheriff, Cappy (Although, there's a slip of character when the pulse detector *Whatever that thing is when people die, it beeps* shows Cappy has died, he still moves while it can still be heard beeping, and while the nurse extra checks his pulse manually, then it shows the pulse again, and THEN he finally dies.) I guess it's not going to be perfect, since it's an independent movie, but it still could be better. Not worth watching, honestly, even for kids. Might as well watch something good, like The Lion King or Toy Story if you're going to see anything you'll remember.\": {\"frequency\": 1, \"value\": \"One of the worst ...\"}, \"I must admit that at the beginning, I was sort of reticent about watching this movie. I thought it was this stupid, little, romantic film about a French woman who meets in the train an American and decides to visit Vienna with him. I was not actually enchanted about this kind of script, since it continued to make me believe that it is just a movie. Still, I watched it! And I was amazed...\\\"Before Sunrise\\\" is one of the few films who dare to talk in a rather philosophical way, wondering about the fact that in the moment of our birth, we are sentenced to death, or that it is a middling idea that fact that a couple should rest together for eternity, or that, we, humans, can afford sometimes to live in fairy-tales.

The ending was wonderfully chosen (we do not know if they will meet again in six months, at six o'clock, in Vienna's station) -in our optimism, we sincerely hope so. The actors acted in a very good manner, so, that, I began to believe that I, myself could live a love-story just like this.\": {\"frequency\": 1, \"value\": \"I must admit that ...\"}, \"Based on the idea from Gackt, Moon Child took place in a poverty-stricken country called Mallepa. In a futuristic timeline, the story followed the lives of the two main characters, Kei (HYDE) and Sho (Gackt) and their friends growing up together.

Despite some actions might be overly done or perhaps humorous, I strongly believed that this is a movie about friendship. Even amongst all the hardships between each character, in the end, each of them wanted to have someone on their side, to have friends.

Unlike most vampire characters, Kei portrayed a vampire that loathed the idea of having to kill in order to live. A vampire found friendship in the hand of a young boy, Sho who's not afraid of Kei. Regardless of what some might've thought, I see Kei as a fatherly figure to Sho. Kei was there throughout the earlier life of Sho, he took care of him, and taught him to live in a world where power between gangs controls their lives. On the other hand, Sho who perhaps can be seen as an innocent enthusiastic style young man, he grew up to be a man who realised that life isn't all about fun and games, that death exists and able to take away his loved ones.

I love the part where Lee Hom, the actor who played Son, first appeared on the screen. The way they met up was quite cool indeed. Son also has a big part within this movie, the fact that he's from a different race, a Taiwanese, made quite an impact to the friendship theme within the movie. The way how friendships were developed despite background differences was portrayed excellently in this movie.

I believed that each actor did a great job considering that this was their first time to appear in such big screen movie. Both HYDE and Gackt managed to act quite well and created quite believable characters. Unlike movies that had musician turned actors and filled the movie with songs, they've done great acting jobs! Moon Child really made an impact for me, it has given friendships a new meaning and consideration, that we have to appreciate every friendship in our lifetimes. The movie shows a lot of hope, despite all the bad things that happen in their lives, that there's always hope. Life can be cruel, that it seems hope doesn't exist anymore. It also shows a very strong sense of friendships between each other, even when Son became the enemy, Sho did have some sort of \\\"fun\\\" at their last battle. Every single one of them desired peace in the end, no matter how far apart they've become. The ending scene showed it to us.\": {\"frequency\": 1, \"value\": \"Based on the idea ...\"}, \"Having not read the novel, I can't tell how faithful this film is. The story is typical mystery material: killer targets newlyweds; woman investigator falls in love with her partner and is diagnosed with a fatal disease. Yes, it sounds like a soap opera and that's exactly how it plays. The first 2/3 are dull, save for the murders and the last 1/3 makes a partial comeback as it picks up speed toward its twisty conclusion.

Acting is strictly sub par, though it's hard to blame the actors alone: the screenplay is atrocious. During the last 1/3 you stop noticing because the film actually becomes interesting, but that's only the last 1/3. Director Russell Mulcahy is very much in his element, but there's only so much he can do with a TV budget and the network censors on his back. He's pretty much limited to quick cutting and distorted lenses, though he managed to squeeze in a couple \\\"under the floor\\\" shots during the murders in the club restroom. Unfortunately, as this is made for TV, the cool compositional details he uses so well with a wider image are nowhere to be found. Note to producers: give this man a reasonable budget and an anamorphic lens when you hire him.

Summing it up: this film is bad by cinema standards and mediocre by TV standards(watch CSI, instead). If you're in the mood for a film like this, I've some excellent suggestions: pick up a copy of Dario Argento's \\\"Deep Red\\\"(my highest recommendation; superb film), \\\"Opera\\\", or even \\\"Tenebre\\\". They're stronger in every category.\": {\"frequency\": 1, \"value\": \"Having not read ...\"}, \"Now let me tell you about this movie, this movie is MY FAVORITE MOVIE!!! This movie has excellent combat fighting. This movie does sound like a silly story line about how Jet Li plays a super hero, like Spider-Man, or etc. But once you've seen this movie, you would probably want to see it again and again. I rate this movie 10/10.\": {\"frequency\": 1, \"value\": \"Now let me tell ...\"}, \"My first clue about how bad this was going to be was when the video case said it was from the people who brought us Blair Witch Project which was a masterpiece in comparison to this piece of garbage. The acting was on the caliber of a 6th grade production of Oklahoma and the plot, such as there was, is predictable, boring and inane. 85% of the script is four letter words and innumerable variations on them. Mother F seems to be the \\\"writer's\\\" favorite because it is used constantly. It must have taken all of 10 minutes to write this script in some dive at last call. Thank God I rented it and could jump through most of it on fast forward. Don't waste your time or money with this.\": {\"frequency\": 1, \"value\": \"My first clue ...\"}, \"the single worst film i've ever seen in a theater. i saw this film at the austin film festival in 2004, and it blew my mind that this film was accepted to a festival. it was an interesting premise, and seemed like it could go somewhere, but just fell apart every time it tried to do anything. first of all, if you're going to do a musical, find someone with musical talent. the music consisted of cheesy piano playing that sounded like they were playing it on a stereo in the room they were filming. the lyrics were terribly written, and when they weren't obvious rhymes, they were groan-inducing rhymes that showed how far they were stretching to try to make this movie work. and you'd think you'd find people who could sing when making a musical, right? not in this case. luckily they were half talking/half singing in rhyme most of the time, but when they did sing it made me cringe. especially when they attempted to sing in harmony. and that just addresses the music. some of the acting was pretty good, but a lot of the dialog was terrible, as well as most of the scenes. they obviously didn't have enough coverage on the scenes, or they just had a bad editor, because they consistently jumped the line and used terrible choices while cutting the film. at least the director was willing to admit that no one wanted the script until they added the hook of making it a musical. i hope the investors make sure someone can write music before making the same mistake again.\": {\"frequency\": 1, \"value\": \"the single worst ...\"}, \"Atlantis was much better than I had anticipated. In some ways it had a better story than come of the other films aimed at a higher age. Although this film did demand a solid attention span at times. It was a great film for all ages. I noticed some of the younger audience expected a comedy but got an adventure. I think everyone is tired of an endless parade of extreme parodies. A lot of these kids have seen nothing but parodies. After a short time everyone seemed very intensely watching Atlantis.\": {\"frequency\": 1, \"value\": \"Atlantis was much ...\"}, \"Its spelled S-L-A-S-H-E-R-S. I was happy when the main character flashed her boobs. That was pretty tight. Before and after that the movie pretty much blows. The acting is like E-list and it's shown well in the movie. Not to mention it is so low budget that Preacherman and Chainsaw Charlie are played by the same person. The whole movie looks like it was shot with a camcorder instead of half way decent film. The only other reason I liked the movie was because Chainsaw Charlie and Doctor Ripper were funny. They said many stupid things that made me laugh. Other than that if you see this movie at Blockbuster do everyone a favor hide it behind Lawnmowerman 2. Anybody that thinks this movie is good should be mentally evaluated.\": {\"frequency\": 1, \"value\": \"Its spelled ...\"}, \"in one of Neil Simon's best plays. Creaky, cranky ex-Vaudeville stars played by Walter Matthau and George Burns are teaming up for a TV comedy special. The problem is they haven't even SEEN each other in over a decade. Full of zippy one liners and inside showbiz jokes, this story flies along with a steady stream of humor. Good work also by Richard Benjamin as the harried nephew, Rosetta LeNoire as the nurse, and Howard Hesseman as the TV commercial director. Steve Allen and Phyllis Diller appear as themselves. Trivia note: The opening montage contains footage from Hollywood Revue of 1929 and shows Marie Dressler, Bessie Love, Polly Moran, Cliff Edwards, Charles King, Gus Edwards, and the singing Brox Sisters.\": {\"frequency\": 1, \"value\": \"in one of Neil ...\"}, \"I really liked this movie. I've read a few of the other comments, and although I pity those who did not understand it, I do agree with some of the criticisms. Which, in a strange way, makes me like this movie all the more. I accept that they have got a pretty cast to remake an intelligent movie for the general public, yet it has so many levels and is still great to watch. I also love the movies, such as this one, which provoke so many debates, theories, possible endings and hidden subtext. Congratulations Mr.Crowe, definitely in my Top Ten.

P.S. Saw this when it first came out whilst I was backpacking in Mexico, it was late at night and I had to get back to my hotel and I had a major paranoia trip! Where does the dream end and the real begin?\": {\"frequency\": 1, \"value\": \"I really liked ...\"}, \"I guess that \\\"Gunslinger\\\" wasn't quite as god-awful as most of the movies that \\\"Mystery Science Theater 3000\\\" shows, but westerns just aren't Roger Corman's forte. Portraying Rose Hood (Beverly Garland) becoming sheriff in an Old West town after her sheriff husband gets murdered and having to fight off baddies, the movie is pretty predictable. John Ireland is Rose's new hubby, secretly working for unctuous Allison Hayes (yes, the 50-foot woman). Also appearing briefly is frequent Corman co-star Dick Miller as a mailman (Miller nowadays stars in Joe Dante's movies).

I do wish to assert that you'll probably want to watch the \\\"MST3K\\\" version to really enjoy this movie. They had a great time with it.\": {\"frequency\": 1, \"value\": \"I guess that ...\"}, \"Do you know when you look at your collection of old, videotaped movies, and realize that there are some that you've only seen once or twice, and you can't remember if they're worth the time it takes to see them? The Alibi is/was one of those films; I found it, not long ago, and decided I might as well give it a chance. I'm not entirely sure if I'm happy with my decision... on one hand, the film is really, really bad, on the other, now I have another free tape... yeah, you get it. The plot is predictable and not in any way original. The pacing is bad. The acting is bad, but that's not really surprising, seeing as the two leads are former soap-opera stars... they're used to overact. The characters are poorly written clich\\ufffd\\ufffds. The film even manages to screw up the easiest damn way to impress me(through film): court scenes. Even those don't elicit one single emotion for or against any of the cardboard-thin characters. The film just has no real redeeming qualities whatsoever... even the dialog is bad. The thing is, it's so full of clich\\ufffd\\ufffds that it's laughable. And that's the one thing that lifts this above a rating of 1/10: the(albeit unintentionally so) comic relief of the many clich\\ufffd\\ufffds and stereotypes. I didn't pay very much attention to the film, but just about every time I looked at the screen, there was something to laugh at. One final note: I considered using the line \\\"Tori Spelling can't act\\\" as a one line summary, but I guess everyone knows that, so I opted for the current one, seeing as it's more informative. All in all, a thoroughly bad film, but not the worst if you've got nothing else to do and if it's on TV. Good for a few laughs, if you can sit through it. 3/10\": {\"frequency\": 1, \"value\": \"Do you know when ...\"}, \"It is no wonder this movie won 4 prices, it is a movie that lingers to any soul, it isn't a wonder why it took Paul Reiser 20 years to finally give in and talk to Peter Falk about his idea. I can understand every part of it, this is a movie that will make you cry just a tear, or thousands.

Story: 10/10 When Sam kleinman gets a letter from his wife about her leaving him to find something else his son and him take out on a road trip to find her, and while they do that they find something lost, Friendship, family, and affection for each other. At the beginning you know whats going to happen, but none soever the story is not that easy to figure out from beginning to end, it is a ride between a father and his son, and a husband and his wife. It is no wonder it took Paul Reiser 20 years to write this beautiful romance/comedy.

Actors: 10/10 Well you cant say anything else that what i about to say, hey it is with Peter Falk in it, he is a legend everything he does in movies are magic, when you use Peter Falk in a romance/comedy what do you think you get? A perfect outcome, it is no wonder this movie is that perfect and won that many prices. As the son Paul Reiser does an excellent job, although he isn't a great actor always that doesn't mean that this didn't work actually Peter Falk and Paul Reiser plays the perfect Father and Son, the rest of the cast is good enough but you don't see them as much so just say they do what they shall to get this to shine even more.

Music: 10/10 It doesn't always work when using music sometimes it just doesn't fit but that is not the thing in this movie, the music is perfect in tune, it makes the movie even more compelling. This part of the movie will shine off as good as the other parts, a great soundtrack for a Romance/Comedy thats for sure.

Overall: 10/10 There are so many Romance/Comedy movies out on tapes, DVDs, Blu-ray and what not, but this movie is one of the special ones. it doesn't happen everyday that you can create a story like this, it takes years thinking about this and the fact is that actually what it took to make it, a great piece that should be bought and kept into the human soul, see it when you get old and see it with your father at a old age, i think then this movie will spark like no other ever made.\": {\"frequency\": 1, \"value\": \"It is no wonder ...\"}, \"Rating: 4 out of 10

As this mini-series approached, and we were well aware of it for the last six months as Sci-Fi Channel continued to pepper their shows with BG ads, I confess that I felt a growing unease as I learned more.

As with any work of cinematic art which has stood up to some test of time, different people go to it to see different things. In this regard, when people think of Battlestar Galactica, they remember different things. For some it is the chromium warriors with the oscillating red light in their visor. For others, it is the fondness that they held for special effects that were quite evolutionary for their time. Many forget the state of special effects during the late 70s, especially those on television. For some the memories resolve around the story arc. Others still remember the relationships how how the relationships themselves helped overcome the challenges that they faced.

Frankly, I come from the latter group. The core of Battlestar Galactica was the people that pulled together to save one another from an evil empire. Yes, evil. The Cylons had nothing to gain but the extermination of the human race yet they did it. While base stars were swirling around, men and women came together to face an enemy with virtually unlimited resources, and somehow they managed to survive until the next show. They didn't survive because they had better technology, or more fire power. They survived because they cared for and trusted each other to get through to the next show.

The show had its flaws, and at times was sappy, but they were people you could care about.

The writers of this current rendition seemed to never understand this. In some ways he took the least significant part of the original show, the character's names and a take on the story arc and crafted what they called nothing less than a reinvention of television science fiction. Since that was their goal, they can be judged on how well they accomplished it: failure. It was far from a reinvention. In fact it was in many ways one of the most derivitive of science fiction endeavors in a long time. It borrows liberally from ST:TNG, ST:DS9, Babylon 5, and even Battlefield Earth. I find that unfortunate.

Ronald D. Moore has been a contributor to popular science fiction for more than a decade, and has made contribution to some of the most popular television Science Fiction that you could hope to see. One of the difficulties that he appears to have had was that there could be no conflict in the bridge crew of the Enterprise D & E. That was the inviolable rule of Roddenberry's ST:TNG. Like many who have lived under that rules of others who then take every opportunity to break the rules when they are no longer under that authority, Ron Moore seems to have forgotten some of the lessons he learned under the acknowledged science fiction master: Gene Roddenberry. Here, instead of writing the best story possible, he has created a dysfuntional cast as I have ever seen with the intent of creating as much cast conflict as he could. Besides being dysfunctional, some of it was not the least bit believable. Anyone who has ever been in the military knows that someone unprovokedly striking a superior officer would not get just a couple of days \\\"in hack,\\\" they could have gotten execution, and they never would have gotten out the next day. It wouldn't have happened, period, especially in time of war.

The thing that I remembered most of Ron Moore's earlier work was that he was the one who penned the death of Capt. James Kirk. He killed Capt. Kirk, and, alas for me, he has killed Battlestar Galactica.\": {\"frequency\": 1, \"value\": \"Rating: 4 out of ...\"}, \"Since I'd seen the other three, I figured I might as well catch this made for TV fourth part of The Omen series. As a stand alone film, this movie is mediocre; but as a sequel to the 1976 masterpiece; it's a travesty. The film goes along the same route that many series' go down when they're running out of ideas; that being the idea of changing the male lead to a female. It's always obvious that this film was made for television as the acting is very standard, the plot lacks ideas and the gruesome murder scenes seen in the previous three are kept to a bloodless minimum. The film does keep a thread with the original, which I won't reveal as despite being obvious; that revelation is one of the most interesting aspects of the movie. The basics of the plot largely copy Richard Donner's original, and see a young couple adopt a child, which they name Delia (not Damiella or Damiana, fortunately). There's a big dog involved, and a child minder; and pretty soon, the wife starts to suspect that the child may not quite be normal; as she's menstruating at eight years old, and never suffered from any illnesses...

The first two sequels to The Omen weren't bad at all, and the series really should have ended at number three. I guess there was money involved somewhere down the line, as there really is no artistic reason why this film should have been made. It brings nothing to the table in terms of originality, and the only thing it's likely to succeed in doing is annoying fans of the series. The film looks and feels like a TV movie all the way through and for the most part plays out like a film about the troubled upbringing of a young girl. Indeed, Asia Vieira does look like a little bitch; but she never convinces that she's the Antichrist, as her stares are redundant and most of the 'evil' she does is laughable. Faye Grant is given the meatiest role, and doesn't impress; while the rest of the cast regret agreeing to star in such an awful waste of time. The only good thing about this movie is the theme tune, which of course has been ripped off from the original; and is overused. On the whole, this film really isn't worth seeing; as it delivers nothing that the series is famous for, and doesn't even do justice to weaker second sequel.\": {\"frequency\": 1, \"value\": \"Since I'd seen the ...\"}, \"In \\\"Brave New Girl,\\\" Holly comes from a small town in Texas, sings \\\"The Yellow Rose of Texas\\\" at a local competition, and gets admitted to a prestigious arts college in Philadelphia. From there the movie grows into a colorful story of friendship and loyalty. I loved this movie. It was full of great singing and acting and characters that kept it moving at a very nice pace. The acting was, of course, wonderful. Virginia Madsen and Lindsey Haun were outstanding, as well as Nick Roth The camera work was really done well and I was very pleased with the end (It seems a sequel could be in the making). Kudos to the director and all others that participated on this production. Quite a gem in the film archives.\": {\"frequency\": 1, \"value\": \"In \\\"Brave New ...\"}, \"OK, forget all the technical inconsisties or the physical impossibilities of the Space Shuttle accidentally being launched by a quirky robot with a heart of gold. Forget the hideous special effects and poorly-constructed one-dimensional characters. Just looking at the premise of the story. The very reason for the film to exist in the first place, and you will see just how badly this film was pieced together.

I know 9 year olds that look at this insult to the intelligence and just laugh at it. The story is horrible. The acting is comical and the message its trying to show is incomprehensible. And whats worse, is that the cable Movie channels KEEP SHOWING IT! Its on twice a day every two or three days! Why does anyone in their right mind think that people would want to see this painful piece of celluloid multiple times, much less to see it at all?

My recomendation is dont even bother spending the energy to watch this thing. Its just not worth it.\": {\"frequency\": 1, \"value\": \"OK, forget all the ...\"}, \"I found this family film to be pleasant and enjoyable even though I am not a child. It is based on the concept of a high school girl, Susan (Elisha Cuthbert) discovering that the elevator in her upper class apartment building becomes a time machine when a key on a key chain she got from a blind scientist is turned in the elevator lock. She learns how to control the machine (with some uncertainty about time of day).

The film is not a work of serious science fiction. You have to ignore the usual instability paradox associated with altering the past through time travel, i.e, the past is changed to prevent the 1881 Walker family from becoming poor, but the change means the family never got into financial trouble, so Victoria wouldn't have told Susan about the financial problems her mother had, which means that Susan shouldn't have had a reason to change the past in the first place! But other than that, there are some nice touches in the story, such as the old elevator panel, found in the apartment of the woman who secretly invented and installed the time machine, not having a space for the lock that activates the time machine feature. As in many stories for children, we need to also suppose that a child will not share startling information about a time travel device with a parent or other adult but instead hide the time traveler.

It also requires disregarding some poorly staged scenes and uninspired performances by some of the adult actors. (The child actors (Elisha Cuthbert, Gabrielle Boni, and Matthew Harbour) all were very convincing in their parts.) In one scene in the 1300s native Americans notice Susan observing and photographing them. But they don't register surprise in the sudden appearance of this blond, white skinned girl in peculiar dress. Their response is to simply stop what they are doing and to walk calmly towards Susan. In the same scene an Indian mother is carrying what is supposed to be a baby but is so obviously a doll (its white skinned and its head flops around).

Timothy Busfield, the award winning actor who originally came to fame in TV's old \\\"Thirty Something,\\\" gives a somewhat uninteresting, sometimes listless, performance. In the other extreme Michel Perron hams it up as the Italian building superintendent (janitor), as does Richard Jutras in his role as a nosy neighbor. (The neighbor's name is Edward Ormondroyd, which is the name of the author of the novel the film is based on.) I suspect that these problems may be the fault either of the director or possible of a low budget.

Despite these flaws, I recommend the movie for kids. In addition to the interesting story, it also has some educational value, in that it points out how much both technology and social norms have changed in little more that 100 years.\": {\"frequency\": 1, \"value\": \"I found this ...\"}, \"In Stand By Me, Vern and Teddy discuss who was tougher, Superman or Mighty Mouse. My friends and I often discuss who would win a fight too. Sometimes we get absurd and compare guys like MacGyver and The Terminator or Rambo and Matrix. But now it seems that we discuss guys like Jackie Chan, Bruce Lee and Jet Li. It is a pointless comparison seeing that Lee is dead, but it is a fun one. And if you go by what we have seen from Jet Li in Lethal 4 and Black Mask, you have to at least say that he would match up well against Chan. In this film he comes across as a martial arts God.

Black Mask is about a man that was created along with many other men, to be supreme fighting machines. Their only purpose is to win wars that other people lose. They are invincible in some ways. Now that is the premise for the film, but what that does is sets up all the amazingly choreographed fight scenes.

Jet Li is a marvel. He can do things with and to his body that no human being should be able to do. And that is what makes watching him so fun.

Besides the martial arts in the film, Black Mask is strong with humour and that is due to the chemistry that Jet has with his co-star, the police officer. They are great together. But to be honest. if anyone is reading this review, they want to know if the film is kick ass in the action department. And the answer to that is a resounding YES!!! Lots and lots of gory mindless action. You will love this film.\": {\"frequency\": 1, \"value\": \"In Stand By Me, ...\"}, \"As a Turkish man now living in Sweden I must confess I often watch Scandinavian movies. Most if them I never understand. I think actors from Scandinavia work best in Hollywood. Last week I watched a film called \\\"The Polish Wedding\\\" together with a polish friend of mine and we both said it was the worst movie we ever watched. Unfortunately I was wrong this movie \\\" House of Angels\\\" is even worse. None of the actors can act, absolutely not the female so called star Helen Bergstrom. The plot is so silly nobody can believe it.I think the whole thing is a mess from the start. lots of bad acting except from Selldal and Wollter. Ahmed Sellam\": {\"frequency\": 2, \"value\": \"As a Turkish man ...\"}, \"\\\"What is love? What is this longing in our hearts for togetherness? Is it not the sweetest flower? Does not this flower of love have the fragrant aroma of fine, fine diamonds? Does not the wind love the dirt? Is not love not unlike the unlikely not it is unlikened to? Are you with someone tonight? Do not question your love. Take your lover by the hand. Release the power within yourself. Your heard me, release the power. Tame the wild cosmos with a whisper. Conquer heaven with one intimate caress. That's right don't be shy. Whip out everything you got and do it in the butt. By Leon Phelps\\\" When Tim Meadows created his quintessential SNL playboy, Leon Phelps, I cringed. Hearing his smarmy lisp and salacious comments made my remote tremble with outrage. I employed the click feature more than once, dear readers.

So When the film version of \\\"The Ladies Man\\\" came on cable, I mumbled a few comments of my own and clicked yet again. But there comes the day, gray and forlorn, when \\\"nothing is on\\\" any of the 100+ channels...sigh. Yes \\ufffd\\ufffd I was faced with every cable subscribers torment \\ufffd\\ufffd watch it or turn my TV off! There he was, Leon Phelps, smirking and ...making me laugh! What had happened? Had I succumbed to Hollywood's 'dumb-down' sit-com humor? Was I that desperate to avoid abdicating my sacred throne? The truth of the matter is I like \\\"The Ladies Man\\\" more than I should. A story about a vulgar playboy sipping cognac while leering at every female form goes against my feminist sensibilities.

What began as a crude SNL skit blossomed before my eyes into a tale about Leon and his playboy philosophy, going through life \\\"helping people\\\" solve their sexual conflicts. \\\"I am the Mother Teresa of Boning\\\", he solemnly informs Julie (Karyn Parsons), his friend and long-suffering producer of his radio show, \\\"The Ladies Man\\\". And he's not kidding. Leaving a string of broken hearts and angry spirits, Leon manages to bed and breakfast just about all of Chicago. That he does so with such genuine good-will is his calling-card through life.

Our self-proclaimed, \\\"Expert in the Ways of Love\\\", manages to get himself into a lot of trouble with husbands and boyfriends. One such maligned spouse, Lance (Will Ferrell), forms a \\\"Victims of the Smiling Ass, USA\\\" club, vowing to catch our lovable Don Juan. \\\"Oh yes, we will have our revenge\\\", he croons to his cohorts, in a show-stopping dance number.

Plus it's such a total delight to see Billy Dee Williams as Lester, the tavern owner and smooth narrator of Leon's odyssey to find his \\\"sweet thing\\\" and a pile of cash. (Where has he been hiding?) But would I choose this movie as my Valentine's Day choice? Leon's search for the easy life changes him in so many profound ways - that I had to give the nod to our \\\"Ladies Man\\\". That he can, at the movie's close, find true happiness with one woman, while still offering his outlandish advice, is the stuff of dreams!\": {\"frequency\": 1, \"value\": \"\\\"What is love? ...\"}, \"Here goes the perfect example of what not to do when you have a great idea. That is the problem isn't? The concept is fresh and full of potential, but the script and the execution of it lacks any real substance. It should grab you from the start and then pull a little on your emotions, get you interested and invested in the characters. This movie doesn't have what it takes to take off and sustain flight, and here is why. First you don't really care about the characters because they are not presented in a way that people can relate to, I mean this is not Superman or Mission Impossible here, it's suppose to be about normal people put in a stressful situation. They are not believable in the way they act and interact. Example : Jeffrey Combs as a cop over chewing is gum, frowning and looking intense all the time isn't the way to go here. I mean what is that?, he looks like he's on the toilet or something. I loved him in re-animator and the way he was playing the intense/neurotic, unappreciated medical genius was right on the money. But not for this, he tries too hard to over compensate by looking so intense and on edge but in a still mild neurotic manner, it's not natural, I'm surprised he didn't dislocate his jaw during filming. The movie is basically on life support, it barely has a pulse and it kept me waiting for something that would never come.\": {\"frequency\": 1, \"value\": \"Here goes the ...\"}, \"I watched this show and i simply didn't find it funny at all. It might have been the first episode. Lately i realize ABC is playing a lot of stupid shows nowadays and is going down as a station. All the characters on this show are pretty bad actors, but even if they were good the jokes and script are pretty horrible and would still bring the show down. I would say that I believe this show will be cancelled, but seeing as how ABC is doing pretty horrible for quality of shows they are playing, they might just keep this one simply because it's average compared to them.\": {\"frequency\": 1, \"value\": \"I watched this ...\"}, \"The only thing remarkable about this movie? is that all the actors could bomb at the same time. Idiocy. I want my money back...and I got it free from the library. Sheesh. I would rather chew on tin fool and shave my head with a cheese grater then watch this again.\": {\"frequency\": 1, \"value\": \"The only thing ...\"}, \"Oliver! the musical is a favorite of mine. The music, the characters, the story. It all just seems perfect. In this rendition of the timeless classic novel turned stage musical, director Carol Reed brings the Broadway hit to life on the movie screen.

The transition from musical to movie musical is not an easy one. You have to have the right voices, the right set, the right script, and the right play. All signs point to yes for this play. It almost appears that it was written for the screen!

Our story takes place in jolly old England where a boy named Oliver manages to work his way out of the orphanage. He winds his way through the country to London where he meets up with a group of juvenile delinquents, headed by Dodger, the smart talking, quick handed pick-pocket. The leader of this gang is named Fagin, an older fellow who sells all the stolen goods.

But all is not well in London town when Bill Sykes played by Oliver Reed and his loving girlfriend Nancy get tangled up with Oliver, Fagin and his young troops, and the law. What ensues is a marvelous tale of love, affection, and great musical numbers.

Whether or not you like musicals or not, one listen to these tunes and you will be humming them all day long. Oliver! is a triumph on and off the stage and is a timeless work of art.\": {\"frequency\": 1, \"value\": \"Oliver! the ...\"}, \"This is exactly the sort of Saturday matinee serial I loved during World War II. I was under ten years of age. And that's the audience this serial is designed for. Looking at it now, one must roar at its ineptitude and stupidity. The budget must have been next to nothing, given the shortcuts and repeats. The acting? Well, this is Republic pictures, 1944. They read the lines....and no doubt had one take to make them convincing.

One and half stars.\": {\"frequency\": 1, \"value\": \"This is exactly ...\"}, \"Okay, I saw this movie as a child and really loved it. My parents never purchased the movie for me, but I think I'll go about and buy it now. I'm a sucker for pre-2000 animated films. Anyway, onto the actual review.

WHAT I LIKED: There was an actual portrayal of heaven and hell, one of the few I've seen in animated films. Character development existed! It's easy to classify characters in this movie (i.e.: Charlie is the selfish mutt, Itchy is cynical but believes Charlie, Carface is obviously the relentless villain, etc.). I also loved King Gator's song. I've always loved loud, annoying, flamboyant guys. This song may have been random, but it was so fun. Finally, the detail of the animation was beautiful. You could tell Charlie was all gruff and stuff and the backgrounds were beautiful.

WHAT I DID NOT LIKE: The actual portrayal of heaven: The way Charlie reacted to it, \\\"no surprises whatsoever\\\", made it actually seem very boring. He denied a place in heaven and STILL got to return to it in the end. I remember a few lines of certain songs such as \\\"... you can't keep a good dog down\\\", \\\"... let's make music forever\\\", and \\\"... welcome to being dead\\\" but I can't remember the majority of any of them. The songs weren't that catchy, to be honest. Whippet Angel: She's annoying and that NECK! AUGH!

WHAT PARENTS MAY NOT LIKE: A few very scary (depending on the viewer) images of Hell are shown during the movie. Carface is quite threatening. Beer is also implied, but not actually DUBBED beer. Gambling is a key element in the movie. The good guy dies.

OVERALL: I LOVE this movie, even if it is a bit forgettable at times. The scarier children's animations are always my favorite ones. This was created back in a time when producers and writers weren't afraid to give kids a little scare now and then. Nowadays, this probably would have been rated PG. Kids under the age of 8 (or easily disturbed kids) should not watch this. Other than that, I give it 9/10. :)

Happy Viewing!\": {\"frequency\": 1, \"value\": \"Okay, I saw this ...\"}, \"Nacho Vigalondo is very famous in Spain. He is a kind of bad showman who can make you feel sick... Very embarrassing. Nacho had made some commercials in TV, I remember one in which Nacho was looking for Paul Mc Carney around Madrid (the commercial was about a Mc Carney CD collection).

This little movie is like a Nacho's commercial: bad storyline, bad directing, and awful performances. I can't believe that a disgusting movie like this was in The Kodak Theater. Poor Oscar...

Nacho could made this movie because of his wife, the producer of this 7:35, a woman very well connected with Spanish TV business men.\": {\"frequency\": 1, \"value\": \"Nacho Vigalondo is ...\"}, \"BABY FACE is a fast paced, wise cracking, knowing smirk of a film that

lasts only an hour and 15 minutes, but oh what a smart 75 minutes they

are! That a story that covers so much ground could be told in such a

short time puts most of today's movie makers to shame. Screenwriters of

today should study the economy of BABY FACE and cut the bloat that

overwhelms so many of their films.

The story is no nonsense. An amoral woman rises to wealth first under,

and then over the bodies of the men who fall madly in love with her.

Sure the production code loused it up with a redeeming, happy ending,

but it isn't hard to see in which the direction the writers wanted to

go, so enjoy what's there and use your imagination for the rest. Stanwyck is terrific as is George Brent and Douglass Dumbvrille as a

hapless suitor. Not a great film but certainly an enjoyable one. If

you've never seen BABY FACE catch it the next time it's shown on cable

or rent the cassette. It's worth the effort..\": {\"frequency\": 1, \"value\": \"BABY FACE is a ...\"}, \"\\\"The Godfather\\\" of television, but aside from it's acclaim and mobster characters, the two are nothing alike. Tony Soprano is forced to go to a psychiatrist after a series of panic attacks. His psychiatrist learns that Tony is actually part of two families -- in one family he is a loving father yet not-so-perfect-husband, and in the other family he is a ruthless wiseguy. After analysis, Dr. Melfi concludes that Tony's problems actually derive from his mother Livia, who's suspected to have borderline-personality disorder. Gandolfini is rightfully praised as the main character; yet Bracco and Marchand aren't nearly as recognized for their equally and talented performances as the psychiatrist and mother, respectively. Falco, Imperioli and DeMatteo are acclaimed for their brilliant supporting roles. Van Zandt (from the E-Street Band) plays his first and only role as Tony's best friend, and is quite convincing and latching. Chianese, the only recurring actor to have actually appeared in a Godfather film, plays Tony's uncle and on-and-off nemesis. Many fans also enjoyed characters played by Pastore, Ventimiglia, Curatola, Proval, Pantoliano, Lip, Sciorra and Buscemi. Tony's children are \\\"okay\\\" but not notable (with the exception of Iler's stunning performance in the third-to-last episode, \\\"The Second Coming\\\"); Sirico and Schirripa are unconvincing and over-the-top, but the show is too strong for them to hold it back. Even as the show continues for over six season, it ceases to have a dull or predictable moment.

**** (out of four)\": {\"frequency\": 1, \"value\": \"\\\"The Godfather\\\" of ...\"}, \"Nina Foch delivers a surprisingly strong performance as the title character in this fun little Gothic nail-biter. She accepts a position as secretary to a London society dowager (played imperiously by Dame May Witty) and her creepy son (the effete and bothersome George Macready). Before she knows it, she awakens to find herself in a seaside manor she's never seen before, where Witty and Macready are calling her Marian and trying to convince the servants and the nearby townspeople that she's Macready's mad wife. Of course this pair can only be planning dastardly deeds, and even though we know Julia has to eventually escape her trap, director Joseph Lewis builds real suspense in answering the question of just how she'll manage it.

\\\"My Name Is Julia Ross\\\" has nothing stylistically to set it apart from any number of films that came out at the same time period, but I was surprised by how well it held together despite its shoe-string budget and B-movie pedigree. There are quite a few moments that just may have you on the edge of your seat, and I found myself really rooting for Julia as she caught on to the scheme underfoot and began to outsmart her captors. In any other Gothic thriller, the heroine would have swooned, screamed and dithered, waiting for her hero to come and save her. So I can't tell you how refreshing it was to have the heroine in this film use her brain and figure out how to save herself.

Well done.

Grade: B+\": {\"frequency\": 1, \"value\": \"Nina Foch delivers ...\"}, \"Richard Dix is a big, not very nice industrialist, who has nearly worked himself to death. If he takes the vacation his doctors suggest for him, can he find happiness for the last months of his life? Well, he'll likely be better off if he disregards the VOICE OF THE WHISTLER.

This William Castle directed entry has some great moments (the introduction and the depiction of Richard Dix's life through newsreel a la Citizen Kane), and some intriguing plotting in the final reels. Dix's performance is generally pretty good. But, unfortunately, the just does not quite work because one does not end up buying that the characters would behave the way that they do. Also, the movie veers from a dark (and fascinating beginning) to an almost cheerful 30s movie like midsection (full of nice urban ethnic types who don't mind that they aren't rich) and back again to a complex noir plot for the last 15 minutes or so.

This is a decent movie -- worth seeing -- but it needed a little more running time to establish a couple of the characters and a female lead capable of meeting the demands of her role.\": {\"frequency\": 2, \"value\": \"Richard Dix is a ...\"}, \"After 'Aakrosh' , this was the second film for Govind Nihalani as a director.Till this movie was made there was no audience for documentaries in India.This movie proved a point that a documentary can fulfil the requirements of a commercial film without diluting its essence. It was one of the successful movies in the year in which it was released. This movie contested against the big banners of the bollywood like'COOLIE', 'BETAAB','HERO' in 1983.

SmithaPatel, in this movie acted more like a conscience of the hero whenever he drifted away or lost his composure she was there to remind him. She was not like an usual heroine to do the usual stuff of running around the trees and shrubs.At one time,she even gave up her love when the hero's ruthlessness touched the roof top.

There was another character in this movie, which was played by Om Puri contemporary, Naseeruddin Shah.He played as an inspector-turned-alcoholic character.The role conveyed the message of the end result of a honest cop who rubbed the wrong side of the system which also gave the viewers a chance to forecast the hero's ending.

In his debut film,Sadashiv Amrapurkar captivated the audience with his cameo role which ultimately won him the best supporting actor by the filmfare.The cop in the movie was not a complete straight forward personality he was able to adjust to the system to an extent. The anger which left half handedly continued in Govind Nihalani's other film \\\"Drohkaal\\\". Even after two decades, this movie is remembered just because of the director and the entire crew. Each one played their part par excellence.\": {\"frequency\": 1, \"value\": \"After 'Aakrosh' , ...\"}, \"Anyone who loved the two classic novels by Edward Ormondroyd will be disappointed in this film. All the magic and romance have been modernized out of his original story of a girl who does a good deed for a mysterious old lady, and given \\\"three\\\" in return. Three what? Not three wishes, but three rides into the 1800's on a rickety elevator...

The first novel is Time at the Top. The second is All in Good Time.\": {\"frequency\": 1, \"value\": \"Anyone who loved ...\"}, \"Having watched 10 minutes of this movie I was bewildered, having watched 30 minutes my toes were curling - I simply couldn't believe it: The movie is really awful. In fact it is so awful, that I had to watch all of it just to be convinced(!). During this, I came to realize that it reminded me of a bunch of Danish so-called comedies from the 60's and 70's. The pattern is as follows: Take one extremely popular comedian, make a script putting this comedian in as many grotesque situations as possible, add a bunch of jokes (especially one-liners), and spice it up with a couple of beautiful young girls - film that, and you have a success! I wouldn't know if this movie was a success, but unlike the Danish tradition which died quietly (with a few great comedians) it seems that there is a market for this kind of movie in the US.\": {\"frequency\": 1, \"value\": \"Having watched 10 ...\"}, \"At first I wasn't sure if I wanted to watch this movie when it came up on my guide so I looked it up on IMDb and thought the cover looked pretty cool so I thought I would give it a try expecting a movie like Elephant.

Once I got past the fact that I am supposed to dislike the Alicia character played excellently by Busy Phillips, I realized what a good job this movie was doing toward setting up the relationship between Alicia and Deanna. Alicia is so mean to Deanna played by Erika Christensen almost throughout the entire movie but we eventually find out that they despite being polar opposites they have one thing in common besides being present at the shooting. They share loneliness and to what extent is revealed as the film progresses.

I've just got to say how much I loved this movie and was glad to see all of the positive comments about it. I couldn't even get through Elephant because it just seemed to be exploiting the Columbine tragedy. This movie on the other hand was compelling and realistic. Busy Phillips acting is OFF the CHAIN!!! That is a good thing and I would love to see her progress into some more mature roles.\": {\"frequency\": 1, \"value\": \"At first I wasn't ...\"}, \"I spent almost two hours watching a movie that I thought, with all the good actors in it, would be worth watching. I couldn't believe it when the movie ended and I had absolutely no idea what had happened.....I was mad because I could have used that time doing something else....I tried to figure it all out, but really had no clue. Thanks to those who figured it out and have explained it....right or wrong, it's better than not knowing anything!! Who was the lady in the movie with dark hair that we saw a couple of times driving away? How did First Lady know that her husband was cheating on her? At the end of the movie Kate said she would eventually find out the truth. Does this mean that we're going to be subjected to End Game 2?\": {\"frequency\": 1, \"value\": \"I spent almost two ...\"}, \"This movie was awful and an insult to the viewer. Stupid script, bad casting, endless boredom.

In the usual tradition of Hollywood, the government of the US is shown as always evil. The Communist-sympathizer nitwits in Hollywood, most of whom are as dumb as a box of rocks, love taking the lone nutcase Eugene McCarthy and picturing him as the leader of a vast movement. The truth is that at the time he was considered a fringe character who was exploiting a legitimate concern about the Soviet Communists for political gain.

Oh yeah, and the US brought over all those evil Nazis. Like Werner VonBraun, without whom we would have no space program. He actually loved being American and became a great asset to the country.

And yet the irony is that the fools in Hollywood, an uneducated lot who live a fantasy existence, still believe that the government should run EVERYTHING and give us all what we want. And yet, this is the same government that they continually portray as a consummate evil in films like this.\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"Anyone who has experienced the terrors of divorce will empathize with this indie film's protagonist, a scared little boy who believes a zombie is hiding in his closet. Is Jake (a mesmerizing Anthony DeMarco) simply \\\"transferring\\\" the trauma of two bickering parents to an understandable image? Or could the creature be real? Writer/director Shelli Ryan neatly balances both possibilities and keeps the audience guessing. Her choice of using one setting - a suburban house - adds to the feeling of desperation and claustrophobia.

Brooke Bloom and Peter Sean Bridgers are highly convincing as the angry, but loving parents. However it is the creepy minor characters, Mrs. Bender(Barbara Gruen), an unhinged babysitter and Sam Stone (Ben Bode), a sleazy Real estate agent that linger in the mind. Jake's Closet is a darkly inspired portrait of childhood as a special kind of Hell.\": {\"frequency\": 1, \"value\": \"Anyone who has ...\"}, \"Not to mention easily Pierce Brosnon's best performance. Of course Greg Kinnear is always great. Really, when has he really been bad? I think this film is incredibly underrated! The use of colors in this movie is something very different in today's film world where every other movie has the Payback blue filter. I also love the way they used the song by Asia. Proving that even what was once thought of as kinda cheesy can be really cool placed correctly.

I was making my first feature when this came out. Being that my film was a hit-man movie, I had to check out anything in the genre that was released. After seeing it, I'm sure it had some effect on me through the process. It was pretty cool when my film got on the IMDb that it would recommend this film if you liked mine. How any of the others relate I have no idea, making an even more interesting coincidence.

http://www.imdb.com/title/tt1337580/\": {\"frequency\": 1, \"value\": \"Not to mention ...\"}, \"This film starts out with a family who were all going in different directions and their teenage daughter Martha MacIssac (Olivia Dunne) was very much in love with Joe MacLeod,(Zack). The mother is played by Mitzi Kapture,(Jill Dunne) who suddenly walks in on her daughter and Zack making out and then all kinds of problems seem to surface. Jill Dunne has a husband who is always traveling or staying away from the home quite often. There are also big problems that occur when the family decides to go on a camping trip which their daughter Olivia dislikes and just cannot adapt to sleeping outdoors and requires a tent to be kept out all the bugs. In many ways, Olivia does an outstanding performance as the teenage and Nick Mancuso,(Richard Grant) gives a great supporting role as a hotel owner. This film will keep you guessing how it will end and you will enjoy a film filled with plenty of horror and terror. Enjoy\": {\"frequency\": 1, \"value\": \"This film starts ...\"}, \"Diana Guzman is an angry young woman. Surviving an unrelenting series of disappointments and traumas, she takes her anger out on the closest targets.

When she sees violence transformed and focused by discipline in a rundown boxing club, she knows she's found her home.

The film progresses from there, as Diana learns the usual coming-of-age lessons alongside the skills needed for successful boxing. Michelle Rodriguez is very good in the role, particularly when conveying the focused rage of a young woman hemmed in on all sides and fighting against not just personal circumstances but entrenched sexism.

The picture could use some finesse in its direction of all the young actors, who pale in comparison to the older, more experienced cast. There are too many pauses in the script, which detracts from the dramatic tension. The overall quietness of the film drains it of intensity.

This is a good picture to see once, if only to see the power of a fully realized young woman whose femininity is complex enough to include her power. Its limitations prevent it from being placed in the \\\"see it again and again\\\" category.\": {\"frequency\": 1, \"value\": \"Diana Guzman is an ...\"}, \"You know you are in trouble watching a comedy, when the only amusing parts in it are from the Animal cast. It is a pity then that the parrot, Cat & Dog were only in support & not the other way around, as the humans in it were pretty abysmal throughout.

If I were you, Paul, Eva, Lake (what sort of name is that), Jason, & Lindsay, I would forget this acting lark & do something else, as all of you are as funny as watching paint dry, & awful actors to boot.

The main gag in the film is one of the characters shouting, me not Gay, which is funny as if you weren't, you might change your mind if you had to put up with the three bossy, tedious & dare I say very plain women leads in the film.

The worst film I have seen in years, & hopefully never see one as bad again, though I expect not.\": {\"frequency\": 1, \"value\": \"You know you are ...\"}, \"This film was Excellent, I thought that the original one was quiet mediocre. This one however got all the ingredients, a factory 1970 Hemi Challenger with 4 speed transmission that really shows that Mother Mopar knew how to build the best muscle cars! I was in Chrysler heaven every time Kowalski floored that big block Hemi, and he sure did that a lot :)\": {\"frequency\": 1, \"value\": \"This film was ...\"}, \"Kurt Russell's chameleon-like performance, coupled with John Carpenter's flawless filmmaking, makes this one, without a doubt, one of the finest boob-tube bios ever aired. It holds up, too: the emotional foundation is strong enough that it'll never age; Carpenter has preserved for posterity the power and ultimate poignancy of the life of the one and only King of Rock and Roll. (I'd been a borderline Elvis fan most of my life, but it wasn't until I saw this mind-blowingly moving movie that I looked BEYOND the image at the man himself. It was quite a revelation.) ELVIS remains one of the top ten made-for-tv movies of all time.\": {\"frequency\": 1, \"value\": \"Kurt Russell's ...\"}, \"When I had first heard of \\\"Solar Crisis\\\" then got a load of the cast, I wondered why I had never heard of a movie with such a big cast before. Then I saw it.

Now I know.

For a movie that encompasses outer space, the sun, vast deserts and sprawling metropolises, this is an awfully cramped and claustrophobic feature; it feels like everyone is hunkered close together so the camera won't have to pull too far back.

And the effects, while good, are pretty underwhelming; we're talking about the imminent destruction of the planet Earth if a team of scientists and soldiers cannot deflect a deadly solar flare. But other than shouting, sweating and a red glow about everything, there's no real feel of emergency.

Don't get me started about the cast. What Heston, Palance, Matheson, Boyle, et al are doing in this movie without even bothering to act with any feel for the material is anyone's guess. Makes you wonder who else's condos aren't paid for in Hollywood....

And as far as the end goes.... Well, let's just say it's tense and intriguing but it's too little too late in an effort like this. If it had kept up that kind of pace all through the film, maybe I would have heard of \\\"Solar Crisis\\\" sooner.

Two stars. Mostly for lost opportunities and bad career moves.

I wonder how Alan Smithee keeps his job doing junk like this?\": {\"frequency\": 1, \"value\": \"When I had first ...\"}, \"I had a video of the thing. And I think it was my fourth attempt that I managed to watch the whole film without drifting off to sleep. It's slow-moving, and the idea of a mid-Atlantic platform, which may have been revolutionary at the time, is now just a great big yawnaroony. Apart from Conrad Veidt, the rest of the cast are pretty forgettable, and it is only in the action towards the end that things get really interesting. When the water started to spill big-time it even, on one occasion, woke me up.

But give the man his due. No one could hold a cigarette like Conrad Veidt. He doesn't wedge it between his index and middle fingers like the lesser mortals. He holds it in his fingers, while showing us the old pearly-browns. There are a few scenes in this film where the smoke drifts up to heaven against a dark background,and looks very artistically done. But it does not say much about this film if all that impresses you is the tobacco smoke.\": {\"frequency\": 1, \"value\": \"I had a video of ...\"}, \"I love the frequently misnomered \\\"Masters of Horror\\\" series. Horror fans live in a constant lack of nourishment. Projects like this (and the similar \\\"Greenlight Project\\\" with gave us \\\"Feast\\\" - like it or lump it) are breeding grounds for wonderful thought bubbles in the minds of directors with a horror bent to develop and bring to maturation food for we who love to dine on horror.

This one began with a kernel of really-kool-idea and ran ... right off the edge of \\\"where in the world am I going with this?!!!\\\".

I don't know how to spoil the spoiled but \\\"SPOILER AHEAD\\\" All of a sudden ... no, there was that light drifting across the night sky earlier ... we have long haired luminescent aliens (huh? ... HUH?) brain drilling males and ... yeah, I get it but ... well ... the worst curse of storytelling - a rousing and promising set up without a rewarding denouement.

Cue to storytellers ... your build up has to have a payoff that exceeds build up. Not the other way around. Storytelling math 101.

End of Spoilers - Big Oops!\": {\"frequency\": 1, \"value\": \"I love the ...\"}, \"There are some redeeming qualities to this show. One is that the theme tune does have a decent melody. The show does have a nice premise. Also, I am probably in the minority, but I like Wanda. I like the fact she is caring, and is more a mother figure to Timmy. However, despite all this, I do not like this show, it isn't excrement but I do find it very annoying.

I wouldn't say that it is the best animated show on Planet Earth. When I use that term for an animated TV show, I think of Peter Pan and the Pirates, I think of Darkwing Duck, I think of Scooby Doo and I think of Talespin. And I hope I am not the only one who really likes the Wild Thornberrys and resent the fact it gets poked fun at. Nor do I think Fairly Odd Parents is the worst animated show on Planet Earth. I accept it's annoying, and in some ways overrated, but it isn't the worst show on Nickolodean. That is Chalk Zone, god that show is unwatchable. But the worst animated show I've ever seen is Shaggy and Scooby Doo:Get a Clue, which is crudely animated, unfunny and frankly a disgrace.

One thing I don't like about this show is the animation. The characters, forgive me if I offend, have very weird facial features, and a lot of the backgrounds are dull and lack the colour that make Spongebob Squarepants and Wild Thornberrys so nice to look at. The characters with the exception of Wanda I find very annoying. I can't believe such a talented voice actress like Tara Strong(aka. Charendoff) voiced Timmy. Timmy I don't find very likable as a lead character at all, he is annoying and sometimes patronising, and he is a poor decision maker as well. And his voice gets on my nerves. I actually like Strong but not in this show. Another annoying character is Cosmo, the supposedly funny character. Instead, his jokes are as unfunny as they could become. They are either a) contrived, or b) over familiar. Timmy's parents are awful characters, who don't give a toss about their son, and their personalities wear well thin.

The story lines are very unoriginal on the most part, and I keep thinking, where have I seen this before. The episodes after the arrival of the baby I thought were unwatchable. Even worse is the scripts, very unfunny, childish, witless and suffer from a complete lack of energy.

All in all, not the worst show ever, but pretty poor for an animation fan, and fairly uncomfortable to sit through. 3/10- there are redeeming qualities, and I completely understand if people like it. Bethany Cox\": {\"frequency\": 1, \"value\": \"There are some ...\"}, \"Today, I visited an Athenean Cinema with my two kids (6 & 8 years old), payed 3 x 12 euros (about 45 US $ total) not to mention gas, popcorn & soda, was asked to return my 3d special glasses after leaving the theater and was \\\"forced\\\" to watch what could have been a great 3d movie masterpiece but only proved to be a sick \\\"cold war like\\\" propaganda movie, like none I have seen during the last 20 years... AND THIS IS SUPPOSED TO BE A MOVIE FOR CHILDREN... IN HEAVEN'S NAME!

PS 1: The average working Greek makes no more than 850 Euros a month (approxiamtely 1050 US $)

PS 2 My kids liked it... but then again they are no more than babies >in Greek: mora, morons > like the one who wrote the script & the others who made this \\\"3d disgrace\\\" happen.

PS 3 3D animation is fantastic but who gives a ....!\": {\"frequency\": 1, \"value\": \"Today, I visited ...\"}, \"I don't quite know how to explain \\\"Darkend Room,\\\" because to summarize it wouldn't really do it justice. It's a quintessentially Lynchian short film with two beautiful girls in a strange, mysterious situation. I would say this short is definitely more on the \\\"Mulholland Drive\\\" end of the Lynchian spectrum, as opposed to \\\"The Elephant Man\\\" or \\\"The Straight Story.\\\" It's hidden on Lynch's website, and well worth the search.\": {\"frequency\": 1, \"value\": \"I don't quite know ...\"}, \"This film caught me off guard when it started out in a Cafe located in Arizona and a Richard Grieco,(Rex),\\\"Dead Easy\\\",'04, decides to have something to eat and gets all hot and bothered over a very hot, sexy waitress. While Rex steps out of the Cafe, he sees a State Trooper and asks him,\\\"ARE YOU FAST?\\\" and then all hell breaks loose in more ways than one. Nancy Allen (Maggie Hewitt),\\\"Dressed to Kill,\\\",'80, is a TV reporter and is always looking for a news scoop to broadcast. Maggie winds up in a hot tub and Rex comes a calling on her to tell her he wants a show down, Western style, with the local top cop in town. This is a different film, however, Nancy Allen and Richard Grieco are the only two actors who help this picture TOGETHER!\": {\"frequency\": 1, \"value\": \"This film caught ...\"}, \"Can I give this a minus rating? No? Well, let me say that this is the most atrocious film I have ever tried to watch. It was Painful. Boringus Maximus. The plot(?) is well hidden in several sub-levels of nebulosity. I rented this film with a friend and, after about thirty minutes of hoping it would get better, we decided to \\\"fast forward\\\" a little to see if things would get any better. It never gets better. This film about some dude getting kidnapped by these two girls, sounds interesting, but, in reality, it is just a bore. Nothing even remotely interesting ever happens. If you ever get the chance to watch this, do yourself a favor, try \\\"PLAN NINE FROM OUTER SPACE\\\" instead.\": {\"frequency\": 1, \"value\": \"Can I give this a ...\"}, \"I saw this movie a few days ago... what the hell was that?

I like movies with Brian O'Halloran, they are funny and enjoyable. When I saw a name of this title and genre I thought great, this one could be really good... some parody for slashers or another gore movies... but.. then i read a preview and thought right it could be good anyway... but it wasn't...

my opinion: if like movies they look little bit like documentary, with little bit of comedy try some Moore's movies or Alien autopsy, they are really about something. this one was empty.

and put A comedy to title... no comment... really bad joke\": {\"frequency\": 1, \"value\": \"I saw this movie a ...\"}, \"E! TV is a great channel and Talk Soup is so funny,in a flash you can view the episodes change. We want more funny writings by the best writer ever Stan Evans.. The patron Saint of the mindless masses... He is a truly talented, gifted writer, actor, comic, producer,director, and creative consultant.Anna Nicole loved him , but he was not a $$$$Billionaire so he left him for a Billionaire. Many super stars wanted to make films with the actor Stan Evans, who has a \\\"Humphrey Bogart\\\" {Clark Gable}acting style. He should make many more movies. Maybe with Stephen Spielberg, or perhaps many other talented producers.We wish him a moment of FAME with a great fortune to gain. Has he produced any mock-U-dramas? or perhaps any docudrama??? A project about Bernie Madhoff would be a great TV movie written by STAN EVANS. How many screenplays has he written?? Is he under $$$$$$$$$$$$billion contract with Disney?? He should earn more than $50 Million... He could also write a TV movie about the late KING OF POP.. Michael Jackson. We want to view a lot more of and by Stan Evans in the movies and on TV. Thank you so very much. Elvis has left the building!!!!!\": {\"frequency\": 1, \"value\": \"E! TV is a great ...\"}, \"I actually prefer Robin Williams in his more serious roles (e.g. Good Will Hunting, The Fisher King, The World According to Garp). These are my favorite Robin Williams movies. But Seize the Day, although well-acted, is one of the worst movies I've ever seen and certainly the worst Robin Williams movie (even worse than Death to Smoochy, Club Paradise, and Alladin on Ice).

Every good story is going to have its ups and downs. This movie, however, is one giant down. I don't need a feel-good Hollywood cheese-fest, but I've got to have something other than 90 minutes of complete and utter hopelessness. This movie reminds me of \\\"Love Liza\\\" (which is actually worse) because it seems that the only point of the movie is to see how far one person can fall. The answer? Who cares.\": {\"frequency\": 1, \"value\": \"I actually prefer ...\"}, \"Repetitive music, annoying narration, terrible cinematography effects. Half of the plot seemed centered around shock value and the other half seemed to be focused on appeasing the type of crowd that would nag at people to start a fight.

One of the best scenes was in the \\\"deleted scenes\\\" section, the one where she's in the principle's office with her mom. I don't understand why they'd cut that. The movie seemed desperate to make a point about anything it could and Domino talking about sororities would have been a highlight of the movie.

Ridiculous camera work is reminiscent of MTV, and completely not needed or helpful to a movie. Speeding the film up just to jump past a lot of things and rotating the camera around something repeatedly got old the first time it was used. It's like the directors are wanting to use up all this extra footage they didn't want to throw away.

Another movie with Jerry Springer in it? That should've told me not to watch it from the preview.

A popular movie for the \\\"in\\\" crowd.\": {\"frequency\": 1, \"value\": \"Repetitive music, ...\"}, \"I have spent the last week watching John Cassavetes films - starting with 'a woman under the influence' and ending on 'opening night'. I am completely and utterly blown away, in particular by these two films. from the first minute to the last in 'opening night' i was completely and utterly absorbed. i've only experienced it on a few occasions, but the feeling that this film was perfect lasted from about two thirds in, right through till the credits came up. everything about this film, from the way it was shot, the incredible performance of Gena Rowlands, the credits, the opening, the music, the plot, the sense of depth, the pace, the tenderness, the originality, the characters, the deft little moments.... for me, is truly sublime. i couldn't agree more with the previous comment about taking it to a desert island because the sheer depth of this film is something to behold. if your unlucky enough to have a house fire, i guarantee that instead of making a last ditch attempt to rescue that stash of money under your bed, you'll be rescuing your copy of this film instead.\": {\"frequency\": 1, \"value\": \"I have spent the ...\"}, \"I was babysitting a family of three small children for a night and their mother gave me this to show for them having just grabbed it at Wal-Mart earlier in the week. All three children actually got physically ill while watching it. I'm pretty sure it was the pizza they ate, or something they all had picked up from school, but really it could have been this film. Absolutely disgusting. How any one can produce this caliber of trash is beyond me. Fortunately, I turned off the film when I noticed the children were not responding and acting strangely. For any parents out there, I strongly advise you to refrain from letting young children view this movie.\": {\"frequency\": 1, \"value\": \"I was babysitting ...\"}, \"Imagine being so hampered by a bureaucracy that a one man spends 8 year's of his life, and has a mental breakdown trying to solve a mass murder case virtually by himself! The murder technique is clear, but a government unwilling to admit the truth let's a monster destroy dozens of lives. When I think my job is stressful, I merely remember the true story behind this wonder flick. The devotion to duty of the main character was masterfully portrayed by Rea. The comic (and almost tragic at times) relationship between Rea and the Sutherland character made this one of my favorite movies of the last 5 years. The catching of one of the worst mass murderers in history had me on the edge of my seat. While not nearly as well advertised and talked about as \\\"Silence of the Lamb's\\\", the plot was just as suspenseful. Rent or buy this movie today!\": {\"frequency\": 1, \"value\": \"Imagine being so ...\"}, \"A worn-out plot of a man who takes the rap for a woman in a murder case + the equally worn-out plot of an outsider on the inside who eventually is shut out.

With such an outstanding case, one would think the film would rise above its hackneyed origins. But scene after scene drones by with no change in intensity, no character arcs, and inexplicable behavior.

The homosexuality theme was completely unnecessary -- or on the other hand, completely unexplored. It seemed to be included only to titillate the viewers. When will Hollywood learn that having gay characters does not automatically make a more compelling picture?

A regrettably dreadful movie. When will Lauren Bacall pick a good one? I expected better of her and Kristin Scott Thomas. This one is definitely one to miss.\": {\"frequency\": 2, \"value\": \"A worn-out plot of ...\"}, \"This film features two of my favorite guilty pleasures. Sure, the effects are laughable, the story confused, but just watching Hasselhoff in his Knight Rider days is always fun. I especially like the old hotel they used to shoot this in, it added to what little suspense was mustered. Give it a 3.\": {\"frequency\": 1, \"value\": \"This film features ...\"}, \"But the rest of us, who love a good sentimental and emotional story that is a lock to get you crying..enjoy!

Tom Hulce is magnificent as Dominick, a mentally slow trashman who loves professional wrestling and his brother, Eugene, played by Ray Liotta, who is a doctor and who works very long hours.

Due to Eugene's work schedule, Dominick is alone a lot of the time and tends to make questionable judgment calls. He really just wants to be a good boy, to do the right thing, and to make his brother proud of him. He stops in church to pray at one point and expresses his emotions so openly and so well that the character has you crying before the damn movie even gets really started.

Not about to give anything away here, but the movie is extremely involving and sad and heartbreaking. Those unafraid of these things will have a field day with this beautiful story, its loving characters and a great song I cannot quote here, that has nothing to do with the movie at all but is strangely appropriate..but you hear it in a bar.

I thought Tom Hulce would be nominated for this movie, since he was for 'Amadeus' I figured that might give him the inside track to actually winning. No such luck. Liotta is just as good but has less of an emotional impact, but then he does later on. All I can say about Jamie Lee Curtis is that she doesn't have much of a part here but it was nice of her to lend her name to a small drama set in Pittsburgh about two brothers who you will never forget.\": {\"frequency\": 2, \"value\": \"But the rest of ...\"}, \"Generally, I've found that if you don't hear about a movie prior to seeing it on DVD, there's probably a good reason for it. I hadn't heard about this movie at all until I was in a Blockbuster the other day and saw it on a shelf. Since all the good movies had already been rented out (the ones I wanted to see, anyway), I figured I'd give this one a shot.

It's really not much different than other movies in the genre, such as The Singles Ward or the R.M. If you're into those type movies, you'll probably enjoy this.

However, if you're not a mormon, this movie probably won't appeal to you. There's no way to avoid the overtly religious (mormon) message contained within, and at times it comes across as sappy and cheesy. Ultimately, if you don't fall within the mormon demographic, you're probably better off watching something else.

Admittedly, there were some very funny moments in the film, but I didn't think that it was enough to salvage the movie overall.\": {\"frequency\": 1, \"value\": \"Generally, I've ...\"}, \"This movie is very funny. Amitabh Bachan and Govinda are absolutely hilarious. Acting is good. Comedy is great. They are up to their usual thing. It would be good to see a sequel to this :)

Watch it. Good time-pass movie\": {\"frequency\": 1, \"value\": \"This movie is very ...\"}, \"Difficult to call The Grudge a horror movie. At best it made me slightly jump from surprise at a couple of moments.

If one forgets the (failed) frightening dimension and looks at other sides of the movie, he is again disappointed. The acting is OK but not great. The story can be somewhat interesting at the beginning, while one is trying to get what's happening. But toward the end one understands there is not much to understand. \\\"Scary\\\" elements seems sometimes to have been added to the script without reason...

So... (yawn) See this movie it if you have nothing more interesting to do, like cutting the carrots or looking at the clouds.\": {\"frequency\": 1, \"value\": \"Difficult to call ...\"}, \"I watched this movie alongwith my complete family of Nine. Since my younger brother has recently got married, we could connect with the goings-on. The movie stands out for the classical touch given to the romance of the engaged couple. Thankfully this time all Indian locales like Ranikhet Almora etc have been used, which have been already visited by most of the urbanites, hence adding to the connection with movie. The dialogues are much better than those in the \\\"Umrao Jaan Ada\\\" - a supposedly dialogue based movie. The background music is augmenting the \\\"soft focus\\\" of the movie. It somehow remind me of VV Chopra's \\\"Kareeb\\\", in which neha and to some extent Bobby did full justice to the character. Same here, in that the lead pair does not disappoint in any department-looks or acting. The Supporting cast are too good. I rate the actress playing the role of Bhabhi in the front league. The situations of family interactions portrayed are real and you smile when you find yourself in place of one of the characters. Songs were too suiting the scenes and going along well with the movie. However, though I respect Ravindra Jain for his body of work from movies to Ramayana, I missed Ram Laxman badly.

It had no double entendres(Sivan category), no bikinis, no intrigue, and no nonsense. You would comfortably watch the movie with your parents except if you're already or going to be soon engaged. I want to express on candid thing here that though Suraj proposes that the marriages is between families and not only individuals, his approach is totally individualistic. The movie is only about Prem & Poonam, rest of the characters are incidental. Art immitating life? The \\\"peripheral characters\\\" are consigned to the background and the only protagonists are the lead pair.

Coming back, Everything was almost great. Except, for the drama part. The situation of tragedy was artificially created. The outcome, the sacrifice and the ensuing heart change are not compelling at all. That is why it lacks the emotional punch-the very purpose of this turn of events. But, a twist in the tale was necessary to transcend the movie from a beautiful pre-marital video to a 'feature film'. But I kept waiting for the punch and it never came. The preaching by Mohnish Bahal and later by Alok Nath on dowry was out of place and it made things too overboard. May be this will help the movie a tax-free status. But the plot could have been made more interesting and non-linear than what it was.

There were too question in my mind when the movie ended: 1 Has the movie really ended? 2 Has the movie ended?\": {\"frequency\": 1, \"value\": \"I watched this ...\"}, \"I can't even believe that this show lasted as long as it did. I guess it's all part of the dumbing down of America. Personally, like David Spade said, I liked this show better when it went by its original title - \\\"Seinfeld\\\". What bothers me the most about this show, aside from the obvious, base sense of \\\"humor\\\", and general smuttiness, is the pretentious way the episodes are titled. Truly great shows are still funny after many, repeated viewings, like, \\\"the one where Rob gets accidentally hypnotized\\\", on the \\\"Dick Van Dyke Show\\\", or \\\"the one where Lucy and Ethel work at the candy factory.\\\" In other words, it's an honor bestowed upon great programs by the viewers. That the writers and producers of \\\"Friends\\\" would have the unmitigated hubris to actually title the episodes, themselves, in such a fashion, before anyone's even had a chance to even see it a second time, speaks to not only the mediocrity and lack of original thinking on the part of said writers, but, also, of the stultified minds of their viewers.

You read the comments of some of these people and can only come to the conclusion that they live in a Hallmark Card-like Neverland, full of greeting card sentiment. The true meaning of friendship? I want to be a friend? I want to live in Manhattan? Wake Up. These people are supposed to be working in coffee shops and looking for work as actors, but they somehow manage to live in $4000/mo. apartments? Get real. All I have to say to those amongst us that want to move to Manhattan and live the idyllic New York life with your Rosses and Monicas, good luck with all of that. That New York doesn't exist for anyone making less than a serious six-figure income. But, good luck with all of that, anyway. Now, shut-up and pass the Soma.\": {\"frequency\": 1, \"value\": \"I can't even ...\"}, \"This movie was the most horrible movie watching experience i have ever had to endure, and what is worse is the fact that i had to watch it, and didn't have the opportunity to stop it because it was for school! Admittedly, the storyline was decent...but i found the acting terrible! The exception was Marianne Jean-Baptiste, i thought her performance was wonderful. She was the only highlight, without her, i doubt i would have been able to bear watching the film. Every time i hear somebody say \\\"daarling\\\" i cringe! i nearly attacked a customer the other day because they said \\\"it\\\". It made me remember one of the worst one and a half hours of my life!

(i apologise if this has offended anybody, i am only expressing my opinion)\": {\"frequency\": 1, \"value\": \"This movie was the ...\"}, \"Please! Do not waste any money on this movie. It really is nothing more than a boring German Blair Witch ripoff made by some high school kids. I couldn't finish watching it, and usually I like watching all kinds of B-movies. How on earth could they find a distributor for it?!!! Funny however: Check out Wikipedia for \\\"dark area\\\". The guy who wrote the entry must be completely out of his mind. Maybe he got loads of money from the producers. Money that should have been spend on actors, camera and editing. Even that wouldn't have helped, since there is absolutely no interesting idea behind this film. Unfortunately \\\"dark area\\\" has already gotten too much attention. Please, director, producer and author of this movie, STOP making movies like that...you are not doing yourself a favor. The world would be a better place without this film.\": {\"frequency\": 1, \"value\": \"Please! Do not ...\"}, \"I'm not usually one to slate a film . I try to see the good points and not focus on the bad ones, but in this case, there are almost no good points. In my opinion, if you're going to make something that bad, why bother? Part of the film is take up with shots of Anne's face while she breaths deeply, and violin music plays in the background. the other part is filled with poor and wooden acting. Rupert Penry Jones is expressionless. Jennifer Higham plays Anne's younger sister with modern mannerisms. Anne is portrayed as being meek and self effacing, which is fine at the beginning, but she stays the same all through the film, and you see no reason for captain Wentworth to fall in love with her. Overall the production lacks any sense of period, with too many mistakes to be overlooked, such as running out of the concert, kissing in the street, running about in the streets with no hat on (why was this scene in the film at all? the scene in the book was one of the most romantic scenes written.). To sum it up, a terrible film, very disappointing.\": {\"frequency\": 1, \"value\": \"I'm not usually ...\"}, \"I very much looked forward to this movie. Its a good family movie; however, if Michael Landon Jr.'s editing team did a better job of editing, the movie would be much better. Too many scenes out of context. I do hope there is another movie from the series, they're all very good. But, if another one is made, I beg them to take better care at editing. This story was all over the place and didn't seem to have a center. Which is unfortunate because the other movies of the series were great. I enjoy the story of Willie and Missy; they're both great role models. Plus, the romantic side of the viewers always enjoy a good love story.\": {\"frequency\": 1, \"value\": \"I very much looked ...\"}, \"I watched this movie recently together with my sister who likes the performances of Sophia Loren. I'm a person who they call a Cultural Barbarian. I hate art in any kind of shape or form. Rambo is more my kind of movie, action, kills, blood, horror. If you recognize yourself in this avoid this movie like the plague. No one dies, no action, no nudity, nothing of the kind. Let me give you a r\\ufffd\\ufffdsum\\ufffd\\ufffd in a few sentences. It starts out with 5 minutes in black and white Nazi propaganda. Every Italian in a housing block attends a parade in honor of Hitler, except for a housewife, an anti fascist and a caretaker. The housewife who is cheated by her husband, meets the anti fascist. She falls in love with him, wants to make love to him, but the anti fascist is gay. Despite of this they make love with each other. At the end of the day, the housewife reads a book from her gay lover, and the guy himself is deported by agents. The end. You want an even shorter r\\ufffd\\ufffdsum\\ufffd\\ufffd? BORING... That short enough? The guy should have used his gun in the beginning of this movie and shoot himself, to save the audience from this atrocity. On a side note my sister loved this movie. Like I said, I'm a Cultural Barbarian...\": {\"frequency\": 1, \"value\": \"I watched this ...\"}, \"Whoa nelly! I've heard a ton of mixed reviews for this...but one of my go to hardcore horror reviewers really found it to be disappointing. Man was he right on the nose! This movie was acted by pure amateurs. They HAD to have done one take, maybe two on each scene, the movie seemed soooo rushed. The script was also poor....they had lines that tried to be unique but failed. Miserably. \\\"Get your meathooks off of me!\\\" Oh man, I hate it when movies try to do that. It happens all the time with comedies...but, with a horror movie and with below average actors....the results are incredibly pathetic. The lines and scenarios were all very predictable. But what made me feel so negative towards this movie was, again, the damn acting. It was awful. Besides by the little Asian guy who worked the booth. I thought he was great.

The movie is about 5 stupid dumbsh!t tourist who are on a vacation in Asia. They end up at the wrong place and fall into the hands of a mafia run sex/slaughterhouse. Sounds like a cool story. But watching someone with a bad case of diarrhea is probably more fun and intense to watch. The only reason this is considered horror is because of the killing. There wasn't a trace of suspense.

I like many other horror fans were dying to get their bloody little mitts on this. But unfortunately with a HUGE capital U, the movie was incredibly disappointing. I did enjoy the ankle break and the blood effects. The flabby chicks were also so so.

Everything about this movie screams amateur. This is Ryan Nicholson's first feature length, and for the most part he failed. There's no denying he has a sick sense of humor and taste for horror. I pray his next movie doesn't play out like another B horror flick...unless he tells us that's what it's gonna be. Even after this disappointment I'm willing to give Ryan another shot. From what I've seen of him, he's a true, dedicated man to the genre. Good luck next time, because this was bad news.\": {\"frequency\": 1, \"value\": \"Whoa nelly! I've ...\"}, \"I am stunned to discover the amount of fans this show has. Haven't said that Friends was, at best an 'average' sitcom, and not as great as others have made out. Let's face it, if it wasn't for the casting of Courtney Cox Arquette, David Schwimmer, Matthew Perry, Lisa Kudrow, Jennifer Aniston and Matt Le Blanc, then who knows whether this show would've lasted as long as it has done. I very much doubt that. Although as the series progressed, Friends got more progressively predictable, lame and boring that I couldn't care less about the characters- of whom are the most overrated in TV history- or of their plight, nor of who was sleeping with whom. And it went from being funny in the first four seasons to occasionally funny. And even when it had all these A-list Hollywood actors from the movie world, I still didn't bother to tune in. The writing in Friends became stale that I lost interest in this show from the sixth season onwards and as for the ending, well it was predictable to say the least.

What was annoying though was that this lasted for ten seasons, whilst some of my favourite shows lasted for only three, four seasons for instance and were eventually cancelled and taken off the air for good. The show should've came to an immediate halt by the time the cast wanted bigger salaries. In truth, as much as the series waned, it was the show that was bigger than the actors themselves, not the other way round.

When it ended in 2004, I was so relieved to see the back of this sitcom. Now, there is talk of a friends reunion show coming to our TV screens very soon. And yet, I for one will not be looking forward to it whatsoever.\": {\"frequency\": 1, \"value\": \"I am stunned to ...\"}, \"Umm.. I was quite surprised that someone actually gave this film high marks.

Lets face it... Tori Spelling is not a great actress.. and this movie just proves the extent of her \\\"talent\\\". The movie's plot was weak... I bet the dork that came up with this concept was some perverted peeping tom. If there is a good thing about this movie, I would say it's that Tommy Chong's daughter, just for the fact that she's his daughter... and then there is that Soap-Opera-ish male lead who's decent good looks somewhat make him attractive, but ceases to help his dramatic abilities. *Why does IMDb require at least 10 lines? How many more ways can you simply say \\\"This movie sucks\\\"?\": {\"frequency\": 1, \"value\": \"Umm.. I was quite ...\"}, \"There are so many stupid moments in 'Tower of Death'/'Game of Death 2' that you really wonder if it's a spoof. At times, it felt like I was watching a sequel to Kung Pow rather than a Bruce Lee film.

To be honest, this film has bugger all to do with 'Game of Death'. If anything, it's more a sequel/remake of 'Enter the Dragon', incorporating many elements of that film - particularly the actual footage. Bruce Lee's character Billy Lo (apparently) investigates the sudden death of his friend and encounters a piece of film that was left with the man's daughter. When the body is stolen during the funeral (!), Billy is also killed and it's up to his wayward brother to avenge both men's deaths.

Tong Long stars as brother Bobby Lo and doesn't really have the sort of charisma to carry the film. His fighting abilities are very good however. Bruce Lee obviously turns up thanks to (no longer) deleted footage simply to cash-in on the legacy. Saying that, on the whole, the footage is actually edited-in better than in 'Game of Death' but it doesn't stop the film from being a mess.

OK, so the fights are actually very entertaining (dare I say mind-blowing) and make the film at least watchable. But there are so many daft elements to this film that it really tests your patience. First off, there's the supposed villain who lives on his palatial estate... or is that mental institution? Seriously, the nutter eats raw venison, drinks deer's blood, carries a monkey on his shoulder and owns some peacocks and lions (?!). This attempt to make him look tough and intelligent just makes you feel sorry for him - you half expect someone to escort him back to his room.

In fact, this middle section is awful and when the scene involving a naked hooker and a lion suit arrived I turned it off. However, I did finish the film and was kind of glad I did because the fight scene towards the end (much like 'GOD') was the whole reason for watching. While the story is an embarrassment, the action is very good and contains excellent choreography.

But even the finale disappoints if the premise was anything to go by. What we were told was that the 'Tower of Death' was a pagoda that was upside down and underground. This sounded great, like a twist on Bruce Lee's original idea with different styles of fighting on each level. Could this be the 'Game of Death' that was originally planned? No! The film should have been named \\\"Generator Room of Death\\\" because thats as far as the tower goes. Of yes, there were indeed one or two 'different' styles... there were foil clad grunts, leopard-skinned henchman and stupid monk. It's as though Enter the Dragon had never been made, with the plot being a poor imitation.

Worth watching once for the fast paced fight scenes, but so stupid sometimes that it hurts. If this was intended, then fine. Thumbs up, however, for recreating that projector room scene from 'Enter The Dragon'.\": {\"frequency\": 1, \"value\": \"There are so many ...\"}, \"This wasn't what i wanted to see. I bought this on DVD and under the movie i found myself irritated and turned off the movie for a moment.

Heres what i didn't like:

1 They were shooting at the father

2 The tribes was really annoying

3 the dinosaurs (mostly)looked to faked

4 The bad scientist well he was annoying

5 The picture quality on the DVD was really bad

What i DID like:

1 The music by Jerry Goldsmith. This music is really great. I have the bootleg soundtrack from this movie. Sadly the sound quality is not good, but its OK for its time.

2 The first time we see the dinosaurs they inspire a sort of awe.

3 Baby is kinda cute when he is in the water and is playing

4 That funny scene with the tent.

5 The children who sees this film would hopefully learn that evil always loses.\": {\"frequency\": 1, \"value\": \"This wasn't what i ...\"}, \"I have been looking for this film for ages because it is quite rare to find as it was one of the video nasties. I finally found it on DVD at the end of last year it is a very low budget movie The story is set around amazon jungle tribes that are living in fear of the devil. Laura Crawford is a model who is kidnapped by a gang of thugs while she is working in South America. They take her into the jungle Laura is guarded by some ridiculous native who calls himself \\\"The Devil\\\" she has to go though all unpleasant things until they are happy. Maidens are Chained up. The devil demonstrates eating flesh in a horrible manner. Peter Weston, is the devil hunter, who goes into the jungle to try and rescue her,\": {\"frequency\": 1, \"value\": \"I have been ...\"}, \"How you could say that Peaches, with its complex narrative dealing with a multitude of issues, is \\\"a small TV idea\\\" is beyond me. Besides I can think of many films that have \\\"a small TV idea\\\" in their plots. Your obvious dislike of the TV industry (\\\" Sue Smith has failed to rise above her television background\\\") is confusing. particularly as you are having such \\\"a great time\\\" working in TV. If only we could all be so talented as Ms Smith (no, I am not a friend or relative) - AFI award winning Brides of Christ, Road from Coorain,etc. All made for TV. Come to think of it, what about those other \\\"small TV ideas\\\" like \\\"Against the Wind\\\", \\\"Bodyline\\\", \\\"The Dismissal\\\", \\\"Scales of Justice\\\", \\\"Blue Murder\\\", \\\"Water under the Bridge\\\" ,etc. I think Peaches is a good entertaining film which had me interested, and most of my friends as well, from start to finish. It is far from flawless yet I think it is among the best Australian films I have seen over the last couple of years. Who knows, with a few more viewings (there's so much to think about), it might just be up there with classics like \\\"The Year My Voice Broke\\\", \\\"The Devil's Playground\\\". I really did enjoy this film much more than \\\"Somersault\\\" and \\\"Three Dollars\\\". These films, I think, had their moments-surreal, atmospheric, realistic and dealing with important contemporary issues, but as for sheer entertainment for mr.and mrs average movie goer and me, it was very ordinary if not boring. When I go to a movie, I am always conscious of the audience's reaction to a film (through in- cinemas reactions and overheard conversations in the foyer and loo). Some came out of Peaches shaking their heads, some with negative criticisms, but many seemed to have enjoyed the experience.\": {\"frequency\": 1, \"value\": \"How you could say ...\"}, \"This show is painful to watch ...

It is obvious that the creators had no clue what to do with this show, from the ever changing \\\"jobs\\\", boyfriends, and cast. It appears that they wanted to cast Amanda Bynes in something ... but had no idea what, and came up with this crappy show. They cast her as a teen, surrounded by twenty and thirty somethings, and put her in mostly adult situations at repeatedly failed attempts at comedy. Soon, they realize that she needs a \\\"clique\\\" and cast people in their late 20s to try to pass as teenagers.

How this show survived 4 seasons is beyond me. Somehow, ABC has now decided that it is a \\\"family\\\" show, and thrown it into it's afternoon lineup on ABC Family.\": {\"frequency\": 2, \"value\": \"This show is ...\"}, \"I am not so much like Love Sick as I image. Finally the film express sexual relationship of Alex, kik, Sandu their triangle love were full of intenseness, frustration and jealous, at last, Alex waked up and realized that they would not have result and future.Ending up was sad.

The director Tudor Giurgiu was in AMC theatre on Sunday 12:00PM on 08/10/06, with us watched the movie together. After the movie he told the audiences that the purposed to create this film which was to express the sexual relationships of Romanian were kind of complicate.

On my point of view sexual life is always complicated in everywhere, I don't feel any particular impression and effect from the movie. The love proceeding of Alex and Kiki, and Kiki and her brother Sandu were kind of next door neighborhood story.

The two main reasons I don't like this movie are, firstly, the film didn't told us how they started to fall in love? Sounds like after Alex moved into the building which Kiki was living, then two girls are fall in love. It doesn't make sense at all. How a girl would fall in love with another girl instead of a man. Too much fragments, you need to image and connect those stories by your mind. Secondly, The whole film didn't have a scene of Alex and Kik's sexual intercourse, that 's what I was waiting for\\ufffd\\ufffd\\ufffd\\ufffd. However, it still had some parts were deserved to recommend. The \\\"ear piercing \\\" part was kind of interesting. Alex was willing to suffer the pain of ear piercing to appreciate kik's love. That was a touching scene which gave you a little idea of their love. Also, the scene of they were lying in the soccer field, the conversation express their loves were truthful and passionate.\": {\"frequency\": 2, \"value\": \"I am not so much ...\"}, \"The super sexy B movie actress has another bit part as future \\\"Goodfellas\\\" star Ray Liotta's girlfriend in this box office bomb. She plays Marion, has only one line of dialog, well, one WORD of dialog actually. She shouts out \\\"Joe!\\\" as Ray's character is violating poor Pia Zadora with a plastic garden hose sprinkler. This movie is so bad though it becomes funny, hilarious at times. The guys at Mystery Science Theater 3000 would love this! Check out the hysterical scene at the end where Pia has a nervous breakdown and all the cheesy editing and effects they do to try and show how badly Pia's character is freaking out. Pia plays an aspiring Hollywood screenwriter in this. Pia Zadora as a screenwriter? Yeah, right. Pia can barely talk, let alone write! Pia is utterly and absolutely miscast in this dumb role. But who cares? The real star is the hot and fresh Glory Annen in her bit part in this cat's opinion! Rock on Glory!\": {\"frequency\": 1, \"value\": \"The super sexy B ...\"}, \"You know what kind of movie you're getting into when the serial killer main character is being transported to the electric chair (in what seems to be a bakery truck), only to have the prison vehicle collide with (and I'm not making this up) a genetic engineering tanker truck. The goo which spurts forth melts him, and fuses his DNA with the snow, creating our protagonist, the killer snowman.

My favorite portion of the movie, however, is an over-the-shoulder shot of the snowman thrashing some poor schmuck, in which his hands look suspiciously like a couple of white oven-potholder gloves.

Mmmmm, schlock...\": {\"frequency\": 1, \"value\": \"You know what kind ...\"}, \"While this movie has many flaws, it is in fact a fun '80s movie. Eddie Murphy peaks during his 80's movies here. While his character is indistinguishable from earlier movies, his timing is almost flawless with perfect partners and foils.

Couple this with the hypnotic beauty of Charlotte Lewis, this makes for a fun rainy day action-comedy flick.

\": {\"frequency\": 1, \"value\": \"While this movie ...\"}, \"There is no possible reason I can fathom why this movie was ever made.

Why must Hollywood continue to crank out one horrible update of a classic after another? ( Cases in point: Mister Magoo, The Avengers - awful! )

Christopher Lloyd, whom I normally enjoy, was so miserably miscast in this role. His manic portrayal of our beloved \\\"Uncle Martin\\\" is so unspeakably unenjoyable to be almost criminal. His ranting, groaning, grimacing and histrionics provide us with no reason to care for his character except as some 1 dimensional cartoon character.

The director must have thought that fast movements, screaming dialogue and \\\"one-take\\\" slapstick had some similarity to comedy. Apparently he told EVERY ACTOR to act as if they had red ants in their pants.

Fault must lie with the irresponsibly wrought script. I think the writer used \\\"It's a Mad, Mad, Mad, Mad World\\\" as an example of a fine comedy script. As manic as that 1963 classic is, it is far superior to this claptrap - in fact - suddenly it looks pretty good in comparison.

What is most sad about this movie is that it must have apparently been written to appeal to young children. I just am not sure whose children it was made for. Certainly no self-respecting, card-carrying child I know!

If they HAD to remake \\\"My Favorite Martian\\\", why didn't they add some of the timeless charm of the original classic?

Unfortunately, IMDB.com cannot factor in \\\"zero\\\" as a rating for its readers, that is the only rating that comes to mind in describing this travesty.

One good thing did come from this movie, the actors and crew were paid - I think.\": {\"frequency\": 1, \"value\": \"There is no ...\"}, \"This movie is great fun to watch if you love films of the organized crime variety. Those looking for a crime film starring a charismatic lead with dreams of taking over in a bad way may be slightly disappointed with the way this film strides.

It is a fun romp through a criminal underworld however and if you aren't familiar with Hong Kong films, then you may be pleasantly surprised by this one. I was somewhat disappointed by some of the choices made story-wise but overall a good crime film. Some things did not make sense but that seems to be the norm with films of the East.

People just randomly do things regardless of how their personalities were set up prior. It's a slightly annoying pattern that permeates even in this film.\": {\"frequency\": 1, \"value\": \"This movie is ...\"}, \"If you haven't seen Eva Longoria from the TV show \\\"Desperate House Wives\\\" then you are missing out. Eva is going to be one of the biggest Latina stars and you'll be seeing her in the theaters soon. This was Eva's first film and she does a fantastic job acting. She was 24 when she shot it, and looked hot then. As for this low budget film, it's pretty good for the first time director, who has another soon to be released movie \\\"Juarez, Mexico\\\" currently playing at many film festivals across the United States. In fact, it appears that it may have a limited theatrical release from some news. What would be nice to see is a \\\"Snitch'2\\\" with a higher budget.\": {\"frequency\": 1, \"value\": \"If you haven't ...\"}, \"Let me start by saying how much I love the TV series. Despite the tragic nature of a middle-aged man seemingly unable to pursue his dreams because of his overbearing, manipulative father, it was incredibly light-hearted and fun to watch in practice. In my opinion, it is without doubt one of the greatest British sitcoms of all time. The TV series has my 10 out of 10 rating without reservation.

This movie spin-off on the other hand is a true tragedy in every sense of the word. Hardly any of the essence of the TV show is transferred successfully onto film. This movie has a very dreary, depressing tone that almost moved me to tears on several occasions. Seeing Harold being beaten up in a pub (and not in a comical way) is not my idea of comedy but is most definitely one reason why fans of the TV series will not like this movie. The movie was painfully unfunny except for the scene where Albert bathes in the sink and is seen by a neighbour.

The romance between Harold and Zita is completely out of tone and it makes me wonder whether the producers of this movie ever bothered to watch the TV series. In the TV series, Harold always went after respectable girls, not strippers.

Albert's reactions to the remarks made against him by Harold's girlfriends were absolutely priceless in the TV series. In the movie, Albert says virtually nothing when such an opportunity rises.

Most movie spin-offs of British sitcoms tend to be quite dull, with the notable exception of the ON THE BUSES films (which in some respects were actually better than the TV series itself!). But, STEPTOE AND SON has to rank right at the very bottom of the pile, even below GEORGE AND MILDRED.

My advice - skip this one and see the second spin-off, STEPTOE AND SON RIDE AGAIN instead. It has a much lighter tone, is more faithful to the TV series, and is actually very funny.\": {\"frequency\": 1, \"value\": \"Let me start by ...\"}, \"A new way to enjoy Goldsworthy's work, Rivers and Tides allows fans to see his work in motion. Watching Goldsworthy build his pieces, one develops an appreciation for every stone, leaf, and thorn that he uses. Goldsworthy describes how the flow of life, the rivers, and the tides inspires and affects his work. Although, I was happy the film covered the majority of Goldsworthy's pieces (no snowballs), I do feel it was a bit long. The film makers did a wonderful job of bringing Goldsworthy's work to life, and created a beautiful film that was a joy to watch.\": {\"frequency\": 1, \"value\": \"A new way to enjoy ...\"}, \"TIllman Jr.'s drama about the first African American Navy Master Diver (Gooding Jr.), who defies all odds and achieves his goals despite a strict embittered trainer. The screenplay is not bad, a bit extreme at times, but the direction and acting is first-rate, and this film is inspiring and achieves what its supposed to do. I liked DeNiro in the lead, although its not on par with his masterful works (taxi driver, godfather and all the others) it is as good as his other good performances such as in King of Comedy or Angel Heart. DeNiro is always convincing and believable here, very good performance, Gooding Jr. is not bad, definitely one of his better performances. --- IMDb Rating: 6.6, my rating: 9/10\": {\"frequency\": 1, \"value\": \"TIllman Jr.'s ...\"}, \"Despite an overall pleasing plot and expensive production one wonders how a director can make so many clumsy cultural mistakes. Where were the Japanese wardrobe and cultural consultants? Not on the payroll apparently.

A Japanese friend of mine actually laughed out loud at some of the cultural absurdities she watched unfold before her eyes. In a later conversation she said, \\\"Imagine a Finnish director making a movie in Fnnish about the American Civil War using blond Swedish actors as union Army and Frenchmen as the Confederates. Worse imagine dressing the Scarlet O'Hara female lead in a period hoop skirt missing the hoop and sporting a 1950's hairdo. Maybe some people in Finland might not realize that the hoop skirt was \\\"missing the hoop\\\" or recognize the bizarre Jane Mansfield hair, but in Atlanta they would not believe their eyes or ears....and be laughing in the aisles...excellent story and photography be damned.

So...watching Memoirs of a Geisha was painful for anyone familiar with Japanese cultural nuances, actual geisha or Japanese dress, and that was the topic of the movie! Hollywood is amazing in its myopic view of film making. They frequently get the big money things right while letting the details that really polish a films refinement embarrassingly wrong. I thought \\\"The Last Samurai\\\" was the crowning achievement of how bad an otherwise good film on Japan could be. Memoirs of a Geisha is embarrassingly better and worse at the same time.\": {\"frequency\": 1, \"value\": \"Despite an overall ...\"}, \"For years I thought this knockabout service comedy was a product of John Ford, especially with Victor McLaglen as one of the leads. It certainly has the same rough house humor that Ford laces his films with.

To my surprise I learned it was George Stevens who actually directed it. Still I refuse to believe that this film wasn't offered to John Ford, but he was probably off in Monument Valley making Stagecoach.

Victor McLaglen along with Cary Grant and Douglas Fairbanks, Jr., play three sergeants in the Indian Army who have a nice buddy/buddy/buddy camaraderie going. But the old gang is breaking up because Fairbanks is engaged to marry Joan Fontaine. Not if his two pals can help it, aided and abetted by regimental beastie Gunga Din as played by Sam Jaffe.

The Rudyard Kipling poem served as the inspiration for this RKO film about barracks life in the British Raj. The comic playing of the leads is so good that it does overshadow the incredibly racist message of the film. Not that the makers were racist, but this was the assumption of the British there at the time, including our leads and Gunga Din shows this most effectively.

The British took India by increments, making deals here and there with local rulers under a weak Mogul emperor who was done away with in the middle of the 19th century. They ruled very little of India outright, that would have been impossible. Their rule depended on the native troops you see here. Note that the soldiers cannot rise above the rank of corporal and Gunga Din is considerably lower in status than that.

Note here that the rebels in fact are Hindu, not Moslem. There are as many strains of that religion as there are Christian sects and this strangling cult was quite real. Of course to those being strangled they might not have the same view of them as liberators. But until India organized its independence movement, until the Congress Party came into being, these people were the voice of a free India.

But however you slice it, strangling people isn't a nice thing to do and the British had their point here also. When I watch Gunga Din, I think of Star Trek and the reason the prime directive came into being.

Cary Grant got to play his real cockney self here instead of the urbane Cary we're used to seeing. Fairbanks and McLaglen do very well with roles completely suited to their personalities.

Best acting role in the film however is Eduard Ciannelli as the guru, the head of the strangler cult. Note the fire and passion in his performance, he blows everyone else off the screen when he's on.

Favorite scene in Gunga Din is Ciannelli exhorting his troops in their mountain temple. Note how Stevens progressively darkens the background around Ciannelli until all you see are eyes and teeth like a ghoulish Halloween mask. Haunting, frightening and very effective.

It was right after the action of this film in the late nineteenth century that more and more of the British public started to question the underlying assumptions justifying the Raj. But that's the subject of Gandhi.

Gunga Din is still a great film, entertaining and funny. It should be shown with A Passage to India and Gandhi and you can chart how the Indian independence movement evolved.\": {\"frequency\": 1, \"value\": \"For years I ...\"}, \"this is quite possibly the worst acting i have ever seen in a movie... ever. and what is up with the casting. the leading lady in this movie has some kind of nose dis-figuration and is almost impossible to look at for any period of time without becoming fixated on her nose. you could go to your local grocery store on a Sunday afternoon and easily find 50 more qualified, better looking possible leading ladies. i made the unfortunate mistake of renting this movie because it had a \\\"cool\\\" DVD case. This movie looks like it is just some class project for a group of multimedia students at a local technical college. i would rather have spent the hour or so that this movie was on watching public access television... at least the special effects are better and the people on there are more attractive than anyone you will see in this film\": {\"frequency\": 1, \"value\": \"this is quite ...\"}, \"Today I found \\\"They All Laughed\\\" on VHS on sale in a rental. It was a really old and very used VHS, I had no information about this movie, but I liked the references listed on its cover: the names of Peter Bogdanovich, Audrey Hepburn, John Ritter and specially Dorothy Stratten attracted me, the price was very low and I decided to risk and buy it. I searched IMDb, and the User Rating of 6.0 was an excellent reference. I looked in \\\"Mick Martin & Marsha Porter Video & DVD Guide 2003\\\" and \\ufffd\\ufffd wow \\ufffd\\ufffd four stars! So, I decided that I could not waste more time and immediately see it. Indeed, I have just finished watching \\\"They All Laughed\\\" and I found it a very boring overrated movie. The characters are badly developed, and I spent lots of minutes to understand their roles in the story. The plot is supposed to be funny (private eyes who fall in love for the women they are chasing), but I have not laughed along the whole story. The coincidences, in a huge city like New York, are ridiculous. Ben Gazarra as an attractive and very seductive man, with the women falling for him as if her were a Brad Pitt, Antonio Banderas or George Clooney, is quite ridiculous. In the end, the greater attractions certainly are the presence of the Playboy centerfold and playmate of the year Dorothy Stratten, murdered by her husband pretty after the release of this movie, and whose life was showed in \\\"Star 80\\\" and \\\"Death of a Centerfold: The Dorothy Stratten Story\\\"; the amazing beauty of the sexy Patti Hansen, the future Mrs. Keith Richards; the always wonderful, even being fifty-two years old, Audrey Hepburn; and the song \\\"Amigo\\\", from Roberto Carlos. Although I do not like him, Roberto Carlos has been the most popular Brazilian singer since the end of the 60's and is called by his fans as \\\"The King\\\". I will keep this movie in my collection only because of these attractions (manly Dorothy Stratten). My vote is four.

Title (Brazil): \\\"Muito Riso e Muita Alegria\\\" (\\\"Many Laughs and Lots of Happiness\\\")\": {\"frequency\": 1, \"value\": \"Today I found ...\"}, \"THE KING MAKER will doubtless be a success in Thailand where the similar (but superior) 'The Legend of Suriyothai' set box office records. The film directed by Lek Kitaparaporn after a screenplay by Sean Casey based on historical fact in 1547 Siam has some amazingly beautiful visual elements but is disarmed by one of the corniest, pedestrian scripts and story development on film.

The event the picture relates is the arrival of the Portuguese soldier of fortune Fernando de Gamma (Gary Stretch) whose vengeance for this father's murderer drives him to shipwrecked, captured and thrown into slavery and put on the bloc in Ayutthaya in the kingdom of Siam where he is purchased by the beautiful Maria (Cindy Burbridge) with the consent of her father Phillipe (John Rhys-Davies), a man with a name and a past that are revealed as the story progresses. There is a plot to overthrown the King and Fernando and his new Siamese sidekick Tong (Dom Hetrakul), after some gratuitous CGI enhanced choreographed martial arts silliness, are first rewarded by the King to become his bodyguards, only to be imprisoned together once Queen Sudachan (Yoe Hassadeevichit) reveals her plot to kill the king and son to allow her lover Lord Chakkraphat (Oliver Pupart) to take over the rule of Siam. Yet of course Fernando and Tong escape and are condemned to fight each other to save the lives of their families (Tong's wife and children and Fernando's now firm love affair with Maria) with the expected consequences.

The acting (with the exception of John Rhys-Davies) is so weak that the film occasionally seems as though it were meant to be camp. The predominantly Thai cast struggle with the poorly written dialog, making us wish they had used their native Thai with subtitles. The musical score by Ian Livingstone sounds as though exhumed form old TV soap operas. But if it is visual splendor you're after there is plenty of that and that alone makes the movie worth watching. It is a film that has obvious high financial backing for all the special effects and masses of cast and sets and shows its good intentions. It is just the basics that are missing. Grady Harp\": {\"frequency\": 1, \"value\": \"THE KING MAKER ...\"}, \"

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.\": {\"frequency\": 2, \"value\": \"

Back ...\"}, \"The great cinematic musicals were made between 1950 and 1970. This twenty year spell can be rightly labelled the \\ufffd\\ufffd\\ufffdGolden Era\\ufffd\\ufffd\\ufffd of the genre. There were musicals prior to that, and there have been musicals since\\ufffd\\ufffd\\ufffd but the true classics seem invariably to have been made during that period. Singin\\ufffd\\ufffd\\ufffd In The Rain, An American In Paris, The Band Wagon, Seven Brides For Seven Brothers, Oklahoma, South Pacific, The King And I, and many more, stand tall as much cherished products of the age. Perhaps the last great musical of the \\ufffd\\ufffd\\ufffdGolden Era\\ufffd\\ufffd\\ufffd is Carol Reed\\ufffd\\ufffd\\ufffds 1968 \\ufffd\\ufffd\\ufffdOliver\\ufffd\\ufffd\\ufffd. Freely adapted from Dickens\\ufffd\\ufffd\\ufffd novel, this vibrant musical is a film version of a successful stage production. It is a magnificent film, winner of six Oscars, including the Best Picture award.

Orphan Oliver Twist (Mark Lester) lives a miserable existence in a workhouse, his mother having died moments after giving birth to him. Following an incident one meal-time, he is booted out of the workhouse and ends up employed at a funeral parlour. But Oliver doesn\\ufffd\\ufffd\\ufffdt settle particularly well into his new job, and escapes after a few troubled days. He makes the long journey to London where he hopes to seek his fortune. Oliver is taken under the wing of a child pickpocket called the Artful Dodger (Jack Wild) who in turn works for Fagin (Ron Moody), an elderly crook in charge of a gang of child-thieves. Despite the unlawful nature of the job, Oliver finds good friends among his new \\ufffd\\ufffd\\ufffdfamily\\ufffd\\ufffd\\ufffd. He also makes the acquaintance of Nancy (Shani Wallis), girlfriend of the cruellest and most feared thief of them all, the menacing Bill Sikes (Oliver Reed). After many adventures, Oliver discovers his true ancestry and finds that he is actually from a rich and well-to-do background. But his chances of being reunited with his real family are jeopardised when Bill Sikes forcibly exploits Oliver, making him an accomplice in some particularly risky and ambitious robberies.

\\ufffd\\ufffd\\ufffdOliver\\ufffd\\ufffd\\ufffd is a brilliantly assembled film, consistently pleasing to the eye and excellently acted by its talented cast. Moody recreates his stage role with considerable verve, stealing the film from the youngsters with his energetic performance as Fagin. Lester and Wild do well too as the young pickpockets, while Wallis enthusiastically fleshes out the Nancy role and Reed generates genuine despicableness as Sikes. The musical numbers are staged with incredible precision and sense of spectacle \\ufffd\\ufffd\\ufffd Onna White\\ufffd\\ufffd\\ufffds Oscar-winning choreography helps make the song-and-dance set pieces so memorable, but the lively performers and the skillful direction of Carol Reed also play their part. The unforgettable tunes include \\ufffd\\ufffd\\ufffdFood Glorious Food\\ufffd\\ufffd\\ufffd, \\ufffd\\ufffd\\ufffdConsider Yourself\\ufffd\\ufffd\\ufffd, \\ufffd\\ufffd\\ufffdYou\\ufffd\\ufffd\\ufffdve Got To Pick A Pocket Or Two\\ufffd\\ufffd\\ufffd, \\ufffd\\ufffd\\ufffdI\\ufffd\\ufffd\\ufffdd Do Anything\\ufffd\\ufffd\\ufffd and \\ufffd\\ufffd\\ufffdOom-Pah-Pah\\ufffd\\ufffd\\ufffd \\ufffd\\ufffd\\ufffd all immensely catchy songs, conveyed via very well put together sequences. The film is a thoroughly entertaining experience and never really loses momentum over its entire 153 minute duration. Sit back and enjoy!\": {\"frequency\": 1, \"value\": \"The great ...\"}, \"During the cheap filmed in video beginning of Crazy Fat Ethel II, I wondered if it was the same film that was on the cover. Unfortunately, it was. The story itself is mindlessly simple. Ethel, a homicidal maniac with an eating disorder, is released into a halfway house because of hospital overcrowding. She is by far the most sane resident watching while one man puts dead flies into another's soup. Ethel is then teased by one of the halfway house employees with a chocolate bar after he hits on the cost cutting measure of feeding the residents dog food. Ethel retaliates by strangling him with a wire noose on the stairs and then....well, you get the idea. If this all sounds like fun, it isn't. This film was poorly made with cheap effects and even worse acting. The characters are so wooden when delivering their lines that they should be standing out in front of a cigar store. To make matters worse, half of the film consists of flashbacks to the first Ethel movie, Criminally Insane, which is little better. A VERY poor effort.\": {\"frequency\": 1, \"value\": \"During the cheap ...\"}, \"This indie film looks at the lives of a group of people taking an adult swim class in Connecticut. The plot is fairly thin. What drives the film is the characters, excellently played by mostly unknown actors. Standouts in the cast are Brewster as a high school teacher experiencing marital problems and Weixler as a casino dealer who moonlights as a stripper. The two actresses give natural performances and work well together. This is an impressive feature film debut for writer Schechter and director Setton. The latter keeps the narrative moving at a fast clip. The film title and poster suggest something raunchy, but this is a marvelous little comedy-drama.\": {\"frequency\": 1, \"value\": \"This indie film ...\"}, \"Houseboat Horror is a great title for this film. It's absolutely spot-on, and therefore the only aspect of the film for which I can give 10 out of 10. There are houseboats, there is horror, there's even horror that takes place on houseboats. But if there were ever a tagline for the film poster, it would surely be 'Something shonky this way comes...' for Houseboat Horror is easily the worst Australian horror film I've ever seen, not to mention one of the worst horror films I've ever seen, and a fairly atrocious attempt at film-making in general. The good news is, it's so bloody awful, it sails straight through the zone of viewer contempt into the wonderful world of unintentional hilarity. It's worth watching *because* it's bloody awful.

The category of 'worst' comes not from the storyline, for the simple reason that there actually is one: a record producer, a film crew and a rock band drive up to the mystifyingly-named Lake Infinity, a picturesque rural retreat somewhere in Victoria (in reality Lake Eildon) to shoot a music video. Someone isn't especially happy to see them there and, possibly in an attempt to do the audience a favour, starts picking them off one by one with a very sharp knife. Even more mystifying is how long it takes the survivors to actually notice this,

On the surface, it looks like a very bog-standard B-movie slasher. You've got highly-annoying youths, intolerant elders, creepy locals (one of whom, a petrol station attendant, would easily win a gurning competition), and let's face it, my description of the murderer could easily be Jason Voorhees. Ah, but if only the acting and production values were anywhere near as good as the comparative masterpiece that was Friday The 13th Part VII. Unfortunately, Houseboat Horror is completely devoid of both these things.

But in the end, this only makes what you do get so ridiculous and amusing. Fans of one-time 'Late Show' and 'Get This' member Tony Martin will already be aware of some of the real dialogue gems ('Check out the view...you'll bar up!'), while the actual song to accompany the music video is so bad it has to be heard to be believed - I can't help wondering if writer/director Ollie Wood hoped it would actually become a hit. The horror element is comparable I think to B-slashers of the genre and particularly of the period, but there were times when I couldn't help imagining someone biting into a hamburger off-screen and seeing a volley of tomato sauce sprayed at the wall on-screen.

Indeed, if you've been listening to Tony Martin recommending this film as hilarious rubbish like myself, I don't think you'll be disappointed. Any fans of 'so-bad-it's-good' horror should not pass up the opportunity. Whether you'll 'bar up' or not though is another matter. If, on the other hand, you are in search of genuine excellence in the Australian horror genre, get yourself a copy of the incomparable 'Long Weekend' and don't look back.\": {\"frequency\": 1, \"value\": \"Houseboat Horror ...\"}, \"Riding Giants is an amazing movie. It really shows how these people lived back then just to surf. Their lives were basically surfing, living, breathing, and having fun. They didn't care about money, jobs, girls or any thing. To them the waves were their girls. I have never been on a surf board, and it looks so hard, I don't understand how they can stay on them, it makes no sense at all. This is an awesome movie and if you love surfing then you should really see this movie. If you're a surfer and you want to find out who started surfing, how it came into life, who is really famous at it or what ever, then you should really see it. It might be a documentary, but it is really good. -Tara F.-\": {\"frequency\": 1, \"value\": \"Riding Giants is ...\"}, \"Currently, this film is listed on IMDb as the 42nd worst film ever made--which is exactly why I rented it from NetFlix. However, I am saddened to report that the film, while bad, is no where near bad enough to merit being in the bottom 100 films ever made list. I have personally seen at least 100 films worse than this one. Hardly a glowing endorsement, but it just didn't meet the expected level of awfulness to be included on this infamous list.

The film begin with Stewart Moss and Marianne McAndrew on their belated honeymoon (by the way, they are married in real life as well). He's a doctor who is obsessed with bats and insists they go to a nearby cave. Once there, they behave very, very, very stupidly (hallmark of a bad film) and are soon bitten by a bat. According to this film, bats love to attack people and there are vampire bats in the US--both of which are not true at all.

Oddly, after being bitten, the man doesn't even bother going to the hospital!! The first thing on anyone's mind (especially a doctor) is to get medical help immediately, but not this boob. Soon, he's having seizures--yet he STILL isn't interested in seeking help! Again and again you keep thinking that this must be the stupidest couple in film history!!

After a while, he eventually goes to see a doctor and is sent to the hospital. But, by then it's too late and his attacks become more violent and he begins killing people to suck their blood. When it's totally obvious to everyone that the man is a crazed killing machine, the wife (who, like her husband, has a grapefruit for a brain) refuses to believe he's dangerous--even after he attacks people, steals an ambulance and runs a police car off the road!!

Now most of the time Moss is going through these episodes, his eyes roll back and he looks like a normal person. Oddly, however, a couple times he develops bat-like hands and towards the end they used some nice prosthetics on him to make him look quite bat-like. Had this been really cheesy, the film would have merited a 1.

In the very end, in a twist that hardly made any sense at all, the wife inexplicably turned into a crazed bat lady and had a swarm of bats kill the evil sheriff. How all this was arranged was a mystery as was Moss' and McAndrew's belief that this film would somehow help their careers--though they both have had reasonably long careers on TV playing bit roles since 1974.

Overall, very dumb. The plot is silly and makes no sense and strongly relies on people acting way too dumb to be real. Not a good film at all, but not among the worst films of all time either.

NOTE: For some reason, IMDb shows the graphic for the three DVD set for IT'S ALIVE and it's two sequels of the web page for THE BAT PEOPLE. While THE BAT PEOPLE has been seen with the title \\\"It's Alive\\\", the two movies are not at all related. It's easy to understand the mistake--especially since they both came out in 1974, but the movie I just reviewed starred Stewart Moss and Marianne McAndrew and the other film starred John Ryan and Sharon Farrell.\": {\"frequency\": 1, \"value\": \"Currently, this ...\"}, \"Full marks for the content of this film, as a Brit I was not aware that there was segregation in the US Navy during WWII. A very brave attempt to bring this fact to the world. However, the movie is pathetic, direction is non existent, the acting is wooden and the script is just one clich\\ufffd\\ufffd after another. I can honestly say that this is one of the worst movies I have ever seen. I sat and cringed from the start until the end at the very poor way that this had been put together. This could have been a great movie, the story for many of us outside of the US was new, unique and also interesting. The sad fact of the matter is the way that it was put together. It is unfortunate that a true story like this, which could have changed people's attitudes, has been squandered on a low budget, badly directed movie. I only hope that some time in the future, one of the major studios will take this theme and do it justice.\": {\"frequency\": 1, \"value\": \"Full marks for the ...\"}, \"Yuck. I thought it odd that their ancient book on curses was made using a common script font instead of hand written. The acting is so apathetic at times and so over-dramatic at other times. Why would a \\\"demonico\\\" kill the two suspiciously quiet doctors who helped make him immortal? Just for the heck of it? And is it really necessary to show Lilith's motorcycle whenever she's out somewhere. We get it! You spent a little bit of money to rent some third rate crotch rocket. It doesn't mean you have to show it all the time! The \\\"Faith's\\\" lair looks like an old school Battlestar Galactica set with some last minute changes. There is a scene where we are introduced to a few people on a talk show for about 30 seconds before they are killed without apparent reason and without importance. Everyone is a throwaway character. Forgettable characters and an even more forgettable plot make this one of the most ill-conceived movies I've seen the SciFi channel come out with. Stay away unless you're into bad movies.\": {\"frequency\": 1, \"value\": \"Yuck. I thought it ...\"}, \"This week, I just thought it would be fun to catch up with Corey Haim, with just having seen the two \\\"Lost Boys\\\" films last week and all. Not that I'm a fan-boy - not by far - but I did like those two Coreys in some films back in my early teen days.

So, I prepared myself for three films starring him. Unfortunately, I picked \\\"Dream Machine\\\" as a first (never seen it before), and it was so godawfully horrible, I just decided to lock Corey back in my closet and let him sober up again first, before I pop in something else of his. But I managed to struggle my way through this film first. I had the impression it desperately wanted to play in the same league as \\\"Ferris Bueller's Day Off\\\" (1986) but got caught up in its own delusions. Practically the whole film it wants to be a comedy and near the end it hopelessly tries to be a thriller. The only good thing about \\\"Dream Machine\\\" is the premise: A dead body in the trunk of a Porsche. All the rest fails so badly, it's embarrassing. Even the most for Haim. I can dig him being his young, enthusiastic self, but at least when he comes with some form of directorial guidelines. This clearly wasn't the case in \\\"Dream Machine\\\". So, we have a perfect car, yes, that black Porsche. Haim's perfect girlfriend? Just a blonde chick who hardly has any lines in the film. The perfect murder... almost? Some dude that falls flat on his ass as the villain of the film, trying the whole movie to steal the body back out of the trunk, never really succeeds, and then at the end of the film thinks he's Michael Myers (minus the white William Shatner mask) and mistakes Corey Haim for Jamie Lee Curtis. Don't think they could have made this flick any lamer if they tried. A stupid, unfunny film with a story that leads to nowhere directed by a director that doesn't know how to direct his cast. Great accomplishment!

One last question for Mr. Haim: Who's idea was it to have you smile directly into the camera in that last shot of the movie? Yours or the director's? So not done.\": {\"frequency\": 1, \"value\": \"This week, I just ...\"}, \"I enjoyed \\\"American Movie\\\", so I rented Chris Smith's first film, which I thought was a documentary too. In the first minute I saw that it wasn't, but I gave it a go.

What a dead end film. Being true-to-life hardly serves you if you're merely going to examine tediousness, esp. tediousness that we're already familar with.

I'm sorry, but will it come as a relevation to ANYONE that 1) a lot of jobs suck and 2) most of them are crappy, minimum wage jobs in the service sector??? I knew that before I saw the film. It didn't really provide an examination of that anyway, as while the film struggles to feel \\\"real\\\" (handheld camera, no music, etc.), what's going on hardly plays out as it would in the \\\"real world.\\\"

Would an employer be so cheerful to Randy when he picks up his check, after Randy quit on him after 3 days when the guy said he expected him to stay 6 months?? Or the day after abandoning his job (and screwing up the machine he was working on), that everyone would be so easy on him??

A big problem is our \\\"hero\\\"(?), Randy. This guy is a loser. Not because he's stuck in these jobs, or has a crummy apartment, or looks like one. He's a dope. He doesn't pay attention or even really try at these jobs. He has zero personalty. If I had to hire someone, he wouldn't make it past the interview.

I'm looking forward to what Chris Smith does next, but guys, knock off the \\\"this-is-an-important-film\\\" stuff. \\\"American Job\\\" doesn't work.\": {\"frequency\": 1, \"value\": \"I enjoyed ...\"}, \"Strangler of the Swamp was made by low budget studio PRC and is certainly one of their best movies I've seen.

A man who was hanged for a murder he didn't commit returns as a ghost for revenge on the people who accused him. He uses a rope to strangle his victims and after several deaths, including the old man who operates the ferry across the swamp, he disappears. The old man's granddaughter takes over the ferry herself and also falls in love with one of the local men and they decide to get married.

This movie has plenty of foggy atmospheres, which makes it very creepy too.

The cast includes Rosemary La Planche, Blake Edwards and Charles Middleton (Flash Gordon) as the Strangler.

Strangler of the Swamp is a must for old horror fans like myself. Excellent.

Rating: 3 and a half stars out of 5.\": {\"frequency\": 1, \"value\": \"Strangler of the ...\"}, \"Uggh! I really wasn't that impressed by this film, though I must admit that it is technically well made. It does get a 7 for very high production values, but as for entertainment values, it is rather poor. In fact, I consider this one of the most overrated films of the 50s. It won the Oscar for Best Picture, but the film is just boring at times with so much dancing and dancing and dancing. That's because unlike some musicals that have a reasonable number of songs along with a strong story and acting (such as MEET ME IN ST. LOUIS), this movie is almost all singing and dancing. In fact, this film has about the longest song and dance number in history and if you aren't into this, the film will quickly bore you. Give me more story! As a result, with overblown production numbers and a weak story, this film is like a steady diet of meringue--it just doesn't satisfy in the long run.

To think...this is the film that beat out \\\"A Streetcar Named Desire\\\" and \\\"A Place in the Sun\\\" for Best Picture! And, to make matters worse, \\\"The African Queen\\\" and \\\"Ace in the Hole\\\" weren't even nominated in this category! Even more amazing to me is that \\\"Ace in the Hole\\\" lost for Best Writing, Screenplay to this film--even though \\\"An American in Paris\\\" had hardly any story to speak of and was mostly driven by dance and song.\": {\"frequency\": 1, \"value\": \"Uggh! I really ...\"}, \"This is the best Emma in existence in my opinion. Having seen the other version (1996) which is also good, and read the book, I think I can safely say with confidence that this is the true interpretation and is the most faithful to Jane Austen's masterpiece. The 1996 movie with G. Paltrow is good too, it's just that it's almost like a different story altogether. It's very light and fluffy, you don't see the darker edges of the characters and if you just want a pleasant movie, that one would do fine but the intricacies of some of the plot points, such as the Churchill/Fairfax entanglement is so much glossed over as to be virtually non-existent. But if you want the characters fleshed out a bit, more real and multidimensional, the 1996 TV version is the superior. Emma is a remarkable person, but she is flawed. Kate Beckinsale is masterful at showing the little quirks of the character. You see her look casually disgusted at some of the more simple conversation of Harriet Smith, yet she shows no remorse for having ruined Harriet's proposal until that action has the effect of ruining her own marital happiness at the ending. You see her narcissism and it mirrors Frank Churchill's in that they would do harm to others to achieve their own aims. For Emma, it was playing matchmaker and having a new friend to while away the time with after having suffered the loss of her governess to marriage. For Frank Churchill, it is securing the promise of the woman he loves while treating her and others abominably to keep the secret. In the book, she realizes all of this in a crushing awakening to all the blunders she has made. Both Kate Beckinsale and Gyneth Paltrow are convincing in their remorse but Paltrow's is more childlike and stagnant while Beckinsale's awakening is rather real and serious and you see the transition from child-like, selfish behavior to kind and thoughtful adult. Both versions are very good but I prefer this one.\": {\"frequency\": 1, \"value\": \"This is the best ...\"}, \"It begins on a nice note only to falter quickly and let down expectations.

Mac (Akshay Kumar) and Sam's (John Abraham) characters are not properly built before Mac's boss decides to hitch him with three air hostess. Rest of the drama is about how Mac, Sam and Uncle Mambo (Paresh Rawal) deal with situations which at times seem forced.

About the cast, Paresh Rawal is a very talented actor, I thought was wasted in the role of a moody cook. Akshay Kumar is tolerable, John Abraham is very bad keeps stumbling over furniture & Rajpal Yadav is the only saving grace in the movie.

The second half of the movie is funny at times, but in all a DUD (songs are boring) and a major let down if you are hoping for some wholesome entertainment and comedy.\": {\"frequency\": 1, \"value\": \"It begins on a ...\"}, \"I would have liked to write about the story, but there wasn't any. I would have liked to quote a couple of hard hitting dialogs from the movie but \\\"hinglish\\\" is only funny for like 5 minutes, after that its overkill. I would have liked to swoon over the 'keep-u-guessing suspense' but it was as predictable as... um mm, a Yash raj movie (?). I would have liked to talk of the edge-of-the-seat action, but I don't like cartoons much.

*sigh*

All in all, this movie is perfect for: 1. people attempting suicide - I promise it'll push you over the edge 2. Sado-masochists- this movie is way more effective than the barbed wire that Silas guy in the Da-Vinci code wore. 3. People researching alternative ways to spread terrorism - I swear the audience leaving the hall seemed to be in a mood to kill someone 4. Movie Piraters: More power to them. If any movies deserves to not have the audience spending money to watch - this is it. 5.Barnacles, most types of plankton & green algae - Because almost all other living things would require an IQ factor somewhat greater than what the movie offers. Afterthought: The director of the movie, obviously, is a species of his own. ( And i hope to god that he is the only one of his kind..one is enough)

Things that could have made this a better movie: 1. A story 2. A choreographer 3. A Screenplay writer 4. A stunt coordinator 5. A story (Did I already say that?) 6. A director - preferably one who is not mentally challenged (although even one who was challenged could have done a better job) 7. Anil Kapoor=Bubonic plague - Avoid at all costs 8. A statutory warning - \\\"Watching Yash Raj movies is Injurious to your mental health\\\" ?

Things I liked about the movie: 1. Kareena Kapoor - For obvious reasons 2. The English sub-titles - \\\"Mera Dil Kho Gaya\\\" becomes - \\\"My heart is in a void\\\" , \\\"Chaliya Chaliya Chaliya\\\" turns into \\\"Im a flirt, Im a lover, Im a vagabond\\\" ..priceless.

In short, Tashan to me, is like the opposite of a Rubrics cube - The cube is supposed to increase the IQ of the player, Tashan promises to lower your IQ, and that.. in a mere 2.5 hours! Woot!

*sigh*..But thats just me. I could be wrong You've been warned anyways.\": {\"frequency\": 1, \"value\": \"I would have liked ...\"}, \"For all of the Has-Beens or Never Was's or for the curious, this film is for you....Ever played a sport, or wondered what it felt like after the lights went down and the crowd left..this film explores that and more.

Robin Williams(Jack Dundee) is a small town assistant banker in Taft CA., whose life has been plagued, by a miscue in a BIG rival high school football game 13 years ago, when he dropped the pass that would have won over Bakersfield, their Arch-Rival, that takes great pleasure in pounding the Taft Rockets, season after season . Kurt Russell(Reno Hightower) was the Quarterback in that famous game, and is the local legend, that now is a van repair specialist, whose life is fading into lethargy, like the town of Taft itself.

Williams gets an idea to remake history, by replaying the GAME ! He meets with skeptical resistance, so he goes on a one man terror spree, and literally paints the town , orange, yellow and black , to raise the ire of the residents to recreate THE game . After succeeding, the players from that 1972 team reunite, and try to get in shape to practice, which is hysterical . The game is on , Bakesfield is loaded with all of the high tech gadgets, game strategies, and sophisticated training routines . Taft is drawing plays in the mud, with sticks, stones, and bottle caps, what a riot ! Does Taft overcome the odds, does Robin Willians purge the demons from his bowels, does Kurt Russell rise from lethargy, watch \\\"The Best of Times\\\" for one of the BEST viewing experiences ever!

One of Robin Williams best UNDERSTATED performances, the chemistry between Robin and Russell is magic . And who is Kid Lester ???

Holly Palance and Pamela Reed give memorable performances as the wives of Williams and Russell. Succeeds on Many Levels. A 10 !\": {\"frequency\": 1, \"value\": \"For all of the ...\"}, \"This film isn't just about a school shooting, in fact its never even seen. But that just adds to the power this film has. Its about people and how they deal with tragedy. I know it was shown to the students who survived the Columbine shooting and it provided a sense of closure for a lot of them. The acting is superb. All three main actors (Busy Phillips, Erika Christensen and Victor Garber) are excellent in their roles...I highly recommend this film to anyone. Its one of those films that makes you talk about it after you see it. It provokes discussion of not only school shootings but of human emotions and reactions to all forms of tragedy. It is a tear-jerker but it is well worth it and one i will watch time and time again\": {\"frequency\": 1, \"value\": \"This film isn't ...\"}, \"Ed Harris's work in this film is up to his usual standard of excellence, that is, he steals the screen away from anyone with whom he shares it, and that includes the formidable Sean Connery. The movie, which is more than a bit sanctimonious, comes alive only in the scenes when Harris is interrogated by the attorney for another convict. It is breathtaking, a master class in artistic control.

The other cast members are all adept and Connery is reliable, as is Fishbourne, but the story itself packs no wallop. The plot depends largely on the premise that a black prisoner always will be mistreated and coerced by white law enforcement officers. This is the engine which drives the story, right or wrong, and makes one feel a tad cheated at the end.

Still, worth watching to see Harris in action.\": {\"frequency\": 1, \"value\": \"Ed Harris's work ...\"}, \"I suppose all the inside jokes is what made Munchies a cult classic. I thought it was awful, though given the ridiculous story and the nature of the characters, it probably could've been a much better (and funnier) movie. Maybe all they needed was a real budget.

Munchies, as many viewers have pointed out already, is something of a Gremlins parody. Hence, all the references to the movie. The movie begins somewhere in Peru during an archeological dig. An annoying dufus named Paul, aspiring stand up comedian who offers no sarcasm or witty jokes during the movie despite his career plans, is holed up with his dad in the caves. His dad is an unconventional kind of archeologist, searching the caves not for artificats or mummies or anything, but proof of U.F.O.'s. And that's where the Munchies come into the picture. Hidden in the crevice of a rock is an ugly little mutant that looks like a gyrating rubber doll with a Gizmo voice. They name him Arnold, stash him in a bag, and bring him home so Paul's dad can finally show proof of extra terrestrial life.

Paul, the idiot that he is, breaks his promise to his dad to watch Arnold (a wager he made with his dad, if he loses, it's off to community college to get a 'real' career). The creepy next door neighbor with the bad rug, Cecil (television veteran Harvey Korman), wonders what his neighbors are up to. So, he and his lazy son, some airhead hippie type (who looks more like they should've made his character a biker or heavy metal enthusiast) to go and snatch Arnold. Why? A get rich quick scheme of course. And of course, even Cecil's son is too dumb to look after Arnold. And after a few pokes and prods at Arnold, he multiplies into more Munchies.

This wasn't even a movie that was so bad it was good. It was just plain awful. I was hoping that the Munchies would've mutated and killed the morons that were always after them, even Paul and his girlfriend. At least it would be one way to get rid of all the bad acting in this movie that really hams up the movie. Not to mention poor special effects that look like hand puppets. And really bad writing all around--it wasn't even funny--not even that young cop who can really give you the homicidal twitch in your eye. Like I said, Munchies, if they had been given an actual budget and better actors, they might've been able to pull off a good parody. Pass.\": {\"frequency\": 1, \"value\": \"I suppose all the ...\"}, \"Anna (Charlotte Burke) develops a strange fever that causes her to pass out and drift off into a world of her own creation. A bleak world she drew with a sad little boy as the inhabitant of an old dumpy house in the middle of a lonely field. Lacking in detail, much like any child drawing the house and it's inhabitant Marc (who can't walk because Anna didn't draw him any legs) are inhabitants of this purgatory/limbo world. Anna begins visiting the boy and the house more frequently trying to figure what's what and in the process tries to help save the boy, but her fever is making it harder for her to wake up each time and may not only kill her, but trap her and Marc there forever.

Wow! Is a good word to sum up Bernard Rose's brilliantly haunting and poetic Paperhouse. A film that is so simple that it's damn near impossible to explain and impossible to forget. While you may find this puppy in your horror section it's anything but. It's more of a serious fantasy, expertly directed, and exceptionally well acted by it's cast, in particular Charlotte Burke and Elliot Speirs (Marc). And yet, it's not a children's movie either, but meant to make us remember those carefree days of old that are now just dark memories. Rose creates a rich tapestry of moody ambiance that creates a thrilling backdrop for the brilliant story and great actors to play with. Paperhouse stays away from trying to explain it's more dreamy qualities and leaves most things to the viewers imagination. There's much symbolism and ambiguity here to sink your teeth into. Paperhouse enjoys playing games with the viewers mind, engrossing you with it's very own sense of reasoning. As the story unfolded I was again and again impressed at just how powerful the film managed to be up to the finale which left me with a smile on my face and a tear in my eye.

Bernard Rose's visuals are brilliant here. He's able to create an unnervingly bleak atmosphere that appears simple on the surface, but as a whole is much greater than the sum of it's parts. The acting is of young Charlotte Burke in this, her feature debut, is a truly impressing as well. Unfortunately she's not graced the screen since. A much deserved Burnout Central award only seems proper for that performance. Toward the end the movie lags a bit here and there, but I was easily able to overlook it. I wished they had took a darker turn creating a far more powerful finale that would have proved to be all the more unnerving and truly riveting in retrospect. The movie as is, is still one for the books and deserves to be seen by any serious film lover. It's a poetic ride told through the innocent eyes of a child, a powerful film in which much is left to be pondered and far more to be praised.\": {\"frequency\": 2, \"value\": \"Anna (Charlotte ...\"}, \"\\\"Cinderella\\\" is one of the most beloved of all Disney classics. And it really deserves its status. Based on the classic fairy-tale as told by Charles Perrault, the film follows the trials and tribulations of Cinderella, a good girl who is mistreated by her evil stepmother and equally unlikable stepsisters. When a royal ball is held and all eligible young women are invited (read: the King wants to get the Prince to marry), Cinderella is left at home whilst her stepmother takes her awful daughters with her. But there is a Fairy Godmother on hand...

The story of \\\"Cinderella\\\" on its own wouldn't be able to pad out a feature, so whilst generally staying true to the story otherwise, the fairly incidental characters of the animals whom the Fairy Godmother uses to help get the title character to the ball become Cinderella's true sidekicks. The mice Jaq and Gus are the main sidekicks, and their own nemesis being the stepmother's cat Lucifer. Their antics intertwine generally with the main fairy-tale plot, and are for the most part wonderful. Admittedly, the film does slow down a bit between the main introduction of the characters and shortly before the stepsisters depart for the ball, but after this slowdown, the film really gets going again and surprisingly (since \\\"Cinderella\\\" is the most worn down story of all time, probably) ends up as one of the most involving Disney stories.

The animation and art direction is lovely. All of the legendary Nine Old Men animated on this picture, and Mary Blair's colour styling and concept art (she also did concept art and colour styling for \\\"Alice in Wonderland\\\", \\\"Peter Pan\\\", \\\"The Three Caballeros\\\" and many many others) manage to wiggle their way on screen. The colours and designs are lovely, especially in the Fairy Godmother and ball scenes, as well as in those pretty little moments here and there.

Overall, \\\"Cinderella\\\" ranks as one of the best Disney fairy-tales and comes recommended to young and all that embodies the Disney philosophy that dreams really can come true.\": {\"frequency\": 1, \"value\": \"\\\"Cinderella\\\" is ...\"}, \"Absolutely wonderful drama and Ros is top notch...I highly recommend this movie. Her performance, in my opinion, was Academy Award material! The only real sad fact here is that Universal hasn't seen to it that this movie was ever available on any video format, whether it be tape or DVD. They are ignoring a VERY good movie. But Universal has little regard for its library on DVD, which is sad. If you get the chance to see this somewhere (not sure why it is rarely even run on cable), see it! I won't go into the story because I think most people would rather have an opinion on the film, and too many \\\"reviewers\\\" spend hours writing about the story, which is available anywhere.

a 10!\": {\"frequency\": 1, \"value\": \"Absolutely ...\"}, \"Be warned!

This is crap that other crap won't even deign to be in company with because it's beneath them! Okay, got that out of the way, let me say something more substantive.

I've seen Ashes of Time a very long time ago thinking it was a fresh take on the material which is based on a highly revered wuxia tome of a novel due to the emerging reputation of the director, Wong Kar Wai. Well, despite of all of that WKW hasn't succeeded at adapting the novel on screen according to a lot of wuxia fans; mostly it is just shots of dripping water, beads of sweats, legs of horses running, etc. I couldn't sit through most of the movie.

Fast forward many years later when I wanted to give Mr. Wong's movies another shot after hearing many praises, especially from Cannes. I was intrigued by his latest, 2046. A friend told me to start w/ Chungking Express because it is his most accessible movies. So wrong! I was just p.o. that I got duped into wasting my time and money on this piece of pretentious nothingness. Some professional reviewers mentioned it as a meditation on alienation and loneliness in a modern big city, blah, blah, blah. It's all fine if the director has a point of view with something to say as to why these things happen and tell it. But no, he merely shows what is. Faye Wong's acting is very typical of Hong Kong's style: garbled enunciation, deer in the headlight wide eye expression, try to be cute and girlish kind of acting; the rest of the cast is equally uninspired.

I think the word, Auteur, is a euphemism for a director who tries something new and different, which is to be applauded, but not one who hasn't yet mastered the art of cinematic story telling, which is what Mr. Wong is, for the last 17 years!\": {\"frequency\": 1, \"value\": \"Be warned!

I can't understand the praise given to this film. The writing was downright awful and delivered by some of the worst acting I have seen in a very long time.

One thing that especially annoyed me about this film was that often when people were talking to each other there was an unnatural pause between lines. I understand using a pause to create a feeling of awkwardness (like in Happiness). This was not that type of pause -- it was just simply bad directing. This film might actually be much better with subtitles, and maybe the overseas market is the best one for this film, because then the innane dialogue and bad acting wouldn't be noticed as much.

I generally like these types of small quirky films (The Real Blonde, Walking and Talking, Lovely and Amazing), but this one failed on so many levels that I consider it one of the very worst films I have sat through in the last few years.\": {\"frequency\": 1, \"value\": \"My girlfriend and ...\"}, \"A police officer (Robert Forster) in a crime ridden city has his wife attacked and young son killed after she dares to stand up to a thug at a petrol station. After the murderers get off scot-free thanks to a corrupt judge and he himself is jailed for 30 days for contempt of court, he decides to take matters into his own hands by joining a group of vigilantes led by a grizzled looking Fred Williamson. These Robin Hood types sort out any criminal that the law is unwilling to prosecute, and with their help he attempts to track down those that wronged him..

This film is nothing but a big bag o'clich\\ufffd\\ufffds. The only thing out of the ordinary is the on-screen slaying of a two year old boy, which was pretty sick. Otherwise it's business as usual for this genre e.g involves lots of car chases, beatings and shootings mixed in with plenty of male posturing. I could have done without the prison fight in the shower involving all those bare-a**ed inmates, though. Also, did they run out of money before filming the last scenes? I mention this because it ends very abruptly with little closure. If anyone knows, give me a bell.. actually, don't bother.

To conclude: File under \\\"Forgettable Nonsense\\\". Next..\": {\"frequency\": 1, \"value\": \"A police officer ...\"}, \"Vampires, sexy guys, guns and some blood. Who could ask for more? Moon Child delivers it all in one nicely packaged flick! Gackt is the innocent Sho - who befriends a Vampire Kei (HYDE), their relationship grows with time but as Sho ages, Kei's immortality breaks his heart. It doesn't help that they both fall in love with the same woman. The special effects are pretty good considering the small budget. It's a touching story ripe with human emotions. You will laugh, cry, laugh, then cry some more. Even if you are not a fan of their music, SEE THIS FILM. It works great as a stand alone Vampire movie.

9 out of 10\": {\"frequency\": 1, \"value\": \"Vampires, sexy ...\"}, \"Spielberg's first dramatic film is no let-down. It's a beautifully made film without any flaws about the life of an African-American woman. It also proves that not all movies that have the African-American ethnicity as the center of the story have to be helmed by an African-American director.

What I love about this movie is Spielberg's ability to make it very realistic despite the fact that it was based on a book. Furthermore, Danny Glover was excellent as Mr. And usually, he's just himself throughout most of his movies. But in this, he completely branches out and is someone else for once. But, the performance de resistance of the whole film comes from Whoopi Goldberg. She is excellent as Celie. You will never forget these characters once you've seen this movie.

Now, I heard that the musical version of it is going to be a film as well, and all I can say is: I hope it's about as good as this one is, because this one is a film that shouldn't be missed.\": {\"frequency\": 1, \"value\": \"Spielberg's first ...\"}, \"How can such good actors like Jean Rochefort and Carole Bouquet could have been involved in such a... a... well, such a thing ? I can't get it. It was awful, very baldy played (but some of the few leading roles), the jokes are dumb and absolutely not funny... I won't talk more about this movie, except for one little piece of advice : Do not go see it, it will be a waste of time and money.\": {\"frequency\": 1, \"value\": \"How can such good ...\"}, \"John Schlesinger's 'Midnight Cowboy' is perhaps most notable for being the only X-rated film in Academy history to receive the Oscar for Best Picture. This was certainly how I first came to hear of it, and, to be completely honest, I didn't really expect much of the film. This is not to say that I thought it would be horrible, but somehow I didn't consider it the sort of movie that I would enjoy watching. This is one reason why you should never trust your own instincts on such manners \\ufffd\\ufffd a remarkable combination of stellar acting, ambitious directing and a memorable soundtrack (\\\"Everybody's talking' at me, I don't hear a word they're sayin'\\\") make this film one of the finest explorations of life, naivety and friendship ever released.

Young Joe Buck (then-newcomer Jon Voight), dressed proudly as a rodeo cowboy, travels from Texas to New York to seek a new life as a hustler, a male prostitute. Women, however, do not seem to be willing to pay money for his services, and Joe faces living in extreme poverty as his supply of money begins to dry up. During these exploits, Joe comes to meet Enrico \\\"Ratso\\\" Rizzo (Dustin Hoffman), a sickly crippled swindler who initially tries to con Joe out of all his money. When they come to realise that they are both in the same predicament, Ratso offers Joe a place to stay, and, working together, they attempt to make (largely dishonest) lives for themselves in the cold, gritty metropolis of New York.

Joe had convinced himself that New York women would be more than willing to pay for sex; however, his first such business venture ends with him guiltily paying the woman (Sylvia Miles) twenty dollars. Though he might consider himself to be somewhat intelligent, Ratso is just as na\\ufffd\\ufffdve as Joe. Ratso, with his painful limp and hacking cough, is always assuring himself that, if only he could travel to the warmth of Miami, somehow everything would be all right. This misguided expectation that things will get better so easily is quite reminiscent of Lennie and George of John Steinbeck's classic novel, 'Of Mice and Men.'

Shot largely on the streets of New York, 'Midnight Cowboy' is a grittily-realistic look at life in the slums. Watching the film, we can almost feel ourselves inside Ratso's squalid, unheated residence, our joints stiff from the aching winter cold. The acting certainly contributes to this ultra-realism, with both Voight and Hoffman masterfully portraying the two decadent dregs of modern society. Hoffman, in particular, is exceptional in his role (I'm walkin' here! I'm walkin' here!\\\"), managing to steer well clear of being typecast after his much-lauded debut in 1967's 'The Graduate.' Both stars were later nominated for Best Actor Oscars (also nominated for acting \\ufffd\\ufffd bafflingly \\ufffd\\ufffd was Sylvia Miles, for an appearance that can't have been for more than five minutes), though both ultimately lost out to John Wayne in 'True Grit.' 'Midnight Cowboy' eventually went on to win three Oscars from seven nominations, including Best Picture, Best Director for Schlesinger and Best Writing for Waldo Salt.

'Midnight Cowboy' is told mainly in a linear fashion, though there are numerous flashbacks that hint at Joe's past. Rather than explicitly explaining what these brief snippets are actually about, the audience is invited to think about it for themselves, and how these circumstances could have led Joe onto the path he is now pursuing. The achingly-beautiful final scene leaves us with a glimmer of hope, but a large amount of uncertainty. Gritty, thought-provoking and intensely fascinating, 'Midnight Cowboy' is one for the ages.\": {\"frequency\": 1, \"value\": \"John Schlesinger's ...\"}, \"This movie isn't as bad as I heard. It was enjoyable, funny and I love that is revolves around the holiday season. It totally has me in the mood to Christmas shop and listen to holiday music. When this movie comes out on DVD it will take the place of Christmas Vacation in my collection. It will be a movie to watch every year after Thanksgiving to get me in the mood for the best time of the year. I heard that Ben's character was a bit crazy but I think it just adds to the movie and why be so serious all the time. Take it for what is it, a Christmas comedy with a love twist. I enjoyed it. No, it isn't Titanic and it won't make your heart pound with anticipation but it will bring on a laugh or two. So go laugh and have a good time:)\": {\"frequency\": 1, \"value\": \"This movie isn't ...\"}, \"Frank Tashlin's 'The Home Front' is one of the more lifeless Private Snafu shorts, a series of cartoons made as instructional films for the military. Rather than have Snafu take some inadvisable actions leading to disaster, 'The Home Front' instead focuses on his loved ones back home and how much they have to offer to the war effort too. Snafu realises he was wrong when he thought they had it easy. It's a concept with few possibilities for good gags and instead Tashlin plays the risqu\\ufffd\\ufffd card more heavily, extended jokes involving strippers and scantily clad dancing girls in place of much effective comic relief. The result is a well-meaning short which has little relevance or entertainment value today other than as an historical artefact.\": {\"frequency\": 1, \"value\": \"Frank Tashlin's ...\"}, \"Man, this movie sucked big time! I didn't even manage to see the hole thing (my girlfriend did though). Really bad acting, computer animations so bad you just laugh (woman to werewolf), strange clips, the list goes on and on. Don't know if its just me or does this movie remind you of a porn movie? And I don't mean all the naked ladys... It's something about the light or something... This could maybee become a classic just because of the bad acting and all the naked women, but not because it's an original movie white a nice plot twist. My final words are: Don't see it! It's not worth the time. If you wanna see it because the nakedness there's lots of better ones to see!\": {\"frequency\": 1, \"value\": \"Man, this movie ...\"}, \"This movie has it all, action, fighting, dancing, bull riding, music, pretty girls. This movie is an authenic look at middle America. Believe me, I was there in 1980. Lots of oil money, lots of women, and lots of honky tonks. Too bad they are all gone now. The movie is essentially just another boy meets girl, boy loses girl, boy gets girl back, but it is redeemed by the actors and the music. There is absolutely no movie with any better music that this movie, and that includes American Graffiti. It is a movie I watch over and over again and never get tired of it. Every time I watch it, I am young again, and it is time to go out honky tonking. The only reason I only gave it a 9 is because you cannot rate a movie zero, I do not feel you should rate one 10.\": {\"frequency\": 1, \"value\": \"This movie has it ...\"}, \"Nothing new is this tired serio-comedy that wastes the talents of Danny Glover and Whoopi Goldberg. Considering that this was produced by the stars and Spike Lee, it's pretty tame and tired stuff. And how come the Whoop never changes her hair or glasses over the many years this film covers? Blah!\": {\"frequency\": 1, \"value\": \"Nothing new is ...\"}, \"I've seen this movie after watching Paltrow's version. I've found that one a very good one, and I thought this would not be as good... but I was wrong: British version was far better and enjoyable! I found Jeremy Northam more \\\"agreeable\\\" than Mark Strong, but I can say that Strong catches much better Austen's Knightley. Anyway, both versions are good,but anyone that loved Austen's books, should watch this movie. I agree with *caalling*: Andrew Davies changed a few things, but still remains faithful to the original.

10 out of 10

My 2 cents!\": {\"frequency\": 1, \"value\": \"I've seen this ...\"}, \"While Hollywood got sort of stagnant during the few years after WWII, England developed a very prolific film industry. In \\\"The Man in the White Suit\\\", inventor Sidney Stratton (Alec Guinness) creates a suit that never gets dirty. Unfortunately, this means that certain other businesses are now likely to go out of business! How can Sidney deal with this and maintain his dignity? This is an example of one of the great movies in which Alec Guinness starred before he became Obi Wan Kenobi. It's a good look at the overall absurdity of the business world. If you're planning to start any kind of business, you might want to consider watching this movie.\": {\"frequency\": 1, \"value\": \"While Hollywood ...\"}, \"This is an amateur movie shot on video, not an \\\"electrifying drama\\\" as the DVD liner notes falsely boast. I have seen much better stuff from undergrad film students. The bulk of the story unfolds with an all-nite taxi ride around Jakarta. This movie could have been made using a single video camera, but there are a few sections where two cameras were used and the content was bounced together later. The editing is extremely rough. The final edit was probably done with two cameras, bouncing content back and forth, instead of with a proper editor. Perhaps they did the editing in the taxi too? The English subtitles were written by someone not fluent in English, e.g., \\\"Where you go now?\\\" To say the production quality is on a par with Blair Witch is generous. If you're not scared away yet, this film was an ambitious and creative endeavor, with lots of cool and funky images from all over Jakarta.\": {\"frequency\": 1, \"value\": \"This is an amateur ...\"}, \"I first came across 'My Tutor Friend' accidentally one or two years ago while TV surfing. Prior to that, I'd never watched any Korean films before in my whole life, so MTF was really the first Korean film I've ever watched. And- what a delightful surprise! I was thoroughly amused from the beginning to end, and had a great time laughing. Its comic style is quite different from those of the Hong Kong comic films (which I've been to used to all my life and hence tired of as well), breathing fresh air into my humdrum film viewing experience. I thought there're quite a few scenes and tricks in MTF that are pretty hilarious, witty, and original too.

I watched MTF the second time a few days ago, and having watched it once already, the surprise/comic effect on me kind of mitigated. That has, however, by no means affected negatively my opinion of the film. Instead, something else came through this time- it moved me- the story about how two young, seemingly 'enemies' who're utterly incompatible get thrown together, and how they gradually resolve their differences and start caring for each other without realizing the feelings themselves, reminds me of the long gone high school days. To me, Su Wan and Ji Hoon ARE actually compatible as they both have something that is pure and genuine inside them, a quality that separates them from people like say, Ji Hoon's sassy girlfriend.

The film is divided into two distinct parts- the 1st part deals with the 'fight' between Su Wan and Ji Hoon, and is more violent and faster in pace. After Ji Hoon gets a pass in his final examination and Su Wan dances the (in Ji Hoon's opinion) provocative dance, things start to change. The pace slows down and... Ji Hoon suddenly realizes he cares for Su Wan more than he could ever imagine. So the 2nd part deals with the development of their mutual feelings, leading of course to a happy ending accompanied by a final showdown with the gang boss.

Just one last comment. I find this to be a bit unbelievable- the fact that a 21-year-old self-proclaimed 'bad boy' would feel embarrassed being almost naked in front of the girl he bullies and loses his 'cool' is just a little... odd. I guess that shows that Ji Hoon is just a boy pure at heart and isn't really what his appearance seems. Btw, Kwong San Woo (Ji Hoon) DOES have a sexy body and perfect figure! ;-)

MTF is definitely on my list of top 10 favorite films of all time.\": {\"frequency\": 1, \"value\": \"I first came ...\"}, \"This was one of the DVD's I recently bought in a set of six called \\\"Frenchfilm\\\" to brush up our French before our planned holiday in beautiful Provence this year. So far, as well as improving our French we have considerably enhanced our appreciation of French cinema.

What a breath of fresh air to the stale, predictable, unimaginative, crash bang wallop drivel being churned out by Hollywood. What a good example for screenplay writers, actors, directors and cinematographers to follow. It was so stimulating also to see two identifiable characters in the lead roles without them having to be glossy magazine cover figures.

The other thing I liked about this film was the slow character and plot build up which kept you guessing as to how it was all going to end. Is there any real good in this selfish thug who continually treats his seemingly na\\ufffd\\ufffdve benefactor with the type of contempt that an ex-con would display? Will our sexually frustrated poor little half deaf heroine prove herself to the answer to her dreams and the situation that fate has bestowed upon her? The viewer is intrigued by these questions and the actors unravel the answers slowly and convincingly as they face events that challenge and shape their feeling towards each other.

Once you have seen this film, like me you may want to see it again. I still have to work out the director's psychological motive for the sub plot in the role of the parole officer and some of the subtle nuances of camera work are worth a second look. The plot does ask for a little imagination when our hero is given a chance to assist our misused and overworked heroine in the office. You must also be broad minded to believe in her brilliant lip reading and how some of the action falls into place. But if you go along for the thrilling ride with this example of French cinema at its best you will come out more than satisfied. Four stars out of five for me.\": {\"frequency\": 1, \"value\": \"This was one of ...\"}, \"\\\"Scoop\\\" is also the name of a late-Thirties Evelyn Waugh novel, and Woody Allen's new movie, though set today, has a nostalgic charm and simplicity. It hasn't the depth of characterization, intense performances, suspense or shocking final frisson of Allen's penultimate effort \\\"Match Point,\\\" (argued by many, including this reviewer, to be a strong return to form) but \\\"Scoop\\\" does closely resemble Allen's last outing in its focus on English aristocrats, posh London flats, murder, and detection. This time Woody leaves behind the arriviste murder mystery genre and returns to comedy, and is himself back on the screen as an amiable vaudevillian, a magician called Sid Waterman, stage moniker The Great Splendini, who counters some snobs' probing with, \\\"I used to be of the Hebrew persuasion, but as I got older, I converted to narcissism.\\\" Following a revelation in the midst of Splendini's standard dematerializing act, with Scarlett Johansson (as Sondra Pransky) the audience volunteer, the mismatched pair get drawn into a dead ace English journalist's post-mortem attempt to score one last top news story. On the edge of the Styx Joe Strombel (Ian McShane) has just met the shade of one Lord Lyman's son's secretary, who says she was poisoned, and she's told him the charming aristocratic bounder son Peter Lyman (Hugh Jackman) was the Tarot Card murderer, a London serial killer. Sondra and Sid immediately become a pair of amateur sleuths. With Sid's deadpan wit and Sondra's bumptious beauty they cut a quick swath through to the cream of the London aristocracy.

Woody isn't pawing his young heroine muse -- as in \\\"Match Point,\\\" Johansson again -- as in the past. This time moreover Scarlett's not an ambitious sexpot and would-be movie star. She's morphed surprisingly into a klutzy, bespectacled but still pretty coed. Sid and Sondra have no flirtation, which is a great relief. They simply team up, more or less politely, to carry out Strombel's wishes by befriending Lyman and watching him for clues to his guilt. With only minimal protests Sid consents to appear as Sondra's dad. Sondra, who's captivated Peter by pretending to drown in his club pool, re-christens herself Jade Spence. Mr. Spence, i.e., Woody, keeps breaking cover by doing card tricks, but he amuses dowagers with these and beats their husbands at poker, spewing non-stop one-liners and all the while maintaining, apparently with success, that he's in oil and precious metals, just as \\\"Jade\\\" has told him to say.

That's about all there is to it, or all that can be told without spoiling the story by revealing its outcome. At first Allen's decision to make Johansson a gauche, naively plainspoken, and badly dressed college girl seems not just unkind but an all-around bad decision. But Johansson, who has pluck and panache as an actress, miraculously manages to carry it off, helped by Jackman, an actor who knows how to make any actress appear desirable, if he desires her. The film actually creates a sense of relationships, to make up for it limited range of characters: Sid and Sondra spar in a friendly way, and Peter and Sondra have a believable attraction even though it's artificial and tainted (she is, after all, going to bed with a suspected homicidal maniac).

What palls a bit is Allen's again drooling over English wealth and class, things his Brooklyn background seems to have left him, despite all his celebrity, with a irresistible hankering for. Jackman is an impressive fellow, glamorous and dashing. His parents were English. But could this athletic musical comedy star raised in Australia (\\\"X-Man's\\\" Wolverine) really pass as an aristocrat? Only in the movies, perhaps (here and in \\\"Kate and Leopold\\\").

This isn't as strong a film as \\\"Match Point,\\\" but to say it's a loser as some viewers have is quite wrong. It has no more depth than a half-hour radio drama or a TV show, but Woody's jokes are far funnier and more original than you'll get in any such media affair, and sometimes they show a return to the old wit and cleverness. It doesn't matter if a movie is silly or slapdash when it's diverting summer entertainment. On a hot day you don't want a heavy meal. The whole thing deliciously evokes a time when movie comedies were really light escapist entertainment, without crude jokes or bombastic effects; without Vince Vaughan or Owen Wilson. Critics are eager to tell you this is a return to the Allen decline that preceded \\\"Match Point.\\\" Don't believe them. He doesn't try too hard. Why should he? He may be 70, but verbally, he's still light on his feet. And his body moves pretty fast too.\": {\"frequency\": 1, \"value\": \"\\\"Scoop\\\" is also ...\"}, \"This movie is a good example of the extreme lack of good writers and directors in Hollywood. The fact that people were paid to make this piece of junk shows that there is a lack of original ideas and talent in the entertainment business. The idea that audiences paid to see this movie (and like an idiot I rented the film) is discouraging also.

Obsessed teacher (3 years prior) kills teenager's family because he wants her. For no reason he kills the mother, father and brother. From the first five minutes you see the bad acting and direction. Years later, obsessed teacher breaks out of prison. HMM--usual bad writing--no one in the town he terrorized knows until the last minute. Obsessed teacher somehow becomes like a Navy SEAL and can sneak around, sniff out people and with a knife is super killer. Sure!!! Now obsessed teacher kills hotel maid for no reason, knifes bellhop for the fun of it, and starts to hunt down the teenager's friends. Now there is the perfect way to get the girl to love you. Obsessed teacher sneaks out of hotel---again it is stupid, ever cop would know his face--but he walks right by them. Now he kills two cops outside teenager's house and somehow sneaks into her bedroom and kills her boyfriend.

There is not one single positive thing about this piece of garbage. If any other profession put out work of this low quality, they would be fired. Yet these idiots are making hundreds of thousands of dollars for writing and directing this trash.\": {\"frequency\": 1, \"value\": \"This movie is a ...\"}, \"I have not read the other comments on the film, but judging from the average rating I can see that they are unlikely to be very complementary.

I watched it for the second time with my children. They absolutely loved it. True, it did not have the adults rolling around the floor, but the sound of the children's enjoyment made it seem so.

It is a true Mel Brooks farce, with plenty of moral content - how sad it is to be loved for our money, not for whom we are, and how fickle are our friends and associates. There are many other films on a similar subject matter, no doubt, many of which will have a greater comic or emotional impact on adults. It's hard for me to imagine such an impact on the junior members of the family, however.

Hence, for the children, a 9/10 from me.\": {\"frequency\": 1, \"value\": \"I have not read ...\"}, \"This film is a joke and Quinton should be ashamed of himself, trying to pass this off as a Modesty Blaise Film. If you are having trouble sleeping then all means rent this film. The stick figure they call a actress who is suppose to be Modesty Blaise has got to be the most boring person on this planet. Maybe she could be used as a hat stand in the back ground of a real film.seventy-five minutes of nothing thank you who ever invented the fast forward button. If you see this film if you can call it that coming your way RUN. I can't help but think what 3rd world country could of used the money wasted of this crap. this film is boring the actors are boring waste of colour a waste air they breath If you would like to see Mostey Blaise Film then watch the one they made in the 60's maybe that what the director should of done.\": {\"frequency\": 1, \"value\": \"This film is a ...\"}, \"Look, although we don't like to admit it, we've all have to suppress our fears concerning the extreme likelihood of experiencing the events that take place in this movie. You know: you get into your car and you immediately start thinking,\\\"Gosh, I hope today isn't the day that my accelerator sticks at a comfortable cruising speed of 55 mph, all four door latches break in the locked position, both my main and emergency brake fail, my ignition switch can't be turned off, and I've got a full tank of gas; all simultaneously.\\\" Fortunately, for most of us, our Thorazine kicks-in before we actually decide that it's a bad idea to be driving a car. Not so for the makers of the harrowing, white-knuckle, edge-of-your-seat (if only in preparation to leave the room) action juggernaut, \\\"Runaway Car\\\" But they go ahead and drive anyway!

I am endlessly pleased to have found (thanks to the imdb) that this movie is real, and that I didn't merely dream it.

This movie is, at the very least, one of the fantastic sights you will see on your journey to find the El Dorado of Very Bad Cinema.

I highly recommend it.\": {\"frequency\": 1, \"value\": \"Look, although we ...\"}, \"\\\"Casomai\\\" is a masterful tale depicting the story of a young couple who wade through the murky waters of marriage. The story is very believable in telling the strange see-saw between oblivion and continuous interference by others, which is fairly typical in Italy (one may wonder whether such happenings are different elsewhere, though). Pavignano and D'Alatri were very good at writing, and that is one of the strong points of the movie. Acting by Stefania Rocca and Fabio Volo is sober and gripping. And the figure of the sympathetic priest is funny and well-rounded. All in all, a truly deserving movie, probably one of the best Italian movies of the year.\": {\"frequency\": 1, \"value\": \"\\\"Casomai\\\" is a ...\"}, \"So, Todd Sheets once stated that he considers his 1993, shot-on-video Z-epic, Zombie Bloodbath to be his first feature film. Anyone who's ever seen a little beauty called Zombie Rampage knows exactly how untrue that statement is. I mean, what makes this one that much more superior? Well, then again, Zombie Rampage doesn't include that mullet guy, now does it?

For one to comprehend exactly why Zombie Bloodbath is actually considered worth a damn, one must remember what the 90's were like for lovers of bad horror. A decade that all but said goodbye to B and Z-cinema as we knew it. Technological advances, awkward trends, and the internet would abolish the mysterious charms of the s.o.v.'s big-boxed golden years. And anything remotely resembling quality schlock was all too self-aware for it's own good, basically defeating the purpose. Luckily, not everyone changes with the times. Enter Zombie Bloodbath.

And I guess this is the part where I explain the same exact premise from 500 other zombie flicks from the last 40 years. Alright, so, Some kind of accident at a nuclear plant infects everyone in sight, turning them into flesh-eating zombies, who go on a rampage, inflicting some of the most gruesome, yet humorous gore-scenes of the 90's. The first 20 minutes are cluttered with the most awkward-sounding conversations you could imagine. Conversations that let you know that this isn't just a low-budget zombie flick, this is a Z-grade disasterpiece, fella. plenty Hysterical, non-existent acting to go around, and that goes triple for Mr. Mullet. That guy is truly the highlight of the night.

The fact that Todd Sheets seriously considers Zombie Bloodbath to be THAT superior to Zombie Rampage, amuses me to no end. I mean really, both are complete jokes on celluloid, but then again, so is Redneck Zombies, so, obviously Todd Sheets is in the company of awsomeness. By 1993, a movie this bad would no doubt, be a full-blast spoof, but Mr. Sheets stands his ground, giving us some good old fashion schlock, the way it was meant to be, unaware, clueless, and pointless. God bless Todd Sheets. For anyone seeking surprisingly worthwhile 90's B-Horror, Leif Jonker's Darkness should be at the top of your list. As for Zombie Bloodbath, if you're a gorehound who got bored sometime around 1990, then '93 would be the perfect time to pick up. 8/10\": {\"frequency\": 1, \"value\": \"So, Todd Sheets ...\"}, \"I agree with \\\"Jerry.\\\" It's a very underrated space movie (of course, how many good low-budget ones AREN'T underrated?) If I remember correctly, the solution to the mystery was a sort of variation (but not \\\"rip-off\\\") of 2001, because the computer controlling the spaceship had actually been a man, who had somehow been turned into a computer. And like HAL, they tried to disconnect his \\\"mind\\\", but not the mechanical parts of him, and as with HAL, it led to disaster. There is at least one funny moment. When the Christopher Cary character, who can't find any food, finds the abandoned pet bird, there's a kind of ominous moment, but then the obvious thing doesn't happen after all.\": {\"frequency\": 1, \"value\": \"I agree with ...\"}, \"It's easy to forget, once later series had developed the alien conspiracy plot arc more, that once upon a time, The X-Files' wrote episodes like \\\"GenderBender\\\" and \\\"Fearful Symmetry\\\", where the aliens weren't all little grey men or mind-control goop, but could actually surprise you.

\\\"Fearful Symmetry\\\" starts with an \\\"invisible elephant\\\" - actually an elephant somehow dislocated in space and time, not a mile away from \\\"The Walk\\\" - and ends with a pregnant gorilla being abducted. And it's very much an episode of wonderful moments. The subplot is annoyingly worthy - yeah, we get it, zoos are bad except when they're not - but the ideas that within it are fascinating, visually powerful, and very memorable, and it covers an angle on abduction that is largely overlooked - why *would* humans be the only things that aliens are interested in?

In the end, it wasn't an instant classic, but it was enjoyable viewing while it lasted, again, very memorable, and mainly, it's something that you couldn't imagine many other shows doing.\": {\"frequency\": 1, \"value\": \"It's easy to ...\"}, \"By all the fawning people have been doing over Miike and his work. I sat through this flick tonight. I figured, if it's half as good as Ringu, as I assumed from these comments it might be, than it will be worth my time.

No such luck.

I'm all for finding the next great director (or writer), but I don't think Miike is the one. I don't have an NYU Masters of Fine Arts, but I do know this much: a horror movie has to have pacing. It also has to give the viewer more credulity than this movie does.

This film's pacing had me shaking my head. Some of the scenes near the end dragged so badly, I went to the fridge and lingered there while Kou Shibasaki stared at the camera for seemingly minutes on end, eyes wide and mouth agape. A famous director once made the claim, and I'm paraphrasing, a movie could be made by turning the camera on a beautiful woman and letting it roll. Kou is not a good enough actress to make that work. She stares paralyzed at the undead girl for more scenes than I care to remember. And she isn't the only one doing an impersonation of a deer in headlights; other cast members apparently feel the need to imitate this non-performance. The script gives them little room to do much else for far too much of the time.

I like Asian cinema. Hong Kong action flicks from the last 30 years, Korean horror like \\\"Phone\\\" and \\\"Koma\\\", Ang Lee's work, some of the trashy but fun Filipino movies with gratuitous sex and fighting, as well as others. Chakushin Ari I could have done without.\": {\"frequency\": 1, \"value\": \"By all the fawning ...\"}, \"As a spiritualist and non Christian. I thought i really was going to be holding onto my faith, but what a load of i seers. I thought the film would have great arguments, but only got one sided views from Atheists and Jews??? And who are all these street people he's interviewing who don't know the back of their arm from their head. Where are the proper theologians and priests and stuff he could have got arguments from. Not retired nuts who wrote books and finished their studies in 1970. Personally this DVD was a waste of time and not worth my time to check if the facts are right or wrong or if i should or should not believe because an anti-Christ told me so. Please to think he came up with the conclusion of not finding God because his own ego and demons got the better of him. No im not going to say the movie was stunning to help atheists reading this feel better about themselves. But if you really want to show the world you care about us poor souls who believe in Jesus then entice us with your worth, not your beating off the drums.\": {\"frequency\": 1, \"value\": \"As a spiritualist ...\"}, \"Whenever I see most reviews it's called 'a misfire for Eddie Murphy'. These critics want to take a look at some of the stuff he's doing these days, and maybe soften their stance in retrospect... \\\"The Golden Child\\\" is not highbrow entertainment, but thanks to some of the cast it breaths new life into old clich\\ufffd\\ufffds, and gives Murphy one of his best roles. I don't understand the pervading lack of 'love' for its efforts, at all. Perhaps it was released at a time when the establishment had grown weary of knockabout, thrill-a-minute adventures? Steven Spielberg started it with Indiana Jones; it's unfair to make this one a scapegoat when what is possibly its biggest sin is also utterly harmless. There's nothing necessarily wrong with trying to capitalise on trends.

Yes it's silly, but even an occasional observer should be able to understand that 'ridiculous' is where Hollywood's idea of mysticism begins and ends. What's more important than believability with a story like this is that the audience have entertaining tour guides on hand to show them the mysterious sights. Michael Ritchie and Eddie Murphy fit the bill for this capacity just fine. My advice to you is to buy the ticket and take the ride.\": {\"frequency\": 1, \"value\": \"Whenever I see ...\"}, \"Two warring shop workers in a leather-goods store turn out to be secret sweethearts as they correspond under box-number aliases. Within this simple idea and an everyday setting, Lubitsch produces a rich tapestry of wit, drama, poignancy and irony that never lets up. Stewart and Sullavan are perfect as the average couple with real emotions and tensions, and the rest of the well-developed characters have their own sub-plots and in-jokes. Although wrongly eclipsed by Stewart's big films of 39/40 (Destry, Philadelphia Story, Mr Smith) this is easily on a par and we enjoy a whole range of acting subtlties unseen in the other films.\": {\"frequency\": 1, \"value\": \"Two warring shop ...\"}, \"This is a truly classic movie in its story, acting, and film presentation. Wonderful actors are replete throughout the whole movie, Miss Sullivan, and Jimmy Stewart being the foremost characters. In real life she greatly admired, and liked Jimmy, and indeed gave him his basically first acting roles, and helped him be more calm with his appearance on the set. The \\\"chemistry\\\" between the two was always apparent, and so warm and enjoyable to behold. She was such a beautiful, young woman, and so sweet in her personality portrayals. The story of these two young people, and how they eventually come together in the end is charming to watch, and pure magical entertainment. Heart warming presentations are also given by the other supporting actors in this marvelous story/movie. I whole heartily give Miss Sullivan a perfect 10 in this Golden Age Cinema Classic, that has a special appeal for all generations. A must see for all!\": {\"frequency\": 1, \"value\": \"This is a truly ...\"}, \"This movie is one of my favourites. It is a genre-mixture with ingredients of the Action-/Horror-/Romantic-/Comedygenre. Some of the special effects may seem outdated compared to modern standards. This minor flaw is easily ignored. There is so much to discover in this story. The romantic relation between the two main characters is so beautiful that it hurts. The visuals are beautiful too. The action is great which is no surprise, it is originating from Honkong, birthplace of the world's best action movies. The humour sometimes seems a little bit silly but in a good way. Somehow this movie is being able to balance the different moods and keeps being good. Absolutely recommended.\": {\"frequency\": 1, \"value\": \"This movie is one ...\"}, \"It is not every film's job to stimulate you superficially. I will take an ambitious failure over a mass-market hit any day. While this really can't be described as a failure, the sum of its parts remains ambiguous. That indecipherable quality tantalizes me into watching it again and again. This is a challenging, provocative movie that does not wrap things up neatly. The problem with the movie is in its structure. Its inpenetrable plot seems to be winding up, just as a second ending is tacked on. Though everything is technically dazzling, the movie is exactly too long by that unit. The long-delayed climax of Leo's awakening comes about 20 minutes late.

Great cinematography often comes at the expense of a decent script, but here the innovative camera technique offers a wealth of visual ideas. The compositing artifice is provocative and engaging; A character is rear-projected but his own hand in the foreground isn't. The world depicted is deliberate, treacherous and absurd. Keep your eyes peeled for a memorable, technically astonishing assassination that will make your jaw drop.

The compositions are stunning. Whomever chose to release the (out of print) videotape in the pan & scan format must have never seen it. Where is the DVD?

It is unfathomable how anyone could give this much originality a bad review. You should see it at least once. You get the sense that von Trier bit off more than he could chew, but this movie ends up being richer for it. I suspect he is familiar with Hitchcock's Foreign Correspondent in which devious Europeans also manipulate an American dupe and several Welles movies that take delirious joy in technique as much as he does. All von Trier movies explore the plight of the naif amidst unforgiving societies. After Zentropa, von Trier moved away from this type of audacious technical experiment towards dreary, over-rated, un-nuanced sap like Breaking the Waves and Dancer in the Dark.\": {\"frequency\": 1, \"value\": \"It is not every ...\"}, \"Faithful adaptation of witty and interesting French novel about a cynical and depressed middle-aged software engineer (or something), relying heavily on first-person narration but none the worse for that. Downbeat (in a petit-bourgeois sort of way), philosophical and blackly humorous, the best way I could describe both the film and the novel is that it is something like a more intellectual Charles Bukowski (no disrespect to CB intended). Mordantly funny, but also a bleak analysis of social and sexual relations, the film's great achievement is that it reflects real life in such a recognisable way as to make you ask: why aren't other films like this? One of the rare examples of a good book making an equally good film.\": {\"frequency\": 1, \"value\": \"Faithful ...\"}, \"The plot intellect is about as light as feather down. But the advantage here is the boy and girl classic refusal we have become accustomed to in \\\"The Gay Divorcee\\\" and \\\"Top Hat\\\" is now absent. Instead of the typical accidental acquaintance, the dancing duo are the former lovers Bake Baker and Sherry Martin, who are still in love since their dancing days.

Of course, being a 30s musical, there's the problems of misunderstood romance, classy courtship and the slight irritation of a sabotaged audition with bicarbonate soda has costing Ginger something rather special. And then in the grand tradition of dwindling finances, there's nothing better for Hollywood's best entertainers than put on a show.

Delightful numbers from Irving Berlin are sprinkled throughout the show. Top hats and evening dresses are saved right until the end, which remains a refreshing change. Fred and Ginger are out again to charm the world...and charm the navy. Everyone and everything is once again just so enjoyable.

Pure classic silliness at its best. But with Astaire and Rogers, we just know it's got to work.

Rating: 8.25/10\": {\"frequency\": 1, \"value\": \"The plot intellect ...\"}, \"If you are going to attempt building tension in a film it is always a good idea not to build it beyond the point of total tedium.

Unfortunately the Butcher Brothers haven't grasped this yet.

This film sucks, unlike the majority of its characters who (if you didn't work out they are vampires in the first few minutes then shame on you) preference stringing up the plentiful supply of 'no one knows where I am' cheerleader types and homosexual drifters that waft conveniently and with a fast food swagger, past their isolated door.

The only tiny bit of originality in the plot is how these vampires come to be vampires in the first place but the rest of it is ludicrous and sloppy.

Forced to up sticks (as opposed stakes) on a regular basis due to their penchant for filling their basement with bloodless corpses, they really are none too bright. If they fed their victims they could run their own little blood farm and it would cut down on the mortality rate, thereby allowing them to settle down and get chintzy.

Why the producers felt it necessary to introduce the incestuous twins and the homicidally gay older brother I am not sure. It added zero to the plot, which was unfortunate given that there wasn't a great deal of plot to start with and had no shock value at all.

One was never told why the parents had died, unless of course that was explained during one of my frequent tea breaks. Clearly the social worker must have been alerted to the family for some reason or other but again, it was for the viewer to write their own reason.

The only well rounded character was the youngest brother who emerges looking like Pugsley from the Adams Family. Indeed he was way too rounded, having the appearance of a child who has inadvertently wandered from a Weight watchers' class in to a very bad horror film. Oh heavens, he had. Never mind dear, have another doughnut with a yummy blood centre.\": {\"frequency\": 1, \"value\": \"If you are going ...\"}, \"One could wish that an idea as good as the \\\"invisible man\\\" would work better and be more carefully handled in the age of fantastic special effects, but this is not the case. The story, the characters and, finally the entire last 20 minutes of the film are about as fresh as a mad-scientist flick from the early 50's. There are some great moments, mostly due to the amazing special effects and to the very idea of an invisible man stalking the streets. But alas, soon we're back in the cramped confinement of the underground lab, which means that the rest of the film is not only predictable, but schematic.

There has been a great many remakes of old films or TV shows over the past 10 years, and some of them have their charms. But it's becoming clearer and clearer for each film that the idea of putting ol' classics under the noses of eager madmen like Verhoeven (who does have his moments) is a very bad one. It is obvious that the money is the key issue here: the time and energy put into the script is nowhere near enough, and as a result, \\\"Hollow Man\\\" is seriously undermined with clich\\ufffd\\ufffds, sappy characters, predictability and lack of any depth whatsoever.

However, the one thing that actually impressed me, beside the special effects, was the swearing. When making this kind of film, modern producers are very keen on allowing kids to see them. Therefore, the language (and, sometimes, the violence and sex) is very toned down. When the whole world blows up, the good guys go \\\"Oh darn!\\\" and \\\"Oh my God\\\". \\\"Hollow Man\\\" gratefully discards that kind of hypocrisy and the characters are at liberty to say what comes most natural to them. I'm not saying that the most natural response to something gone wrong is to swear - but it makes it more believable if SOMEONE actually swears. I think we can thank Verhoeven for that.\": {\"frequency\": 1, \"value\": \"One could wish ...\"}, \"This movie has some things that are pretty amazing. First, it is supposed to be based on a true story. That, in itself, is amazing that multiple tornadoes would hit the same town at night in the fall-in Nebraska. I wonder if the real town's name was close to \\\"Blainsworth\\\" (which is the town's name in the movie). There is an Ainsworth, Nebraska, but there is also a town that starts with Blains-something.

It does show the slowest moving tornadoes on record in the the seen where the boys are in the house. On the other hand, the scene where the TV goes fuzzy is based in fact. Before Doppler radar and weather radio, we were taught that if you turned your TV to a particular channel (not on cable) and tuned the brightness just right, you could tell if there was a tornado coming. The problem was that by then you would be able to hear it.

Since I know something about midwest tornadoes, it made this movie fun for me. I enjoy it more than Twister. I mean, give me a break-there is no way you could make it through and F5 by chaining yourself to a pipe in a well house.\": {\"frequency\": 1, \"value\": \"This movie has ...\"}, \"Robert A. Heinlein's classic novel Starship Troopers has been messed around with in recent years, in everything to Paul Verhoeven's 1997 film to a TV series, to a number of games. But none of these, so to speak, has really captured the spirit of his novel. The games are usually unrelated, the TV series was more of a spin off, and the less said about Verhoeven's film, the better. Little do most know, however, that in Japan, an animated adaptation had already been done, released the year of Heinlein's death. And, believe it or not, despite its differences, this 6-part animated series is, plot-wise, the most faithful adaptation of Heinlein's classic.

The most obvious plus to this series is the presence of the powered armor exoskeletons, something we were deprived of in Verhoeven's film. Like the book, the series focuses more on the characters and their relationships than on action and space travel, though we see a fair amount of each. While events happen differently than in the book, the feel of the book's plot is present. Rico and Carmen have a romantic entanglement, but it's only slightly more touched upon than in the book. While some may believe the dialogue and character interaction to be a bit inferior to the book (it gets a bit of the anime treatment, but what did you expect?), but it's far superior to the film. Heinlein's political views are merely excised, as opposed to the film, where they are reversed. The big payoff of the series, however, is the climatic battle on Klendathu between the troopers and the bugs/aliens, which features the kind of action from the powered armor suits we would have like to have seen in a film version.

Overall, I enjoyed this series because I wanted to see a vision closer to that of Heinlein. And I think they did pretty well with this. If you can find this series, give it a look.\": {\"frequency\": 1, \"value\": \"Robert A. ...\"}, \"Thsi is one great movie. probably the best movie i have ever seen. I Watch it over and over again. I must give it 10/10 stars because like i said this is probably the best movie i have ever seen. This Movie +Popcorn+Coke= Best mix you can imagine. If you want to watch some movie then i clearly recommend this one. First i sawed it i liked it so i buy-ed it and now i own it and watch it probably every day. my sons like it and think that this is the best movie ever seen. This movie is about Guy In Fantasy World. i don't want to spoil all the movie so you can enjoy it after you read my text. Lovely Movie Lovely Characters, Lovely Story, And Just great stuff. a must watch movie. hope you enjoyed my comment Cya

Jim Make\": {\"frequency\": 1, \"value\": \"Thsi is one great ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"Normally, I have ...\"}, \"What boob at MGM thought it would be a good idea to place the studly Clark Gable in the role of a Salvation Army worker?? Ironically enough, another handsome future star, Cary Grant, also played a Salvation Army guy just two years later in the highly overrated SHE DONE HIM WRONG. I guess in hindsight it's pretty easy to see the folly of these roles, but I still wonder WHO thought that Salvation Army guys are \\\"HOT\\\" and who could look at these dashing men and see them as realistic representations of the parts they played. A long time ago, I used to work for a sister organization of the Salvation Army (the Volunteers of America) and I NEVER saw any studly guys working there (and that includes me, unfortunately). Maybe I should have gotten a job with the Salvation Army instead!

So, for the extremely curious, this is a good film to look out for, but for everyone else, it's poor writing, sloppy dialog and annoying moralizing make for a very slow film.\": {\"frequency\": 1, \"value\": \"What boob at MGM ...\"}, \"This early role for Barbara Shelley(in fact,her first in Britain after working in Italy),was made when she was 24 years old,and it's certainly safe to say that she made a stunning debut in 1957's \\\"Cat Girl.\\\" While blondes and brunettes get most of the attention(I'll always cherish Yutte Stensgaard),the lovely auburn-haired actress with the deep voice always exuded intelligence as well as vulnerability(one such example being 1960's \\\"Village of the Damned,\\\" in which her screen time was much less than her character's husband,George Sanders).She is the sole reason for seeing this drab update of \\\"Cat People,\\\" and is seen to great advantage throughout(it's difficult to say if her beauty found an even better showcase).Her character apparently sleeps in the nude,and we are exposed to her luscious bare back when she is awakened(also exposed 8 years later in 1965's \\\"Rasputin-The Mad Monk\\\").The ravishing gown she wears during most of the film is a stunning strapless wonder(I don't see what held that dress up,but I'd sure like to).All in all,proof positive that Barbara Shelley,in a poorly written role that would defeat most actresses,rises above her material and makes the film consistently watchable,a real test of star power,which she would find soon enough at Hammer's studios in Bray,for the duration of the 1960's.\": {\"frequency\": 1, \"value\": \"This early role ...\"}, \"I came home late one night and turned on the TV, to see Siskel and Ebert summarizing their picks of the week. I didn't hear anything about \\\"Red Rock West\\\", except two thumbs up and see it before it went away. It wouldn't stay in theaters very long because of the distributor's money problems and lack of promotion, but they said it deserved better.

The next afternoon, I followed their advice. They were right, it was some of the most fun I have ever had at the movies. As some readers point out, there are a few plot holes and the last 10 minutes don't ever seem to end. But it's well worth it, for the fine craftwork that went into the first hour. It's the best role that I have ever seen for Nicholas Cage, but almost everybody seems perfectly cast. Dennis Hopper goes almost over the top, which gets silly but reinforces how well everything else works. The sets and the music contribute a great deal to almost every scene.

When I rented it later for my family, it didn't work as well. The long scenes that built the tension in the theater were difficult to appreciate, with the distractions at home. It deserves your full attention; turn off the phone, make sure you won't be disturbed, watch and listen to every scene, especially in the beginning.\": {\"frequency\": 1, \"value\": \"I came home late ...\"}, \"The world at war is one of the best documentaries about world war 2.

The 24 episodes cover the war and what it was like in the countries involved in it. The first episode tells us how the Hitler came to power, and how he was able to build up one of the strongest armies in the world. They also fucus on the military actions taken during the war, and the holocaust. One of the strongest and best documentaries ever made. All of you must watch this. Perfection! 10/10

\": {\"frequency\": 1, \"value\": \"The world at war ...\"}, \"Once again the two bickering professors must join together to save the lost world. The five members of the first expedition return (see The Lost World, 1992, for a list of actors). A man seeking oil brings a drilling crew to the plateau. Instead of striking oil they tap an underground volcano which threatens all life in the Lost World. The oil crew clash with the native people and the scientific expedition. Although the situation looks hopeless.... (I'm not going to tell you the ending).\": {\"frequency\": 1, \"value\": \"Once again the two ...\"}, \"Yes, this is an ultra-low budget movie. So the acting isn't award winning material and at times the action is slow-paced because the filmmakers are shooting longer sequences and not a million instants that then get edited into a movie. This film makes up for that with an outstanding script that takes vampirism seriously, explains it and develops a full plot out of it. Aside from the vampire story, we get detailed genetics info, legal and law enforcement, martial arts action, philosophical musings, and some good metal music. Kudos go to Dylan O'Leary, the director/writer/main actor. It is beyond me how this man could have fulfilled all these roles and do them so well. I think to appreciate this movie, you have to be well-versed in all sorts of themes to see that the writer did a lot of research and knows about all these things. There are some great camera work, too, interesting camera angles and one underwater vampire attack- something I haven't seen before, but which pays homage to the underwater zombie attack in Fulci's Zombi. The casting is good, in so far as the sexy female is sexy indeed. The main vampire also looks perfect for the role. The female victim looks vulnerable. My only complaint is that for a low budget horror flick, there should have been more nudity. If you want to see an original vampire movie with a great story, this flick is for you. I'm looking forward to seeing future projects by Mr. O'Leary.\": {\"frequency\": 1, \"value\": \"Yes, this is an ...\"}, \"A recent viewing of THAT'S ENTERTAINMENT has given me the urge to watch many of the classic MGM musicals from the forties and fifties. ANCHORS AWEIGH is certainly a lesser film than ON THE TOWN. The songs aren't as good, nor is the chemistry between the characters. But the film beautifully interweaves classical favorites, such as Tchaikovsky. And the scene at the Hollywood Bowl, with Sinatra and Kelly emerging from the woods above it at the top, and then running down the steps, while dozens of pianists play on the piano, is the best scene in the film, even though the scene in which Kelly dances with Jerry Mouse is more famous. Classical music enthusiasts will no doubt identify the music the pianists are playing. Sinatra then croons, \\\"I Fall in Love Too Easily,\\\" before having his epiphany about whom he loves. The color is beautiful, Hollywood looks pretty with its mountains and pollution-free air (Can you imagine Hollywood in the twenties, let alone the mid-1940s?!), and the piano music is absolutely glorious. MGM certainly had a flair for creating lyrical moments like these.\": {\"frequency\": 1, \"value\": \"A recent viewing ...\"}, \"I absolutely LOVED this movie when I was a kid. I cried every time I watched it. It wasn't weird to me. I totally identified with the characters. I would love to see it again (and hope I wont be disappointed!). Pufnstuf rocks!!!! I was really drawn in to the fantasy world. And to me the movie was loooong. I wonder if I ever saw the series and have confused them? The acting I thought was strong. I loved Jack Wilde. He was so dreamy to an 10 year old (when I first saw the movie, not in 1970. I can still remember the characters vividly. The flute was totally believable and I can still 'feel' the evil woods. Witchy poo was scary - I wouldn't want to cross her path.\": {\"frequency\": 1, \"value\": \"I absolutely LOVED ...\"}, \"This is the worst adaption of a classic story I have ever seen. They needlessly modernize it and some points are actually just sick.

The songs rarely move along the story. They seem to be thrown in at random. The flying scene with Marley is pointless and ludicrous.

It's not only one of the worst movies I've seen, but it is definitely the worst musical I've ever seen.

It's probably only considered a classic because \\\"A Christmas Carol\\\" is such a classic story. Just because the original story was a classic doesn't mean that some cheap adaption is.\": {\"frequency\": 1, \"value\": \"This is the worst ...\"}, \"We viewed the vcr and found it to be fascinating. Not knowing anything about this true story, I thought: \\\"Oh, no, P.Brosnan as an American Indian ('red' Indian in the film), what a bad choice\\\" until I discovered the truth about Grey Owl. The film does a good job of demonstrating the dignity of these native peoples and undermining the racist myths about them. And Annie Galipeau, WOW, what a beauty, and very convincing as an Indian woman (I believe she is French-Canadian; she sure reverts to the all-too familiar speech of such). In spite, of Brosnan's detached, grunting style, in the end he comes through convincingly as a passionate, dedicated man. The plot is a little weak in demostrating his conversion from trapper to animal coservationist. Good film, highly recommended.\": {\"frequency\": 1, \"value\": \"We viewed the vcr ...\"}, \"This is a dry and sterile feature filming on one of most interesting events in WWII and in history of warfare behind the front line. Bad drama composition is worst about this film as plot on killing Hitler suppose to be pretty dramatic event. There is no character development at all and idea that Tom Cruise suppose to play a high rank commander that questions his deepest inner thoughts on patriotism and treason is completely insane. I believe that Mister Bin would play it better. Generally speaking, film pretty much looks as a cheep copy of good German TV movie \\\"Stauffenberg\\\" from 2004, but can't get close to that film regarding any movie aspect whatsoever. However, movie obviously gets its financial goal with pop-corn audience that cherishes Hollywood fast-mood blood and shallow art values.\": {\"frequency\": 1, \"value\": \"This is a dry and ...\"}, \"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.

\": {\"frequency\": 1, \"value\": \"This is definitely ...\"}, \"If you're a T-Rex/Marc Bolan fan, I recommend you check this out. It shows a whimsical side of Marc Bolan as well as Ringo Starr, apparently having a pretty good time shooting some of the scenes that aren't part of the concert, but fun to watch, leaving you with a sense of getting to know them as just people, and when the concert is shown a talented musician, both playful and professional that rocks and seems to impress the screaming girls. Watching him in concert, you would never know that being a rock star is a job, but just having a great time playing some great songs with some good friends, like Elton John and Ringo Starr appearing in some of the live performances. True, there are a few songs missing that I would like to have seen on there, but like any album it can't have everything. I just bought this in 2006, but if I would have know it came out in 1972, I would have definitely bought it years ago. Sad and strange that a man with so many songs about his love for cars, would never learn to drive and would die in a car crash!\": {\"frequency\": 1, \"value\": \"If you're a ...\"}, \"This movie is BAD! It's basically an overdone copy of Michael Jackson's Thriller video, only worse! The special effects consist of lots of glow in the dark paint, freaky slapstick fastmoving camera shots and lots of growling. I think the dog was the best actor in the whole movie.\": {\"frequency\": 1, \"value\": \"This movie is BAD! ...\"}, \"Good story. Good script. Good casting. Good acting. Good directing. Good art direction. Good photography. Good sound. Good editing. Good everything. Put it all together and you end up with good entertainment.

The shame of it is that there aren't nearly enough films of this caliber being made these days. We may count ourselves lucky that writers/directors like John Hughes are occasionally able to make their creative voices heard.

Whenever I notice that I'm watching a film for the third or fourth time and still find it thoroughly satisfying I have to conclude that something about that film is right.\": {\"frequency\": 1, \"value\": \"Good story. Good ...\"}, \"THE BEAVER TRILOGY is, without a doubt, one of the most brilliant films ever made. I was lucky enough to catch it, along with a Q&A session with director Trent Harris, at the NY Video Festival a few years back and then bought a copy off of Trent's website. This movie HAS to be seen to be believed! I sincerely recommend searching for Trent's name on the web and then buying the film from his site. He's an incredibly nice guy to boot. Don't get confused: The cameraman in the fictional sections of THE BEAVER TRILOGY is NOT Trent!

After having seen the TRILOGY a few times, I do have to admit that I could probably do without the Sean Penn version. It's like a try-out version for the Crispin Glover \\\"Orkly Kid\\\" section and is interesting more as a curiosity item if you're a Penn fan than it being a good video. Penn is pretty funny, though, and you can see the makings of a big star in this gritty B&W video.

This is probably also one of Crispin Glover's best roles and I would just love to see an updated documentary about the original Groovin' Gary. Once you see this film, you'll never get Gary's nervous laughter out of your head ever again.\": {\"frequency\": 1, \"value\": \"THE BEAVER TRILOGY ...\"}, \"Just bought the VHS on this film for two bucks, Did I waste my money! Hey, I dig Adam \\\"Batman\\\" West and Tina \\\"Giligan's Island\\\" Louise, but hello! This third rate production is a rehash of a dozen other biker films; crazed bunch of bikers psychos ride into a hick town, beat up everybody and everything, and then are defeated in the man by a dashing hero. Adam West looks the part as a hero, but he's missing cape, and his Batman uniform. Sorry, just isn't the same. Tina L. looks really nervous and frightened the whole show, but at least we know what happened to \\\"Ginger\\\" once she was rescued from the island...LOL! The bikers are a motley group, and known of them ever acted again or at least shouldn't have. Hell Riders is Hell to Watch!\": {\"frequency\": 1, \"value\": \"Just bought the ...\"}, \"The first half hour or so of this movie I liked. The obvious budding romance between Ingrid Bergman and Mel Ferrer was cute to watch and I wanted to see the inevitable happen between them. However, once the action switched to the home of Ingrid's fianc\\ufffd\\ufffd, it all completely fell apart. Instead of romance and charm, we see some excruciatingly dopey parallel characters emerge who ruin the film. The fianc\\ufffd\\ufffd's boorish son and the military attach\\ufffd\\ufffd's vying for the maid's attention looked stupid--sort of like a subplot from an old Love Boat episode. How the charm and elegance of the first portion of the film can give way to dopiness is beyond me. This film is an obvious attempt by Renoir to recapture the success he had with THE RULES OF THE GAME, as the movie is very similar once the action switches to the country estate (just as in the other film). I was not a huge fan of THE RULES OF THE GAME, but ELENA AND HER MEN had me appreciating the artistry and nuances of the original film.\": {\"frequency\": 1, \"value\": \"The first half ...\"}, \"I've been looking for the name of this film for years. I was 14 when I believe it was aired on TV in 1983. All I can remember was it was about a teenaged girl, alone, having survived a plane crash AND surviving the Amazon. I remember people were looking for her(family) and that she knew how to take care of herself---she narrates the story and I vividly remember about her knowing that bugs were under her skin. I don't remember much else about this movie, and want to see it again--if this IS the same one--and if any of you have a copy, could you email me at horsecoach4hire@hotmail.com? I'd be curious to attain a copy to see if it is in fact the same film I remember. It was aired on Thanksgiving(US) in 1983, and I was going through problems of my own and this film really impacted heavily on me. Thanks in advance!\": {\"frequency\": 1, \"value\": \"I've been looking ...\"}, \"I absolutely LOVED this movie! It was SO good! This movie is told by the parrot, Paulie's point of view. Paulie is given to the little girl Marie, as a present. Paulie helps Marie learn to talk and they become best friends. But when Paulie tells Marie to fly, she falls and the bird is sent away. That's when the adventure begins. Paulie goes through so much to find his way back to Marie. This movie is so sweet, funny, touching, sad, and more. When I first watched this movie, it made me cry. The birds courage and urge to go find his Marie for all that time, was so touching. I must say that the ending is so sweet and sad, but you'll have to watch it to find out how it goes. At the end, the janitor tries to help him, after hearing his story. Will he find his long lost Marie or not? Find out when you watch this sweet, heart warming movie. It'll touch your heart. Rating:10\": {\"frequency\": 1, \"value\": \"I absolutely LOVED ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"Hilariously ...\"}, \"What could have been an engaging-and emotionally charged character study is totally undermined by the predictable factor. Fox is OK as Nathaniel Ayers, the Julliard trained musician who dreams of playing with the Walt Disney orchestra until his bouts with schizophrenia drive him into the street and ultimately skid row. Looking for a good story to boost his flagging career, reporter Steve Lopez {Robert \\\"rehab\\\" Downey } gets to know him and tells his story. Taking every element of the classic \\\"how we hit the skids\\\" movies, borrowing very liberally from \\\"A Beautiful Mind\\\", taking the bogus \\\"feel good\\\" attitude of films like \\\"Rocky\\\"-you pick the sequel number-and whipping up too much 1930s style melodrama all that is left on the screen is a burnt out shell of a movie. It is corny, trite, utterly predictable and plays way too often on our sentiments. I hate to say it, but this is the kind of movie that, if you say you hated it, people will give you bad looks. I really wish I could say something positive about this film, but I really can't. The acting redeems it somewhat, but not enough for me to give it more than one star. Strictly made for TV movie stuff. Not worth your time.\": {\"frequency\": 1, \"value\": \"What could have ...\"}, \"I don't remember \\\"Barnaby Jones\\\" being no more than a very bland, standard detective show in which, as per any Quinn Martin show, Act I was the murder, Act II was the lead character figuring out the murder, Act III was the plot twist (another character murdered), Act IV was the resolution and the Epilogue was Betty (Lee Meriwether) asking her father-in-law Barnaby Jones (Buddy Ebsen) how he figured out the crime and then someone saying something witty at the end of the show.

One thing I do remember was the late, great composer Jerry Goldsmith's excellent theme song. Strangely, the opening credit sequence made me want to see the show off and on for the seven seasons the show was on the air. I will also admit that it was nice to see Ebsen in a role other than Jed Clampett despite Ebsen being badly miscast. I just wished the show was more entertaining than when I first remembered it.

Update (1/11/2009): I watched an interview with composer Jerry Goldsmith on YouTube through their Archive of American Television channel. Let's just say that I was more kind than Goldsmith about the show \\\"Barnaby Jones.\\\"\": {\"frequency\": 1, \"value\": \"I don't remember ...\"}, \"Shakespeare said that we are actors put into a great stage. But when this stage is Israel the work that we interpret multiplies for ten and all the actions we do are full of a hard style. Dan Katzir manages to do a spectacular portrait of a part of life in Tel Aviv, but besides, Katzir manages to penetrate into the heart of the Israeli people and, this people, far from being simple prominent figures, they speak to us from the heart. Katzir's film allows Israel escape from dark informative crux in which they live, and this wonderful country arises to the light as a splendid bird which is born of his ashes. It is very great for me because the reality of state of Israel, which the Europeans only know for the informative diaries or the newspapers, appears as a close and absolutly human reality, the reality of million people who looking for his place, exploring the whole state, the whole culture with the only aim to feel part of it. Katzir constructs an absolutely wonderful documentary and he demonstrates that when a man films with passion the deepest feelings are projected with force, and these feelings cross our hearts. Thank you Dan for open our eyes and give us one of the most beautiful portraits of the most wonderful countries of the world.\": {\"frequency\": 1, \"value\": \"Shakespeare said ...\"}, \"This is one of my favorite sports movies. Dennis Quaid is moving and convincing in the part of a man who gave up his dream of being a baseball pitcher when his arm gave out on him. As a high school coach, he challenges his players to win the division championship by telling them he'll try out for a baseball team if they do. They win (partly because of all the batting practice they take with a coach who can pitch over 90 miles an hour), and he keeps his side of the bargain--and is signed!

If you have ever decided to try something new and terrifying as an adult, Jim Morris's story will resonate with you. It is moving and inspiring, and the man's relationships ring true.

Inspiration is not the only reason I rent this one, though. Dennis Quaid is just downright purdy in the part, and a baseball movie with a good-looking man changing a diaper is my idea of heaven. Ladies, if you feel the way I do, check this one out.\": {\"frequency\": 1, \"value\": \"This is one of my ...\"}, \"This is an interesting idea gone bad. The hidden meanings in art left as clues by a serial killer sounds intriguing, but the execution in \\\"Anamorph\\\" is excruciatingly slow and without much interest. There is no other way to describe the film except boring. The death clues are the only interesting part of \\\"Anamorph\\\". Everything connecting them is tedious. Willem Dafoe gives a credible performance as the investigator, but he has little to do with a script that is stretched to the limit. Several supporting character actors are wasted , including Peter Stormare as the art expert, James Rebhorn as the police chief, Paul Lazar as the medical examiner, and most notably Deborah Harry, who is featured on the back of the DVD case, yet only has a couple lines spoken through a cracked door. Not recommended. - MERK\": {\"frequency\": 2, \"value\": \"This is an ...\"}, \"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!\": {\"frequency\": 1, \"value\": \"OK, first of all, ...\"}, \"This movie stinks. The stench resembles bad cowpies that sat in the sun too long. I can't believe that so many talented actors wasted their time making such a hopelessly awful film. Whew!\": {\"frequency\": 1, \"value\": \"This movie stinks. ...\"}, \"This film is something like a sequel of \\\"White Zombie\\\", since it is made by the same man (Halperin) and features zombies. Halperin, the George A. Romero of his day, fails to deliver with this one, though.

We have a man who can control the minds of people in Cambodia, and a search to destroy the source of his power so the zombies can be sent free. Also, a love interest for the evil man.

Where this film really excels is in the imagery. The Cambodian temples and dancers are very nice and the zombie look very powerful in their large numbers. Unfortunately, we don't really get to see much of the zombies in action and the love story seems to play a much too large role for a horror film (though this has a valid plot reason later on).

I would have loved to see some 1930s zombies attack helpless city folk, but this film just did not deliver. And no strong villain (like Bela Lugosi) was waiting to do battle against our heroes. And the use of Lugosi's eyes? A nice effect, but misleading as he is never in the film... why not recreate this with the new actor's eyes? Overall, a film that could be a great one with a little script re-working and could someday be a powerful remake (especially if they keep it in the same post-war time frame). Heck, if they can fix up \\\"The Hills Have Eyes\\\" then this film has hope.\": {\"frequency\": 1, \"value\": \"This film is ...\"}, \"A few weeks ago the German broadcaster \\\"SAT1\\\" advertised this movie as the \\\"TV-Event of the year\\\" - sorry, but I've seen better things on TV this year.

I didn't thought much of the movie but I soon reminisced about two other horrible movies when I watched the commercial - namely Titanic and Pearl Harbor because the picture looked so familiar: The \\\"heroine\\\" (if I can really call her that) in the middle and her two \\\"loved-ones\\\" next to her - Pearl Harbor, anyone? In fact the love-story is a poor man's version of the one in Pearl Harbor and that one was already poor!

But as I like watching movies and analyzing their patterns I eventually decided to watch that rubbish. The movie begins with a doctor leaving his family for the military strike against Russia near the end of the Third Reich promising his wife that he will return. Now fast forward to Spring 1948: Germany lost the war and the allies & Russia captured the country and they both try to eliminate each other for world power and their ideologies: capitalism versus communism. Well, I guess you already know the story because you have to know it - The movie doesn't really bother with it so much and literally takes a dump on historical facts. The movie tries to depict the US government as angels and completely ignores the contribution of other countries during the airlift especially Great Britain who was responsible for nearly a quarter of the rations despite having their country bombed from a country that they're trying to help.

What was also pretty annoying were the historical remarks the people said in the movie like when the heroine's mother tells her daughter that Germany might be parted in two with a response like: \\\"That's impossible!\\\" Or when Stalin (where the director thought we just stick similarly looking mustache on the actor and he WILL look like him) says that Russia has to stop \\\"Coca Cola\\\" from spreading in Germany. Yeah right, if Stalin has ever said something like this. Or there is this one US pilot who tells his fellow of a bread with meat and everything possible in it - please! Burgers were invented WAY before that time.

In the movie you once see a map showing the airlines, funnily enough the map looks like it came straight out of a laser printer - in '48. The US general Lucius Clay who's main idea was to stay in Berlin is portrayed as a guy who is mean and grumpy and all the ideas he historically had like for example the airlift and improving on that idea came from the fictive character Phillip Turner, the love interest of the main actress which leads me to other aspects: Not enough African-American soldiers in the movie, there were like two in the whole film! Also relationships between US soldiers and German civilians was not allowed and by a revealing of such a relationship the US soldier would've been sent home. I don't want to say that there were no relationships at all but in this movie there was a couple that almost got married, If it wasn't for the death of the pilot in his fake CGI plane which looked terribly unrealistic especially the CGI fire!

If it wasn't enough all Americans in this movie spoke accent-free German although they only were in Germany for a couple of months - look I'm also American living in Germany for my whole life and even I have a little accent. Notably bad was also the child acting - the kids had like two expressions on their faces: \\\"Normal-I-look-monotonous-like-a-robot\\\" and grinning.

All in all the movie was boring from beginning to end moving way too slow especially the love story which was the same as the one in Pearl Harbor just with half of the dialogue. The sad part is that the movie was very successful - 8.97 millions watched the first part and 7.83 millions the second part the day after thus SAT1 receiving two consecutive wins in the overall market share and a whopping win in the commercial relevant group. But like I always think: The biggest pile of bull-crap is where the most flies go to.\": {\"frequency\": 1, \"value\": \"A few weeks ago ...\"}, \"This is an excellent show! I had a US history teacher in high school that was much like this. There are many \\\"facts\\\" in history that are not quite true and Mr Wuhl points them out very well, in a way that is unforgettable.

Mr Wuhl is teaching a class of film students but history students and even the general public will appreciate the witty way that he uncovers some very well known fallacies in the history of the world and strive to impress them upon that brains of his students. Use of live actors performing \\\"skits\\\" is also very entertaining.

I highly recommend this series to anyone interested in having the history they learned as a child turned upside down.\": {\"frequency\": 1, \"value\": \"This is an ...\"}, \"It is always satisfying when a detective wraps up a case and the criminal is brought to book. In this case the climax gives me even greater pleasure. To see the smug grin wiped off the face of Abigail Mitchell when she realises her victim has left \\\"deathbed testimony\\\" which leaves no doubt about her guilt is very satisfying.

Please understand: while I admire Ruth Gordon's performance, her character really, *really* irritates me. She is selfish and demanding. She gets her own way by putting on a simpering 'little girl' act which is embarrassing in a woman of her age. Worse, she has now set herself up as judge, jury and executioner against her dead niece's husband.

When Columbo is getting too close she tries to unnerve him by manipulating him into making an off-the-cuff speech to an audience of high-class ladies. He turns the tables perfectly by delivering a very warm and humane speech about the realities of police work.

Nothing can distract Columbo from the pursuit of justice. Abby's final appeal to his good nature is rejected because he has too much self-respect not to do his job well. Here is one situation you can't squirm out of Ms Mitchell!\": {\"frequency\": 1, \"value\": \"It is always ...\"}, \"What can I say ? An action and allegorical tale which has just about everything. Basically a coming of age tale about a young boy who is thrust into a position of having to save the world ..... and more. He meets a dazzling array of heroes and villains, and has quite a time telling them apart. A definite must-see.\": {\"frequency\": 1, \"value\": \"What can I say ? ...\"}, \"This is the version that even the author hated, because it's so schmaltzy. They gave it a 'happy ending' and changed a lot of the dialogue, and it's just a big pile of saccharine. The 'stage manager' is quite good, I believe he originated the role, but everyone else falls into that acting style of the 40's that is really just posing. The one great feature- the music. This has one of the best scores ever recorded, and it's worth seeking out in a record shop. Overall I think the 1989 Spalding Grey/ Eric Stoltz/ Penelope Miller version is far superior.\": {\"frequency\": 1, \"value\": \"This is the ...\"}, \"Johnny Weissmuller's final film as 'King of the Jungle', after 16 years in the role, TARZAN AND THE MERMAIDS, is bound to disappoint all but the most ardent of his fans. At 44, the ex-Olympian, one of Hollywood's most active 'party animals', was long past the slim athleticism of his youth, and looked tired (although he was in marginally better condition than in his previous entry, TARZAN AND THE HUNTRESS).

Not only had Weissmuller gotten too old for his role; Johnny Sheffield, the quintessential 'Boy', had grown to manhood (he was a strapping 17-year old), so he was written out of the script, under the pretext of being 'away at school'. Brenda Joyce, at 35, was appearing in her fourth of five films as 'Jane' (she would provide the transition when Lex Barker became the new Tarzan, in 1949's TARZAN'S MAGIC FOUNTAIN) and was still as wholesomely sexy as ever.

Produced by Sol Lesser, at RKO, on a minuscule budget, the cast and crew took advantage of cheaper labor by filming in Mexico. While the location gave a decidedly Hispanic air to what was supposedly darkest Africa, veteran director Robert Florey utilized the country extensively, incorporating cliff diving and an Aztec temple into the story.

When a young island girl (Tyrone Power's future bride, Linda Christian) is rescued in a jungle river by Tarzan, he learns that a local high priest (George Zucco, one of filmdom's most enduring villains) had virtually enslaved the local population, threatening retribution from a living 'God' if they don't do his bidding. The girl had been chosen to become the 'God's' bride, so she fled. Faster than you can say 'Is this a dumb plot or WHAT?', the girl is kidnapped by the priest's henchmen and returned to the island, and Tarzan, followed by Jane, colorful Spanish character 'Benjy' (charmingly played by John Laurenz, who sings several tunes), and a government commissioner are off to take on the Deity and his priest (poor Cheeta is left behind). After a series of discoveries (the 'God' is simply a con man in an Aztec mask, working with the priest in milking the island's rich pearl beds), a bit of brawling action, and comic relief and songs by Benjy, everything reaches the expected happy conclusion.

Remarkably, TARZAN AND THE MERMAIDS features a musical score by the brilliant film composer, Dimitri Tiomkin, and is far better than what you'd expect from this 'B' movie!

While the film would provide a less-than-auspicious end to Weissmuller's time in Tarzan's loincloth (he would immediately go on to play Jungle Jim, a more eloquent variation of the Ape Man, in khakis), the talent involved lifted the overall product at least a little above the total mess it could have been.

Tarzan was about to get a make over, and become much sexier...\": {\"frequency\": 1, \"value\": \"Johnny ...\"}, \"The best part of An American In Paris is the lengthy ballet sequence at the end, where Gene Kelly and Leslie Caron are the living personification of several major painters. Kelly has earlier been established as a pavement artist in Paris, so the sequence is the logical ending to a musical bursting with life and energy, Gershwin tunes, and cast members like Georges Guetary and Oscar Levant. Kelly was at his best here - it's a little different to Singin' in the Rain, and the effect of all the film as one topped with the ballet gives it a definite wow factor. No wonder the sequence ended 'That's Entertainment' after all other MGM musical highlights had gone by!\": {\"frequency\": 1, \"value\": \"The best part of ...\"}, \"What can I add that the previous comments haven't already said. This is a great film and the Light Sabre duel Star Wars tribute has to be seen to be believed!! There are moments of genius throughout this movie, if you can, SEE IT NOW! Thanks again to Rick Baker who gave me this movie many years ago!\": {\"frequency\": 1, \"value\": \"What can I add ...\"}, \"This is just short of a full blown gore fest based on a Stephen King story. Two tabloid reporters, one seasoned(Miguel Ferrer)and one not so accomplished(Julie Entwisle), begin to believe that a serial killer(Michael H. Moss) may actually be a vampire. Stranger than odd is this modern day blood sucker does not wing his way naturally, but by way of a black Cessna he seeks his victims. The gore actually gets gruesome as the film nears its stupid finale. Keep in mind that Mr. King had nothing to do with this film. I do admit it is a bit scary in the wee hours of the night.\": {\"frequency\": 1, \"value\": \"This is just short ...\"}, \"I have just seen this movie and have not read the book. The good thing of the movie is that at some parts it gets you thinking for a little while on the spiritual subject, evolution, sincronicity and your part in the world.

However, the movie's immersion is easily broken and there is very little rapport between the viewer and the characters. It is very clear that the book looses a lot in this movie version. The events that were suppose to show sincronicity taking place are almost unrecognizable. A lot of reasoning has to be done for the viewer to see that the scene indicates a coincidence, and even more to imagine that it has something to do with a greater purpose.

Enlightenment scenes are visually poor and do not create the better feeling that it was supposed to. Do you recall the enlightenment with Keanu Reeves (in Little Buddha) ? Well, this is nothing like that.

Most scenes are poorly executed. There are a lot of scenes that really don't develop the story and also do not help in creating an atmosphere.

The better actors in this movie, namely Hector Elizondo, Joaquim de Almeida and J\\ufffd\\ufffdrgen Prochnow cannot save it. The first 2 seem to have gotten more scenes than their characters should in an attempt to save the movie, and because they were paid more, but this does not work. Most of the scenes are not really necessary and do not help the story at all.

J\\ufffd\\ufffdrgen does good in his scenes and sells as an evil guy (as always), but the script does not help him at all. The scene where he first tries to convince John (Matthew Settle) to join him is just bad script. The execution of the scene when he dies in an explosion is absurdly bad executed. The flashbacks throughout the movie cannot even be commented.

Overall this movie is a big waist of time, read the book! I have not read it, but it is probably a billion times better than this, it has to be.

It is so bad that I had to write my first comment in IMDb.\": {\"frequency\": 1, \"value\": \"I have just seen ...\"}, \"I saw this last week after picking up the DVD cheap. I had wanted to see it for ages, finding the plot outline very intriguing. So my disappointment was great, to say the least. I thought the lead actor was very flat. This kind of part required a performance like Johny Depp's in The Ninth Gate (of which this is almost a complete rip-off), but I guess TV budgets don't always stretch to this kind of acting ability.

I also the thought the direction was confused and dull, serving only to remind me that Carpenter hasn't done a decent movie since In the Mouth of Madness. As for the story - well, I was disappointed there as well! There was no way it could meet my expectation I guess, but I thought the payoff and explanation was poor, and the way he finally got the film anti-climactic to say the least.

This was written by one of the main contributors to AICN, and you can tell he does love his cinema, but I would have liked a better result from such a good initial premise.

I took the DVD back to the store the same day!\": {\"frequency\": 1, \"value\": \"I saw this last ...\"}, \"I've seen this movie at least fifty times and after watching it last week for the first time in a long time I still FELT it.

The story itself was incredible but came alive by Spielberg's expertise and the fabulous cast including Whoopi Goldberg, Oprah Winfrey, Danny Glover, and Margaret Avery. Akosua Busia deserved an Oscar nomination for her short but powerful portrayal of Nettie.

You'll experience every human emotion while watching this film. I laughed, cried, and got angry. Like most great movies it was looked over by the Academy with a host of nominations but no wins. But this movie, without a doubt, is definitely one of the best films of all time.\": {\"frequency\": 1, \"value\": \"I've seen this ...\"}, \"Please see also my comment on Die Nibelungen part 1: Siegfried.

The second part of UFA studio's gargantuan production of the Nibelungen saga continues in the stylised, symphonic and emotionally detached manner of its predecessor. However, whereas part one was a passionless portrayal of individual acts of heroism, part two is a chaotic depiction of bloodletting on a grand scale.

As in part one, director Fritz Lang maintains a continuous dynamic rhythm, with the pace of the action and the complexity of the shot composition rising and falling smoothly as the tone of each scene demands. These pictures should only be watched with the note-perfect Gottfried Huppertz score, which fortunately is on the Kino DVD. Now, with this focus on mass action, Lang is presented with greater challenges in staging. The action sequences in his earliest features were often badly constructed, but now he simply makes them part of that rhythmic flow, with the level of activity on the screen swelling up like an orchestra.

But just as part one made us witness Siegfried's adventures matter-of-factly and without excitement, part two presents warfare as devastating tragedy. In both pictures, there is a deliberate lack of emotional connection with the characters. That's why Lang mostly keeps the camera outside of the action, never allowing us to feel as if we are there (and this is significant because involving the audience is normally a distinction of Lang's work). That's also why the performances are unnaturally theatrical, with the actors lurching around like constipated sleepwalkers.

Nevertheless, Kriemhild's revenge does constantly deal with emotions, and is in fact profoundly humanist. The one moment of naturalism is when Atilla holds his baby son for the first time, and Lang actually emphasises the tenderness of this scene by building up to it with the wild, frantic ride of the huns. The point is that Lang never manipulates us into taking sides, and in that respect this version has more in common with the original saga than the Wagner opera. The climactic slaughter is the very antithesis of a rousing battle scene. Why then did Hitler and co. get so teary-eyed over it, a fact which has unfairly tarnished the reputation of these films? Because the unwavering racial ideology of the Nazis made them automatically view the Nibelungs as the good guys, even if they do kill babies and betray their own kin. For Hitler, their downfall would always be a nationalist tragedy, not a human one.

But for us non-nazi viewers, what makes this picture enjoyable is its beautiful sense of pageantry and musical rhythm. When you see these fully-developed silent pictures of Lang's, it makes you realise how much he was wasted in Hollywood. Rather than saddling him with low-budget potboilers, they should have put him to work on a few of those sword-and-sandal epics, pictures that do not have to be believable and do not have to move us emotionally, where it's the poetic, operatic tonality that sweeps us along.\": {\"frequency\": 1, \"value\": \"Please see also my ...\"}, \"Daniel Day Lewis is one of the best actors of our time and one of my favorites. It is amazing how much he throws himself in each of the characters he plays making them real.

I remember, many years ago, we had a party in our house - the friends came over, we were sitting around the table, eating, drinking the wine, talking, laughing - having a good time. The TV was on - there was a movie which we did not pay much attention to. Then, suddenly, all of us stopped talking and laughing. The glasses did not clink, the forks did not move, the food was getting cold on the plates. We could not take our eyes off the screen where the young crippled man whose entire body was against him and who only had a control over his left foot, picked up a piece of chalk with his foot and for what seemed the eternity tried to write just one word on the floor. When he finished writing that one word, we all knew that we had witnessed not one but three triumphs - the triumph of a human will and spirit, the triumph of the cinema which was able to capture the moment like this on the film, and the triumph of an actor who did not act but who became his character.

Jim Sheridan's \\\"My Left Foot\\\" is an riveting, unsentimental bio-drama about Christy Brown, the man who was born with cerebral palsy in a Dublin slum; who became an artist and a writer and who found a love of his life.

I like every one of Day Lewis's performances (I have mixed feelings about his performance in GONY) but I believe that his greatest role was Christy Brown in \\\"My Left Foot\\\"\": {\"frequency\": 1, \"value\": \"Daniel Day Lewis ...\"}, \"I have to say I was really looking forward on watching this film and finding some new life in it that would separate it from most dull and overly crafted mexican films. I have no idea why but I trusted Sexo, Pudor y Lagrimas to be the one to inject freshness and confidence to our non-existent industry. Maybe it was because the soundtrack(which I listened to before I saw the film) sounded different from others, maybe it was because it dared to include newer faces(apart from Demian Bichir who is always a favorite of mexican film directors) and supposedly dealed within it's script with modern social behaviour, maybe because it's photography I saw in the trailers was bright and realistic instead of theatrical. The film turned out to be a major crowd pleaser, and a major letdown. What Serrano actually deals here with is the very old fashioned \\\"battle of the sexes\\\" as in \\\"all men are the same\\\" and \\\"why is it that all women...;\\\" blah,blah,blah. Nothing new in it, not even that, it uses so much common ground and clich\\ufffd\\ufffd that it eventually mocks itself without leaving any valuable reflexion on the female/male condition. Full of usual tramps on the audience like safe gags about the clich\\ufffd\\ufffds I talked about before(those always work, always) and screaming performances(it is a well acted film in it's context)..and by screaming I mean, literally. The at first more compelling characters played by Monica Dionne and Demian Bichir turn out to be according to Serrano the more pathetic ones. I completely disagree with Serrano, they shouldn't have been treated that way only to serve as marionettes for his lesson to come through...he made sure we got HIS message and completely destroyed their roles that were the only solid ground in which this story could have stood. Anyway, it is after all, a very entertaining film at times and you will probably have a good time seeing it (if you accept to be manipulated by it).\": {\"frequency\": 1, \"value\": \"I have to say I ...\"}, \"Mel Gibson's Braveheart was a spectacularly accomplished film, but it left a sour taste in the mouth. Rob Roy, by contrast, is slightly less polished, but a better film by far. This is a historical film which combines timeless themes with truly historical values, whereas Braveheart put a gross and unpleasant comtemporary gloss on an ancient tale. What makes this film is the cast. Liam Neeson plays the hero, in a role he basically reprised (in a watered-down fashion) in the Phantom Menace. The character is heroic, but is neither the greatest fighter nor the most demonic lover. Admirable yet human, he commands the screen. Against him are set a selection of equally human adversaries including Tim Roth's Cunningham, obnoxious but brilliant, and John Hurt's morally bankrupt laird. Also to praise is Jessica Lange, as Rob's pragmatic wife: also strong and noble, but 300 years away from a modern heroine, which is only as it should be. This is not the most original film you will see, but it has the courage of its own convictions, and the strong performances make you care.\": {\"frequency\": 1, \"value\": \"Mel Gibson's ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"In 1958, ...\"}, \"One of the worst films I have ever seen. How to define \\\"worst?\\\" I would prefer having both eye balls yanked out and then be forced to tap dance on them than ever view this pitiful dreck again. Somehow, One-Hit Wonder Zwick manages a film that simultaneously offends Elvis fans, Mary Kay saleswomen, Las Vegas, gays, FBI agents and the rest of humanity with any intelligence with a shoddy, sloppy farce so forced it deserves to be forsaken ed. How Elvis Presley Enterprises could allow the rights of actual Elvis songs to be used in a film with a central premise that seems to be \\\"The only good Elvis Presley Imitator is a dead one\\\" is beyond me. The worst part of this mess - and that takes some work - is the mangled script: In 1958, Elvis' words and songs that he would speak/perform in the 1970's are quoted! Worst special effect? That Oscar would go to the moron who decided that Elvis' grave, potentially the most photographed/recognizable grave in the world, resembles a pyramid with a gold record glued atop and is situated in the middle of a park somewhere. Potentially, this film's biggest audience would be Elvis fans. However, the rampant stupidity (Nixon gave Elvis a DEA badge, not FBI credentials...and I could go on and on) actually undercuts THAT conventional wisdom. Ugh. I used the word \\\"wisdom\\\" to describe this stupid movie. This is truly a horrible, horrible film.\": {\"frequency\": 1, \"value\": \"One of the worst ...\"}, \"Saw this my last day at the festival, and was glad I stuck around that extra couple of days. Poetic, moving, and most surprisingly, funny, in it's own strange way. It's so rare to see directors working in this style who are able to find true strangeness and humor in a hyper-realistic world, without seeming precious, or upsetting the balance. Manages to seem both improvised, yet completely controlled. It I hesitate to make comparisons, because these filmmakers have really digested their influences (Cassavetes, Malick, Loach, Altman...the usual suspects) and found their own unique style, but if you like modern directors in this tradition (Lynne Ramsay, David Gordon Greene), you're in for a real treat. This is a wonderful film, and I hope more people get to see it. If this film plays in a festival in your city, go! go! go!\": {\"frequency\": 1, \"value\": \"Saw this my last ...\"}, \"I hated the way Ms. Perez portrayed Puerto Ricans! We are not all ghetto - and we do speak Spanish- not Puerto Rican! I can not speak for the uneducated persons you have run into. But our language is intact, our island is our pride. Puerto Rico is better off economically than any other Caribbean island! I'm glad we are not like Cuba, Dominican Republic or Haiti, free from American influence? Free in true poverty, not the U.S. standard of poverty. We are not victims we are resilient, humble,honest and intelligent people. Our ancestry does include strong African roots, but not \\\"black\\\" roots- I have nothing in common with Black Americans 9do the research).

The analogy between Pedro Albizu, Che Guevarra and Martin L. King could not be more off the mark.

MLK was a great hero a true revolutionary- an honest man who saw a day when we would all be free.

Che Guevarra helped Castro create the Cuba that is today, is that why boat fulls of Cubans risk their lives to come to America- because Che made such a better place for them? You had a great, awesome, bright idea but you politicized it too much. We have so many things to be proud of as a people - don't bring shame to our people by victimizing us. I am not a Nuyorican and perhaps that is why I can't share your views. I am Puerto Rican, I speak Spanish, I am not a victim and I have been able to accomplish many of my goals in America. If there is a part 2 in the future - less politics more history more stories of triumph- there are many.

Damaris Maldonado\": {\"frequency\": 1, \"value\": \"I hated the way ...\"}, \"Daniel Day Lewis in My Left Foot gives us one of the best performances ever by an actor. He is brilliant as Christy Brown, a man who has cerebral palsy, who then learned to write and paint with his left foot. A well deserved Oscar for him and Brenda Fricker who plays his loving mother. Hugh O'Conner is terrific as the younger Christy Brown and Ray McAnally is great as the father. Worth watching for the outstanding performances.\": {\"frequency\": 1, \"value\": \"Daniel Day Lewis ...\"}, \"This miracle of a movie is one of those films that has a lasting, long term effect on you. I've read a review or two from angry people who I guess are either republicans or child beaters, and their extremist remarks speak of the films power to confront people with their own darkest secrets. No such piece of art has ever combined laughter and tears in me before and that is the miracle of the movie. The realism of the movie and it's performance by Bret Carr is not to be missed. The very nature of it's almost interactive effect, will cause people to leave the theater either liberated or questioning their very identity. Bravo on the next level of cinema.\": {\"frequency\": 1, \"value\": \"This miracle of a ...\"}, \"Wow...what can I say...First off IMDb says this is in the late 60s...which means Carlito would be very close to going to prison, He got out in 75 and said he was in for 5 years. They used a bunch of nobody actors, and a story that didn't even make sense. They bring back only one actor, Guzman, and hes playing a totally different guy. Why did it end with him and this Puerto Rican chick? Wheres Gale? He said he was in love with her before. Wheres Kleinfeld? He said he knew him forever...You'd think he'd have been in this one. And if this made sense, where are Rocco and the black dude in the first one? It was all just stupid...This is an insult to Pacino and the first film.\": {\"frequency\": 1, \"value\": \"Wow...what can I ...\"}, \"When I took my seat in the cinema I was in a cool mood and didn't plan on changing it. But this movie is a dramatic powerhouse. I was all in sweat and needed a shower afterward. So what have we? Theoretically a coming of age story of a teenage Turkish girl living in Copenhagen, Denmark. It came to my mind soon that the plot seemed pretty much completely borrowed from \\\"Bend it like Beckham\\\", where we had an Indian girl playing football and spoiling the wedding of her sister. Here we have it transferred to a Turkish girl spoiling her brother's wedding by doing Kung Fu. And we have a love story and a competition of course, too. After I accepted this, this really turned out to be a gripping, emotional drama and it shows off some beautiful Kung Fu (I'm not an expert, though). The lead actress Semra Turan is not only Denmark's female champion but she also delivers an excellent performance, so that it appears to be safe to assume that we have quite some autobiographic impressions here taking into account that this is her first movie and that she has no education as an actress. Rest of the supporting cast is okay, camera good, Kung Fu intense. Sidenotes: - The male Turkish audience showed respect so that they must have done something right. - The audience burst into cheers when our heroine finally fought back and attacked the boys who were gravely beating up her brother in revenge. - Xian Gao, a Chinese cinematic Kung Fu instructor/actor (Hidden Tiger, Crouching Dragon) played the lead role's master

If you get the chance to see this in cinema do it, you'll probably have a good and intense experience and I don't know if this works on small screen as well\": {\"frequency\": 1, \"value\": \"When I took my ...\"}, \"Origins of the Care Bears & their Cousins. If you saw the original film you'll notice a discrepancy. The Cousins are raised with the Care Bears, rather than meeting them later. However I have no problems with that, preferring to treat the films as separate interpretations. The babies are adorable and it's fun watching them play and grow. My favourite is Swift Heart Rabbit. The villain is a delightfully menacing shapeshifter. I could empathise with the three children since I was never good at sports either. Cree Summer is excellent as Christy. The songs are sweet and memorable. If you have an open heart, love the toys or enjoyed the original, this is not to be missed. 9/10\": {\"frequency\": 1, \"value\": \"Origins of the ...\"}, \"I suck at gratuitous Boob references, so i'm just going to write a plainly flat (no pun intended) review. I love Elvira, not in a \\\"I'm-going-to-shoot-the-pres-just-to-impress-jodi-foster-fanatical\\\" way, But suffice to say I think she rocks. The movie is played like a 50's horror film only alot more fun, look for the \\\"Leasurely stroking of the ankle\\\" reference to know what I mean. what relay shines through in the movie is Elvira's (or should that be cassandras) absolute charm. i first saw this movie at the tender age of 8, and have seen it contless times since.. I realy should get around to buying a copy, the videostore version is looking a little worse for the wear. If any other fans of the movie want to e-mail me about it feel free.

p.s another great performance from Edie McClurg (chastedy pariah) an actress who never gets the attention she deserves.\": {\"frequency\": 1, \"value\": \"I suck at ...\"}, \"I must admit, at first I wasn't expecting anything good, at all. I was only expecting a cheesy movie promoting Gackt's and Hyde's image, but I'm glad to say it has much more to offer.

Yes, the acting is not that great, but it doesn't suck either, all the cast's well disciplined and they bring enough strength to their characters. Effects lack consistency but action scenes are satisfying enough.

What really hooked me up was the essence of the storyline, although it merges fantastic elements, it also displays a crude reality. The developing of the characters, their doubts and their feelings really got on to me and I think that's the key of this movie. It puts you to think and it does well transmitting all the angst.

It fulfills any expectations for a good drama. I would definitely recommend it to everyone.\": {\"frequency\": 1, \"value\": \"I must admit, at ...\"}, \"In his first go as a Hollywood director, Henry Brommell whips an enthralling yarn that is all of penetrating relatable marital issues with melancholic authenticity, and lacing such with an equally absorbing subplot of a father-son hit-man business. The film is directed astutely and consists of a wonderfully put together cast as well as a swift, family-conscious screenplay (also by Brommell) that brings life to an otherwise fatigued genre. As a bonus, 'Panic' delivers subtle, acerbic humor\\ufffd\\ufffdan unexpected, undeniably charming, and very welcome surprise\\ufffd\\ufffdthrough its bumbling, unsure-of-himself, low-key star, whose ever-cool state is enticing, especially given his line of work.

The forever-great William H. Macy again captures our hearts as Alex, a unhappy, torn, middle-aged husband and father who finds solace in the most dubious of persons: a young, attractive, equally-messed-up 23-year-old named Sarah (Neve Campbell), whom he meets in the waiting-room at a psychologist's office, where he awaits the therapy of Dr. Josh Parks (John Ritter) to discuss his growing eagerness to quit the family business that his father (Donald Sutherland) built. Alex, whose lust to lead a new life is obstructed by the fear of disappointing his dictating father, strikes an unwise fancy for Sarah, which ultimately leads him to understand the essence and irrefutable responsibility of being a husband to his wife and, more importantly to him, a good father to his six-year-old son, Sammy (played enthusiastically by the endearing David Dorfman).

Henry Brommell's brilliant 'Panic' is something of a rarity in Hollywood seldom seen (with the exception of 2002's 'Road to Perdition') since its conception in 2000\\ufffd\\ufffdit weaves two conflicting genres (organized-crime, family drama) into a fascinating, warm hunk of movie-viewing that is evenly strong in either direction\\ufffd\\ufffdand it's one that will maintain its exceptional, infrequent caliber and gleaming sincerity for ages to come.\": {\"frequency\": 1, \"value\": \"In his first go as ...\"}, \"Everything was better in past days. Even children's television. And Fraggle Rock proves my point quite easily. At the time of writing this comment I am fourteen years old but even in my teen years I can't resist the charm of Fraggle Rock. For those of you that have indeed been living under a rock (haha!), Fraggle Rock is about a horde of playful and goofy creatures called Fraggles who live-amazingly-in a rock. But they're not the only creatures. The rock is inhabited with many other species like the hardworking Doozers and countless living plants. Outside the rock on one side live inventor-scientist Doc and his dog Sprocket (who later befriends Gobo Fraggle), on the other side a family of Gorgs-supposed rulers of the Universe. The five main Fraggles Gobo (fearless leader), Mokey (arty and peaceful), Wembley (indecisive and a friend to Gobo), Boober (a pessimistic domestic god) and Red (loves anything to do with sport and general feistyness)get caught up in some strange situations each episode while at the same time sing and dance their cares away.

Fraggle Rock is definitely a family show-the plots may have intricate details that infants may not follow well, but the song-and-dance routines will hold their attention. The characters are strong and likable, their conflicts believable and their adventures thrilling. The Gorgs are frightening, Doc and Sprocket enlightening, Uncle Travelling Matt hilarious (the postcard segments are very 80s!) and the final episode, Change of Address, genuinely touching. Let's go down to Fraggle Rock again!\": {\"frequency\": 1, \"value\": \"Everything was ...\"}, \"This movie was amazingly bad. I don't think I've ever seen a movie where every attempt at humor failed as miserably. Let's see...the acting was pathetic, the \\\"special effects\\\" where horrible, the plot non-existant...that pretty much sums up this movie.

\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"One of the most disgusting films I have ever seen. I wanted to vomit after watching it. I saw this movie in my American History class and the purpose was to see an incite on the life of a farmer in the West during the late 1800's. What we saw were pigs being shot and then slaughtered, human birth, branding. Oh and at the end there was a live birth of a calf and let me tell you that the birth itself wasn't too bad, but the numerous fluids that came out drove most people in my class to the bathroom. The story itself was OK. The premise of the story is a widow and her daughter and they move to the west to be a house keeper of this cowboy. They live a life of hardship and it is an interesting a pretty accurate view of life in the West during the late 1800's. But if you have a choice, do not see this movie.\": {\"frequency\": 1, \"value\": \"One of the most ...\"}, \"Welcome to Oakland, where the dead come out to play and even the boys in DA hood can't stop them. This low-budget, direct-to-video production seems timed to coincide with the release of Land of the Dead, the latest installment of George A. Romero's famed zombie series. The ghetto setting and hip-hop soundtrack may provide additional appeal for inner- city gore hounds. Ricky (Carl Washington) works at a medical research facility while raising his kid brother, Jermaine (Brandon Daniels). But the teenager, bored by macaroni-and-cheese dinners in their tract house, would rather spend his time hanging with street friends Marco and Kev. Apparently there is not a lot for African-American high-school dropouts to do on this side of the bay except deal drugs and scuffle with the homeys, including rival Latino gang bangers. Ricky plans to sell their late parents' house and move inland to the Castro Valley, a more middle-class and presumably safer environment. Unfortunately, before this can happen, a drive-by shooting leaves Jermaine dead on the porch. Grief-stricken Ricky tries a last desperate ploy. He tells Scotty, his lab assistant, to steal some of the experimental cell regeneration formula they have been testing on rats. When a double dose fails to revive Jermaine, there is no choice except to call 911. But a funny thing happens on the way to the morgue. The boy is reanimated as a sputtering, growling zombie, chews the ambulance drivers and staggers off into the night, bent on revenge and hungry for fresh meat. The feeding frenzy infects more victims, and before the night is over the East Bay is a battleground between the living and the blood-spattered undead. The horror genre has seen more than its share of cheap movie makers, from Ed Wood to Herschel Gordon Lewis to Charles Band. But low budgets do not necessarily mean bad films. Consider Val Lewton's programmers (Cat People, The Leopard Man, Isle of the Dead), Roger Corman's Poe quickies, Romero's Night of the Living Dead and John Carpenter's Halloween. The difference between memorable and awful has more to do with talent and ambition than money. Hood Of The Living Dead is more fun than several hundred million dollars' worth of recent high-priced horrors. Cheapness has its charms. In truly cheap films actors wear their own clothes amid real settings. Here the tract houses have freshly painted walls in neutral matte tones, lending a bleakness as oppressive as Douglas Sirk's bourgeois melodramas of the '50s. Lines seem more improvised than scripted. \\\"So what the hell are we gonna do now?\\\" \\\"Just keep your eyes open for any F N' thing that looks out of the ordinary.\\\" Ricky and Scotty call their boss, who calls an ex-military man named Romero. \\\"I have a huge bitch of a problem that we have to take care of fast.\\\" \\\"Not a problem,\\\" says the merc, closing his phone and grabbing his guns. Everybody has guns, and even when fighting zombies they're on their cell phones, as who isn't nowadays? Information is exchanged with naturalistic understatement. \\\"What happened?\\\" \\\"We got into it with some crazy motherfockers.\\\" \\\"Deja F N' vu. It's that park zombie again. ...\\\" Ricky even has to blow his twitching girlfriend away, saying only, \\\"She's gotten out of hand.\\\" Unlike most zombie movies, this one provides a motive for mayhem. Jermaine takes revenge on the gang bangers who shot him, who in turn continue the rumble. This is urban film-making that implies its own social commentary, a near-guerrilla production suggesting a future for low-budget horror that reflects real life instead of supernatural clich\\ufffd\\ufffds. The brothers Quiroz, who have trademarked their name as if in anticipation of a new movement, may inspire others to tell stories arising from personal experience rather than imitating tired Hollywood product. Considering their limited resources, Jose and Eduardo Quiroz have made a cheap but technically acceptable feature about people they know. Photographer Rocky Robinson gets the job done, music by Eduardo Quiroz is no simpler than Carpenter's haunting Halloween theme, and hip-hop songs by The Darkroom Familia and others add atmosphere. The result is promising if not exactly exhilarating. They are learning their craft and, unlike Lewis and Wood, who never got any better, their next may be one to watch.\": {\"frequency\": 1, \"value\": \"Welcome to ...\"}, \"Imagine the worst skits from Saturday Night Live and Mad TV in one 90 minute movie. Now, imagine that all the humor in those bad skits is removed and replaced with stupidity. Now imagine something 50 times worse.

Got that?

OK, now go see The Underground Comedy Movie. That vision you just had will seem like the funniest thing ever. UCM is the single worst movie I've ever seen. There were a few cheap laughs...very few. But it was lame. Even if the intent of the movie was to be lame, it was too lame to be funny.

The only reason I'm not angry for wasting my time watching this was someone else I know bought it. He wasted his money. Vince Offer hasn't written or directed anything else and it's no surprise why.\": {\"frequency\": 1, \"value\": \"Imagine the worst ...\"}, \"Being a fan of silent films, I looked forward to seeing this picture for the first time. I was pretty disappointed.

As has been mentioned, the film seems to be one long, long, commercial for the Maxwell automobile.

Perhaps if the chase scene was about half the length that it is, I may have enjoyed the film more. But it got old very fast. And while I recognize that reality is stretched many times in films, without lessening a viewer's enjoyment, what was with the Mexican bandits? I mean, they are chasing a car through the mountains, a car that most of the time is moving at about one mile per hour, yet they can't catch up to it?\": {\"frequency\": 1, \"value\": \"Being a fan of ...\"}, \"Domestic Import was a great movie. I laughed the whole time. It was funny on so many levels from the crazy outfits to the hilarious situations. The acting was great. Alla Korot, Larry Dorf, Howard Hesseman, and all the others did an awesome job. Because it is an independent film written by a first-time writer, it doesn't have the clich\\ufffd\\ufffds that are expected of other comedies, which was such a relief. It was a unique and interesting and you fall in love with the characters and the heart-warming story. I heard it was based on a true story? If so, then that is hilarious (and amazing!). I highly recommend this movie.\": {\"frequency\": 1, \"value\": \"Domestic Import ...\"}, \"This is a cute little horror spoof/comedy featuring Cassandra Peterson aka Elvira: Mistress of the Dark, the most infamous horror hostess of all time. This was meant to be the pilot vehicle for Elvira and was so successful that it was picked up by the NBC Network. They filmed a pilot for a television series to feature the busty babe in black but unfortunately the sit-com never made it past the pilot stage due to it's sexual references. This film however, is very amusing. Elvira is the modern-day Chesty Morgan and the queen of the one-liners. This film was followed up a few years later by the abysmal \\\"Elvira's Haunted Hills\\\" which was meant to be a take-off of the old Roger Corman movies but falls flat on it's face. Watch this movie instead for a much more entertaining experience!\": {\"frequency\": 1, \"value\": \"This is a cute ...\"}, \"Well, you know the rest! This has to be the worst movie I've seen in a long long time. I can only imagine that Stephanie Beaham had some bills to pay when taking on this role.

The lead role is played by (to me) a complete unknown and I would imagine disappeared right back into obscurity right after this turkey.

Bruce Lee led the martial arts charge in the early 70's and since then fight scenes have to be either martial arts based or at least brutal if using street fighting techniques. This movie uses fast cuts to show off the martial arts, however, even this can't disguise the fact that the lady doesn't know how to throw a punch. An average 8 year old boy would take her apart on this showing.

Sorry, the only mystery on show here is how this didn't win the golden raspberry for its year.\": {\"frequency\": 1, \"value\": \"Well, you know the ...\"}, \"This film breeches the fine line between satire and silliness. While a bridge system that has no rules may promote marital harmony, it certainly can't promote winning bridge, so the satire didn't work for me. But there were some items I found enjoyable anyway, especially with the big bridge match between Paul Lukas and Ferdinand Gottschalk near the end of the film. It is treated like very much like a championship boxing match. Not only is the arena for the contest roped off in a square area like a boxing ring, there is a referee hovering between the contestants, and radio broadcaster Roscoe Karns delivers nonstop chatter on the happenings. At one point he even enumerates \\\"One... Two... Three... Four...\\\" as though a bid of four diamonds was a knockdown event. And people were glued to their radios for it all, a common event for championship boxing matches. That spoof worked very well indeed.

Unfortunately, few of the actors provide the comedy needed to sustain the intended satire. Paul Lukas doesn't have much of a flair for comedy and is miscast; lovely Loretta Young and the usual comic Frank McHugh weren't given good enough lines; Glenda Farrell has a nice comic turn as a forgetful blonde at the start of the film, but she practically disappears thereafter. What a waste of talent!\": {\"frequency\": 1, \"value\": \"This film breeches ...\"}, \"I have to say that this TV movie was the work that really showed how talented Melissa Joan Hart is. We are so used to, now, seeing her in a sitcom and I really hope that a TV station will show this TV movie again soon as it will show the Sabrina fans that MJH shines in a drama. Seen as we have watched her on Sabrina now for now 5 years and so to give the viewers a taste of her much unused talent would be a plus. Melissa plays her role so well in this wanting her parents \\\"done away\\\" with so she can be with the guy she loves. One thing that all Sabrina viewers will notice, Melissa works with David Lascher in this, well before he took the role of Josh on Sabrina. So it would be kind of neat to see this currently whenever it gets aired again. Hopefully MJH gets some good roles in movies or even in more TV Movies, sort of like Kellie Martin who has always shined in TV Movies. Lots of unused talent waiting to bust out when it comes to Melissa Joan Hart, you shine always Melissa!!!\": {\"frequency\": 1, \"value\": \"I have to say that ...\"}, \"There are few movies that appear to provide enterntainment as well as realism. If you've ever wondered about the role of snipers in modern war, take a look at this one.

I just loved the scene where hundred soldiers get shooting at the jungle, no-one quite sure where that shot came?

And, they nicked one scene to Saving Private Ryan, so it has to have some merit in the scene.

\": {\"frequency\": 1, \"value\": \"There are few ...\"}, \"This isn't among Jimmy Stewart's best films--I'm quick to admit that. However, while some view his film as pure propaganda, I'm wondering what's so wrong with that? Yes, sure, like the TV show THE FBI, this is an obvious case of the Bureau doing some PR work to try to drum up support. But, as entertainment goes, it does a good job. Plus, surprisingly enough for the time it was made, the film focuses more on crime than espionage and \\\"Commies\\\". Instead, it's a fictionalization of one of the earliest agents and the career he chose. Now considering the agent is played by Jimmy Stewart, then it's pretty certain the acting and writing were good--as this was a movie with a real budget and a studio who wasn't about to waste the star in a third-rate flick. So overall, it's worth seeing but not especially great.\": {\"frequency\": 1, \"value\": \"This isn't among ...\"}, \"LL Cool J. Morgan Freeman. Dylan McDermott. Kevin Spacey. John Heard. Cary Elwes. Roslyn Sanchez. Justin Timberlake -- wait a minute. Justin Timberlake? And he's the star? I should have known better than to rent EDISON FORCE. In fact, I did know better. But in a moment of absolute weakness, I rented this STV. When you have big names like Freeman and Spacey in an STV, you know it's one of two things: an indie or a dog. As in sat-on-a-shelf. Which this did. And with good reason. The plot as such involves a squad of corrupt killer cops a la MAGNUM FORCE, and \\\"journalist\\\" Timberlake is the only one brave enough to uncover them. He is targeted for his efforts -- or maybe I should say for his horrible acting. I turned it off after one of the bad guys was shot through the forehead and still had the forethought to turn to his shooter and smile before collapsing. Just awful. The real tipoff to how bad this flick is to see Freeman on the cover and throughout the movie sporting an unruly beard, looking like nothing so much as a hobo. You just know the director was not in control. Freeman is clearly slumming.\": {\"frequency\": 1, \"value\": \"LL Cool J. Morgan ...\"}, \"What a GREAT British movie, a screaming good laugh and sexy Gary Stretch too, and oh, lots of bikes and lovely Welsh countryside.

Members of our club the ARROWHEAD Bike and Trike Social Club appear in it as extras! Hooray!!

There are some genuinely hilarious bits, good acting, a good idea.

Met the director, Jon Ivay at a showing in Wareham, Dorset. A great man, down to earth and a good laugh. This film must be supported, as all great Brit movies should!

So please go and see it if you can, they have a website with cinemas that are showing it , so find one near you!

I can't wait to get the DVD. Some of our biker friends have seen the film two or three times already and can't get enough of it.

Amanda\": {\"frequency\": 1, \"value\": \"What a GREAT ...\"}, \"This film is excellently paced, you never have to wait for a belly laugh to come up for more than about a minute and there's much more going on than the initial premise of the film. Throughout it there are mockeries of the traditional schmaltzy local-boys-done-good-overcoming-adversity genre of which this parodies. Don't let anyone tell you that they're trying to get cheap laughs just by using obscenities;- sure, there's plenty of that but it's all contextual, not gratuitous. I loved this film and it only cost me \\ufffd\\ufffd2.99 on DVD , so in terms of entertainment value for money, it has been the best film I've seen this year.\": {\"frequency\": 1, \"value\": \"This film is ...\"}, \"Canadians are too polite to boo but the audience at the Toronto Film Festival left the theater muttering that they would rate this film 0 or 1 on their voting sheets. The premise is that a modern filmmaker is interpreting a 17th century fable about the loves of shepherds and shepherdesses set in the distant past when Druids were the spiritual leaders. Working in three epochs presents many opportunities to introduce anachronisms including silly and impractical clothing and peculiar spiritual rites that involve really bad poetry. Lovers are divided by jealousy and their rigid adherence to idiotic codes of conduct from which cross-dressing and assorted farcical situations arise. The film could have been hilarious as a Monty Python piece, which it too closely resembles, but Rohmer's effort falls very flat. The audience laughed at the sight jokes but otherwise bemoaned the slow pace. The ending comes all in a rush and is truly awful. This is a trivial film and a waste of your movie going time.\": {\"frequency\": 1, \"value\": \"Canadians are too ...\"}, \"Trite, clich\\ufffd\\ufffdd dialog and plotting (the same kind of stuff we saw all through the 1980s fantasy movies), hokey music, and a paint-by-numbers characters knocks this out of the running for all but the most hardcore fans.

What saves this film from the junk heap is the beautiful crutch of Bakshi's work, the rotoscoping, and the fact that Frank Frazetta taught the animators how to draw like him. This is Frazetta...in motion. The violence is spectacular and the art direction and animation are unlike any other sword & sorcery movie of the period.

I like to watch this with the sound off, playing the soundtrack to the first Conan movie instead.\": {\"frequency\": 1, \"value\": \"Trite, clich\\u00e9d ...\"}, \"This is a decent endeavor but the guy who wrote the screenplay seems to be a bit in the dark as to what exactly makes a zombie movie cool. No, it isn't CGI bugs and software companies. Actually I'm not sure whether it was a software company - I saw it without subtitles so I had to guess what they're talking about. Anyway my point was - instead of wasting your time animating some dumb-ass bug, why not throw in more zombies and more action. 2/3 of the 20 minutes consist of news bulletins, bugs, some guys yelling about something. And to makes matters worse (more boring) most of the deaths occur off-screen. I realize that's all too common for no-budget movies, but then there were some very impressive effects (well, kind-a of) which left me wondering why did the director (or screenwriter, whatever) chose to focus on how the epidemic started - it's a short, nobody's gonna care anyway.\": {\"frequency\": 1, \"value\": \"This is a decent ...\"}, \"I watched this movie. To the end. And that was really not easy. It is so boring, bad played and in nearly every detail stolen from \\\"BLAIR WITCH PROJECT\\\" that you can't believe the makers take this serious. Even harder to believe, is how this \\\"product\\\" made it onto VHS and DVD.

So, if want to see a horror-movie, just watch \\\"Scream\\\", but if you want to laugh out loud and have a good time, watching some kids running through the woods screaming at each other and showing of their inability, watch dark area.\": {\"frequency\": 1, \"value\": \"I watched this ...\"}, \"Time for a rant, eh: I thought Spirit was a great movie to watch. However, there were a few things that stop me from rating it higher than a 6 or 7 (I'm being a little bit generous with the 7).

Point #1: Matt Damon aggravates me. I was thinking, 'what a dicky voice they got for the main character,' when I first heard him narrate - and then I realized it is Matt Damon. The man bugs me so very bad - his performance in \\\"The Departed\\\" was terrible and ruined the movie for me (before the movie got a chance to ruin itself, but that's another story for some other time), as it almost did \\\"Spirit\\\". I was able to get past this fact because of how little narration there actually was... thankfully.

Point #2: Brian Adams sucks... The whole score was terrible... The songs were unoriginal, generic, and poorly executed; not once did I find the music to fit; and the lyrics were terrible. Every time one of the lame songs came on, I was turned off. I almost thought I'd start hearing some patriotic propaganda slipped into the super-American freedom style lyrics (I couldn't help but be reminded of those terrible patriotic songs that played on the radio constantly after 9/11). In light of the native American aspects of the film, they should have gone with fitting music using right instruments, not petty radio-hit, teen-bop, 14-year-old-girl crap. I thought I was back in junior high school. I can't believe no better could have been done--I refuse to. Had it not have been for this, I'd rank the film up more with Disney, which knows a thing or two about originality (ok, don't bother saying what I know some of you are probably thinking ;). Too bad, it's a shame they couldn't have hired better musicians.

I liked the art and animation, except for some things here and there... like sometimes the angles appear too sharp on the face and the lines too thick or dark on the body (thick/dark lines mainly near the end). There were often times when I thought they _tried too hard_ on the emotion and facial expressions and failed at drawing any real emotion. But there were also times when the emotion ran thick. Anyhow, many scenes were lazy and the layers were apparent.

OK, I'm falling asleep here so I'll sum it up before I start making less sense...

Nice try on an epic film... it turned out mediocre though. Matt Damon, you suck!\": {\"frequency\": 1, \"value\": \"Time for a rant, ...\"}, \"As a huge fan of the original, I avoided this film like the plague when the bad reviews started coming in eight years ago, but I just finished watching this film and found it to be a really pleasant surprise.

Okay, if you are looking for a retread of the original, you're in for a big disappointment, but if you are looking for something quite different, a bit edgy and political, then this is the film for you.

Gregory is now thirty four and works as a teacher at his old comprehensive school, where he's being pursued by a fellow teacher and having sexual dreams about one of his students. When the student insists on meeting up with Gregory, a series of misadventures ensue that include torture, breaking and entering and all manner of unexpected twists and turns that left me feeling elated and moved.

If you are looking for something original, then I highly recommend this film. I only wish that more people had gone to see this when it was released and seen it for what it really is.\": {\"frequency\": 1, \"value\": \"As a huge fan of ...\"}, \"OK, so I know of this movie because of a friend of mine's in it and I actually visited the set when they were filming, so from a personal stand-point, I was intrigued to finally view this obscure little gem. If you dig at all on info regarding this movie, you'll find it's mired in legal troubles (even over 7 years after being filmed) so, if you are at all like me -- then you'll do whatever it takes to obtain a copy. My source? Ebay. About $15 but I felt ripped because when I got it today in the mail, it was a very rough, grainy copy of a \\\"SCREENER ONLY\\\" release, complete with annoying top mini time-code but alas, I could still enjoy it but not as much as if I had a proper copy, something I suggest you obtain if you want the full impact this film may or may not have on you. From what I have gleaned, it's been released on DVD in Germany & now Spain. With that, good luck & happy searching/bidding...;). The score/sndtrk is worth it alone. Very eclectic and varied (somethinbg rare these days IMHO in film) -- I think that will be my next sndtrk/score to locate, but I digress...

Now, onto the review. The film opens as Billy Zane's character is injecting a nurse in the mental ward he is apparently locked up in. He steals her clothes (even shoes) and quickly moves into a series of holding up a bank/loan shop but after escaping with the loot, well, I guess this is where the \\\"plot\\\" begins -- he inadvertently looses it. After perpetrating several campy over-the-top crimes & dalliances to various A to C-list celebs to locate the money, he finds himself somehow in a cemetery where a funeral -- I think for the dead guy he shoots in the loan office/bank, and -- even with 1950's police cars and cops looking all over for him steadily throughout -- he never gets seen or nabbed. (He sees daily newspapers reporting his \\\"crimes\\\") This I liked, because it gave the thin plot an extension. After all, it's a MOVIE (see: fiction) & director Iris Iliopulos does what I think is everything possible to 1) Bring Wood's vision to fruition and 2) Give it an updated feel, yet have shots of authentic 50's police cars intertwined with, ahh, local L.A..99$ stores -- so well hence my 9 rating. If the period and props were authentic -- I would have given it a 10. Now it wraps it self up kinda weird and I won't spoil it for anyone but let's just say the final ending is somewhat disappointing for it, to me, it had promise, action and comedy -- all up till the end, so...with ALL that said --locate a copy at your own discretion.

Just realize that, as there is no dialouge (except for some narration and singing) this may be up your alley -- maybe not-- but I definitely think it's worth a watch. The actors all do fine performances and it's only the inconsistency in proper period pieces that really made me long for just that correction -- then I would say by all means check this film out for it's not like anything these studios put out these days (or will in the future, too) I am sure.\": {\"frequency\": 1, \"value\": \"OK, so I know of ...\"}, \"A delightful gentle comedic gem, until the last five minutes, which degenerate into run of the mill British TV farce. The last five minutes cost it 2 points in my rating. Despite this major plot and style flaw, it's worth watching for the character acting and the unique Cornwall setting. Many fine little bits to savor, like the tense eternity we all go through waiting for the bank approval after the clerk has swiped the credit card...made more piquant when we're not - quite - sure the card is not maxed.\": {\"frequency\": 1, \"value\": \"A delightful ...\"}, \"In Europe, it's known as Who Dares Wins; in America, it's known as The Final Option, but under any title this ludicrous SAS action flick asks the audience to put their disbelief to one side for around two hours. I find it incredibly hard to comprehend how Lewis Collins (the hero here) was almost chosen as Roger Moore's successor in the Bond films.... this guy is so expressionless he'd struggle to get a job in a waxwork museum (as a waxwork!!!) Luckily, Judy Davis is on hand to partially redeem the affair with a meaty performance as a hard-line lady terrorist, and there's a climactic ten minute action sequence that is quite competently orchestrated by director Ian Sharp. Let it be added that it's a very, very, very long wait for these closing excitements to come around, and I can't honestly say that a near two hour wait for a bit of decent action was worth the effort.

SAS hard man Peter Skellen (Lewis Collins) goes undercover among a group of peace protesters who would like to see the end of nuclear weapons stock-piling. He meets their leader Frankie (Judy Davis), a strong-talking and opinionated woman who might just be capable of taking extraordinary measures to achieve her goals. Frankie's dedicated bunch violently lay siege to the American Embassy in London, demanding that a nuclear missile be fired at a naval base in Scotland (she believes that when the world witnesses a nuclear blast for real, everyone will be so appalled that they will join her campaign for disarmament). Unfortunately for Frankie, she makes the mistake of taking Skellen on her little embassy raid, and he plans to thwart their plan from inside with a little well-timed outside help from his SAS comrades.

The film is inspired - quite obviously - by the awesome SAS assault on the Iranian Embassy in 1981. Someone who saw that event on the news apparently thought it would be good to devise a film along similar lines. Unfortunately, the film is rather banal, with too much stupid dialogue and a heck of a lot of embarrassingly bad scenes (the arch-bishop's debate which descends into a riot, anyone?) Frankie's idea to bring about peace by instigating a nuclear blast is ridiculous anyway, so she becomes a laughable figure just when the audience is on the verge of viewing her as an interesting villain. Who Dares Wins tries to be a celebration of the military legend that is the SAS, but at the same time it dips into clumsy action clich\\ufffd\\ufffds and ill-thought-out plotting. The result is a well-intentioned but wholly ineffective slice of Boy's Own absurdity.\": {\"frequency\": 1, \"value\": \"In Europe, it's ...\"}, \"\\\"Cut\\\" is a full-tilt spoof of the slasher genre and in the main it achieves what it sets out to do. Most of the standard slasher cliches are there; the old creepy house, the woods, the anonymous indestructible serial killer, buckets of gore, and of course the couple interrupted by the killer while they're having sex (that's hardly a spoiler).

The set-up is simplicity itself: film-school nerds set out to complete an unfinished slasher \\\"masterpiece\\\", unfinished because of the murders of a couple of the cast. This also neatly - okay, messily - disposes of Kylie Minogue in the first reel. They are joined by one of the survivors of the original film, played by Molly Ringwald who absolutely steals the film because she gets all the best lines. The rest of the cast fit their roles well, especially the lovely Jessica Napier, who plays it straight while the mayhem and gore erupt around her.

There are plenty of red herrings and fake suspenseful moments, and there is very little time to try to work out who the killer is because the film moves at such a fast pace. It also has an appropriate low budget look, including some clumsy editing which is probably deliberate. Good soundtrack, too. If there is a difficulty with this film it is deciding whether it is a send-up of or a homage to the slasher genre. Probably a bit of both.\": {\"frequency\": 1, \"value\": \"\\\"Cut\\\" is a full- ...\"}, \"Okay, my title is kinda lame, and almost sells this flick short. I remember watching Siskel & Ebert in '94 talking about this movie, and then playing a clip or two. Not being a rap-conscious guy (although I could identify Snoop Dogg, Vanilla Ice, and MC Hammer music), I wasn't much interested when they started talking about the film. But then, S&E showed the scene where the band explains how they picked their name (using some \\\"shady\\\" logic and a bunch of \\\"made up\\\" facts), and then another scene where the band, and their rival band, both visit a school to promote getting involved (and, of course, NWH comes up with some \\\"info\\\" about how the rival band leader is a loser because he got good grades in school and was on the yearbook committee). So I filed it away that I should see this movie.

A couple of years later, this thing shows up on HBO and I recorded it, only to laugh my butt off for hours. Yes, it has a \\\"Spinal Tap\\\" kind of rhythm to it...even the documentarist takes essentially the same \\\"tone\\\" in setting up the clips, and the band follows a similar path (what I now call the \\\"Behind the Music\\\" phenomenon - smalltime band has good chemistry, gets famous, too much money too fast, squabbling, drugs, some type of death, band breaks up, then reconciles, finishing with a hope for more albums in the future, and fade to black). The one thing that is true is that in Spinal Tap, you catch the band perhaps with a little more success in their past. But Tap drags at some points, and in my mind is reduced to laughs that are set up by specific scenes. Oh, this is his rant about the backstage food, this is spot where he wants the amp to go to \\\"ELEVEN\\\", this is the spot where the guy makes the pint-sized stonehenge, etc...

Contrasting to FoaBH, which seems to have more \\\"unexpected\\\" humor. You can see some of it coming, but there isn't a big setup for every joke. Sometimes, the jokes just kinda flow. Cundieff and the other actors in the band had a real chemistry that worked. Also, the direct references to Vanilla Ice, Hammer, and a bunch of other caricature-type rappers really worked well. This strikes me as a film you watch once to get the main story and laughs, and then go back and watch to catch the subtle jokes. And the songs. Is \\\"My Peanuts\\\" better than \\\"Big Bottom\\\" (from Spinal Tap)? I don't know - but they're both damn funny. Tone Def's awful video during his \\\"awakening\\\" phase is so bizarre, yet so funny.

I could go on awhile, but save your time and don't waste it on CB4. I watched the first half hour, and got bored. You don't get bored on FoaBH. There are slightly less funny moments, but you can never tell when something good is about to happen. Perhaps my favorite scene is when Ice Cold and Tastey Taste (name ripoffs if I've ever heard any) discover they've been sharing the same girl....at one point, you've got those two pointing guns at each other, and the next thing you know, the manager, the photographer, the girl, and I think even Tone Def are in the room pointing guns at each other, switching targets back and forth. And, of course, someone does get shot.

I did find it odd that NWH's managers suffered similar fates to Spinal Tap's drummers (although none spontaneously combusted, I don't think). There were enough similarities that I cannot ignore the likelihood that Cundieff saw \\\"Spinal Tap\\\" prior to writing this film, although this is clearly much more the Spinal Tap of hip-hop. While some similarities exist, the humor is different, and the movie seems more like a real documentary (maybe because we don't recognize a single actor in this thing, even the guy who played \\\"Lamar\\\" from \\\"Revenge of the Nerds\\\"). All in all, this movie has, in my opinion, \\\"street cred\\\". Kinda like NWH.\": {\"frequency\": 1, \"value\": \"Okay, my title is ...\"}, \"It is hard to describe this film and one wants to tried hard not to dismiss it too quickly because you have a feeling that this might just be the perfect film for some 12 years old girl...

This film has a nice concept-the modern version of Sleeping Beauty with a twist. It has some rather dreamy shots and some nice sketches of the young boy relationship with his single working mother and his schoolmate... a nice start you might say, but then it got a bit greedy, very greedy, it tries to be a science fiction, a drama, a thriller, a possible romantic love story, fairy tale, a comedy and everything under the sun. The result just left the audience feeling rather inadequate. For example, the scene when the girl(played by Risa Goto) finally woken by his(Yuki Kohara) kiss, instead of being romantic, it try's to be scary in order to make us laugh afterwards... it is a cheap trick, because it ruin all the anticipation and emotion which it was trying to build for the better half of the film.

I have not read the original story the film is base on (it is the well-known work by the comic-book artist Osamu Tezuka is famous with his intriguing and intricate stories) I wonder if all the problems exsist in the original story or did it occur in the adaption? It is rather illogical even for someone who is used to the \\\"fussy logic\\\" of those japanese comic-book. For instance, how did Yuki Kohara's character manage to get to the hospital in an instant(when its suppose to be a long bus-ride away)to run away Risa Goto's character in front of the tv cameras right after he saw her live interview on the television?

There are also some scenes that is directly copied(very uncreative!) from other films and they all seem rather pointlessly annoying ie. the famous \\\"the Lion mouth has caugh my hand\\\" scene from \\\"the \\\"Roman Holiday\\\"

The film tries to be everything but ends up being nothing... it fails to be a fairy tale and it did not have enough jokes to be a comedy... and strangely there are some scenes that even seem like an unintentional \\\"ghost\\\" movie. Nevertheless, one should give it credit that it has managed to caputured some of the sentiment of the japanese teenager.

It is by watching this film I have a feeling that there might be some films that should have come with a warning label that said \\\"this film might only be suitable for person under the 18 of age\\\", it would have definitly been on the poster of this film.

\": {\"frequency\": 1, \"value\": \"It is hard to ...\"}, \"My very favorite character in films, but in nearly all of them the character of Zorro has a small bit of cloth as a mask and if the villain`s can`t tell who is under that cloth then they are daft.

But in Reed Hadley`s \\\"Zorro`s Fighting Legion\\\" (serial 1939) the mask fills his whole face making it a real mystery as to who Zorro really is.

But anyway Zorro is one of the best character`s in films and to bring it up to date l think Anthony Hopkins in \\\"The Mask of Zorro\\\" (1998) is a delight.

My interest in films is vast, but l have a real liking for the serial`s of the 30s/40s....

Bond2a\": {\"frequency\": 1, \"value\": \"My very favorite ...\"}, \"I am a big fan of cinema verite and saw this movie because I heard how interesting it was. I can honestly say it was very interesting indeed. The two lead actors are awesome, the film isn't ever boring, and the concept behind it (though obviously inspired by the Columbine killings and the home movies of the killers) is really interesting. There are some weaknesses, such as the final 20 minutes which really detracts from the realism seen in the first hour or so and the ending really doesn't make any sense at all. The shaky camera sometimes can be a distraction, but in cinema verite that is a given. But I still think the movie is very well done and the director Ben Coccio deserves some credit.\": {\"frequency\": 1, \"value\": \"I am a big fan of ...\"}, \"The Movie I thought was excellent it was suppose to be about romance with a little suspense in between.

Rob Stewart is a wonderful actor I don't know why people keep giving him a bad rap. As for Mel Harris she is a great actress and for those who thinks she looks too old for Rob it's only by five years.

Rob had a lead role in his own TV series as well as one on the Scifi channel. I'm sure you remember Topical Heat aka Sweating Bullets and PainKiller Jane.

He also starred in a number of TV movies and is now making a TV Mini series.

They need to give him more leading roles that is what he is best at.\": {\"frequency\": 1, \"value\": \"The Movie I ...\"}, \"Okay. This has been a favourite since I was 14. Granted, I don't watch it multiple times a year anymore, but... This is not a movie for an older generation who want a deeper meaning or some brilliant message. This movie is FUN. It's pretty dated, almost passe, but Parker Posey is so brilliant that it's unbelievable. If you want to be charmed by a 90's Breakfast at Tiffany's, attended 90's raves, or love Parker, this movie is for you. Otherwise, don't bother.\": {\"frequency\": 1, \"value\": \"Okay. This has ...\"}, \"The opening 5 minutes gave me hope. Then Meyers proved he only had one good idea for the rest of the movie. Absolute lowest common denominator humor. Painful viewing. A complete chore. Written no doubt in less than a week, just like the first one. Give Meyers the hook and lock him in a cell with Adam Sandler and Will Farrell. And don't let him out until he's developed a decent script for something, anything. He has it in him. These Austin Powers things are just embarrassing.

Let Goldmember sink without trace.\": {\"frequency\": 1, \"value\": \"The opening 5 ...\"}, \"Ah, Domino is actually a breath of fresh air, something new to the cinema world. I enjoyed the movie a lot because of the intricate plot, the varied characters, and the intense camera effects. I've seen some complain about the camera work and, in fact, according to the creators themselves, the flashy and wild shots were all the culmination of mistakes made through time. All of what you see was the desired effect. Perhaps some complain because something quite like this has never been done before, although that's what sets it apart. In a deeper aspect, what you are seeing is just how Domino sees things through her eyes, think about it.

When it comes to the story, I don't see anything quite bad about it. Despite it's \\\"messy\\\" nature, according to some, it is in fact just a rapid form of storytelling. The plot really isn't all that hard to follow, if you actually focus on what's going on. Maybe it's just me because I see movies from many different aspects such as the acting, the plot, etc. I'm no \\\"interpreter\\\" or anything who picks movies apart, it just comes to me. With that said, I believe this is quite an excellent movie indeed, despite it's future as a cult-classic, blockbuster, or whatever.

And the characters, well there's no doubting how varied the cast is. I believe the cast is excellent as they all do fine jobs portraying their characters effectively, that's what makes a movie ladies and gentlemen. The characters are all very unique and a plus is that you get to witness a small piece of each one of their lives, setting them apart even further. Basically, I personally loved the cast and characters.

All those who bash and burn this film perhaps just don't see it as I do, or it just doesn't appeal to them. No matter, this is a great film in it's own right, no, it's a great film period.\": {\"frequency\": 1, \"value\": \"Ah, Domino is ...\"}, \"This had a good story...it had a nice pace and all characters are developed cool.

I've watched a whole bunch of movies in the last two weeks and this had to be the best one I've seen in the two weeks.

Jason Bigg's character was the best though.

Even though it was small, it was cleverly crafted from the very beginning.

This may be a romantic comedy and I don't like most, but the writing, direction, performing, sound, design overall in all capacity just was really thought out pretty cool.

This film scored pretty high out of all the movie's I've seen lately - and the rest were big budget or better publicized.

Good job in writing.\": {\"frequency\": 1, \"value\": \"This had a good ...\"}, \"If you were ever sad for not being able to get a movie on DVD, it was probably 'Delirious' you were looking for. How often do you laugh when watching stand up comedy routines? I was too young to see Richard Pryor during his greatest time, and when I was old enough to see Eddie Murphy's 'Delirious' and 'Raw' (not as funny) I never knew where Eddie got a big part of his inspiration. Now that I'm older, and have seen both Pryor and many of the comedians after Murphy, I realize two things: Everybody STEALS from Eddie, while Eddie LOVINGLY BORROWED from Richard. That's the huge difference: Eddie was original, funny, provocative, thoughtful \\ufffd\\ufffd and more. He was something never before seen. He was all we ever needed. These days Eddie Murphy is boring and old \\ufffd\\ufffd but once upon a time he was The King, and 'Delirious' was the greatest castle ever built. Truly one of the funniest routines of all time.\": {\"frequency\": 1, \"value\": \"If you were ever ...\"}, \"This is one of the most beautiful films I have ever seen. The Footage is extraordinary, mesmerizing at times. It also received an Oscar for best photography, and deservedly so. I have many movies in my film collection and several more I've seen besides them, and not many of them are more beautifully or even equally as beautifully shot as this one.

It's unique and an overall great movie. The cast is terrific and do a great job in portraying their characters. We follow their destinies with devotion, and get very emotionally attached to them. Along the way, we also learn things about ourselves and our lives. I think much of this film for what it represent, and how it present it. I warmly recommend it\": {\"frequency\": 1, \"value\": \"This is one of the ...\"}, \"My favorite quote from Crow was, when the car was going off the cliff, \\\"The movie is so bad, even the car wants to get out of it!\\\"

This had to be the funniest movie I have ever seen. It was seriously out there to scare you, which makes it even funnier! If it weren't for Mystery Science Theater I wouldn't be here today! :-P\": {\"frequency\": 1, \"value\": \"My favorite quote ...\"}, \"Some of the background details of this story are based, very, very loosely, on real events of the era in which this was placed. The story combines some of the details of the famous Leopold and Loeb case along with a bit of Aimee Semple McPherson.

The story begins with two mothers (Shelley Winters and Debbie Reynolds) being hounded as they leave a courtroom. The crowd seems most intent on doing them bodily harm as their sons were just convicted of a heinous thrill crime. One person in the crowd apparently slashes Winters' hand as they make their way to a waiting car.

Soon after they arrive home, they begin getting threatening phone calls, so Reynolds suggests they both move to the West Coast together and open a dance school. The dance school is s success and they cater to incredibly obnoxious parents who think their child is the next Shirley Temple. One of the parents of these spoiled kids is a multimillionaire who is quite smitten with Reynolds and they begin dating. Life appears very good. But, when the threatening phone calls begin again, Winters responds by flipping out--behaving like she's nearing a psychotic break and she retreats further and further into religion--listening on the radio to 'Sister Alma' almost constantly. Again and again, you see Winters on edge and it ultimately culminates in very bad things!! I won't say more, as it might spoil this suspenseful and interesting film.

In many ways, this film is a lot like the Bette Davis and Joan Crawford horror films of the 1960s like \\\"Whatever Happened to Baby Jane?\\\", \\\"Straight-Jacket\\\" and \\\"The Nanny\\\". While none of these are exactly intellectual fare, on a kitsch level they are immensely entertaining and fun. The writing is very good and there are some nice twists near the end that make it all very exciting. Winters is great as a fragile and demented lady and Reynolds plays one of the sexiest 39 year-olds I've ever seen--plus she can really, really dance.

My only concern about all this is that some might find Winters' hyper-religiosity in the film a bit tacky--like a cheap attack on Christianity. At first I felt that way, but when you meet Sister Alma, she seems sincere and is not mocked, so I took Winters' religious zeal as just a sign of craziness--which, I assume, is all that was intended.

By the way, this film is packaged along with \\\"Whoever Slew Auntie Roo?\\\"--another Shelley Winters horror film from 1971. Both are great fun...and quite over-the-top!\": {\"frequency\": 1, \"value\": \"Some of the ...\"}, \"I had watched this film from Ralph Bakshi (Wizards, Hey Good Lookin'), one night ago on www.afrovideo.org, and I didn't see anything racial (I am not stupid), I do admit the character designs are a bit crude and unaccpectable today, but I think it's a satire and a very,very urban retelling of the old Uncle Remus stories that the Black American culture, created right down to the main characters and the blatant nod to \\\"The Tar Baby\\\" and \\\"The Briar Patch.\\\" These aren't bigoted stories, mind you, but cultural icons created by Black Americans, and me being a white woman read and love those stories. And I also found it an interesting time-capsule view on the black culture in Harlem, New York in the 70's.

Well to get to the nitty-gritty of this film: This film is a live-action/animated film, which begins in live-action with a fellow named Sampson (Barry White) and the Preacherman (Charles Gordone) rush to help their friend, Randy (Philip Michael Thomas) escape from prison, but are stopped by a roadblock and wind up in a shootout with the police. While waiting for them, Randy unwillingly listens to fellow escapee Pappy (Scatman Crothers), as he begins to tell Randy the animated story of Brother Rabbit, a young newcomer to the big city who quickly rises from obscurity to rule over all of Harlem; you know, to me Rabbit,Bear and Fox are animal versions of Randy,Sampson and the Preacherman. An abstract juxtaposition of stylized animation and live action footage, the film is a graphic and condemnatory satire of stereotypes prevalent in the 70s \\ufffd\\ufffd racial, ethnic, and otherwise.

So anyway, it is another GOOD Bakshi movie; and should we sweep films like this under the rug? pretend they never exist? hmmm...I think that would be a shame; I think we should watch these films entacted, and learn about what goes on back then, just how far we come since then.\": {\"frequency\": 1, \"value\": \"I had watched this ...\"}, \"I read this Thornton Wilder play last year in eighth grade. I was also forced to sit through this weak translation of it on screen. Let me tell you, it's not a terrific play, it is easily surpassed, but man it deserves a much better shot. The acting was really lacking, the scenery-honest to God-looked like it was designed out of cardboard by a group of three-year-olds. As if it couldn't get worse, the sound quality is lousy...there is this mind-numbing 'buzz' whenever an actor speaks...and I also couldn't help but notice that the chemistry between George and Emily, well, is non-existant. The actors all seem very uncomfortable to be there. There is no music. It is in black and white, which would be OK but it brings out the cheesiness of it all the more. In any case I think that if you're going to make a point of seeing this movie, which I don't really reccomend, then don't aim your hopes to high. The play, as stalwart as it is, is probably better.\": {\"frequency\": 1, \"value\": \"I read this ...\"}, \"One of a multitude of slashers that appeared in the early eighties, Pranks is notable only for an early performance by Daphne Zuniga (The Sure Thing, The Fly 2); her character dies fairly early on, and the rest of the film is totally forgettable.

During their Christmas break, a group of students volunteer to clear a condemned college building of its furniture. A crazy killer, however, throws a spanner in the works by methodically bumping off the youngsters one by one in a variety of gruesome ways.

Exploiting every stalk 'n' slash clich\\ufffd\\ufffd in the book, director Jeffrey Obrow delivers a tedious and unexciting horror that had me praying for the characters to be killed, so that I could get on with watching something more worthwhile. The majority of the deaths (which, let's face it, is why we generally watch this kind of film) are brief and not that gory; the only truly grisly imagery comes right at the end when the bodies of the victims are discovered by the remaining survivor (there is one notably bloody dismembered corpse\\ufffd\\ufffdthe film could've done with more).

At the last minute, the film saves itself from the disgrace of receiving the lowest possible score from me by having a nice unexpectedly downbeat ending, but this really is one for slasher completists only.\": {\"frequency\": 1, \"value\": \"One of a multitude ...\"}, \"Manhattan apartment dwellers have to put up with all kinds of inconveniences. The worst one is the lack of closet space! Some people who eat out all the time use their ranges and dishwashers as storage places because the closets are already full!

Melvin Frank and Norman Panama, a great comedy writing team from that era, saw the potential in Eric Hodgins novel, whose hero, Jim Blandings, can't stand the cramped apartment where he and his wife Muriel, and two daughters, must share.

Jim Blandings, a Madison Ave. executive, has had it! When he sees an ad for Connecticut living, he decides to take a look. Obviously, a first time owner, Jim is duped by the real estate man into buying the dilapidated house he is taken to inspect by an unscrupulous agent. This is only the beginning of his problems.

Whatever could be wrong, goes wrong. The architect is asked to come out with a plan that doesn't work for the new house, after the original one is razed. As one problem leads to another, more money is necessary, and whatever was going to be the original cost, ends up in an inflated price that Jim could not really afford.

The film is fun because of the three principals in it. Cary Grant was an actor who clearly understood the character he was playing and makes the most out of Jim Blandings. Myrna Loy, was a delightful actress who was always effective playing opposite Mr. Grant. The third character, Bill Cole, an old boyfriend of Myrna, turned lawyer for the Blandings, is suave and debonair, the way Melvin Douglas portrayed him. One of the Blandings girls, Joan, is played by Sharyn Moffett, who bore an uncanny resemblance to Eva Marie Saint. The great Louise Beavers plays Gussie, but doesn't have much to do.

The film is lovingly photographed by James Wong Howe, who clearly knew what to do to make this film appear much better. The direction of H.C. Potter is light and he succeeded in this film that will delight fans of classic comedies.\": {\"frequency\": 1, \"value\": \"Manhattan ...\"}, \"This is yet another tell-it-as-it-is Madhur Bhandarkar film. I am not sure why he has this obsession to show Child moles***ion and g*y concepts to the Indian filmy audience, but I find some of those scenes really disgusting! What's new? It is a nice piece put together by Bhandarkar, where he shows the story of an entertainment reporter played by leading lady in the famous film, Mr & Mrs Iyer. What makes this movie different is, that it also covers the stories of people that this reporter interacts with or is friends with, such as her roomies, her colleagues, film stars, models, rich people and others featured in the Entertainment Page#3 in her newspaper.

Noticeable: It is another good performance from Mrs Iyer. She is likely to be noticed for this role. She does selective roles but shines in them. She is noticeably de-glamorized and less beautiful in this film. But then, entertainment reporters are not supposed to outshine the people they cover, right? Verdict: Madhur has come up with another good movie, that brings social issues to the limelight very nicely. However, this movie loses focus and one is not sure what the director is trying to convey.

Is he trying to show us the glitz and glamor of the rich people? or is he trying to show us the life of an entertainment reporter and contrasting that with the life of the REAL crime reporter? Is he trying to tell us how the government and rich folks rule the press? or is he trying to illustrate the issues with child abuse and g*y folk. The other concepts brought forth include the unwritten rule that young women have to sleep with directors or co-stars, if they wish to enter Bollywood.

In addition, he talks about how flight assistants get sick and tired of their jobs after a while and resort to extreme measures by marrying much elder people, etc. He also talks about unhappy women and spoilt kids in rich families.

This was all okay for me.. but might be too complex for an average movie-goer, who just wants to relieve some stress from day to day work\": {\"frequency\": 1, \"value\": \"This is yet ...\"}, \"This is an excellent film dealing with a potentially exploitative subject with great sensitivity. Anne Reid, previously best known in the UK for her TV roles including 'Dinnerladies' (a Victoria Wood scripted series on in-company catering workers, if you're wondering), gives a performance of finely judged understatement as May, a late-60s bereaved mother of two chattering class adults in an inner-London borough. Her husband Toots (Peter Vaughan) dies on their visit to the male of the latter species (Bobby), and we see the pair being rather casually greeted by Bobby and his family. May's teacher daughter Paula (Cathryn Bradshaw) lives nearby, however, and the relationship between May and Paula initially appears closer. Thus when May decides she cannot live in her own home and comes back to London, she is able to stay in Paula's house and do some child-minding of Paula's more appreciative offspring.

It is on May's visits to Bobby's house that she embarks on an affair with Darren, a mid-30s friend of Bobby who is working on a house extension. In what may be the first mainstream British film to so portray it, it is May and not Darren (Daniel Craig*) who initiates the encounter, and, at least to begin with, it seems that the relationship is founded on mutual respect. There is no explicit sexual content (at least in the DVD I saw: differences in the IMDb cast list suggests the existence of other versions), and the physical basis of the affair is handled directly but not exploitatively. More strongly portrayed is the relationship between May and daughter Paula, a recent convert to 'therapy and self-exploration', who announces that mummy has never been supportive of her. Paula is also Darren's lover, and when she finds May's explicit but rather poor drawings of Darren and May together, things go downhill in dramatic but controlled fashion. Only in an English film, perhaps, could a daughter announce that she is going to hit her mother, politely ask her to stand up, and duly wallop her.

In the mean time, May is being drawn into a putative relationship with a decent but older (of her own generation) member of Paula's writing group. The contrast between the ensuing unwanted intercourse and her affair with Darren is clearly made; it is at that point that May starts to acquiesce to Paula, and Darren's worm begins to turn (he reveals on cocaine that he may have been after her money, if not all along, but for some of the ride). So May finds herself superfluous to both of her children's needs, and finally does return home (but later leaves on a jet plane for pastures new).

The film's strength is that it portrays with unflinching but sympathetic truth the nature of contemporary adult parent-sibling relationships, where bereavement may leave the surviving parent feeling more alone than if they had no-one to care for them. This is not new, but the openness of the portrayal of sexual need in the over-60s may well be. The darkness of the film's content, from a screenplay by Hanif Kureishi, stands in contrast to the way in which it is lit (it seems to be perpetual summer), and the overall mood is uplifting - it could so easily have been yet another piece set in a dour and rainy England. The ending is perhaps under-written, as we don't know where May is going or for how long - perhaps she's Shirley Valentine with a pension, she's certainly no Picasso. Anne Reid is, however, revealed as a fine actor whose professional life will surely have changed forever. Like Julie Andrews in Torn Curtain (said by Paul Newman), \\\"There goes your Mary Poppins {read Dinnerladies} image for good\\\".

* Yes, he: announced Oct 2005 as the new James Bond.\": {\"frequency\": 1, \"value\": \"This is an ...\"}, \"I saw The Big Bad Swim at the 2006 Temecula film festival, and was totally caught off guard by how much I was drawn into it.

The film centers around the lives of a group of people taking an adult swim class for various reasons. A humorous idea in its own right, the class serves as a catalyst for greater changes in the students' lives.

What surprised me about the film was how real it felt. Rarely in ensemble pieces are characters treated so well. I enjoyed the scenes in the class immensely, and the drama that took place outside was very poignant. Nothing seemed out of place or out of character, and ultimately it left a very strong feeling, much like attending school or summer camp - where you find fast friends, form strong bonds, and make discoveries about yourself, yet have to depart all too soon.

My only complaint was that the character of Paula had a very strong and unusual introduction, which made you want to know a little more about her than was ultimately revealed. I suppose you don't get to meet everyone in class, though...

Aside from this, I found the film very well-rounded and quite enjoyable. See it if you get the opportunity.\": {\"frequency\": 1, \"value\": \"I saw The Big Bad ...\"}, \"Geez! This is one of those movies that you think you previously reviewed but you didn't. I mean, you didn't give a crap about it but somehow it came to your mind.

To be honest and brief; this is one of the worst, boring, and stupid slashers ever made. I can't say anything good about this piece of crap because there are barely decent sequences that could tell it's made by professional film makers.

The death scenes are horrible, bloodless, stupid. The plot is somehow good taking in account that it copied \\\"Popcorn\\\" from 1991.

To make things even worse, this isn't a movie so bad that it's good. It's just plain bad.

Molly Ringwald tried to do her best but it wasn't enough.\": {\"frequency\": 1, \"value\": \"Geez! This is one ...\"}, \"Simply, I found the TV show \\\"Mash\\\" trite, preachy, oh ever so \\\"politically correct\\\", repetitious, pretentious and biggest sin of all, and that is,? that it is (was) incredibly dull. You have Alan Alda as the main lead, \\\"(star)\\\", who is so in love with himself and his cleverness, that it actually made me uncomfortable to even try and sit through an episode. The original series had both McLean Stevson, and Wayne Rogers, whom I'll happily admit had a certain panache and style to their character presentation. However, Harry (Henry) Morgan, and Mike Farrell, both singularly and compositely together is like eating caviar and fresh oysters with Wonder Bread. Loretta Swit, which I also found dull, also to no fault of her own wasn't a wonder to look at, and Gary Burghoff, who was good in the movie got tired looking and acting as the show wore on. Seeing one show a year showed that to me. Jamie Farr was just low brow \\\"comedy\\\" and is not even worth really mentioning here at all. The reason I did not give it a (one) rating, which anyone reading this by now would be wondering, is that ratings of any sort is not only a subjective call, but a relative one. Television, except for relatively few exceptions, is such crud. That relatively speaking, Mash had some production quality, (by television standards) of that era and today, and therefore it is deserved of a two. Rob Ritter\": {\"frequency\": 1, \"value\": \"Simply, I found ...\"}, \"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\": {\"frequency\": 1, \"value\": \"I bought this ...\"}, \"Oh where to begin. The cinematography was great. When the movie first started because of the initial landscape scenes I thought that I was in for a good movie. Then the cgi Bigfoot showed up .It looked like a cartoon drawing of the Lion king and king Kong's love child.It totally took away from the believability of the character.Now I knew there wasn't a Bigfoot chasing people hiking around the woods for no apparent reason but a cheesy cgi cartoon.So from then on the whole movie was shot for me.The money they flushed down the toilet for the cgi they could of spent on a costume like roger Patterson did. His was the best Bigfoot costume ever no one else could match his.I am a hardcore cheesy Bigfoot movie fan and I was warned about this movie but my compulsion led me to watching this movie and I was disappointed like the previous reviews warned me about. I know after you read this review you will still say \\\"I must watch Sasquatch hunters,must watch Sasquatch hunters.\\\" Then you will say why did I waste my good hard earned money on such a excruciatingly bad boring movie!\": {\"frequency\": 1, \"value\": \"Oh where to begin. ...\"}, \"This is an amazing movie from 1936. Although the first hour isn't very interesting (for the modern viewer), the stylish vision of the year 2036 that comes afterwords makes up for it. However, don't plan on being able to understand all of the dialog - the sound quality and accents (it's American - but \\\"1930s\\\" American) make it difficult.

Basically, the story is a sweeping 100 year look at a fictional US town called \\\"Everytown\\\". It spans from 1936, when a war is on the horizon, to 2036, when technology leaps forward and creates its own problems.

The first one hour is a bit slow - although it's tough to tell what audiences back then would have thought. The events, suspense and visuals are pretty low-key in today's terms. However, when it gets to the future, it's just plain fun to watch. The large sets and retro sci-fi look of everything is hard to beat.

Unless you have great listening abilities, this movie is hard to listen to. I think I understood only 80% of the dialog. It could use closed-captioning.

If you're a sci-fi fan, this is one of the genre's classics and is a must see (well, at least after the first hour). For the average viewer, wait until there's a closed caption version and then watch it if you're comfortable with movies of this time period.\": {\"frequency\": 1, \"value\": \"This is an amazing ...\"}, \"This, and Immoral Tales, both left a bad taste in my mouth. It seems to me that Borowczyk is disgusted by sex, and these two films are cautionary tales about what will happen if you do have sex. As a film, it's not very well done -- some of the acting is truly epically bad (such as the \\\"American\\\" woman with the French accent). The young woman's sudden flip-flop from being anxious about the marriage to being interested (when it seems like it should have been the other way around), and the aunt's sudden realization of the young man's secret don't make sense -- they're not explained at all. I also didn't like how the daughter's relationship with a black man was presented as a sign of her family's perversion or predilection for bestiality. The central idea, the idea that there's this \\\"sexy beast,\\\" if you will, that lives in the woods, could have been a foundation for a perverse but fun story, but instead is just used as a basis for a nasty, sex-negative, morality play.\": {\"frequency\": 1, \"value\": \"This, and Immoral ...\"}, \"I gave 1 to this film. I can't understand how Ettore Scola,one of the greater directors of Italian cinema, made a film like this, so stupid and ridiculous! All the stories of the people involved in the movie are unsubstantial,boring and not interesting. Too long,too boring. The only things I save in this movie are Giancarlo Giannini and Vittorio Gasmann. Hope that Scola will change radically themes and style in his next film.\": {\"frequency\": 1, \"value\": \"I gave 1 to this ...\"}, \"As you probably already know, Jess Franco is one prolific guy. Hes made hundreds upon hundreds of films, many of which are crap. However, he managed to sneak in an occasionally quality work amongst all the assembly line exploitation. \\\"Succubus\\\" isn't his best work (thats either \\\"The Diabolical Dr. Z\\\" or \\\"Vampyros Lesbos\\\"), but it has many of his trademarks that make it a must for anyone interested in diving into his large catalog. He combines the erotic (alternating between showing full-frontal nudity and leaving somethings left to the imagination) and the surreal seamlessly. This is a very dreamlike film, full of great atmosphere. I particularly liked the constant namedropping. Despite coming off as being incredibly pretentious, its amusing to hear all of Franco's influences.

Still, there are many users who don't like \\\"Succubus\\\" and I can see where they're coming from. Its leisurely paced, but I can deal with that. More problematic is the incoherency. The script here was obviously rushed, and within five minutes into the film I had absolutely no idea what was going on (and it never really came together from that point on). Those who want some substance with their style, look elsewhere. Also, if its a horror film, it never really becomes scary or even suspenseful. Still, I was entertained by all the psychedelic silliness that I didn't really mind these major flaws all too much. (7/10)\": {\"frequency\": 1, \"value\": \"As you probably ...\"}, \"I went into The Straight Story expecting a sad/happy type drama with nice direction and some good acting. These I got. What I wasn't expecting was an allegory for the trials of human existence. Leave it to Lynch to take a simple story about a 300 mile trip on a lawnmower and turn it into a microcosm for the human condition.

If you didn't notice, watch it again, paying attention to the ages of the people Alvin meets, the terrain he's driving through, the reactions people give him, the kinds of discussions he has (one of the first is about pregnancy and children, one of the last is outside of a cemetery). The last road he drives down is particulary haunting in this context, as it narrows and his fear and nervousness mount. The last mechanical failure could be seen as a death, and the miraculous rebirth of his engine relating to an afterlife, in which he achieves the desired reunion.

I only hope some of the people who branded this as a slow sappy melodrama take the time to watch with a more holistic attention.\": {\"frequency\": 1, \"value\": \"I went into The ...\"}, \"Preminger's adaptation of G. B. Shaw's ''Saint Joan''(screenplay by Graham Greene) received one of the worst critical reactions in it's day. It was vilified by the pseudo-elite, the purists and the audiences was unresponsive to a film that lacked the piety and glamour expected of a historical pageant. As in ''Peeping Tom'', the reaction was malicious and unjustified. Preminger's adaptation of Shaw's intellectual exploration of the effects and actions surrounding Joan of Arc(her actual name in her own language is Jeanne d'Arc but this film is in English) is totally faithful to the spirit of the original play, not only on the literal emotional level but formally too. His film is a Brechtian examination of the functioning of institutions, the division within and without of various factions all wanting to seize power. As such we are not allowed to identify on an emotional level with any of the characters, including Joan herself.

As played by Jean Seberg(whose subsequent life offers a eerie parallel to her role here), she is presented as an innocent, a figure of purity whose very actions and presence reveals the corruption and emptiness in everyone. As such Seberg plays her as both Saint and Madwoman. Her own lack of experience as an actress when she made this film(which does show up in spots) conveys the freshness and youth of Jeanne revealing both the fact that Jeanne la Pucelle is a humble illiterate peasant girl who strode out to protect her village and her natural intelligence. By no means did she deserve the harsh criticism that she got on the film's first release, it's a performance far beyond the ken and call of any first-time actress with no prior acting experience. Shaw and Preminger took a secular view towards Joan seeing her as a medieval era feminist, not content with being a rustic daughter who's fate is to be married away or a whore picked up by soldiers to and away from battlefields. Her faith, her voices, her visions which she intermingles with words such as \\\"imagination\\\" and \\\"common sense\\\" leads her to wear the armour of her fellow soldiers to lead them to battle to chase the invading Englishman out of France.

And yet it can be said that the film is more interested in the court of the Dauphin(Richard Widmark), the office of the clergy who try Joan led by Pierre Cauchon(Anton Walbrook, impeccably cast) and the actions of the Earl of Warwick(John Gielgud) then in Joan herself. The superb ensemble cast(all male) portray figures of scheming, Machievellian(although the story precedes Niccolo) opportunists who treat religion as a childish toy to be used and manipulated for their own ends. The sharp sardonic dialogue gives the actors great fun to let loose. John Gielgud as the eminently rational Earl whose intelligence,(albeit accompanied by corruption), allows him to calculate the precise manner in which he can ensure Joan gets burnt at the stake and Anton Walbrook's Pierre Cauchon brings a three dimensional portrait to this intelligent theologian who will give Joan the fair trial that will certainly find her guilty. Richard Widmark as the Dauphin is a real revelation. As against-type a casting choice you'll ever find, Widmark portrays the weak future ruler of France in a frenzied, comic caricature that's as close as this film comes to comic relief. A comic performance that feels like an imitation of Jerry Lewis far more than an impetuous future ruler of France.

Preminger shot ''Saint Joan'' in black and white, the cinematographer is Georges Perinal who worked with Rene Clair and who did ''The Life and Death of Colonel Blimp'' in colour. It's perfectly restrained to emphasize the rational intellectual atmosphere for this film. Preminger's preference for tracking shots of long uninterrupted takes is key to the effectiveness of the film, there's no sense of a wasted movement anywhere in his mise-en-scene.

It also marks the direction of Preminger's most mature(and most neglected period) his focus is on the conflict between individuals and the institutions in which they work, how the institution function and how the individual acts as per his principles. These themes get their most direct treatment in his film and as always he keeps things unpredictable and finds no black and white answers. This is one of his very best and most effective films.\": {\"frequency\": 1, \"value\": \"Preminger's ...\"}, \"Zodiac Killer. 1 out of 10. Worst acting ever. No really worst acting ever. David Hess (Last House on the Left\\ufffd\\ufffd. No the one from the seventies\\ufffd\\ufffd. Rent it it's really good) is the worst of the bunch (Pretty stiff competition but he is amazingly god-awful.) One would be hard pressed to find a home movie participant with such an awkward camera presence. The film actually screeches to a stunning painful halt when he is on the screen.

Not that the film actually has any redeeming qualities for Mr. Hess to ruin. It is filmed with a home movie camera and by the looks of things a pretty old one complete with attached boom mike. No post production either. Come on there has to be some shovelware a five year old computer could use that could clean up this picture. Throw in bizarre stock footage pictures of autopsy's and aircraft carrier takeoffs and this is one visually screwed up picture. The autopsy pictures are interjected the way Italian cannibal films interject those god-awful real life animal killings. And the Navy footage is supposed to be some anti war statement (Cause we know all the bloodthirsty maniacs join the Navy) What in the world is Lion's Gate is doing releasing this garbage? It would embarrass Troma. The plot is about the Zodiac Killer (Last seen in Dirty Harry \\ufffd\\ufffd. No the one from the seventies\\ufffd\\ufffd. Rent it it's really good) Somebody gets shot in the stomach in LA and the cops assume the Zodiac Killer is back? Uh-huh. What can you expect from a movie that doesn't know that DSM IV is a book not a psychiatric disorder and where the young killer older man relationship resembles that of a congressional page and closeted congressman? Yeah eighties haircuts and production values meet a Nambla subplot. Sign me up.\": {\"frequency\": 1, \"value\": \"Zodiac Killer. 1 ...\"}, \"I found 'Time At The Top' an entertaining and stimulating experience. The acting, while not generally brilliant, was perfectly acceptable and sometimes very good. As a film obviously aimed at the younger demographic, it is certainly one of the better works in the genre (Children's Sci-Fi). Normally, I would say that Canada, the United Kingdom and Australia produce the best movies and TV shows for children, and 'Time At The Top' does nothing to discount this theory! I don't think that continuity and great acting are important to younger people. A good plot and an imaginative screenplay are far more important to them. Both are in abundance in this film. The special effects are good, without detracting from the story, or closing the viewers off from their own imaginations. It would have been very easy to inject an over-load of SFX in this film, but it would have totally destroyed its entire 'Raison D'etre'.

The settings and camera work are of a very high standard in this movie, and complement the fine wardrobe and historical accuracy. Overall, this film is highly satisfactory, and I recommend it to all viewers who can see the world through children's eyes, or those that try to, like myself! Now, I really must read the original book, as soon as possible.\": {\"frequency\": 1, \"value\": \"I found 'Time At ...\"}, \"Nothing will ruin a movie as much as the combination of a poor script and poor direction. This is the case with \\\"The Mummy's Tomb.\\\"

The script is leftover ideas from older, better Universal horror flicks like \\\"Dracula\\\" and \\\"Frankenstein.\\\" The direction is trite and stale. The acting is mediocre. Even Chaney's Kharis is feeble compared to Tom Tyler's in \\\"The Mummy's Hand,\\\" and the producers are foolish enough to add footage from Christy Cabanne's vastly better prequel and point up the weakness of their own film!

Universal realized how bad this movie was, and essentially remade it from scratch two years later as \\\"The Mummy's Ghost\\\" with a much better script and better director. The result was likely the best film in their four film \\\"Mummy\\\" cycle, although not anywhere near as good as Karl Freund's 1932 original.

Cabanne's footage raises this film to a 3. The \\\"new\\\" stuff is a 2 at best. Dick Foran and Wallace Ford were probably glad to see their characters bumped off so they wouldn't have to appear in dreck like this anymore!\": {\"frequency\": 1, \"value\": \"Nothing will ruin ...\"}, \"Admittedly, I find Al Pacino to be a guilty pleasure. He was a fine actor until Scent of a Woman, where he apparently overdosed on himself irreparably. I hoped this film, of which I'd heard almost nothing growing up, would be a nice little gem. An overlooked, ahead-of-its-time, intelligent and engaging city-political thriller. It's not.

City Hall is a movie that clouds its plot with so many characters, names, and \\\"realistic\\\" citywide issues, that for a while you think its a plot in scope so broad and implicating, that once you find out the truth, it will blow your mind. In truth, however, these subplots and digressions result ultimately in fairly tame and very familiar urban story trademarks such as Corruption of Power, Two-Faced Politicians, Mafia with Police ties, etc. And theoretically, this setup allows for some thrilling tension, the fear that none of the characters are safe, and anything could happen! But again, it really doesn't.

Unfortunately, the only things that happen are quite predictable, and we're left with several \\\"confession\\\" monologues, that are meant as a whole to form modern a fable of sorts, a lesson in the moral ambiguity of the \\\"real world\\\" of politics and society. But after 110 minutes of names and missing reports and a spider-web of lies and cover-ups, the audience is usually treated to a somewhat satisfying reveal. I don't think we're left with that in City Hall, and while it's a very full film, I don't find it altogether rich.\": {\"frequency\": 1, \"value\": \"Admittedly, I find ...\"}, \"This obvious pilot for an unproduced TV series features young Canadian actress Shiri Appleby as an amnesiac with some pretty incredible powers that must be put to use when a man-turned-flying demon is let loose on the world. The CGI is par for a TV job, and Appleby is OK as an amnesiac but hard to swallow as a superheroine. Familiar TV face Richard Burgi is along for the ride as Appleby's mentor, but he can do nothing to elevate this dreck above the mediocre level. We see way too much of the cartoonish flying demon right from the start, a bad sign. Also, the scenes where Burgi is training Appleby for battle are actually laughable. They are a bad copy of similar scenes in several other movies, most notably REMO WILLIAMS.\": {\"frequency\": 1, \"value\": \"This obvious pilot ...\"}, \"This one is just like the 6th movie. The movie is really bad. It offers nothing in the death department. The one-liners are bad and are something that shouldn't be in a NOES movie. Freddy comes off as a happy child in the whole movie. Lisa Wilcox is still the only thing that makes this one worth while. The characters are extremely underdeveloped. All in all better than the 6th one, but still one the worst movies of the series. My rating 2/10\": {\"frequency\": 1, \"value\": \"This one is just ...\"}, \"What is contained on this disk is a first rate show by a first rate band. This disc is NOT for the faint of heart...the music is incredibly intense, and VERY cool. What you will learn when you watch this movie is just why the Who was so huge for so long. It is true that their records were great, but their shows were the top of the heap. In 1969 when this concert was shot, the screaming teenie boppers that threw jelly beans at the Beatles were gone and bands (and audiences) had settled down to long and often amazing displays of musical virtuosity--something that few audiences have the intellectual curiosity to pursue in the age of canned music by Britney and Christina. What you especially learn here are the amazing things that can happen when gifted musicians are encouraged to improvise. Try the concert out, it really is amazing.\": {\"frequency\": 1, \"value\": \"What is contained ...\"}, \"For me too, this Christmas special is one that I remember very fondly. In 1989, I snatched up the 2 CDs I found of the soundtrack recording, giving one to my sister and keeping the other for myself. It's part of my family's Christmas tradition now, and I would love to be able to actually see the show again rather than just remember it as I listen.

It has been noted elsewhere that John Denver made a number of appearances on the Muppet Show, and they did more than one special together. The good rapport between Denver and his fuzzy companions comes through clearly here, in a charming and fun show that is good for all ages.\": {\"frequency\": 1, \"value\": \"For me too, this ...\"}, \"This TV film tells the story of extrovert Frannie suddenly returning to Silk Hope to visit friends and family, but unaware of her mother's death. Her sister runs the family home, but is intending to sell it and move away with her new husband. Frannie strongly objects to the idea, and vows to keep the family heirloom as it were, by getting a job and maintaining responsibility.

In comes handsome Ruben and the two soon fall in love (as you do), and it's from this point that I sort of lost interest....

There is more to Farrah Fawcett than just the blonde hair and looks, she can portray a character extremely convincingly when she puts her mind to it - and it is certainly proved here as well as some of her previous efforts like Extremities and Small Sacrificies - a great performance from the legendary Charlie's Angel.

Silk Hope is the type of film that never shies away from its cheap and cheerful TV image, and you know there was a limit to the budget, but it's not the worst film ever made. The positive aspects are there; you just have to find them.\": {\"frequency\": 1, \"value\": \"This TV film tells ...\"}, \"I loved this movie. First, because it is a family movie. Second, because it offers a refreshing take on dealing with the news of HIV in a family, with far less hysteria than what I have normally seen in the movies. The brothers are very close, yet are not judgmental. Their desire to protect the youngest brother is noble, but not needed in the end. I understand that Leo's choice on how to deal with his treatment may not have been the most popular one with people, but I believed it was the right choice for him. I can't believe that this was a french television programme. It had great production values. I gave this movie a ten, and I think you will too, once you have seen it.\": {\"frequency\": 1, \"value\": \"I loved this ...\"}, \"I remember the original series vividly mostly due to it's unique blend of wry humor and macabre subject matter. Kolchak was hard-bitten newsman from the Ben Hecht school of big-city reporting, and his gritty determination and wise-ass demeanor made even the most mundane episode eminently watchable. My personal fave was \\\"The Spanish Moss Murders\\\" due to it's totally original storyline. A poor,troubled Cajun youth from Louisiana bayou country, takes part in a sleep research experiment, for the purpose of dream analysis. Something goes inexplicably wrong, and he literally dreams to life a swamp creature inhabiting the dark folk tales of his youth. This malevolent manifestation seeks out all persons who have wronged the dreamer in his conscious state, and brutally suffocates them to death. Kolchak investigates and uncovers this horrible truth, much to the chagrin of police captain Joe \\\"Mad Dog\\\" Siska(wonderfully essayed by a grumpy Keenan Wynn)and the head sleep researcher played by Second City improv founder, Severn Darden, to droll, understated perfection. The wickedly funny, harrowing finale takes place in the Chicago sewer system, and is a series highlight. Kolchak never got any better. Timeless.\": {\"frequency\": 1, \"value\": \"I remember the ...\"}, \"This is it. This is the one. This is the worst movie ever made. Ever. It beats everything. I have never seen worse. Retire the trophy and give it to these people.....there's just no comparison.

Even three days after watching this (for some reason I still don't know why) I cannot believe how insanely horrific this movie is/was. Its so bad. So far from anything that could be considered a movie, a story or anything that should have ever been created and brought into our existence.

This made me question whether or not humans are truly put on this earth to do good. It made me feel disgusted with ourselves and our progress as a species in this universe. This type of movie sincerely hurts us as a society. We should be ashamed. I really cannot emphasize that our global responsibility as people living here and creating art, is that we need to prevent the creation of these gross distortions of our reality for our own good. It's an embarrassment. I don't know how on earth any of these actors, writers, or the director of this film sleeps at night knowing that they had a role in making \\\"Loaded\\\". I don't know what type of disgusting monsters enjoy watching these types of movies.

That being said, I love a good \\\"bad\\\" movie. I love Shark Attack 3, I love Bad Taste, they are HILARIOUS. I tell all my friends to see them because they are \\\"bad\\\".

But this.......this crosses the line of \\\"bad\\\" into a whole new dimension. This is awkward bad. This is the bad where you know everything that is going to happen, every line, every action, every death, every sequence BEFORE they happen; and not just like a second or two before, I mean like, after watching the first 5 minutes before.

Every cheesy editing \\\"effect\\\" is shamelessly used over and over again to a sickening point. I really never want to see the \\\"shaky\\\" camera \\\"drug buzz rush\\\" effect or jump cuts or swerve cuts or ANY FANCY CUT EVER AGAIN EVER. This is meticulously boring, repetitive and just tortures the audience.

But.......and let me be specific here, the most DISTURBING thing about this movie is that given the production, it appears that a somewhat decent amount of money was actually put into this excrement. I personally will grab the shoulders of the director if I ever see him and shake him into submission, demanding that he run home and swallow two-gallons of Drain-O or I will do it for him.

If we ever needed a new form of inhumane torture for our war prisoners abroad, just keep showing them this movie in a padded cell over and over again. Trust me, I think they will become more extravagant with suicide methods after the 72nd time of sitting through this.

Stop these movies, they are just the most vile of all facets of our society. Please. Stop. NOW.\": {\"frequency\": 1, \"value\": \"This is it. This ...\"}, \"I used to watch this on either HBO or Showtime or Cinemax during the one summer in the mid 90's that my parents subscribed to those channels. I came across it several times in various parts and always found it dark, bizarre and fascinating. I was young then, in my early teens; and now years later after having discovered the great Arliss Howard and being blown away by \\\"Big Bad Love\\\" I bought the DVD of \\\"Wilder Napalm\\\" and re-watched it with my girlfriend for the first time in many years. I absolutely loved it! I was really impressed and affected by it. There are so many dynamic fluid complexities and cleverness within the camera movements and cinematography; all of which perfectly gel with the intelligent, intense and immediate chemistry between the three leads, their story, the music and all the other actors as well. It's truly \\\"Cinematic\\\". I love Arliss Howard's subtle intensity, ambivalent strength and hidden intelligence, I'm a big fan of anything he does; and his interplay with Debra Winger's manic glee (they are of course married) has that magic charming reality to it that goes past the camera. (I wonder if they watch this on wedding anniversaries?.......\\\"Big Bad Love\\\" should be the next stop for anyone who has not seen it; it's brilliant.) And, Dennis Quaid in full clown make-up, sneakily introduced, angled, hidden and displayed by the shot selection and full bloomed delivery is of the kind of pure dark movie magic you don't see very often. Quaid has always had a sinister quality to him for me anyways, with that huge slit mouth span, hiding behind his flicker eyes lying in wait to unleash itself as either mischievous charm or diabolical weirdness (here as both). Both Howard and Quaid have the insane fire behind the eyes to pull off their wonderful intense internal gunslinger square-offs in darkly cool fashion. In fact the whole film has a darkly cool energy and hip intensity. It's really a fantastic film, put together by intelligence, imagination, agility and chemistry by all parties involved. I really cannot imagine how this got funded, and it looks pretty expensive to me, by such a conventional, imagination-less system, but I thank God films like this slip through the system every once in awhile. In a great way, with all of its day-glo bright carnival colors, hip intelligence, darkly warped truthful humor and enthralling chemistry it reminds me of one of my favorite films of all time: \\\"Grosse Pointe Blank\\\".......now that's a compliment in my book!\": {\"frequency\": 1, \"value\": \"I used to watch ...\"}, \"No wonder that the historian Ian Kershaw, author of the groundbreaking Hitler biography, who originally was the scientific consultant for this TV film, dissociated himself from it. The film is historically just too incorrect. The mistakes start right away when Hitler`s father Alois dies at home, while in reality he died in a pub. In the film, Hitler moves from Vienna to Munich in 1914, while in reality he actually moved to Munich in 1913. I could go on endlessly. Hitler`s childhood and youth are portrayed way too short, which makes it quite difficult for historically uninformed people to understand the character of this frustrated neurotic man. Important persons of the early time of the party, like Hitler`s fatherly friend Dietrich Eckart or the party \\\"philosopher\\\" Alfred Rosenberg are totally missing. The characterization of Ernst Hanfstaengl is very problematic. In the film he is portrayed as a noble character who almost despises Hitler. The script obviously follows Hanfstaengl`s own gloss over view of himself which he gave in his biography after the war. In fact, Hanfstaengl was an anti-semite and was crazy about his \\\"Fuehrer\\\". But the biggest problem of the film is the portrayal of Hitler himself. He is characterized as someone who is constantly unfriendly,has neither charisma nor charm and constantly orders everybody around. After watching the film, one wonders, how such a disgusting person ever was able to get any followers. Since we all know, what an evil criminal Hitler was, naturally every scriptwriter is tempted to portray Hitler as totally disgusting and uncharismatic. But facts is, that in private he could be quite charming and entertaining. His comrades didn`t follow him because he constantly yelled at them, but because they liked this strange man. Beyond all those historical mistakes, the film is well made, the actors are first class, the location shots and the production design give a believable impression of the era.\": {\"frequency\": 1, \"value\": \"No wonder that the ...\"}, \"I haven't written a review on IMDb for the longest time, however, I felt myself compelled to write this! When looking up this movie I found one particular review which urged people NOT to see this film. Do not pay any attention to this ignorant person! NOTHING is a fantastic film, full of laughs and above all... imagination! Aren't you sick and tired of being force fed the same old cycle of bubble-gum trash movies? Sometimes a film like NOTHING comes along and gives you something you have never seen before. I don't even care if you dislike (even hate) the movie, but no one has a right to discredit the film. IMDb has a monumental impact on reputations and no negative review should discredit the film like that. Just say you hate it and why you hate it... but don't try to tell people that they shouldn't watch it. We have minds of our own and will make up our own minds thank you.

If my judgment is any good, I'd say that more people will enjoy this movie as opposed to those who hate it.

Treat your mind to a bit of eye-candy! See NOTHING!\": {\"frequency\": 1, \"value\": \"I haven't written ...\"}, \"This movie could have been very good, but comes up way short. Cheesy special effects and so-so acting. I could have looked past that if the story wasn't so lousy. If there was more of a background story, it would have been better. The plot centers around an evil Druid witch who is linked to this woman who gets migraines. The movie drags on and on and never clearly explains anything, it just keeps plodding on. Christopher Walken has a part, but it is completely senseless, as is most of the movie. This movie had potential, but it looks like some really bad made for TV movie. I would avoid this movie.\": {\"frequency\": 1, \"value\": \"This movie could ...\"}, \"I first saw BLOOD OF THE SAMURAI at its premiere during the Hawaii International Film Festival. WOW! Blood just blew us away with its sheer verve, gore, vitality, gore, excitement, gore, utter campiness, and even more gore, and all in SUCH GREAT FUN! Especially for those of you who enjoy all those Japanese chambara samurai and ninja films, YOU DEFINITELY HAVE TO SEE BLOOD!\": {\"frequency\": 1, \"value\": \"I first saw BLOOD ...\"}, \"The Gang of Roses. \\\"Every rose has its thorns.\\\"

A mix of old western and hip hop, blended perfectly together. The clothing styles, the scenery, and the plot are all suited to what the director wanted.

Plot - in five years, they robbed twenty-seven banks and then vanished without a trace. Now, a small western town is under siege, and one of the first victims is Rachel's sister. The Rose Gang is ready to ride again. And this time it's personal.

Rachel (Michael Calhoun), Chastity (Lil' Kim), Maria (Lisaraye), Zang Li (Marie Matiko) and Kim (Stacey Dash), five gunslinging women who split up after five years of riding together. When Rachel's sister is killed, she ends up rounding up her friends once again and riding on a trail of vengeance.

A good, muck around version of western. (If you've seen Bad Girls, well this is a little bit better in the ways of the female characters).

I gave it 10/10 because the characters, plot and scenery made it for me.\": {\"frequency\": 1, \"value\": \"The Gang of Roses. ...\"}, \"Gino Costa (Massimo Girotti) is a young and handsome drifter who arrives in a road bar. He meets the young, beautiful and unsatisfied wife Giovanna Bragana (Clara Calamai) and her old and fat husband Giuseppe Bragana (Juan de Landa), owners of the bar. He trades his mechanical skills by some food and lodging, and has an affair with Giovanna. They both decide to kill Giuseppe, forging a car accident. The relationship of them become affect by the feeling of guilty and the investigation of the police. This masterpiece ends in a tragic way. The noir and neo-realistic movie of Luchino Visconti is outstanding. This is the first time that I watch this version of `The Postman Always Rings Twice'. I loved the 1946 version with Lana Turner, and the 1981 version, where Jack Nicholson and Jessica Lange have one of the hottest sex scene in the history of the cinema, but this one is certainly the best. My vote is ten.\": {\"frequency\": 1, \"value\": \"Gino Costa ...\"}, \"After viewing \\\"Whipped\\\" at a distributor's screening at the AFM the other night, I have to say that I was thoroughly impressed. The audience was laughing all the way through. Unfortunately, every territory was already sold, so I did not have the opportunity to purchase the film, but I truly believe that it will be a big hit both domestically and over seas. I agree with the comment that \\\"Whipped\\\" should not be pitched as a male \\\"Sex and the City,\\\" mainly because unlike \\\"Sex and the City,\\\" \\\"Whipped\\\" is a satire about dating that never takes itself too seriously. \\\"Whipped\\\" pokes fun at relationships in a way that most sex comedies wouldn't dare. Also, the film that I screened at the AFM had more of a plot and story than \\\"Swingers,\\\" \\\"Clerks,\\\" and \\\"Sex and the City\\\" combined. \\\"Whipped\\\" never slowed down for a beat and provided the audience with non-stop comedy. The performances of Amanda Peet and the rest of the cast were all rock solid, which only made the film more impressive considering the budget.\": {\"frequency\": 1, \"value\": \"After viewing ...\"}, \"If Saura hadn't done anything like this before, Iberia would be a milestone. Now it still deserves inclusion to honor a great director and a great cinematic conservator of Spanish culture, but he has done a lot like this before, and though we can applaud the riches he has given us, we have to pick and choose favorites and high points among similar films which include Blood Wedding (1981), Carmen (1983), El Amore Brujo (1986), Sevillanas (1992), Salom\\ufffd\\ufffd (2002) and Tango (1998). I would choose Saura's 1995 Flamenco as his most unique and potent cultural document, next to which Iberia pales.

Iberia is conceived as a series of interpretations of the music of Isaac Manuel Francisco Alb\\ufffd\\ufffdniz (1860-1909) and in particular his \\\"Iberia\\\" suite for piano. Isaac Alb\\ufffd\\ufffdniz was a great contributor to the externalization of Spanish musical culture -- its re-formatting for a non-Spanish audience. He moved to France in his early thirties and was influenced by French composers. His \\\"Iberia\\\" suite is an imaginative synthesis of Spanish folk music with the styles of Liszt, Dukas and d'Indy. He traveled around performing his compositions, which are a kind of beautiful standardization of Spanish rhythms and melodies, not as homogenized as Ravel's Bolero but moving in that direction. Naturally, the Spanish have repossessed Alb\\ufffd\\ufffdniz, and in Iberia, the performers reinterpret his compositions in terms of various more ethnic and regional dances and styles. But the source is a tamed and diluted form of Spanish musical and dance culture compared to the echt Spanishness of pure flamenco. Flamenco, coming out of the region of Andalusia, is a deeply felt amalgam of gitane, Hispano-Arabic, and Jewish cultures. Iberia simply is the peninsula comprising Spain, Portugal, Andorra and Gibraltar; the very concept is more diluted.

Saura's Flamenco is an unstoppably intense ethnic mix of music, singing, dancing and that peacock manner of noble preening that is the essence of Spanish style, the way a man and a woman carries himself or herself with pride verging on arrogance and elegance and panache -- even bullfights and the moves of the torero are full of it -- in a series of electric sequences without introduction or conclusion; they just are. Saura always emphasized the staginess of his collaborations with choreographer Antonio Gades and other artists. In his 1995 Flamenco he dropped any pretense of a story and simply has singers, musicians, and dancers move on and off a big sound stage with nice lighting and screens, flats, and mirrors arranged by cinematographer Vittorio Storaro, another of the Spanish filmmaker's important collaborators. The beginnings and endings of sequences in Flamenco are often rough, but atmospheric, marked only by the rumble and rustle of shuffling feet and a mixture of voices. Sometimes the film keeps feeding when a performance is over and you see the dancer bend over, sigh, or laugh; or somebody just unexpectedly says something. In Flamenco more than any of Saura's other musical films it's the rapt, intense interaction of singers and dancers and rhythmically clapping participant observers shouting impulsive ol\\ufffd\\ufffd's that is the \\\"story\\\" and creates the magic. Because Saura has truly made magic, and perhaps best so when he dropped any sort of conventional story.

Iberia is in a similar style to some of Saura's purest musical films: no narration, no dialogue, only brief titles to indicate the type of song or the region, beginning with a pianist playing Albeniz's music and gradually moving to a series of dance sequences and a little singing. In flamenco music, the fundamental element is the unaccompanied voice, and that voice is the most unmistakable and unique contribution to world music. It relates to other songs in other ethnicities, but nothing quite equals its raw raucous unique ugly-beautiful cry that defies you to do anything but listen to it with the closest attention. Then comes the clapping and the foot stomping, and then the dancing, combined with the other elements. There is only one flamenco song in Iberia. If you love Saura's Flamenco, you'll want to see Iberia, but you'll be a bit disappointed. The style is there; some of the great voices and dancing and music are there. But Iberia's source and conception doom it to a lesser degree of power and make it a less rich and intense cultural experience.\": {\"frequency\": 1, \"value\": \"If Saura hadn't ...\"}, \"note to George Litman, and others: the Mystery Science Theater 3000 riff is \\\"I don't think so, *breeder*\\\".

my favorite riff is \\\"Why were you looking at his 'like'?\\\", simply for the complete absurdity. that, and \\\"Right well did not!\\\" over all, I would say we must give credit to the MST3K crew for trying to ridicule this TV movie. you really can't make much fun of the dialog; Bill S was a good playwright. on the other hand, this production is so bad that even he would disown it. a junior high school drama club could do better.

I would recommend that you buy a book and read 'Hamlet'.\": {\"frequency\": 1, \"value\": \"note to George ...\"}, \"Here Italy (I write from Venice). Why cancelated? The ABC should have given it a chance to build an audience. The cast (w/Hope Davis, Campbell Scott, Erika Christensen, Zoe Saldana, Jay Hernandez and Bridget Moynahan) is one of the best I've seen in recent. We need more shows like this that makes viewers feel like they are intelligent individuals not mindless drones. I hope that ABC will reconsider its decision or another station will pick it up. Please sign online petition to Abc: http://www.PetitionOnline.com/gh1215/petition.html Please sign online petition to Abc: http://www.PetitionOnline.com/gh1215/petition.html\": {\"frequency\": 1, \"value\": \"Here Italy (I ...\"}, \"From the beginning of the show Carmen was there. She was one of the best characters. Why did they get rid of her?! The show not the same as before. Its way worse.

The best episodes were with Carmen in them. You can't replace someone from the beginning! That is like South Park without Kyle or Child's Play without Chucky! It's not right! The niece who replaced her is just, ugh! Awful. She doesn't fit into the storyline at all. She was one of the main characters, and the niece can't replace her. She was an awesome actress. Way better than the niece. Get her back, or you'll lose a TON of viewers.\": {\"frequency\": 2, \"value\": \"From the beginning ...\"}, \"The minute you give an 'art film' 1/10, you have people baying for your ignorant, half-ass-ed, artistically retarded blood. I won't try and justify how I am not an aesthetically challenged retard by listing out all the 'art house cinema' I have liked or mentioning how I gave some unknown 'cult classic' a 10/10. All I ask is that someone explain to me the point, purpose and message of this film.

Here is how I would summarize the film: Opening montage of three unrelated urban legends depicting almost absurd levels of co-incidence. This followed by (in a nutshell, to save you 3 hours of pain) the following - A children's game show host dying of lung cancer tries to patch things up with his coke-addicted daughter, who he may or may not have raped when she was a child, and who is being courted by a bumbling police officer with relationship issues, while the game-show's star contestant decides that he doesn't want to be a failed child prodigy, a fate which has befallen another one of the game show contestants from the 60s, who we see is now a jobless homosexual in love with a bartender with braces and in need of money for 'corrective oral surgery', while the game show's producer, himself dying of lung cancer, asks his male nurse to help him patch up with the son he abandoned years ago, and who has subsequently become a womanizing self help guru, even as Mr. Producer's second wife suffers from guilt pangs over having cheated a dying man; and oh, eventually, it rains frogs (You read correctly). And I am sparing you the unbelievably long and pointless, literally rambling monologues each character seems to come up with on the fly for no rhyme or reason other than, possibly, to make sure the film crosses 3 hours and becomes classified as a 'modern epic'.

You are probably thinking that I could have done a better job of summarizing the movie (and in turn of not confusing you) if I had written the damn thing a little more coherently, maybe in a few sentences instead of just one... Well, now you know how I feel.\": {\"frequency\": 1, \"value\": \"The minute you ...\"}, \"I was really hoping that this would be a funny show, given all the hype and the clever preview clips. And talk about hype, I even heard an interview with the show's creator on the BBC World Today - a show that is broadcast all over the world.

Unfortunately, this show doesn't even come close to delivering. All of the jokes are obvious - the kind that sound kind of funny the first time you hear them but after that seem lame - and they are not given any new treatment or twist. All of the characters are one-dimensional. The acting is - well - mediocre (I'm being nice). It's the classic CBC recipe - one that always fails.

If you're Muslim I think you would have to be stupid to believe any of the white characters, and if you're white you'd probably be offended a little by the fact that almost all of the white characters are portrayed as either bigoted, ignorant, or both. Not that making fun of white people is a problem - most of the better comedies are rooted in that. It's only a problem when it isn't funny - as in this show.

Canada is bursting with funny people - so many that we export them to Hollywood on a regular basis. So how come the producers of this show couldn't find any?\": {\"frequency\": 1, \"value\": \"I was really ...\"}, \"If you like films about school bullies, brave children, hilarious toddlers and worm eating, then How to Eat Fried Worms will appeal to you.

The film is about a boy named Billy, who when arriving on his first day at a new school, discovers that some of his classmates have played a prank on him by putting worms into his lunch. The school bully, Joe and his \\\"team\\\" of friends start teasing Billy and calling him \\\"worm boy\\\".

Billy decides to play along by saying that \\\"he eats worms all the time\\\". Joe and his friends don't believe him but Billy assures them and bets Joe that he can eat ten worms in one day otherwise he will come to school with worms in his pants.

The boys take Billy up on his bet, leaving the weak stomached child with a mission to gain respect from his classmates by eating worms cooked, fried, or alive.

The film may sound gross but there are a lot of messages in it. For one, it portrays true friendship and how to accept people for who they are. It also shows you why some bullies resort to bullying other children.

The film's protagonist, Billy is a strong minded and brave person who all of us can relate to. It is easy to empathize with him as we silently cheer for him to reach his goal, even though we might not always agree with what he's doing or the choices he makes.

The children in the film are portrayed exactly how children are in real life and the film deserves a lot of credit for that. The child actors are the stars of this show, showing true emotion and feeling than most other children's movies portray.

Some adults may not enjoy this film but kids will, perhaps even teenagers.

There are hardly any other good movies on circuit at the moment, so if you're not in the mood to see snakes on a plane, try worms on a plate in How to Eat Fried Worms. It is a feel good fun film and not just Fear Factor for kids.\": {\"frequency\": 2, \"value\": \"If you like films ...\"}, \"As I said in my comment about the first part: These two movies are better than most Science Fiction Fans confess.

The scenario in the second movie is not that moving as we don't see the destruction of human civilization, but the aftermath, thousands of refugees fleeing in tiny space cans, protected by only one powerful spaceship.

But when Battlestar Pegasus appears, the story heats up, carrying the battle back to the Cylon Planets. Okay, it has a little bit of Mad Max because all they fight for is fuel for their spaceships to travel on to find the distant Earth, but it works for me. It is thrilling Science Fiction entertainment featuring fine actors and decent special effects (even though those tend to repeat themselves, to say the least :-) ).

I would have loved a continuation with Starbuck and Apollo on board. Instead, we got a second sequel with no name characters who proved that the story had worked before especially because the feature characters were so well-chosen...

So thumbs down for the productions of 1980, but thumbs up for the two movies from 1978.\": {\"frequency\": 1, \"value\": \"As I said in my ...\"}, \"Years ago, when I was a poor teenager, my best friend and my brother both had a policy that the person picking the movie should pay. And, while I would never pay to see some of the crap they took me to, I couldn't resist a free trip to the movies! That's how I came to see crap like the second Conan movie and NEVER SAY NEVER AGAIN! Now, despite this being a wretched movie, it is in places entertaining to watch--in a brain dead sort of way. And, technically the stunts and camera-work are good, so this elevates my rating all the way to a 2! So why is the movie so bad? Well, unlike the first Rambo movie, this one has virtually no plot, Rambo himself only says about 3 words (other than grunts and yells), there is a needless and completely irrelevant and undeveloped \\\"romance\\\" and the movie is one giant (and stupid) special effect. And what STUPIFYINGLY AWFUL special effects. While 12383499143743701 bullets and rockets are shot at Rambo, none have any effect on him and almost every bullet or arrow Rambo shoots hits its mark! And, while the bad guys are using AK-47s, helicopters and rockets, in some scenes all Rambo had is a bow and arrows with what seem like nuclear-powered tips!! The scene where the one bad guy is shooting at him as he slowly and calmly launches one of these exploding arrows is particularly made for dumb viewers! It was wonderfully parodied in UHF starring Weird Al. Plus, HOT SHOTS, PART DEUX also does a funny parody of the genre--not just this stupid scene.

All-in-all, a movie so dumb and pointless, it's almost like self-parody!\": {\"frequency\": 1, \"value\": \"Years ago, when I ...\"}, \"Now I myself am a lover of the B movie genre but this piece of trash insults me to no end. First of all the movie is starring Lizzy McGuire's brother as the annoying little kid that goes looking for his lost 3 legged dog. Now please what kind of dumb ass mistakes a three-legged dog for a god damn mutated crocodile please I ask you? And heres another point for pondering, why do they show the Dinocroc on the back of the movie box being enormous and actually in the water? I believe if memory serves the thing spent about 2.6 minutes in the water and was just shy of 6 feet tall, that was a heart breaker. But redeeming qualities to this movie were that it was so bad that i almost died laughing because believe me the bad acting made me wish for death. But the fact remains that once again this thing is created by another military testing site to train super crocodiles for military combat or something like that from the source of all things evil E.V.I.L Corporation. And let's not forget the characters let's see we have jerk off #1 as the male lead and half way decent chick (who doesn't know how to act) as the female lead to that I say WOW! The only thing worse then the acting was the end of course the heroes spend about what seems like 2 hours talking and planning some long elaborate way of killing the dinocroc only to have it fail and kill it in an ordinary way that could have taken about 15 seconds to come up with. All in all this movie was beyond gay with its random opera music in the background and the fact that it was probably the gayest of all CGI monsters ever made along with the fact it of course was impervious to bullets and bombs (otherwise it wouldn't have been made for the military DUH!). By far the best scene was when Lizzy McGuire's brother runs into the shack and the dinocroc eats him causing his head to pop clean off with a popping noise i might add. I believe that you would be better off shooting yourself between the eyes then to watch Dinocroc. And as for the director I believe that we should get a bunch of people to hang him by a noose and all take turns kicking him in the crotch for wasting an hour and a half of our lives until he finally dies and then I can go on living.\": {\"frequency\": 1, \"value\": \"Now I myself am a ...\"}, \"John Boorman's \\\"Deliverance\\\" concerns four suburban Atlanta dwellers who take a ride down the swift waters of the Cahulawassee\\ufffd\\ufffd The river is about to disappear for a dam construction and the flooding of the last untamed stretches of land\\ufffd\\ufffd

The four friends emphasize different characters: a virile sports enthusiast who has never been insured in his life since there is no specific risk in it (Burt Reynolds); a passionate family man and a guitar player (Ronny Cox); an overweight bachelor insurance salesman (Ned Beatty); and a quiet, thoughtful married man with a son who loves to smoke his pipe (Jon Voight).

What follows is the men's nightmarish explorations against the hostile violence of nature\\ufffd\\ufffdIt is also an ideal code of moral principle about civilized men falling prey to the dark laws of the wilderness\\ufffd\\ufffd

Superbly shot, this thrilling adult adventure certainly contains some genuinely gripping scenes\\ufffd\\ufffd\": {\"frequency\": 1, \"value\": \"John Boorman's ...\"}, \"Usually, any film with Sylvester Stallone is usually going to suck ass. Rambo: First Blood Part II was no exception to this. The only movies that Sylvester Stallone were in that were good were Rocky and First Blood. This film is extreamly unrealistic, and boring. It has action, but not very good action. I didn't enjoy watching it, and I would never ever watch this again. No wonder why it won the Razzie Award for Worst Picture. I would give this a 3/10, the only reason why it got the 3 was because it had somewhat good action, but not good enough.\": {\"frequency\": 1, \"value\": \"Usually, any film ...\"}, \"Ripping this movie apart is like shooting fish in a barrel. It's too easy. So I'm going to challenge myself to acknowledge the positive aspects of Little Man. First, I'm impressed with the special effects. It really did look like Marlon Wayans' head was attached to the body of a little person. I never doubted it for a minute.

Secondly, I loved some of the unexpected cameos. David Alan Grier played an annoying restaurant singer, and his renditions of \\\"Havin' My Baby\\\" and \\\"Movin' On Up\\\" were priceless. John Witherspoon, who, coincidentally, played Grier's father in 1992's Boomerang (if you remember, he \\\"coordinated\\\" the mushroom belt with the mushroom jacket) now plays Vanessa's father in Little Man. So that was fun.

Beyond that, this movie is about as believable as White Chicks. How dumb is it when even the doctor can't tell that it's a 40-year-old man and not a baby? He's got a full set of teeth!!! How is it possible that no one seems to notice that it's not a baby? Little Man is so bad that there's a Rob Schneider cameo. And please, if you're stupid enough to waste $8 on this movie, at least do me a favor and DO NOT bring your children. This movie is way too sexual for small children (lots of jokes and innuendo about sex, going down, eating out, etc.), and I felt embarrassed for the parents who brought their kids to the screening I was forced to endure. If you insist on seeing an idiotic film, as least spare your children the pain and suffering.\": {\"frequency\": 1, \"value\": \"Ripping this movie ...\"}, \"Rated PG-13 for violence, brief sexual humor and drug content. Quebec Rating:13+(should be G) Canadian Home Video Rating:14A

I have seen Police Story a couple of times now.In my opinion Police Story is Chan's best film from the 80's.He originally made it because he didn't like the other cop film he had to star in which was The Protector.I have not seen the protector so I cant compare.The acting isn't too bad and the plot is pretty good.I don't remember the plot well because I saw this film a while back but what I do remember is this film has lots of great action,stunts and comedy just what a good Chan film needs.If you can find Police Story and you are Chan fan then buy this film!

Runtime:106min

9/10\": {\"frequency\": 1, \"value\": \"Rated PG-13 for ...\"}, \"Yet another movie with an interesting premise and some wondrous special effects falling right into the trash can.

Boring direction and performances (with the exception of the lovely Annabel Schofield who is much cuter as a brunette and probably deserves better material, and the ever earnest Charlton Heston) earn the rating of a real stinker.

It's amazing to watch Heston perform up to his usual par and display how really bad this movie is. He even plays in a sub-plot that kept me interested just to see how it tied back into the main line of the movie. The way they ended up resolving it was that they didn't. It simply falls off the end.

Really. Don't waste your time on this one.\": {\"frequency\": 1, \"value\": \"Yet another movie ...\"}, \"I have read with great interest the only available comment made before mine on this movie and I would first like to say that I understand the point of view of the previous user who commented on this movie very well: viewed from an Israeli perspective, I can very well imagine that this movie touches upon very sensitive issues and that the slightest detail can have a great importance for a viewer who is more or less directly concerned by the events depicted in this movie. What I would like to say is that 'Distortion' was shown at a film festival in Geneva in November 2005 (Festival 'Cin\\ufffd\\ufffdma tout \\ufffd\\ufffdcran') where it won the award of the audience ('Prix du public'in French). For what affects me, I liked the 'nervous camera' work of Mr Bouzaglo, who, in my opinion, portrayed an atmosphere of extreme tension and uneasiness in the movie very well, and I think that most of the swiss viewers appreciated this in the movie. This perspective, however, might seem totally 'alien' to an Israeli viewer, but not so surprising when it comes to swiss viewers, because Switzerland is a country which has NEVER been subject to any terrorist attack. It therefore comes as no surprise that the audience in Geneva judged this film with a much more 'detached' perspective.I would also like to quote what Mr Bouzaglo said when he was interviewed by a Geneva newspaper (I'm translating from French): ''After 50 years of living here and after undergoing all this violence, we may ask ourselves if it is still possible to remain normal.We might sometimes think that it would be easier to commit suicide than to go on living. We are like the characters in my movie,''on the edge of the edge''. This is the reason why the private detective, who is somehow ''voyeur'' is the happiest character in the movie, because he earns a living thanks to the system, he takes advantage of this situation'' This is, in substance, the main thing that I and the swiss public, in my opinion, pointed out in this movie, and that we did not pay attention to some inconsistencies regarding the characters in the movie which the precedent reviewer pointed out with great accuracy and humor. So, to sum up, different country=different perspective, but I think that this is somehow great, because it reassures me for what affects the future of cinema, that is to say that it well never be subject to a 'unique' of 'formatted' way of thinking.\": {\"frequency\": 1, \"value\": \"I have read with ...\"}, \"Ok, where do we start with this little gem? Mutant slugs begin to take over a small New England (?) town. Only one man can stop them... and that man... is Mike Brady! Now, if that wasn't laughable enough, stay tuned.

The footage of the slugs is what's known as stock footage. No matter who the slugs attack or where they are, the same shot of piles of slugs oozing everywhere is shown. Keep in mind, this singular shot occupies at least half the movie.

The acting in the movie was knock down, drag out, steal your wallet, punch your girlfriend, kill your dog, BAD. I'm sure there's worse, but you're going to be hard pressed to find it. The only gem was... you guessed it.... MIKE BRADY! He must have taken a few night classes at the YMCA, because he was the best in the bunch.

As for horror? This film is not to be taken seriously. There isn't horror! They're slugs for crying out loud. The entire rising action could have been avoided with a salt shaker or two. Only watch this film in a MST3K type environment, otherwise I can see some major damage to the brain.\": {\"frequency\": 1, \"value\": \"Ok, where do we ...\"}, \"I watched this movie really late last night and usually if it's late then I'm pretty forgiving of movies. Although I tried, I just could not stand this movie at all, it kept getting worse and worse as the movie went on. Although I know it's suppose to be a comedy but I didn't find it very funny. It was also an especially unrealistic, and jaded portrayal of rural life. In case this is what any of you think country life is like, it's definitely not. I do have to agree that some of the guy cast members were cute, but the french guy was really fake. I do have to agree that it tried to have a good lesson in the story, but overall my recommendation is that no one over 8 watch it, it's just too annoying.\": {\"frequency\": 1, \"value\": \"I watched this ...\"}, \"This is a VERY entertaining movie. A few of the reviews that I have read on this forum have been written by people who, apparently, think that the film was an effort at serious drama. IT WAS NOT MADE THAT WAY....It is an extremely enjoyable film, performed in a tongue in cheek manner. All of the actors are obviously having fun while entertaining us. The fight sequences are lively, brisk and, above all, not gratuitous. The so-called \\\"Green Death\\\", utilized on a couple of occasions, is not, as I read in one review, \\\"gruesome\\\". A couple of reviewers were very critical of the martial arts fight between Doc and Seas near the end of the film. Hey, lighten up... Again, I remind one and all that this is a fun film. Each phase of this \\\"fight\\\" was captioned, which added to the fun aspect. The actors were not trying to emulate Bruce Lee or Jackie Chan. This is NOT one of those martial arts films. Ron Ely looks great in this film and is the perfect choice to play Doc. Another nice touch is the unique manner in which the ultimate fate of the \\\"bad guy\\\" (Seas) is dealt with. I promise you that if you don't try to take this film very seriously and simply watch it for the entertainment value, you will spend 100 minutes in a most enjoyable manner.\": {\"frequency\": 1, \"value\": \"This is a VERY ...\"}, \"Disney have done it again. Brilliant the way Timone and Pumbaa are brought back to life yet again to tell us how they came to meet and help Simba when he needed them. I love this film and watch it over and over again. It shows how Timone lived with his family and fellow meerkats before setting off to find his dream home and adventure. Then he meets Pumbaa and things do change. Together, they search for the home Timon wants and repeatedly fail, which is funny as Timone gets more and more crazy. Then Simba turns up and we see more of his childhood than we did in the previous 2 films. The rest, you already know.\": {\"frequency\": 1, \"value\": \"Disney have done ...\"}, \"I still can't believe this movie. They got so much unbelievable things in it, that it's hard to believe anyone wanted to make it.

The story is a joke, but in the sense of being funny, but more like no story at all. How can you mix a slapstick comedy with a train robbery, a prison movie, town conspiracies, sex-jokes and a FBI-agent? You can't.

Beside the terrifying directing the most noticeable thing are the actors. I watched this film and thought: 'Is this really Marlon Brando? No, it can't be. (5 minutes later) Is this Charlie Sheen? Wow, maybe Brando is true. (5 minutes later) This can't be Donald Sutherland. (5 minutes later) No, not Mira Sorvino. This movie is too bad for all of them. (At the end). No, no, no, this can't absolutely not be Martin Sheen!!! Not for 10 seconds of such a movie.' Then it was over and I down with my nerves. SO many good, oscar-winning, usually convincing actors in such a stupid, dumb, awful movie. I rarely wanted to know so much how they came to act in this one. They couldn't got so much money.

Only just an unbelievable silly idiotic movie.

3/10 \\\\ 1/4 \\\\ 5 (1+ - 6-)\": {\"frequency\": 1, \"value\": \"I still can't ...\"}, \"This could have been interesting \\ufffd\\ufffd a Japan-set haunted house story from the viewpoint of a newly-installed American family \\ufffd\\ufffd but falls flat due to an over-simplified treatment and the unsuitability of both cast and director.

The film suffers from the same problem I often encounter with the popular modern renaissance of such native fare, i.e. the fact that the spirits demonstrate themselves to be evil for no real reason other than that they're expected to! Besides, it doesn't deliver much in the scares department \\ufffd\\ufffd a giant crab attack is merely silly \\ufffd\\ufffd as, generally, the ghosts inhabit a specific character and cause him or her to act in a totally uncharacteristic way, such as Susan George seducing diplomat/friend-of-the-family Doug McClure and Edward Albert force-feeding his daughter a bowl of soup!

At one point, an old monk turns up at the house to warn Albert of the danger if they remain there \\ufffd\\ufffd eventually, he's called upon to exorcise the premises. However, history is bound to repeat itself and tragedy is the only outcome of the tense situation duly created \\ufffd\\ufffd leading to a violent yet unintentionally funny climax in which Albert and McClure, possessed by the spirits of their Japanese predecessors, engage in an impromptu karate duel to the death! At the end of the day, this emerges an innocuous time-waster \\ufffd\\ufffd tolerable at just 88 minutes but, in no way, essential viewing.\": {\"frequency\": 1, \"value\": \"This could have ...\"}, \"Encouraged by the positive comments about this film on here I was looking forward to watching this film. Bad mistake. I've seen 950+ films and this is truly one of the worst of them - it's awful in almost every way: editing, pacing, storyline, 'acting,' soundtrack (the film's only song - a lame country tune - is played no less than four times). The film looks cheap and nasty and is boring in the extreme. Rarely have I been so happy to see the end credits of a film.

The only thing that prevents me giving this a 1-score is Harvey Keitel - while this is far from his best performance he at least seems to be making a bit of an effort. One for Keitel obsessives only.\": {\"frequency\": 1, \"value\": \"Encouraged by the ...\"}, \"Complete drivel. An unfortunate manifestation of the hypocritical, toxic culture of a decade ago. In this movie, pedestrian regrets for slavery go hand in hand with colonialist subtexts (the annoying redhead feeding Shaka rice?). Forget historical reality too. Didn't most western slaves comes from West Africa? An American slaver easily capturing Shaka with a handful of men?. Finally, David Hasslehoff could not have been any more obnoxious. One can only ponder, how would he have fared in the miniseries? (Promptly impaled most likely). The miniseries was superb, and it is unfortunate that DH should have gotten his hands on something unique, and made it mundane. (I tend to think that he had hand in creating this fiasco).\": {\"frequency\": 1, \"value\": \"Complete drivel. ...\"}, \"Ahista Ahista is one little small brilliant. I started watching it, and at the beginning I got a little bored since the pacing was slow and the main idea of one guy meeting a girl who is lost was not really new. But as the film went on, I started getting increasingly and gradually engaged by the film, the fantastic writing and the charming romance. The film was extremely simple and natural and after some time I felt I was watching a real documentation of one guy's life. There's one very good reason the film got this feel, and it's the fresh talent called Abhay Deol. He is extremely convincing as the simple, kind-hearted and struggling Ankush, whose new love motivates him to make amends and fight for a better life. Throughout the film, he is presented as an ordinary mischievous prankster, but also as a helping and loving person, who, like anyone else will do anything to protect his love. Deol portrays all the different shades of his character, whether positive or negative, naturally and with complete ease.

Shivam Nair's direction is very good. His depiction of the life of people in the rural neighbourhood is excellent, but what gets to be even more impressive is his portrayal of Ankush's relationships with the different people who surround him, including his friends and his love interest Megha who he is ready to do anything for. I also immensely liked the way Nair portrayed his interaction with his friend's loud and plump mother whom he calls 'khala' (aunty). He likes to drive her crazy and annoy her on every occasion, yet we see that she occupies a very special place in his heart and is like a mother-figure to him as evidenced in several scenes. Except for Abhay, the rest of the cast performed well. Though Soha Ali Khan did not stand out according to me, she was good and had some of her mother's charm. The actors who played Ankush's friends were very good as was the actress who played Ankush's 'khala'.

Apart from the performances, the film's writing was outstanding. The dialogues were sort of ordinary yet brilliant, and the script was also fantastic. That's mainly because despite a not-so-new story it was never overdone or melodramatic and there were no attempts to make it look larger-than-life. The film's biggest weakness was Himesh Reshammiya's uninspiring music which was unsuitable for this film. Otherwise, Ahista Ahista was a delightful watch and it got only better with every scene. The concept may not be new, but the film manages to look fresh and becomes increasingly heartwarming as the story goes by. The ending was bittersweet, kind of sad yet optimistic. In short, this movie really grows on you slowly, and this can be easily attributed to the wonderful writing, the moving moments, the charming romance, the realistic proceedings, and of course Abhay Deol's memorable performance.\": {\"frequency\": 1, \"value\": \"Ahista Ahista is ...\"}, \"The quote I used for my summary occurs about halfway through THE GOOD EARTH, as a captain of a Chinese revolutionary army (played by Philip Ahn) apologizes to a mob for not having time to shoot MORE of the looters among them, as his unit has just been called back to the front lines. Of course, the next looter about to be found out and shot is the main character of the film, the former kitchen slave girl O-Lan (for whose portrayal Luise Rainer, now 99-years-old, won her second consecutive best actress Oscar).

The next scene finds O-Lan dutifully delivering her bag of looted jewels to her under-appreciative husband, farmer Wang Lung (Paul Muni), setting in motion that classic dichotomy of a man's upward financial mobility being the direct inverse of his moral decline.

For a movie dealing with subject matter including slavery, false accusations, misogyny, starvation, home invasion, eating family pets, mental retardation, infanticide, exploited refugees, riots, civil war, summary mass street executions, bigamy, child-beating, adultery, incest, and insect plagues of biblical proportions, THE GOOD EARTH is a surprisingly heart-warming movie.

My parting thought is in the form of another classic quote, from O-Lan herself (while putting the precious soup bone her son has just admitted stealing from an old woman back into the cooking pot after husband Wang Lung had angrily tossed it to the dirt floor on the other side of their hut): \\\"Meat is meat.\\\"\": {\"frequency\": 1, \"value\": \"The quote I used ...\"}, \"I managed to tape this off my satellite, but I would love to get an original release in a format we can use here in the States. Eddie truly is Glorious in this performance from San Francisco. I don't remember laughing so hard at a stand up routine. My wife and I both enjoyed this tape and his work on Glorious I just wish I could buy a copy and help support Eddie financially through my purchase. We need more of his shows available.\": {\"frequency\": 1, \"value\": \"I managed to tape ...\"}, \"For your own good, it would be best to disregard any positive reviews concerning this movie. This flick STINKS. Now, I like (at least in theory) low budget horror movies, but this one makes the worst mistake a low budget flick can make: It takes itself WAY too seriously. And, unfortunately, that's not it's only problem.

It's the story of the murderous Beane clan of the British Ilses transposed to modern times. An interesting premise, but there are two things that are immediately perplexing about this film once you start watching it.

#1- Why is the biggest name on the CD box Jenna Jameson? She's a below average looking woman who can't act, and she has a minor role. ANSWER: She's apparently a well known porn star (as you no doubt read in other reviews), so I guess this is a \\\"cameo\\\" appearance for her. She's giving the film much needed \\\"name recognition\\\", it seems. Her top billing isn't any indication of her talent, though, it's an indication of how UNtalented the rest of the cast is.

#2- How can film makers be so stupid to think Canada can be passed off as Ireland? It doesn't even remotely look like Ireland. And the house that the guests/victims stay in is this great big North American wood frame Edwardian thing. They should have skipped the whole Beane theme and developed a story that took place in N.A. Also, if you're going to make a movie that takes place in Ireland, it's probably best to have more than one character with an Irish accent (and that was a REALLY REALLY REALLY BAD Irish accent.) Now,this wouldn't have been so bad if the director wasn't trying to make the next \\\"Night of the Living Dead\\\", but it seems he was. Too bad. He could have had some fun with it. In fact, some of the scenes weren't far from being unintentionally comedic as they were.

Like the infamous gutting scene, were the woman is chained to the table, stripped naked, and then sliced open and eviscerated. That's funny, you ask? Well, in the deleted scene version, the mutant killer pulls out mile after mile after mile of intestines. It's actually funny after awhile. And what self respecting cannibal eats intestines, anyway? Do we eat the intestines of cows and chickens? Heck no, we eat hams and ribs and drumsticks. Oh well.

Some of the other cast who were annoying: the whiny, creepy Howard Rosenstein. I'm not sure, but I THINK he was supposed to be cast as a STUD. In fact, he's as big a loser and goof ball as his name would imply. Which would explain why the character played by the equally annoying Gillian Leigh fell for him.

I checked Gillian Leigh on her link on IMDb, and apparently it's important to know that she graduated high school with honors. I can't decide if it's more amusing or pathetic to know that only a couple years after graduation, the honor student is doing nude soft-core porn scenes in a shower with a guy named Howard Rosenstein. Wonder if her former classmates have seen this movie? If they have, hopefully they'll get the message: AVOID THIS FATE! GO TO COLLEGE!!! I could go on and on, but why. If you like gore, you'll find something redeeming in this flick, but not much more.\": {\"frequency\": 1, \"value\": \"For your own good, ...\"}, \"I know some people think the movie is boring but I disagree. It is a biography of a very complex and extraordinary person. I liked the characters in the film and think that leaving parts of Archie's life a mystery captured his humanity. I don't think the purpose of a good biography should be the detailing of someone's life but rather the complexities and relationships that make them interesting. And what is more fascinating than someone so successfully reinventing themselves? \\\"Men become what they dream - you have dreamed well.\\\" Good job to Lord Attenborough. I also wanted to mention that Nathaniel Arcand really stood out to me as a charismatic actor and I hope to see him in more films.\": {\"frequency\": 1, \"value\": \"I know some people ...\"}, \"'1408' is the latest hodge podge of cheap scare tactics. The kind that might make date-movie styled horror fans occasionally jump in their seat and scream in your ear, but disappoint audiences searching for a little depth and direction.

John Cusak plays a writer who's made a career of writing books describing his experiences of staying in rumored haunted hotels. Despite assurances by patrons and owners that ghosts roam the halls, there is little to make him a real believer in the paranormal. When he learns of the history of Room 1408 at the Overlook Hotel--no wait, I mean, Dolphin Hotel in New York City--he decides it would make the perfect closing chapter to his latest book. But, Samuel L. Jackson, playing the hotel owner, strongly attempts to dissuade his guest with narration of the atrocities that have occurred in theat room since the hotel's opening many years ago. The story is simple and we, as possible skeptics, must sit through Jackson's lengthy foreshadowing ramble.

In other words: be afraid! Be very afraid!

Of course, it would be easy to convince audiences that they've just paid to see an edge-of-the-seat thriller if it didn't take so long to build up to this point. And also, if what followed was a lot more than cheap \\\"boos\\\" that become so frequent and arbitrary that eventually, you might soon expect them. The temperature in the room changes automatically. The walls drip with blood. The fearless writer can't open the door, etc. And after nearly an hour and a half of delivering these to audiences promised big thrills, you might sit and hope that at least you can be wowed by the ending. With suspicions of dream sequences and other derivative time-wasters, even that fails to quell our doubts that before the movie is over, we might finally have something to make the movie a little less than completely forgettable.

Despite grand performances (as always) by Cusak, who essentially is the entire film, most everyone else of note is wasted (i.e. Samuel L. Jackson) in insignificant minor roles. The true mystery here is how this movie received such a high viewer rating. Ballot-stuffing ghosts?\": {\"frequency\": 1, \"value\": \"'1408' is the ...\"}, \"I thought watching employment videos on corporate compliance was tedious. This movie went nowhere fast. What could have been a somewhat cheesy half hour twilight zone episode turned into a seemingly endless waste of film on people parking their cars, a picture of some dude's swimming pool (he really needs to answer his phone by the way) a dot matrix printer doing its job, and Heuy and Louey sitting in a yellow lighted control room repeating \\\"T minus 10 and counting\\\" as if something exciting is going to happen. It doesn't so don't get your hopes up. The best thing about this movie is to see James Best and Gerald McC, in something other than there famous TV personalities, and that is stretching to find anything good. And do NOT get me started on the music which was totally composed of a Tympani, some large marine mammals, and microphone feedback. This movie is as close as I have given a one yet, but it gets the 2 because I actually was able to finish this insomnia cure, and didn't have to leave in the middle. AVOID AT ALL COSTS.\": {\"frequency\": 1, \"value\": \"I thought watching ...\"}, \"This could have been the gay counterpart to Gone With The Wind given its epic lenght, but instead it satisfied itself by being a huge chain of empty episodes in which absolutely nothing occurs. The characters are uni-dimensional and have no other development in the story (there's actually no story either) than looking for each other and kissing. It's a shame that an interesting aesthetic proposition like having almost no dialog is completely wasted in a film than makes no effort in examining the psychology of its characters with some dignity, and achieving true emotional resonance. On top of that, it pretends to be an \\\"art\\\" film by using the worst naive clich\\ufffd\\ufffds of the cinematic snobbery. But anyway, if someone can identify with its heavy banality, I guess that's fine.\": {\"frequency\": 1, \"value\": \"This could have ...\"}, \"This is a weak film with a troubled history of cuts and re-naming. It doesn't work at all. Firstly the dramaturgy is all wrong. It's very slow moving at first and then hastily and unsatisfactorily moves to an end. But there is also (and that may have to do with the cuts) an uneasy moving between genres. It starts off with being a thriller to be taken at face value and then degenerates into a farce rather than satire. the ending may be funny but it's also so blunt that I almost felt it insulted my intelligence (what little there is). So the film tries to be everything but does not really succeed on any level at all. You can also see that in the very unsteady character development.You almost get the impression Connery plays three roles rather than one.\": {\"frequency\": 1, \"value\": \"This is a weak ...\"}, \"Due to budget cuts, Ethel Janowski (again played by Priscilla Alden) is released from a mental institution (even though she killed six people) and delivered to the Hope Bartholomew halfway house. Once there, she immediately relapses into her criminally insane ways and kills anyone who gets between her and her food.

HOLY MOLY! Does this movie suck! You know you are in trouble when the open credits start up and they are just the credits from the first film, apparently filmed off a TV screen. Nick Millard (under his pseudonym Nick Phillips) decided to return to the world of Crazy Fat Ethel over ten years later and with a budget that probably covered the cost of a blank tape and a video camera rental for the weekend. Let's just say that Millard's unique style doesn't translate well to video. Seriously, I have made home movies with more production value than this. And Millard tries to pull a SILENT NIGHT, DEADLY NIGHT 2 by padding half the running time with footage from the first film (which looks like it was taken off a worn VHS copy). Alden is again good as Ethel but the film is so inept that you start to feel sorry for her for starring in this garbage. I mean, at least the first film tried. Here we have no music, weaker effects (if that is at all possible), shaky camera work, horrible audio and editing that looks like it was done with two VCRs hooked up. Avoid this at all costs!\": {\"frequency\": 1, \"value\": \"Due to budget ...\"}, \"Leave it to Braik to put on a good show. Finally he and Zorak are living their own lives outside of Spac Ghost Coast To Coast. I have to say that I love both of these shows a whole lot. They are completely what started Adult Swim. Brak made it big with an album that came out in the year 2000. It may not have been platinum, but his show was really popular to tons of people out there that love Adult Swims shows. I have to say that out of all the Adult Swim shows with no plot, this has to be the one with the most none plot ever made. That is why I like it so much, it is just such a classic in the Adult Swim history. I believe this is just such a great show, if you don't like it. Hey there were tons who hated it and tons who loved it.\": {\"frequency\": 1, \"value\": \"Leave it to Braik ...\"}, \"While not as bad as his game-to-movie adaptations, this hunk of crud doesn't fare much better.

Boll seems to have a pathological inability to accept that he doesn't make good movies. One of these days he'll run out of money and stop inflicting the world with his bombs.

The acting was sub-par, the dialog sounded like they were reading TelePrompTers and Boll's special little 'touches' were seen throughout the whole thing.

Like all Uwe Boll movies, this one just shouldn't exist.

Plain and simple.

Just like Uwe Boll himself shouldn't exist. >_>\": {\"frequency\": 1, \"value\": \"While not as bad ...\"}, \"I thought I had seen this movie, twice in fact. Then I read all the other reviews, and they didn't quite match up. A man and three young students, two girls and a boy, go to this town to study alleged bigfoot sightings. I still feel pretty confident that this is the movie I saw, despite the discrepancies in the reviews. Therefore I'm putting my review back: If you like the occasional 'B' movie, as I do, then Return to Boggy Creek is the movie for you! Whether it's setting the sleep timer, and nodding off to your favorite movie-bomb, or just hanging out with friends. Boggy Creek, the mute button, and you've got a fun night of improv. Look out! Is the legend true? I think we just might find out, along with a not-so-stellar cast. Will there be any equipment malfunctions at particularly key moments in the film? Does our blonde, manly, young hero have any chest hair? Will the exceptionally high-tech Technicolor last the entire film? You'll have to watch to find out for yourself.\": {\"frequency\": 1, \"value\": \"I thought I had ...\"}, \"AntiTrust could have been a great vehicle for Rachael Leigh Cook, but the director cut out her best scenes. In the scenes that she are in, she is just a zombie. She is involved in a sub-plot that is simular to a sub-plot in \\\"Get Carter\\\", but she handles the sub-plot better in \\\"Get Carter\\\".(I blame the director) The director's homage to Hitchcock was corny. (It's the scene were Ryan Philippe's charactor realizes he may not be able to trust Tim Robbin's charactor, at least I think it's a homage to Hitchcock. The DVD shows the scenes that were cut out. I think the director should have trust his instincts and not listen to the test audiences.\": {\"frequency\": 1, \"value\": \"AntiTrust could ...\"}, \"Years ago I was lucky enough to have seen this gem at a >Gypsy film festival in Santa Monica. You know the ending >is not going to be rosie and tragedy will strike but it's >really about the journey and characters and their dynamics and how they all fit into what was \\\"Yugoslavia\\\". >While I am not Yugonostalgic and tend to shy away from >the current crop of \\\"Yugoslavian\\\" films (give me Ademir >Kenovic over late 90s Kustarica) I'd be happy to have the >chance to stumble on this film again, as it shines in my >celluloid memories. Ever since seeing Who's Singing Over >There\\\" 15 years ago I still hear the theme tune, sung by >the Gypsies, ruminating through my head\\ufffd\\ufffd \\\"I am miserable, >I was born that way\\ufffd\\ufffd\\\" with the accompanying jew's harp and accordian making the tune both funny and sad. The late, great actor Pavle Vujisic (Muzamer from When Father >was Away on Business) was memorable as the bus driver of >the ill-fated trip in his typical gruff yet loveable manner. Hi\": {\"frequency\": 1, \"value\": \"Years ago I was ...\"}, \"Where was this film when I was a kid? After his parents split up Tadashi moves with his mom to live his his grandfather. Tadashi's sister stays with their dad and they talk frequently on the phone. Grandfather is only \\\"here\\\" every third day. Moms never really home. The kids always are picking on the poor kid. During a village festival Tadashi is chosen the \\\"kirin rider\\\" or spiritual champion of the peace and justice. Little does he suspect that soon he will have to actually step into role of hero as the forces of darkness join up with the rage of things discarded in a plot to destroy mankind and the spiritual world.

Okay that was the easy part. Now comes the hard part, trying to explain the film.

This is a great kids film. No this is a great film,flawed, (very flawed?) but a great film none the less. It unfolds like all of those great books you loved as a kid and is just as dense at times as Tadashi struggles to find the strength to become a hero. Watching it I felt I was reading a great book, and thought how huge this would have been if it was a book. I loved that the film does not follow a normal path. Things often happen out of happenstance or through miscommunication, one character gets sucked into events simply because his foot falls asleep. There are twists and turns and moments that seem like non sequiters and are all the more charming for it (which is typical Miike) Certainly its a Takashi Miike film. That Japanese master of film is clearly in charge of a film that often touching, scary and funny all at the same time. No one except Miike seems to understand that you can have many emotions at the same time, or that you can suddenly have twists as things get dark one second and then funny the next. I admire the fact that Miike has made a film that is bleak and hopeful, that doesn't shy away from being scary, I mean really scary, especially for kids. This is the same dark territory that should be in the Harry Potter movies but rarely is. This a dark Grimms tale with humor. My first reaction upon seeing the opening image was that I couldn't believe anyone would begin a kids film with a picture of the end of the world, then I realized who was making the movie. Hats off to Miike for making a movie that knows kids can handle the frightening images.

Its also operating on more than one level. The mechanical monsters that the bad guys make are forged from mankind's discarded junk. Its the rage of being thrown away that fuels the monsters.One of the Yokai (spirits) talks about the rage sneakers thrown away because they are dirty or too small feels when they are tossed. You also have one of the good guys refusing to join the bad guys because that would be the human thing to do. Its a wild concept, but like other things floating around its what lifts this movie to another level. (there are a good many riffs and references to other movies,TV shows and novels that make me wonder who this film is for since kids may not understand them, though many parents will) And of course there are the monsters. They run the gamut from cheesy to spectacular with stops everywhere in between. Frankly you have to forgive the unevenness of their creation simply because they are has to be hundreds if not thousands of monsters on screen. Its way cool and it works. One of the main characters is a Yokai which I think is best described as a hamster in a tunic and is often played by a stuffed animal, it looks dumb and yet you will be cheering the little bugger and loving every moment he rides on Tadashi's head. (Acceptance is also easier if you've ever seen the old woodcuts of the weird Japanese monsters) I mentioned flaws, and there are a few. The effects are uneven, some of the sudden turns are a bit odd (even if understandable) and a few other minor things which are fading now some two hours after watching the film.. None of them truly hurt the film over all, however most kind of keep you from being completely happy with the movie.

I really loved this movie. I'm pretty sure that if I saw this as a kid it would have been my favorite film of all time. (where's the English dub?).See this movie. Its a great trip. (Besides its a good introduction to the films of Miike minus the blood and graphic sex)\": {\"frequency\": 1, \"value\": \"Where was this ...\"}, \"The acting is pretty cheesy, but for the people in this area up in the 80s and are now Detroit area automotive engineers, this is a great movie. I even work with a Japanese supplier so that makes this movie even more funny.

Jay Leno was showing his age last night on The Tonight Show! He looks pretty young here...17 years ago. The opening scene, with the drag race on what appears to be Woodward Ave was great.

Leno also owns some bad a** cars now, it would e great to see a remake of this with his modern collection. I'm sure the blown Vette in the opening scene was his own car.

Typical 80s movie. Watch it and enjoy. No computer generated crap!\": {\"frequency\": 1, \"value\": \"The acting is ...\"}, \"I watched the movie while recovering from major surgery. While I knew it was only a \\\"B\\\" film, a space western, I loved it. It may have lacked the flash of high dollar productions it non-the-less held my imagination and provided great escapism. Sadly our society has so much available, discounting small attempts is too easy. In the same way that I can enjoy a even a grade school performance of Shakespeare, I can appreciate many levels of achievement for the art sake. I am a cop and found affinity with the retired LAPD. Dreams like his haunt me that I will be unable in the moment of crisis be able to respond to save another's life (or my own). while it was a romantic ending where Farnsworth did take out the bad guy (predictable) I needed a little happy romance where good can triumph. My world is really too cynical.\": {\"frequency\": 1, \"value\": \"I watched the ...\"}, \"When I saw this movie, I couldn't believe my eyes. Where these hilarious creatures, dustbin muppets with big pointy teeth, really meant to be scary? Or where they designed to have a good laugh (I sincerely hope so). If you watch carefully you can even see the strings operating them (better; dragging them across the screen). The whole was rather funny than scary and I had a good time watching the movie because I was amazed by its overall incapacity to have only one good part. It is one big joke from beginning to end and I believe this movie belongs into a new category: So unbelievable crappy you'll be laughing from beginning to end. (I'm not even gonna try to comment on the acting or all the other things)\": {\"frequency\": 1, \"value\": \"When I saw this ...\"}, \"Sorry this movie did not scare me it just annoyed me. It was just so frustrating when I saw the potential and that, all that, fell by the wayside. The children! The father! The premonition! Had so much potential and ziltch! zero, nada! I have heard it all before. Scary! No! I can scare myself alone, here where I sit, than they could in the movie. Are there men writing that figure that women should be so annoying? Huh? This movie was quite atmospheric. Or at least it could have been, had the director/writer bothered to work it. We could have had some good music that would have added to the tension too, if someone had made the effort. What I really want to know is why do they get the money? Just give it to me and save all that hassle. Abandoned?... No we where betrayed\": {\"frequency\": 1, \"value\": \"Sorry this movie ...\"}, \"The premise and subject about making a criminal realize what his victims went through by capturing his family hostage sounds promising and interesting. But this is the only interesting part which was also dealt 20 years ago with quite finesse by director Ravi Tandon in his film \\\"Jawab'(1985) too. The problem here is Ace Director Rajkumar Santoshi found himself in some sort of confusion as to whether to make it a fast paced action-thriller (viz. Khakee) or an emotions-rich heavy duty drama (Viz. Damini) and this confusion is quite evident in the final outcome. If we ignore two of his-Pukar (2000) and Lajja(2001), this brilliant director has always given us fairly engrossing films with high entertainment value. Therefore this film comes as a surprise, as to what made this script \\ufffd\\ufffdsensitive director going for half-baked characterization of both of his protagonists-Amitabh Bachchan and Aryeman. As the film is getting over, audience didn't know whom to hate and whom to sympathize with and this factor is the major limiting force in the complete narration. Therefore what starts as a war between a common man and an underworld don ends on a strange note of self-realization and regret by the Don about what went wrong with his own family. The revelation of Don's son as a real baddie does not come as a surprise element in the climax which if compared to similar situation in 'Khakee\\\" worked so effectively with Aishwarya's character. That is not all, there is more to it. The whole dramatization of life of an Underworld Don, operating from abroad looks quite illogical. His openly landing up at Mumbai from where he is suppose to be absconding as well as running after his enemies and shooting them himself does not look believable. Pitching a mediocre, newcomer actor like Aryeman opposite Mr. Bachchan is again not a good idea. But nonetheless film has some plus points. Ashok Mehta's fine camera-work, two good fight sequences (co-ordinator Abbas Ali Moughal), some light well-acted scenes of Akshay Kumar in the Ist half, Santoshi's fast-paced slick treatment and of course Mr. Bachchan as usual trying hard to put some life into his lifeless character. But all these put together does not make this viewing an exciting experience for you and your Family!\": {\"frequency\": 1, \"value\": \"The premise and ...\"}, \"

I am a big-time horror/sci-fi fan regardless of budget, but after watching countless horror movies late night on cable and video, this has to be the worst of all movies. With bloody special effects (what looked like a roast covered in fake blood or ketchup that kept being shown over and over again) and people running around screaming from left, then to right, then back again. It should have stayed with the beginning convenience store scene and stopped there and been 15 minutes. Instead, it is dragged out very long. It is very, very x5 low budget. Many scenes were way, way too long. Narrator sounded very amateurish like a random person out of junior high was talking. This is the only movie to rate lower in my opinion than Manos, Red Zone Cuba, Benji,and Godzilla vs. megalon despite their higher budgets. 10 snoozes, try to stay awake through whole movie in one setting or better yet, avoid it like you would an undead brain-eating mob. The Why-Did-I-Ever-See-This-Piece-Of-Zombie-Dung-Blues. Epitome of nauseatingly bad made movies etc..ad infinitum. -infinity/10\": {\"frequency\": 1, \"value\": \"

I am a ...\"}, \"This is one powerful film. The first time I saw it, the Scottish accents made it tough for me to understand a lot and that ruined the viewing experience. I gave up on it but then acquired the DVD, used the English subtitles when I needed them, and really got into this movie, discovering just how good it is. It is excellent.

The widescreen picture makes it spectacular in parts, with some wonderful rugged scenery and the story reminded me of Braveheart, an involving tale of good versus evil. Here, it's Liam Neeson (good) vs. Tim Roth (evil). Both do their jobs well.

Few actors come across as despicable as Roth. Man, you really want to smack this guy in his arrogant, irritating puss. (He is so nasty and vile the sick critics love his character more than anyone else's here). Neeson is a man's man and a solid hero figure as Gibson was in Braveheart. Jessica Lange is strong in here as the female lead. The movie draws you in and gets you totally involved, so prepared to have an emotional experience viewing this.\": {\"frequency\": 1, \"value\": \"This is one ...\"}, \"Clara Bow (Hula Calhoun) is daughter of plantation owner Albert Gran (Bill Calhoun), who is mainly interested in playing cards and boozing with friends. She's interested in riding in the countryside until engineer Clive Brook (Anthony Haldane) shows up to build a dam. One of her father's friends Arlette Marchal (Mrs. Bane) then competes for his attentions. His wife Maude Truax (Margaret Haldane) shows up for the contrived finale.

Lots of 'pre-code' elements like nude bathing.

Wonderful location shooting in Hawaii.\": {\"frequency\": 1, \"value\": \"Clara Bow (Hula ...\"}, \"The film was shot at Movie Flats, just off route 395, near Lone Pine, California, north of the road to Whitney Portals. You can still find splashes of cement and iron joists plastered across the rocks where the sets were built. And you'll recognize the area from any Randolph Scott movie.

I won't bother with the plot, since I'm sure it's covered elsewhere. The movie stars three athletes -- Fairbanks fils, who must have learned a good deal from his Dad -- Grant, an acrobat in his youth -- and MacLaughlin, a professional boxer from South Africa. Their physical skills are all on display.

Not a moment of this movie is to be taken seriously. It's about Thugees, a sect in India, whence our English word \\\"thug.\\\" I can't go through all the felicities of this movie but probably ought to point out that the director, George Stevens, was a polymath with a background in Laurel and Hardy movies -- see his choreography of the fight scenes -- and went on to the infinitely long dissolves of Shane and The Diary of Anne Frank. Dynasties rose and fell. Geological epochs came and went, while Liz Taylor and Monty Clift kissed in \\\"A Place in the Sun.\\\" Here, in his comic mode, he excels.

This is a story of male bonding and it would be easy -- too easy -- to read homoeroticism into it, as many people do with Howard Hawks. Or hatred of women. But it isn't that at all. Sometimes things portrayed on screen don't deserve too much in the way of heuristic attention. Men WILL form bonds by working together in a way that women do not. (Women share secrets.) Read Deborah Tannen, nobody's idea of an anti-feminist. Well, when you think about it, that's what evolution should have produced. For most of human history -- about nine tenths of it -- hominids have been hunters and gatherers, and the men tend to hunt and the women to gather. Hunting is more effective as a team enterprise. Men who were not very good at bonding were Darwinianed out, leaving men who have a lot of team spirit. And Grant, Fairbanks, and MacLaughlin have got it in spades.

Sorry to ramble on about evolution but I'm an anthropologist and it is an occupational disease. Did I ever tell you about the horse in Vaitongi, Samoa, that slipped on the cement and fell in the bathtub with me? You've got to watch the hooves.

Joan Fontaine is lovely, really. Only got to know her in her later years and wondered why she was in so many movies. I lived in Saratoga, California, where her sister, Olivia DeHavilland, grew up and went to a convent school. Pretty place.

If you miss this adventurous lively farraginous chronicle of the British Empahh at its height, you should never forgive yourself. It's so famous that it's parodied in the Peter Sellers movie, \\\"The Party.\\\" Yes -- the colonel's got to know.\": {\"frequency\": 1, \"value\": \"The film was shot ...\"}, \"Jack Black is an annoying character.This is an annoying indie movie for 14 year olds.Do I have to write eight more lines?Ana de la Reguera is dang fine to look at,as a Mexican nun who puts up with the rather forward and rude advances of Jack Black.This movie is a PG 13 version of an indie film.I really like a movie that has the courage to explore Mexican culture.This movie explores Mexican culture-deeply. I just choke on its cultural rudeness:Jack Black is just so rude. A white person like Jack Black is not my most valuable emissary into Mexican culture, as it were.Mexican Wrestling culture is not the most diaphanous venue a white guy, such as myself could seek.I suspect Mexico is more culturally opaque than Jack Black has presented here.

I think IMDb changed my review.Has anyone else had his review changed as well?Just a question.\": {\"frequency\": 2, \"value\": \"Jack Black is an ...\"}, \"My first full Heston movie. The movie that everyone already knows the ending to. A \\\"Sci Fi Thriller\\\". The campy factor. Everything that goes with this movie was injected in my head when I rented it, and on the morning that I watched it, it was the perfect movie to watch in the mood that I was in (Not wanting to move. Put in player, hide in blankets). And though I tried to understand what was happening to lead to the ending that will be eternally ruined by pop culture, it just really didn't make it. Everything was all over the place, relationships had no backbone, the ending had no lead in. Everything was just kind of there in some freakish way and the watcher has no choice but to leave partially dumbfounded at the ending that it gets to, because even though we all know that it's people, it's quick answers as to WHY it's people makes any serious attempt at enjoying the movie for anything other than the silliness thrown out the window.\": {\"frequency\": 1, \"value\": \"My first full ...\"}, \"This movie is one reason IMDB should allow a vote of 0/10. The acting is awful, even what some here have lauded, the Carpathia character! The script looks like it was written in haste. In one scene, the black preacher who was left behind, when asked by Buck what \\\"dan7\\\" in the computer graphic meant, said, \\\"Daniel 7, *CHAPTER* 24.\\\" He probably meant VERSE 24, but the film makers missed this slip up. Perhaps the worst part is that the film's eschatological position is Biblically unsound. While many Christians have espoused the film's interpretation of end-time events, such interpretation, in *my opinion*, is faulty. To understand these flaws, read \\\"Christians Will Go Through The Tribulation\\\" by Jim McKeever and \\\"The Blessed Hope, A Biblical Study of the Second Advent and the Rapture\\\" by George E. Ladd.\": {\"frequency\": 2, \"value\": \"This movie is one ...\"}, \"...though for a film that seems to be trying to market itself as a horror, there was a distinct lack of blood.

There was also a distinct lack of skilled directing, acting, editing, and script-writing.

Jeremy London put in one of most appalling performances I've ever seen - his \\\"descent into the maelstr\\ufffd\\ufffdm\\\" of madness is achingly self-aware and clumsy. Oh look at him twitch! Oh look at him drink strong spirits! Oh look at him raise his brow, and cock his head at a jaunty angle! Oh look at his unwashed, greasy dark hair! Oh listen to his affectedly husky voice! He must be a tortured artist/writer/genius! Oh, yes, out comes the poet-shirt - it's another boy who thinks he's Byron. (Or Poe.) Oh for the love of... did someone give this guy a manual on \\\"How To Act Good\\\" or did they just pull him out of a cardboard box somewhere, the defunct little plastic toy-prize in a discontinued brand of bargain-bin cereal. Okay, that was a stupid line - but that's only because London's performance has melted my brain with its awfulness.

Katherine Heigl is cute, and very briar rose, but has yet to grow into her acting shoes in this film - she delivered her lines like she was being held up, in fact, her whole performance was very wooden, her poses as stiff as her lines - who knows, perhaps she was just reacting to, and trying to neutralise, Jeremy London's flailing excesses, but if that's the case, she takes it too far.

Notable is Arie Verveen as Poe - while his character's role is confused, he delivers the best performance of the piece. He, quite simply, looks right, but it's more than that - he has some sort of depth, I believed that he had a life beyond the dismal two-dimensional quality of the rest of the characters. Huh, maybe it's just because I like Poe, and could thus just let my mind wander and invent while he was on screen - whatever, he had an interest factor otherwise missing.

The rest of the characters are a faceless blur - there are all the usual caricatures: the perky blonde best-friend who's a bit of a floozy; the smitten local cop who's a bit of a dork; the protective older man who perhaps has too much un-fatherly interest in our heroine; the scheming old witch, etc., etc., yawn, yawn.

As with the 'distinct lack of blood for a horror movie' issue, none of the themes that they mention (and that London's character mentions - so scathingly - in his attack on Poe's writing) are followed through on. As another reviewer said - there was potential here: murder, incest, - genuinely shocking stuff, but instead they skirt away from the issues, and cut away from the violence (a raised candlestick swinging through the air - closing in on it's victim - then---cut to black! This is fine in a Noirish traditional horror, indeed, it's expected, and is fondly received when it happens - it's a dear convention, especially when accompanied by fake lightning bolts and intense Siouxie eye makeup - but in 'Descendant' it just comes across as clumsy, or as though the editor got queasy at the last minute and cut it out.) This could have either been a very tense psychological thriller - the horror of palingenesis/delusion/madness - or a simple (and fun) slasher movie: it tries to be both, or neither (something new and exciting!), but either way it fails dismally. The only horror element of this entire movie is it's epic dullness.

I think the editor (if there was one at all) must have been drunk when s/he chopped this thing up - there are awkwardly foreshortened scenes; scenes that appeared to be out of order (but that could have just been the poor script). LIkewise the director & cinematographer - there were some very strange shots and framing that I think were meant to be tributes to Hitchcock or Browning, but just ended up looking silly (again, fine in a noir, but this was trying to be something else.)

The whole thing perhaps may have been funny (in that way that previous reviewers have mentioned - \\\"OMG how did this get made?!?\\\") if I had been in the mood for some trash- bagging, unfortunately for me I had settled on the couch, with the lights down low, with the express intention of scaring myself silly - this is a very poor film, and I'm afraid I can't recommend it to people, not even for laughs.

Please, please, don't waste your time or money on this - either borrow a real horror/thriller film, or find yourself a copy of Poe's fantastical tales, either way, you'll have a far more enjoyable and frightening night than you could ever hope to achieve with this rubbish.\": {\"frequency\": 1, \"value\": \"...though for a ...\"}, \"The final film for Ernst Lubitsch, completed by Otto Preminger after Lubitsch's untimely death during production, is a juggling act of sophistication and silliness, romance and music, fantasy and costume dramatics. In a 19th century castle in Southeastern Europe, a Countess falls for her sworn enemy, the leader of the Hungarian revolt; she's aided by her ancestor, whose painted image magically comes to life. Betty Grable, in a long blonde wig adorned with flowers, has never been more beautiful, and her songs are very pleasant. Unfortunately, this script (by Samson Raphaelson, taken from an operetta by Rudolf Schanzer and E. Welisch) is awash with different ideas that fail to mesh--or entertain. The results are good-looking, but unabsorbing. *1/2 from ****\": {\"frequency\": 1, \"value\": \"The final film for ...\"}, \"Soylent Green is a classic. I have been waiting for someone to re-do it.They seem to be remaking sci-fi classics these days (i.e. War of the Worlds)and I am hoping some director/producer will re-do Soylent Green. With todays computer animation and technology, it would have the potential to be a great picture. Anti-Utopian films may not be that far-fetched. The human race breeds like roaches with no outside influence to curtail it. We, as humans, have the option of putting the kibosh on the procreation of lesser species if they get out of hand, but there's nothing to control human breeding except for ourselves. Despite all the diseases, wars, abortions, birth control, etc. the human race still multiplies like bacteria in a petri dish. Classic Malthusian economics states that any species, including humans, will multiply beyond their means of subsistence. 6 billion and growing....that's obscene.\": {\"frequency\": 1, \"value\": \"Soylent Green is a ...\"}, \"This one is tough to watch -- as an earlier reviewer says. That is amazing considering the terrible films that came out right after WWII -- particularly the \\\"liberation\\\" of Dachau. It is clear that, as of the middle of the war, we knew exactly what was happening to the Jews. The sequence that shows a \\\"transport\\\" is vivid, almost as if based upon an actual newsreel (the Nazis liked to record their atrocities). Knox as the Nazi is brilliant. He charts the course of a Nazi career. That charting is particularly telling when contrasted with the reactions of other Germans, at first laughing at Hitler, then incredulous, and finally helpless. That contrast, however, permits us to believe in the \\\"conversion\\\" of one young Nazi officer to an anti-Nazi stance. That did happen, as witness the several attempts against Hitler, most notably the Staffenberg plot which occurred as this film was coming out. A strong film, effectively using flashbacks, accurately predicting the Nuremburg trails and others that would occur once the war ended.\": {\"frequency\": 1, \"value\": \"This one is tough ...\"}, \"That's what my friend Brian said about this movie after about an hour of it. He wasn't able to keep from dozing off. I had been ranting about how execrable it was and finally I relented and played it, having run out of adjectives for \\\"boring\\\".

Imagine if you will, the pinnacle of hack-work. Something so uninspired, so impossibly dreadful, that all you want to do after viewing it is sit alone in the dark and not speak to anybody. Some people labor under the illusion that this movie is watchable. It is not, not under any form of narcotic or brain damage. I would ONLY recommend this to someone in order to help them understand how truly unbearable it is. Don't believe me? Gather 'round.

Granted, as a nation, we in America don't always portray Middle Eastern peoples in a tasteful manner. But how about a kid in a sheik outfit bowing in salaam-fashion to a stack of Castrol motor oil bottles? You'll find that here. GET IT? THE ARAB WORSHIPS OIL. I couldn't believe what I was seeing. Having the kid fly planes into a skyscraper would've been more appropriate. Who in their right mind would think that was a funny joke? It's not even close to \\\"cleverly offensive\\\". It just sucks and makes you want to punch whomever got paid to write that bit in the face.

In the middle of the film, a five-man singing group called the \\\"Landmines\\\" takes the stage at an officers' ball. Okay- are you ready? The joke is THEY SING TERRIBLY AND OFF-KEY. Why did I write that in caps also? Because the joke is POUND, POUND, POUNDED INTO YOUR HEAD with a marathon of HORRENDOUS sight gags. They start off mediocre enough; glasses cracking, punch tumblers shattering... then there is, I am 100% serious, a two-frame stop-motion sequence of A WOMAN'S SHOES COMING OFF. You read that correctly- the music was so bad, in one frame, the woman's feet have shoes on. In the very next- the shoes are off!!! Get it, because the music was so bad, her shoes came off! What the F????

Then there is an endless montage of stock footage to drive home the point that the SINGING IS BAD. If any human being actually suffered through this scene in the theater without running like hell, I would be astonished. This movie is honestly like a practical joke to see how fast people would bolt out the doors. Robert Downey Sr. directs comedy the way his son commands respect by staying drug-free. Badly. Other things to watch out for:

1. The popular music shoehorned in wherever possible. Every time Liceman appears, a really inappropriate Iggy Pop song plays. Plus all the actors do their best to act like it got really chilly for some reason.

2. Barbara Bach's criminally awful accent. She sounds like she's trying to talk like a baby while rolling a marble around on her tongue. There is no nudity, and there are several scenes where the boys all moan and writhe from a glimpse of her cleavage, like they're in a community school acting class and they've been directed to act like aroused retarded people.

3. Liceman feeds his revolting dog a condom. Remember; when this movie came out throwing in \\\"abortion\\\" and \\\"condom\\\" was seen as \\\"edgy\\\".

4. Tom Poston plays a mincing, boy-hungry pedophile, back when Hollywood thought \\\"pedophile\\\" and \\\"homosexual\\\" were one in the same. Flat-out embarrassing.

5. Watch the ending. Nothing is wrong with your VCR. That is actually the ending. Tell me that doesn't make you want to explode everyone who's ever made any movie, ever.

Watch this at your own risk. Up The Academy has been known to actually make other movies, like The Jerk or Blazing Saddles, less funny simply by placing the videotape near them.\": {\"frequency\": 1, \"value\": \"That's what my ...\"}, \"It was a painful experience, the whole story is actually there so I won't go into that but the acting was horrible there is this part in the very beginning when the scientist brother goes to work he actually wears a white coat at home before leaving to work, I thought working with biohazard material meant that you should wear sterilized clothes in a controlled environment and the lab itself looks like a school lab there is this monitor on top a file cabinet that has nothing to do with the whole scene its just there to make the place look technical and a scientist is actually having breakfast in the lab and next to him is a biohazard labeled jar and his boss walks in on him and doesn't even tell him anything about it...not to mentioned bad acting very bad can't get any worst than that my advice don't watch and I thought nothing could be worse than house of the dead apparently Uwi Boll's movies look like classical Shakespeare compared to this!\": {\"frequency\": 1, \"value\": \"It was a painful ...\"}, \"If somebody wants to make a really, REALLY bad movie, \\\"Wizards of the Lost Kingdom\\\" really sets a yardstick by which to measure the depth of badness.

Start with the pseudo-Chewbacca that follows around the main character ... Some poor schmuck in a baggy white \\\"furry\\\" costume that looks as if it was stitched together from discarded pieces of carpeting. Work your way slowly, painfully, through more not-so-special effects that thoroughly deny the viewer from suspension of disbelief. Add a garden gnome (just for the heck of it).

On second thought, skip this movie entirely and find something else to do for an hour and a half.\": {\"frequency\": 1, \"value\": \"If somebody wants ...\"}, \"I caught this movie on IFC and I enjoyed it, although I felt like the editing job was a little rough, though it may have been deliberate. I had a little bit of a hard time figuring out what was going on at first because they seemed to be going for a little bit of a Pulp Fiction-style non-linear plot presentation. It seemed a little forced, though. I certainly think that the movie is worth watching, but I think it could have used a little cleaning up. Some scenes just don't seem to make sense after others.

I'm surprised to see the rating here as low as it is. It's not outstanding, but it doesn't have any really serious problems. I gave it a 7/10. The movie did show at least that Laurence Fishburne can act when he wants to. They must have just told him not to in the Matrix movies.\": {\"frequency\": 1, \"value\": \"I caught this ...\"}, \"For starters, I didn't even know about this show since a year or so because of the internet. I have not once seen it on TV before in my country, and a lot of people do not usually know about this show. It is a pity though, because this is easily the most original and clever animation I have witnessed in years.

I don't hand out 10 points a lot, but this is one show that truly deserves all 10 points. Even though at first glance this might seem like a typical cartoon but keep in mind that this is not a kids-show though. When the complete story unfolds itself, you know that this is a real deep storyline, with a spiritual message. This spiritual part of the story is largely based off spirit-animals, a old Indian believe that has been preserved for many years. This gives the show a original twist that you can't often find in animated shows.

The overall design is also something very different. At times it resembles Spawn a bit in terms of gritty design, and other times it takes on a more cartoony approach. I believe David Feiss who also created and directed Cow and Chicken animated a segment in the show (as he also drew that segment in the comic).

If you are looking for a mind-twisting show, a show that takes on various subjects such as reality, suicide, spirituality, life, then this is something you should not miss. Once you begin watching, you are probably going to watch it to the end. One minor fact may be that the show takes on less material from the comic, but this is not too annoying. The only question remains though, where is the DVD?!\": {\"frequency\": 1, \"value\": \"For starters, I ...\"}, \"My wife and I took our 13 year old son to see this film and were absolutely delighted with the winsome fun of the film. It has extra appeal to boys and men who remember their childhood, but even women enjoy the film and especially Hallie Kate Eisenberg's refrain, \\\"Boys are so weird.\\\" It's refreshing to see a film that unapologetically shows that boys and girls are indeed different in their emotional and social makeup. Boys really do these kinds of strange things and usually survive to tell the story and scare their mothers silly! We enjoyed the film so much that my son and an 11 year old friend, myself and my daughters 23 year old boyfriend went to see the movie the next day for a guys day out. We had even more fun the second time around and everyone raved about it. It's clean and delightfully acted by a pre-adolescent cast reminiscent of the TV Classic \\\"Freaks and Geeks\\\". We all feel it will become a sleeper hit not unlike the \\\"Freaks & Geeks\\\" which didn't survive its first season but sold-out its DVD release. Do see it especially if you have boys and you'll find it stimulates conversation about fun and safety! Girls will love it because of the opportunity it affords to say, \\\"Boys are so weird!\\\" Don't miss it...\": {\"frequency\": 2, \"value\": \"My wife and I took ...\"}, \"This film is NOT about a cat and mouse fight as stated in the other comment. Its about a cat that has used up 8 of its 9 lives and now lives in fear of loosing its last one. The cat is jumpy and scared to death all of the time, hence the name 'fraidy cat'. Fraidy Cat's previous lives haunt him as ghosts which are from different era's in time and are constantly trying to kill him off, but he is most fearful of the ninth life which is represented as a cloud in the shape of a number 9 and spits out lighting bolts. very old now but would still be fun for the kids if you got hold of a copy.

i watched this movie almost every day as a child :o)\": {\"frequency\": 1, \"value\": \"This film is NOT ...\"}, \"I sat through almost one episode of this series and just couldn't take anymore. It felt as though I'd watched dozens of episodes already, and then it hit me.....There's nothing new here! I've heard that joke on Seinfeld, I saw someone fall like that on friends, an episode of Happy Days had almost the same storyline, ect. None of the actors are interesting here either! Some were good on other shows (not here), and others are new to a profession they should have never entered. Avoid this stinker!\": {\"frequency\": 2, \"value\": \"I sat through ...\"}, \"Plague replaces femme fatale in this highly suspenseful noir shot in New Orleans by director Elia Kazan. Kazan as always gets fine performances from his actors but also shows a visual flair for claustrophobic suspense with a combination of tight compositions and stunning single shot chase scenes.

A man entering the country illegally is killed after a card game. It turns out he has a form of bubonic plague so it remains crucial not only to arrest the killers but to find an inoculate all those who have had contact. City and health officials implement a plan of secrecy rather than alert the community for fear the culprits will flee the city and spread the disease. A detective and an epidemiologist up against the clock form an uneasy alliance as they comb the waterfront employing their contrasting investigatory styles.

Streets raises a huge ethical question about the publics right to know as the medical officer argues for a media blackout thus possibly creating a greater risk to the community. Regardless of outcome, you still may find yourself second guessing the actions of the the film's protagonist.

Richard Widmark as Dr.Clint Reed and Paul Douglas as Detective Warren display short tempers and grudging respect for each other in their search for the killers. Barbera Bel Geddis as Reed's wife has some good moments with Widmark in some domestic scenes that bring the right touch of (restful more than comic) relief from the tensions of the desperate search amid the grim environs of the New Orleans waterfront impressively lensed by cinematographer Joe McDonald. Zero Mostel as a small time criminal is slimy and reprehensible but at times sympathetic. Walter Jack Palance as the skeletal Blackie (Black Death?) is simply outstanding. With riveting intensity Palance dominates every scene he is in not only with ample threat but disturbing charm as well. In addition he displays a formidable athleticism that allows for a more suspenseful continuity, especially in the film's powerful final allegorical moments.

Panic in the Streets is probably Kazan's best non-Brando film. It's tension filled, suspensefully well paced and edited. It's ambient on locale setting lends a sense of heightened reality that allows Kazan the flexibility to display his visual style beyond the movie stage and with Panic he succeeds with aplomb.\": {\"frequency\": 1, \"value\": \"Plague replaces ...\"}, \"This film got terrible reviews but because it was offbeat and because critics don't usually \\\"get\\\" offbeat films, I thought I'd give it a try. Unfortunately they were largely right in this instance.

The film just has an awkward feel too it that is most off putting. The sort of feel that is impossible to describe, but it's not a good one. To further confound things, the script is a dull aimless thing that is only vaguely interesting.

The immensely talented Thurman just drifts through this mess creating barely an impact. Hurt and Bracco try in vain to add something to the film with enthusiastic performance but there is nothing in the script. It may have been less embarrassing for them if they had merely chosen to drift and get it over with like Thurman.

One thing the \\\"esteemed\\\" film critics did fail to mention however is that the film is actually quite funny. Whether it be moments of accurate satire or some outrageously weird moments like when the cowgirls in question chase Hurt off their ranch with the smell of their unwashed...ahem...front bottoms.

Because of the chortles acheived throughout, while I wouldn't recommend this film, there is entertainment to be had and watching Even Cowgirls Get the Blues is worthwhile for something different.\": {\"frequency\": 1, \"value\": \"This film got ...\"}, \"Creative use of modern and mystical elements: 1956 Cadillac convertible to transport evil stepmother Kathleen Turner (John Waters' \\\"Serial Mom\\\") and the 2 twisted sisters; Queen Mab as the faerie godmother; David Warner (Evil in \\\"Time Bandits\\\") in redcoat at court; Cinderella (she's a babe) shovelling coal into an insatiable furnace; Cinderella and her prince charming both look like (and act like) rock stars. Isle of Man locations.\": {\"frequency\": 1, \"value\": \"Creative use of ...\"}, \"I would say that this film gives an insight to the trauma that a young mind can face when a family is split by divorce or other disaster. I would highly recommend this film especially to parents or individuals planning to have a family.

I found the characters to be appealing and highly sympathetic from a multitude of dimensions.

The scary monster although probably not scary to most adults, has a very real hint of what the overactive imagination of a child who is facing unknown terrors might create.

I found the film to be delightful!\": {\"frequency\": 1, \"value\": \"I would say that ...\"}, \"On the way back from IMC6 (San Jose, California), all five (mind you, three of us hardcore Kamal fans) of us had reached a unanimous verdict; VV was solid crap and thanks to the movie we were going to have a pretty screwed up Monday. Not to mention, we swore to stay off the theatres for the next year.

I won't blame Kamal here because he sort of dropped a hint in a recent interview with cartoonist Madan (on Vijay TV). He said something like, \\\"Tamizh Cinema'la Photography, Editing'la namba munnera'na maadri Screenplay, Direction, Acting'la innum namba munnera'la\\\" (Tamil Cinema has grown in terms of Photography and Editing, but we have hardly improved, when it comes to Screenplay, Direction and Acting\\\"). While you're watching VV, those words ring very true.

Now, here are the 10 Reasons to hate this movie:

1. Harris Jeyaraj

2. Harris Jeyaraj

3. Harris Jeyaraj I'm barely holding myself from using expletives here, but fact is HJ has mastered the fine knack of screwing up every recent movie of his (remember 'Anniyan', 'Ghajini') with the jarring cacophony, he bills as background music. The next time I have an eardrum transplant, he's paying for it.

4. Songs Neither do the songs help move the movie's narration spatially/temporally nor do they make you sit up and take notice. The film feels like it's made of four VERY long songs with a few scenes thrown in between them.

5. A Short gone too far. VV at best is fit to be a short story, not a 2 hour plus \\\"thriller\\\". To use a clich\\ufffd\\ufffd here, like the Energizer bunny it goes on and on and on; only in this case you don't want it to. The later part of a movie feels like a big drag.

6. Kamal-Jothika pairing Two ice cubes rubbed together could've produced more sparks than this lead pairing. There's no reason you would root for them to make it together. In fact every time they get together in the second half of the movie, they make a good irritant to the narration. Hate to say this, but Kamalini Mukerjhee's 10 minute romancing does more than what Kamal and Jothika achieve in this movie plus 'Thenali'.

7. Kamal Haasan's accent Kamal has this pretentious accent that nobody speaks either in India or in the US; and it isn't new either. He's been doing it since 'Thoongadae Thambi Thoongadae'. It's simply gets on the nerve. Imagine what havoc it can cause when his flair for using this strange accent meets shooting on location in the US. He doesn't leave it at the Immigration either, he offers doses of advice to his men (bewildered TN Cops from Keeranor, Sathoor and beyond) in chaste Kamanglish (\\\"Wha we hav here is plain bad police wok\\\"), of course with nauseating effect.

8. Logic There are a few directors whom you expect to stand up to a certain scale. Gautam fails us badly with some crappy performance in the Department of common sense. Which D.C.P in his senses would meet his love interest on the streets to discuss such matters as committing himself and life after! The scene inside the theatre was so bad, towards the climax; we could hear people behind us loudly challenge the Hero's IQ. \\\"Is he stupid, can't he just use his Siren or Lights?\\\" (On a busy Madras road, Kamal-the-cop-on-a-police-Jeep chases a guy on a bike just like any ordinary dude!). \\\"Can't he just use his gun?\\\" (\\\"The guy on a bike\\\" starts on foot and we have a fully geared Kamal in hot pursuit for a considerable amount of time). I'm not voting in favour of the later, but I'm just trying to explain the mood inside.

9. Gore & Violence If I wanted to watch women being raped, their throats getting slashed, more women getting raped and thrown into the bushes with excruciating authenticity, I would sit at home and rather watch a \\\"Police Report\\\" or \\\"Kuttram\\\". The use of excessive violence should go in a way to extend the story, not overwhelm it! Somewhere down the line Gautum seems confused about what the extensions (rapes, murders) are and what the mainstay (story) is!

10. Even a double shot Espresso couldn't get the pain out of the head.\": {\"frequency\": 1, \"value\": \"On the way back ...\"}, \"This film is so bad I can't believe it was actually shot. People who voted 10 or 9, 8 and even 7, are you insane? Did we really watch the same movie? Or the same sh** should I say. Everything is bad in this film. The story (is there a story?) is going nowhere, completely incoherent, the acting (some dialogs are simply just ridiculous), the music score (what the **** is that?), the editing, and especially the artistic direction, a pure disaster. Reminds me the old Macist movies... To give you an example of the amateurism of the production, the mermaid's costume is a sleeping bag with spangles sticked on it. I'm not joking, that's exactly what it is.

Another example of the enormous mistakes we find here: you see in a scene an extra, a fat woman of about 200 pounds, who's talking on her cell phone. The next shot, which is in a complete different location, you can see this same woman, still talking on her cell phone (!) Yes, it goes that far.

A big, huge, waste of money. Useless.\": {\"frequency\": 1, \"value\": \"This film is so ...\"}, \"Peter Jacksons version(s) are better films overall from objective point of view. That being said, they are not my favorite screen versions of Lord Of The Rings, and let me explain why.

Firstly, the acting of the on-screen characters is just too ordinary and uninspiring with Jackson's LOTR. The whole cast is too run of the mill. \\\"Are you claiming that those silly cartoon characters of Ralph Bakshi version are better actors than real people?\\\" one could ask. Well, they are not really silly(save for Hobbits, later about them) and they certainly pack more personality than Jackson's party - even with much more limited dialogue time. And that is because of superior _voice_ acting of the Bakshi's LOTR. Take Aragorn for example. In this version his voice is deep and charismatic with full of authority(Aragorn the lord)and with a seasoned rasp(Aragorn the ranger). This is due to John Hurt's brilliant voice acting. Compare that to Viggo Mortensen's rather high pitched sound with no soul and the duel gets quickly uneven: Hurt beats Mortensen hands down.

And then there is Gandalf. Probably the most dominating(and the most popular) character in the whole saga. In this Bakshi version Gandalf(William Squire) is a real wizard. And by that I don't mean he shoots bolts from his fingertips(he does not), but his presence is just captivating. He is a mystical, powerful and can switch from gentle old man to a scary person with ease. Add to that his looks: Tall, old as the ancient oak, beard long as his body, sharp eyes, wizardy hook nose and of course, the classical wizard hat. A Perfect Gandalf, just like in the books. Ian McKellen's Gandalf in the other hand, is simply just too boring. He looks too human, sounds too human, acts too human and wears no hat or wields no sword. Yes a sword. In this Bakshi version Gandalf scores couple of bloody orc kills with his sword(as he did in the books). And those are stylish slow motion kills. Gandalf is not a power to be messed with. And it must be noted, that while I'm sad to say this, the great Christopher Lee didn't bring Saruman alive. Fraser Kerr in this movie did, even with a very limited screen time and lines.

Before I move completely to visual aspects of the movie, it must be mentioned that the voice acting and the general presenation of the Orcs are also superior to Jackson's pretendeous bad guys. Bakshi's orcs taunt their enemies(or each other) constantly with growls, screams and nasty language. They are more believable as monsters and are more faithful to the book in my opinion. And finally, the Black Riders - or the Nazgul. Those ultimate bad guys are scary ghosts in this one - not just some riders wearing black. And they speak with haunting voice, which mesmerizes their victim. My favorite scene in the film is when the Nazgul are chasing Frodo near the river. While Peter Jackson couldn't do anything but show the riders simply chasing the party, Bakshi throws in a nightmarish dream with some cool slow motion scenes and thundering sky.

But as much I like this film more than Jackson's, the latter are, if only technically, still better. And that is because of some key visuals. As you know Bakshi LOTR features a mixture of animated characters(all hobbits and the main cast) and real actors covered with paint. I don't really have a problem using real people in animation this way, but they just don't fit very well with traditional cartoon figures. This is especially true with humans(Riders of Rohan, tavern people etc.) Orcs are different matter, since they are meant to look very distinctive from other characters. Orcs, while played by humans with animation mix, look far superior to Jacksons version. They have brownish-green skin, shiny red eyes, flat face and pointed teeth.

Biggest screw up in this films visuals, howerver, are the Hobbits. While I prefer almost every character in Bakshi version compared to Jackson, the latter has clearly superior Hobbits, in fact they are perfect. With Bakshi you get some irritating and rather poorly drawn humanoid Disney bambies. And you are forced to spend a lot of movie time with them, so be warned. Again, the voice acting is OK with them too, but the actors mouths cannot save the \\\"immersion damage\\\" made by these little weasels. Well, I never really liked those halflings anyway.

General failures in the Bakshi script are well known. Limited playing time(with limited budget) and a lot of missing scenes. So while this film covers nearly half of the story, it doesn't do it in extensive detail compared to Jackson's version.

In a summary the Ralph Bakshi version of LOTR has a superior:

-overall atmosphere (it feels more like Middle-Earth) -overall voice acting -music (I really dig the fantasy score by Kont & Rosenman) -Gandalf -Aragorn (One of the John Hurt's finest roles) -King Theoden -Orcs -Black Riders -Elrond (He's not some fairy hippie in this one!)

While Jackson version is better:

-because it covers the whole story -overall visuals and special effects -Gollum/Smeagol -Balrog -Hobbits

Lord of the Rings by Ralph Bakshi, even with it's well known shortcomings, is one of the best animation films ever made and it captures the atmosphere of Tolkien's fantasy world very well, if not perfectly. I'll give it a score of 8\\ufffd\\ufffd out of 10.\": {\"frequency\": 1, \"value\": \"Peter Jacksons ...\"}, \"Buster absolutely shines in this episode, which is the only vehicle I've seen towards the end of the career that allowed him to do the physical (and silent!) comedy that made him famous. It's still a shock to hear his gravelly voice in the talkie sequences - his voice is about the only thing I don't care for, as far as Buster is concerned - but his ability to take a pratfall is still unparalleled. He even repeats some of the gags used in his early two-reelers with Roscoe Arbuckle.

My deepest gratitude to Rod Serling for presenting us with this episode, and for giving Buster's genius full scope. He didn't have much time (one episode) to do it in, but this is a touching tribute to Hollywood's greatest genius.\": {\"frequency\": 1, \"value\": \"Buster absolutely ...\"}, \"\\\"Darius Goes West\\\" is the touching story of a brave teen coping with Duchenne's Muscular Dystrophy and his personal quest to see the Pacific Ocean. He receives help and encouragement from a group of young men who love and care for him while going on this quest.

The story has a natural drama and honest portrayal of the commitment of young people to help one of their own stricken with this incurable disease.

Anyone who thinks young people are self-centered and narcissistic will find this movie to turn that stereotype on its head. It is the power of the young people and their engagement with Darius' plight that is very compelling in this documentary.\": {\"frequency\": 1, \"value\": \"\\\"Darius Goes West\\\" ...\"}, \"There is so much that can be said about this film. It is not your typical nunsploitation. Of course, there is nudity and sex with nuns, but that is almost incidental to the story.

It is set in 15th Century Italy, at the time of the martyrdom of 800 Christians at Otranto. The battle between the Muslims and the Christians takes up a good part of the film. It was interesting when everyone was running from the Muslim hoards, that the mother superior would ask, \\\"Why do you fear the Muslims,; they will not do anything that the Christians have done to you?\\\" Certainly, there was enough torture on both sides.

Sister Flavia (Florinda Bolkan) is sent to a convent for defying her father. In the process, she witnesses and endures many things: the gelding of a stallion, the rape of a local woman by a new Duke, the torture of a nun who was overcome during a visit by the Tarantula Sect, and a whipping herself when she ran off with a Jew. The torture was particularly gruesome with hot wax being poured on the nun, and her nipples cut off.

Sister Flavia is bound to continue to get into trouble as she questions the male-dominated society in which she lives. She even asks Jesus, why the father, son and holy ghost are all men.

Eventually, she joins the leader of the Muslims as his lover and they sack the convent. Here is where you see more flesh than you can possible enjoy at one time. But, tragedy is to come. She manages to exact sweet revenge on all, including the Duke and her father, but finds that the Muslim lover treats her exactly the same. She is a woman and that is all there is to it.

I won't describe what the holy men of the church did to this heretic at the end, but it predates the torture of Saw or Hostel by decades.

Nunsploitation fans will be satisfied with the treats, but movie lovers will find plenty of meat to digest.\": {\"frequency\": 1, \"value\": \"There is so much ...\"}, \"I enjoyed watching Brigham Young and found it to be a positive and largely true portrayal of the LDS faith. I think that a remake of this epic journey across the plains would be beneficial, since many people today are not familiar with the trials and persecutions faced by the early Mormon church. It is an incredible story of a strong and devoted people.

As a member of the church, the single most disturbing aspect of the film (most of the historical inaccuracies did not bother me much) was the portrayal of Brigham Young as one that had \\\"knowingly deceived\\\" church members into believing he had been called to be Joseph's successor as the prophet. Although I understand the dramatic reasons for this plot line, it creates the impression that his doubts in this regard are historical fact, when in reality, both Brigham and the bulk of the church members understood and believed firmly that he had been called to lead the church. Brigham did not knowingly deceive the saints; rather he led them confidently by inspiration. The point is important for Mormons because on it hinges an important aspect of our faith: that God truly speaks to prophets today, and that Brigham Young, like Joseph Smith, was an inspired prophet of God.

Whether or not you believe this statement or not, just know that the film does not accurately portray what Brigham himself believed.\": {\"frequency\": 1, \"value\": \"I enjoyed watching ...\"}, \"\\\"De vierde man\\\" (The Fourth Man, 1984) is considered one of the best European pycho thrillers of the eighties. This last work of Dutch director Paul Verhoeven in his home country before he moved to Hollywood to become a big star with movies like \\\"Total Recall\\\", \\\"Basic Instinct\\\" and \\\"Starship Troopers\\\" is about a psychopathic and disillusioned author (Jeroen Krabbe) going to the seaside for recovering. There he meets a mysterious femme fatale (Renee Soultendieck) and starts a fatal love affair with her. He becomes addicted to her with heart and soul and finds out that her three previous husbands all died with mysterious circumstances...

\\\"De vierde man\\\" is much influenced by the old Hollywood film noire and the psycho thrillers of Alfred Hitchcock and Orson Wells. It takes much time to create a dark and gripping atmosphere, and a few moments of extreme graphic violence have the right impact to push the story straight forward. The suspense is sometimes nearly unbearable and sometimes reminds of the works of Italian cult director Dario Argento.

The cast is also outstanding, especially Krabbe's performance as mentally disturbed writer that opened the doors for his international film career (\\\"The Living Daylights\\\", \\\"The Fugitive\\\"). If you get the occasion to watch this brilliant psycho thriller on TV, video or DVD, don't miss it!\": {\"frequency\": 1, \"value\": \"\\\"De vierde man\\\" ...\"}, \"A glacier slide inside a cavernous ice mountain sends its three characters whoosh down a never-ending wet-slide tube that has enough kick to dazzle kids the same way mature audience may be dazzled by the star gate sequence that closes 2001: A Space Odyssey. Miles apart in vision, but it is a scene of great rush and excitement nonetheless. A magnificent opening sequence also takes place where a furry squirrel-like critter attempts to hide his precious acorn. You've probably seen this scene in the trailer, but as it takes place he starts a domino effect when the mountain starts cracking and, results, an avalanche. The horror just keeps going as the critter tries to outrun the impossible.

The movie traces two characters, a mammoth named Manfred (Ray Romano) and a buck-toothed sloth (John Leguizamo) as they try to migrate south. They find a human baby they adopt and then decide to track the parent figures down to return to them. They are joined by a saber tiger named Diego (Denis Leary) whose predatory intentions is to bring the baby to his tiger clan, by leading the mammoth and the sloth into a trap. Diego's meat-eating family wants the mammoth most of all, but Diego's learned values of friendship make easy what choice to ultimately make at the end.

There are fatalistic natural dangers of the world along the trip, including an erupted volcano and a glacier bridge that threatens to melt momentarily that is reminiscent of the castle escape in Shrek. Characters contemplate on why they're in the Ice Age, while they could have called it The Big Chill or the Nippy Era. Some characters wish for a forthcoming global warming. Another great line about the mating issues between girlfriends: `All the great guys are never around. The sensitive ones get eaten.' Throwaway lines galore, whimsical comedy and light-fingered adventure makes this one pretty easy to watch. Also, food is so scarce for the nice vegetarians that they consider dandelions and pine cones as `good eating.'

The vocal talents of Romano, Leguizamo and Leary make good on their personas, while the children will delight in their antics, the adults will fancy their riffs on their own talents. There is some mild violence and intense content, but kids will be jazzed by the excitement and will get one of their early introductions of the age-old battle of good versus evil, and family tradition and friendship are strong thematic ties. The animators also make majestic use of background landscapes that are coolly fantastic.

\": {\"frequency\": 1, \"value\": \"A glacier slide ...\"}, \"My baby sitter was a fan so I saw many of the older episodes while growing up. I'm not a fan of Scooby Doo so I'm not sure why I left the TV on when this show premiered. To my surprise I found it enjoyable. To me Shaggy and Scooby were the only interesting characters *dodges tomatoes from fans of the others* so I like that they only focus on those two. However, this may cause fans of the original shows to hate it. I like the voice acting, especially Dr. Phinius Phibes. I liked listening to him even before I knew he was Jeff Bennett. And Jim Meskimen as Robi sounds to me like he's really enjoying his job as an actor. I also get a kick out of the techies with their slightly autistic personalities and their desires to play Dungeons and Dragons or act out scenes from Star Wars (not called by those names in the show, of course).\": {\"frequency\": 1, \"value\": \"My baby sitter was ...\"}, \"99.999% pure crap. And the other .001% was a brief moment where I thought the blond chick was going to disrobe. Nope.

The dialogue was legendarily bad. The action sucked, and there was no sex (the afore mentioned blond chick is modestly dressed, alas, the whole movie). The CGI had the dubious honor of being the worst I've ever seen on film, and the anachronisms were numerous and glaring. Acting was mediocre even from Ben Cross and Marina Sirtis, the only 'names' in this movie. And Marina Sirtis looked really, really bad.

I've seen high school plays more capably produced. This is the kind of movie that MST3K thrived on. Heads should roll at Sci-Fi for allowing this steaming pile on the air.\": {\"frequency\": 1, \"value\": \"99.999% pure crap. ...\"}, \"Wow, my first review of this movie was so negative that it was not excepted. I will try to tone this one down. Lets be real!!! No one wants to see a Chuck Norris movie where HE is not the main character.There was a good fight scene at the end, but the rest of the movie stank. I have to wonder if old Chuck just can't hang with the best any more. Has he slowed down so much that he has to turn out junk like this and hope that his reputation will carry him through the entire movie? Chuck is an awesome martial artist, and as we have seen from Walker, Texas Ranger, a fairly good actor, but the trick is to combine both of these qualities in his movies, and this one does not. Very Disappointing for us Norris fans. Chuck, stay as the main character in your movies, because this does not work for you...Gary\": {\"frequency\": 1, \"value\": \"Wow, my first ...\"}, \"There is something in most of us, especially guys, that admires some really working class small town \\\"real men\\\" populist fare. And Sean Penn serves it up for us with a cherry on top. Hey, A lot of people use Penn as a political whipping boy, but I don't rate movies or actor/directors based on politics or personality. That is what right wing commentators like excretable faux movie reviewer Debbie Schlussel does. While acknowledging he is one of our best actors and a good director, I think this picture was a simplistic piece of aimless dreck that he has atoned for since.

Okay, you have the gist of this there is this good cop, a small town trooper, Joe, played against type by David Morse, who in the opening scene chases some guy on a country farm road in big sixties cars. The bad guy stops, gets out, shoots at him so Joe has to blast him dead. There was no explanation what drove this man to do such a desperate violent thing and the dead man's parents do some redneck freak out at the police station while Joe feels real sad and guilty that he had to kill someone. So we know that Joe, the farmer forced off his land into a cop job, is a good basic sort of guy. Then his brother Frank shows up, he is a sadistic, amoral bully, fresh out of the Army and Nam where the war got his blood lust up. Some people here and in other reviews called him just an irresponsible hell raising younger brother and Sean was trying to make some point about what our John Wayne tough guy culture and war does to otherwise good people but what I saw was an amoral, sadistic bully who enjoys hurting and ripping people off. Then there is mom and dad, Marsha Mason and Charles Bronson, who do the requisite turn as old fashioned country couple, then die off; she by illness and he by shotgun suicide, to advance the story for us. Both times Frank the bad guy is away being a miserable SOB. But good Joe brings him back to Podunksville from jail so Frank can straighten his life out by welding bridges and living with his utterly stupid screaming trashy pregnant wife. But Joe has a nice wife, played by Italian actress Valeria Golina, who is Mexican and Sean uses this as an exercise in some affirmative action embellishment of goody Joe and his real soulfulness underneath his uniform and crew cut. For me, that was an utterly pointless affirmative action subplot that Sean uses to burnish his tough guy creds by sucking up to Mexicans because Mexicans are so tough and cool.

But Frank is bad and we get the requisite events like stealing friend's car, robbing gas station by beating the clerk over the head then torching the car and all those cool things that hell raisers do. Then there are the mandatory 8mm film childhood flashbacks of young Joey dutifully moving the lawn and cowboy dressed Franky jumping on his back and wrestling him and yadda yadda so we all know what deep bond there is between the two of them.

So the film meanders around with a lot of small town schlock to warm the heart of any red stater. Accompanying the film was a great soundtrack of good sixties songs like Jefferson Airplane and Janis Joplin which were totally inappropriate, except for the 60's era effect, to win the hearts of old hippies. The worst offense is that, since the movie was inspired by a Springsteen song, \\\"The Highway Patrolman\\\", that song was not included.

So Joe's brain dead wife goes into labor and Joe runs off to the bar to get loaded and spout some populists drunken victim's spiel about how tough things are while good Joey comes to drag him back to his wife. The bartender is good Ole Ceasar, played by Dennis Hopper. So Viggo - Frank whigs out for no particular reason and beats his pal Ceasar to death after good Joe the Cop leaves.

So Joe has chase his bad brother down and I was so hoping that he would do the right thing and blow that menace to society away. Instead we get a scene where his brother stops ahead of him in some old 50's junker on some lonely road at night, and little Franky in his cowboy suit and cap guns gets out of the car to face good Joe, the kid from the 8mm flashback home movie sequence. Oy, such dreck! Then to top off this drecky sap fest, there is some Zen crap about the Indian runner, who is a messenger, becomes the message, ala Marshall MacLuhen? See what I mean, Sean has done much better than this so don't be afraid to miss this one.\": {\"frequency\": 1, \"value\": \"There is something ...\"}, \"I think I usually approach film festival comedies with the low expectation that they will invariably be \\\"quirky,\\\" and that any intended humor will be derived solely at the expense of the characters' simplicity in the face of a complicated context. What was exceptional about Big Bad Swim was that the director was able to maintain the integrity and development of his characters in his film while still finding laugh-out-loud humor in scene after scene. There was a sophistication, maybe due also in part to the sharp work of the DP, I've rarely seen in an indie film, and even more rarely in a comedy. Of special note here: Paget Brewster's turn as Amy the math teacher. After seeing this performance I cannot understand why Brewster hasn't been \\\"discovered\\\" by a larger audience. She brings the necessary mix of anger and likability to the role that really helps this picture reach its potential. This is a terrific work deserving of a larger audience. I look forward to more from the director and this cast!\": {\"frequency\": 1, \"value\": \"I think I usually ...\"}, \"Just Cause takes some of the best parts of three films, Cape Fear, A Touch of Evil and Silence of the Lambs and mixes it together to come up with a good thriller of a film.

Sean Connery is a liberal law professor, married to a former Assistant District Attorney, Kate Capshaw and he's a crusader against capital punishment. Blair Underwood's grandmother Ruby Dee buttonholes Connery at a conference and persuades him to handle her grandson's appeal. He's sitting on death row for the murder of a young girl.

When Connery arrives in this rural Florida county he's up against a tough sheriff played by Laurence Fishburne who's about as ruthless in his crime solving as Orson Welles was in Touch of Evil.

Later on after Connery gets the verdict set aside with evidence he's uncovered, he's feeling pretty good about himself. At that point the film takes a decided turn from Touch of Evil to Cape Fear.

To say that all is not what it seems is to put it mildly. The cast uniformly turns in some good performances. Special mention must be made of Ed Harris who plays a Hannibal Lecter like serial killer on death row with Underwood. He will make your skin crawl and he starts making Connery rethink some of those comfortable liberal premises he's been basing his convictions on. Many a confirmed liberal I've known has come out thinking quite differently once they've become a crime victim.

Of course the reverse is equally true. Many a law and order conservative if they ever get involved on the wrong end of the criminal justice system wants to make real sure all his rights are indeed guaranteed.

Criminal justice is not an end, but a process and a never ending one at that for all society. I guess if Just Cause has a moral that would probably be it.\": {\"frequency\": 1, \"value\": \"Just Cause takes ...\"}, \"Shannon Lee,the daughter of Bruce Lee,delivers high kicking martial arts action in spades in this exhilarating Hong Kong movie and proves that like her late brother Brandon she is a real chip off the old block. There is high tech stuntwork to die for in this fast paced flick and the makers of the Bond movies should give it a look if they want to spice up the action quotient of the next 007 adventure as there is much innovative stuff here with some fresh and original second unit work to bolster up the already high action content of \\\"AND NOW,YOU'RE DEAD\\\". When you watch a movie as fast paced and entertaining as this you begin to wonder how cinema itself was able to survive before the martial arts genre was created.I genuinely believe that movies in general and action movies in particular were just marking time until the first kung fu movies made their debut. Bruce Lee was the father of modern action cinema and his legitimate surviving offspring Shannon does not let the family name down here.Although there are several pleasing performances in this movie (Michel Wong for one)it is Shannon Lee whom you will remember for a genuinely spectacular performance as Mandy the hitgirl supreme.Hell;you may well come away whistling her fights!\": {\"frequency\": 1, \"value\": \"Shannon Lee,the ...\"}, \"I've seen the Thin Man series -- Powell and Loy are definitely great, but there is something awfully sweet about Powell and Arthur's chemistry in this flick. Jean Arthur SHINES when she looks at Powell. There is an unmistakable undercurrent buzzing between them. This film may not have the wit of the Thin Man series, but undeniably makes up for it in charm. While I watched it, I thought for sure Powell was carrying on an off-screen affair with Arthur. My friends thought the same. This is one film where I wish I could step back in time (to schmooze and lock lips with Powell!) There seems to be no end to his lovable playful smirks! Powell's character, Lawrence Bradford, is probably the closest thing to the \\\"perfect man.\\\" Okay, this is sounding way too gushy, but I can't help myself.\": {\"frequency\": 1, \"value\": \"I've seen the Thin ...\"}, \"This is the worst movie I have ever seen, and I have seen quite a few movies. It is passed off as an art film, but it is really a piece of trash. It's one redeeming quality is the beautiful tango dancing, but that cannot make up for Sally Potter's disgustingly obvious tribute to herself. The plot of this movie is nonexistent, and I guarantee you will start laughing by the end. Especially where she starts singing. It's absolutely unreal.\": {\"frequency\": 1, \"value\": \"This is the worst ...\"}, \"Shiri Appleby is the cutest little embodiment of evil turned good girl demon-kicking Buffy clone, Elle. But I'm getting ahead of myself, you see Lilith was the first woman made by god as a companion to Adam. But she got all uppity evil feminist so god banished her from Eden. A clandestine order known as The Fath captures her but doesn't kill her, so now with amnesia (which is not really explained that well) Lilith (now Elle) is free to become the aforementioned Buffy-clone who has to battle with a mad scientist who got an injection of Lilith's blood.

If the previous paragraph sounded hideously convoluted, that's because it is. The movie is also dull, generic, and for a film with a plot steeped in theology it doesn't seem to know a lick about it. This bargain basement lousy-CGIed movie was apparently a failed series pilot. All I can say to the fact that it didn't get picked up is a resounding Amen.

My Grade: D-

DVD Extras: Commentary by Writer/Director Bill Platt and Co-writer Chris Regina; and Stills gallery; video effects samples: before & after (it also has an \\\"also available\\\" selection that you would THINK would lead you to some trailers, but nope on DVD covers for other films, which is a stupid idea)

DVD-ROM extras: Final shooting script and Deleted scenes transcript both in PDF format\": {\"frequency\": 1, \"value\": \"Shiri Appleby is ...\"}, \"Kazan's early film noir won an Oscar. Some of the reviews here go into extraordinary detail and length about the film and its symbolism, and rate it very highly. I can almost see where they are coming from. But I prefer to take a more toned-down approach to a long-forgotten film that appears to have been shot on practically no budget and in quasi-documentary fashion. Pneumonic plague is loose in the streets of New Orleans, and it is up to a military doctor (Widmark) and a city detective (Douglas) to apprehend the main carrier (Palance). The film is moody, shot in stark black and white, and makes very good use of locations. Widmark is wonderful as usual. Forget the symbolism (crime equals disease, and disease equals crime) and just enjoy the chase. It is not always easy watching a film like this now that we are well into this new century, as it is of a particular style that was very short-lived (post WWII through the early 1950s) and will unlikely be of interest to the casual film watcher. For those who will be watching this for the first time, sit tight for the big chase at the end. It is something else, and frankly I don't know how they filmed some of it. I can say it probably took as long to film the finale as it did the first 90 percent of the movie.\": {\"frequency\": 1, \"value\": \"Kazan's early film ...\"}, \"For Daniel Auteuil, `Queen Margot' was much better. For Nastassja Kinski, `Paris, Texas' was much better. The biggest disappointments were from Chris Menges (`CrissCross' and `A World Apart' cannot even be compared with this one), and Goran Bregovic for use of a version of the same musical theme from `Queen Margot' for this movie (Attention to the end of the film). If this was an American pop movie, I would not feel surprised at all; but for a European film with more independent actors and director, a similar common approach about child abuse with no original insight is very simple-minded and disappointing. There are those bad guys who kidnap and sell the underage people. There are those poor children who hate people selling them and wait to be saved by someone. And finally, there is that big hero who kills all the bad guys and saves these poor children from bad guys. Every character is shown in simple black and white terms: the good versus the evil. Plus, from the very beginning, I could understand how the story would end. Is this the end of the history of child sexual abuse? I believe that the difficult issue of child molestation and paedophilia is much more complex than how it is portrayed in this not very original movie. I think this movie was not disturbing, but very disappointing.\": {\"frequency\": 1, \"value\": \"For Daniel ...\"}, \"This movie really deserves the MST3K treatment. A pseudo-ancient fantasy hack-n-slash tale featuring twin barbarian brothers with a collective IQ of hot water, character names that seem to have been derived from a Mad Libs book, and such classic lines as \\\"Hold her down and uncover her belly!\\\", The Barbarians crosses over into the \\\"so bad, it's good\\\" territory.\": {\"frequency\": 1, \"value\": \"This movie really ...\"}, \"I really looked forward to this program for two reasons; I really liked Jan Michael Vincent and I am an aviation nut and have a serious love affair with helicopters. I don't like this program because it takes fantasy to an unbelievable level. The world speed record for helicopters was set at 249 mph by a Westland Lynx several years ago. The only chopper that was ever faster was the experimental Lockheed AH56A in the 1960's. It hit over 300 and was a compound helicopter, which means it had a pusher propeller at the end of its fuselage providing thrust.

In short, no helicopter can fly much over 275 because of the principle of rotary wing flight. And the Bell 222, the \\\"actor\\\" that portrayed Airwolf wasn't very fast even by helicopter standards. And it didn't stay in production very long.

There was a movie that came out during this time period called \\\"Blue Thunder\\\" that was much more realistic.\": {\"frequency\": 1, \"value\": \"I really looked ...\"}, \"I can't believe how anyone can make a comedy about an issue such as homelessness. Of course, Brooks has not made a comedy about _real_ homeless people. No mention of drugs, prostitution or violence on these streets. The people we meet in this movie are homeless in Fantasy land so the only difference between them and us is that they don't eat quite as often. Brooks' movies have become worse and worse over the years. This is just another nail in the coffin .\": {\"frequency\": 1, \"value\": \"I can't believe ...\"}, \"The premise is ridiculous, the characters unbelievable, the dialogue trite, and the ending absurd.

Believe me, I'm a fan of Kevin Kline, but watching him do a Pepe Le Pew accent for 2 hours as a supposed Frenchman is not nearly as amusing as it sounds.

For her part, Meg Ryan is once again as perky and adorable as a (take your pick): kewpie doll, baby, puppy, kitten, whatever you happen to think is the cutest creature on earth. She also bears not the slightest resemblance to a real human being.

This movie strikes me as an opportunity seized by buddies Lawrence Kasdan and Kline to vacation in Paris and the south of France while being well-paid for it. So I can't really blame them.\": {\"frequency\": 1, \"value\": \"The premise is ...\"}, \"Dolph Lundgren stars as Murray Wilson an alcoholic ex-cop who gets involved with a serial killer who kills during sex, after his brother is murdered, Wilson starts his own investigation and finds out a lot of his brother's secrets in this very dull thriller. Lundgren mails in his performance and the movie is flat and lethargic. Also when has anyone watched a Dolph Lundgren movie for anything but action?\": {\"frequency\": 1, \"value\": \"Dolph Lundgren ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"As the Godfather ...\"}, \"Return to Cabin by the Lake just.... was lacking. It must have had a very low budget because a fair amount of the movie must have been filmed with a regular video camera. So, within the same scene - you'll have some movie-quality camera shots AND simple video camera shots. It makes for a very odd blend! I think they should have found SOME way to not do the \\\"home video\\\" type effect!

I think it's worthwhile to see it IF you have seen the original CBTL because then you can compare and see the differences. But if you haven't seen the original CBTL.... you'll never want to see it if you see this one first! It will probably seem way too cheesy and turn you off from even caring about the original one.\": {\"frequency\": 1, \"value\": \"Return to Cabin by ...\"}, \"Even if you're a huge Sandler fan, please don't bother with this extremely disappointing comedy! I bought this movie for $7.99, assuming it has to be at least halfway decent since my man Sandler is in it and because I assumed some women would get naked (judging by the R-rating and scantily-clad women on the cover). Well, there are quite a few scantily-clad women, but none get naked. I'm not sure what point this was in Sandler's career, but I'm guessing it was even before his SNL days. I can be wrong. This is like watching one of his home movies. He might look back at a cheesy movie like this and reminisce about the good ol' times...but we (the audience) are left to dry. This is hardly a \\\"movie\\\"! Sandler does a lot of talking to the camera, and even admits at one point that this is \\\"no-budget\\\" movie (that's right, not a low-budget movie, a NO-budget movie). So our job is pretty much to laugh AT the quirky characters. There is no steady plot, it's like an extended sketch comedy show--but a crude and badly written one. That guy who played the nasty comedian was completely annoying and it was implausible in the first place that he would receive such a mass audience. And Sandler finds his comic inspiration by saying the one classic Henny Youngman line \\\"Take my wife, please\\\" and the audience is on the floor? I'm not even going to TRY to make any logic here. Sure, Sandler's current and recent movies are not known for making a lot of sense (the penguin in \\\"Billy Madison,\\\" the midget in \\\"Happy Gilmore's\\\" Happy Place) but the comedy works. This is a strictly amateurish work, and even if you're curious about Adam's early days in film--you still won't be interested. You're better off checking out his start on SNL or maybe his underrated role in \\\"Mixed Nuts.\\\" Of course, the Sandman is not the only actor wasted in this thankless vehicle. Billy Bob Thornton also makes a short appearance, Billy Zane (\\\"Titanic\\\") has a supporting role and the great Burt Young (from the \\\"Rocky\\\" movies) has a significant role.

This awful comedy will most probably be collecting dust on the 99-cent rental section of your local video store--and rightfully so.

My score: 3 (out of 10)\": {\"frequency\": 1, \"value\": \"Even if you're a ...\"}, \"I happened across \\\"Bait\\\" on cable one night just as it started and thought, \\\"Eh, why not?\\\" I'm glad I gave it a chance.

\\\"Bait\\\" ain't perfect. It suffers from unnecessarily flashy direction and occasional dumbness. But overall, this movie worked. All the elements aligned just right, and they pulled off what otherwise could have been a pretty ugly film.

Most of that, I think, is due to Jamie Foxx. I don't know who tagged Foxx for the lead, but whoever it was did this movie a big favor. Believable and amazingly likeable, Foxx glides through the movie, smooth as butter and funnier than hell. You can tell he's working on instinct, and instinct doesn't fail him.

The plot, while unimportant, actually ties together pretty well, and there's even a character arc through which Foxx's character grows as a person. Again, they could've slipped by without any of this, but it just makes things that much better.

I'm surprised at the low rating for this. Maybe I just caught this move on the right night, or vice versa, but I'd give it a 7/10. Bravo, Mssr. Foxx.\": {\"frequency\": 1, \"value\": \"I happened across ...\"}, \"Brando plays the ace jet pilot, just back from shooting MiGs down in the Korean War. On leave, he discovers his Madame Butterfly, falls in love. The lovers both see the folly of racism and the cruelty which conservative cultural norms can bring to human relations.

This film is an excellent romance with a nice twist which rejects the racist, conservative standards, dominant at the time it was made in 1957. \\\"Sayonara\\\" will make you laugh and cry. Beware though, sometimes the musical background will make you wish it was not there, although, Irving Berlin's title song will entice your memory for a very long time after your theatre lights come on again.\": {\"frequency\": 1, \"value\": \"Brando plays the ...\"}, \"The sun should set on this movie, forever.

It goes on forever (which isn't usually a bad thing - The English Patient, Schindler's List) but is SO tedious. The aging of the actors is unbelievable and so is the drawn-out never-ending story line which really seems to go nowhere.

In short, a waste of talent and film.\": {\"frequency\": 1, \"value\": \"The sun should set ...\"}, \"There is a scene in Dan in Real Life where the family is competing to see which sex can finish the crossword puzzle first. The answer to one of the clues is Murphy's Law: anything that can go wrong, will go wrong. This is exactly the case for Dan Burns (Steve Carell, the Office) a columnist for the local newspaper. Dan is an expert at giving advice for everyday life, yet he comes to realize that things aren't so picture perfect in his own. Dan in Real Life is amazing at capturing these ironies of everyday life and is successful at embracing the comedy, tragedy, and beauty of them all. Besides that this movie is pretty damn hilarious.

The death of his wife forces Dan to raise his three daughters all on his own... each daughter in their own pivotal stages in life: the first one anxious to try out her drivers license, the middle one well into her teenage angst phase, and the youngest one drifting away from early childhood. Things take a turn for Dan when he goes to Rhode Island for a family reunion and stumbles across an intriguing woman in a bookstore.

Her name is Marie (Juliette Binoche, Chocolat) and she is looking for a book to help her avoid awkward situations... which is precisely whats in store when they get thrown into the Burns Family household.

If you've seen Steve Carell in The Office or Little Miss Sunshine, you'd know that he is incomparable with comedic timing and a tremendously dynamic actor as well. Steve Carell is awesome at capturing all the emotions that come with family life: the frustration and sincere compassion. The family as well as the house itself provides a warm environment for the movie that contrasts the inner turmoil that builds throughout the movie and finally bursts out in a pretty suspenseful climax. The movie only falls short in some of the predictable outcomes, yet at the same time life is made up of both irony and predictability: which is an irony within itself.

Dan in Real Life is definitely worth seeing, for the sole enjoyment of watching all the funny subtleties we often miss in everyday life, and I'll most likely enjoy it a second time, or even a third. Just \\\"put it on my tab.\\\"\": {\"frequency\": 1, \"value\": \"There is a scene ...\"}, \"I must say, this movie has given me a dual personality. I've been told again and again to SHUT UP and start speaking like a normal person. But, it's very hard... no not the wang. Did you find that disgusting and disrespectful? Well, get in the mood for a lot more. This movie is just filthy! It's not a film to show your grand-parents, but you should show it to a teenager or some immature guy at your workplace. Anyway, back to the voice mannerisms. Fortunately this site has some Ladies Man (did anyone at the studio notice that there's supposed to be a apostrophe(?) between the e and s?) so you can always have a fine little something to say to your boss or the cops. I have a sheet in my wallet.\": {\"frequency\": 1, \"value\": \"I must say, this ...\"}, \"Bottom-of-the-Freddy barrel. This is the worst film in the series, beating \\\"Freddy's Revenge\\\" for that title. A cheap-looking (with mediocre special effects), incoherent mess, with Freddy turned into a punster. He has one or two cool lines, but that doesn't save this illogical and sloppy sequel.\": {\"frequency\": 1, \"value\": \"Bottom-of-the- ...\"}, \"This British film is truly awful, and it's hard to believe that Glenn Ford is in it, although he pretty much sleepwalks through it. The idea of a bomb on a train sounds good...but it turns out this train ends up parked for the majority of the film! No action, no movement, just a static train. The area where the train is parked is evacuated, so it's not like there's any danger to anyone either. In fact, this film could be used in a film class to show how NOT to make a suspense film. True suspense is generated by letting the audience know things that the characters don't, a fact apparently unknown to the director. SPOILER: the train actually has two bombs on it, but we are led to believe there is only one. After the first bomb is defused, it feels as if there is no longer a reason to watch the film any more. But at the last minute, the villain, who has no apparent motivation for his actions, reveals there are two. Nor are we certain WHEN the bombs will go off, so we don't even have a classic \\\"ticking bomb\\\" tension sequence. A good 10 minutes or more are spent watching Glenn Ford's French wife thinking about leaving him, and then wondering where he is . She's such an annoying character that we don't care whether she reconciles with him, so when she does, there's nothing emotional about it. Most of the other characters are fairly devoid of personality, and none have any problems or issues. It's only 72 minutes, but it feels long because it's tedious and dull. Don't waste your time.\": {\"frequency\": 1, \"value\": \"This British film ...\"}, \"

I really liked this film. One of those rare films that Hollywood Really does not make anymore. William H Macy Is Just great as the hit man with a soul, and Neve Campbell is just flat out fantastic as the woman who puts his life on the track of redemption.

If you have a chance, see this film. It earns it's praise\": {\"frequency\": 1, \"value\": \"

I ...\"}, \"The Best of Times is one of the great sleepers of all time. The setup does not tax your patience, the development is steady, the many intertwined relationships are lovingly established, the gags and bits all work and all are funny. There is lots of sentimentality. Kurt Russell playing Reno Hightower puts in one of his best performances, and Robin Williams playing Jack Dundee is sure-footed as ever. The cast also includes many great supporters. Jack's wife is played by Jack Palance's daughter, who is lovely, as is Reno's wife, who is a great comedian. I can't tell you how many times I've watched this movie, how many times I have enjoyed it and how often I wish that more people could see it.\": {\"frequency\": 1, \"value\": \"The Best of Times ...\"}, \"(There are Spoilers) Homicidal nymphomaniac hooker Miya, Kari Wuhrer,takes over the life and car of 18 virgin, even though he's too embarrassed to admit it, collage freshmen Trent Colbert, Kristoffer Ryan. By the end of the movie Myia not only deflowers but give poor innocent and naive Trent a lesson in how to spot a dangerous nut job and keep as far away for him, or her,in order to keep from ending up turning into one.

Hanging around a trucker rest-stop Miya is picked up by Roy, Burt Young, for some hot and heavy action, in the back seat of his buggy. Roy is either too drunk or stupid to realize that Miya is non other then his estranged daughter! Outraged that Miya is reluctant to get it on with him Roy almost strangles her to death only to be interrupted by first year collage student Trent Colbert who plows into the rest-area side swiping one of the truckers.

Seeing her chance Miya jumps into Trent's car and the two are off in what turns out to be the weirdest car chase ever put into a movie. Going all across the North Eastern USA the two end up involved in a truck car smash-up a murder and a shootout with the state troopers that then leads to Trent's parents home, with them being held hostage. It's there that there's another wild shootout between the crazed Miya with an entire SWAT team reinforced by the local police and state troopers.

You would expect a movie like \\\"Hit and Run\\\" to be intentionally or unintentionally funny but it's not. In fact the film is very disturbing in how Miya treats everyone in the film that she comes in contact with even her perverted and child-molesting father Roy. Getting Trent to drive her all over the North-East Miya gets the poor slob drunk having it on with him in a motel room, together with whips handcuffs and a lighted candle. Miya also gets it on with the motel owner the horny Mr. Foster by tricking him into giving her his gun, as being part of some weird sex game. After holding Foster up she takes off with Trent's, who out cold in his motel room, wallet with some $400.00 in it yet doesn't bother to drive away with his car.

Needing the money to pay for gas to get home to his parents for Thanksgiving Trent gets a call on his cellphone from Miya to pick her up at a local diner to get his money back. Like the jerk that he is Trent picks up Miya, who's now a fugitive from he law, and later gets involved with her father Roy on the open highway as he tries to run both Trent & Miya off the road.

The chase ends up in this deserted wear-house that Roy chases Miya,out running him on a muddy road in high-heels, into with him getting it in the you know where with a blast from his own shotgun. Roy was so busy trying to take his pants off that he forgot he left the gun unattended.

With both a holdup and murder, as well as a hit and run, charge against them the two desperadoes stop off at a S&M/Tattoo boutique where Trent gets his ear and nose pierced and is dressed up in leather and chains, by Myri, together with a matching his and hers dog collar. This in order to meet his straight-laced and conservative parents for Thanksgiving Dinner.

Having a running shootout with the state troopers, with one of them ending up badly injured,the two fugitives from the law end up at Trent's parents Mr & Mrs Colbet, David Keith & Elaine Martyn home with the entire local police force, with a SWAT team, waiting for them there.

Obnoxious movie with a truly disturbing final ending that made you wonder what exactly the movie was trying,if at all, to tell it's audience. You felt a lot of sympathy for Miya at first but as the movie rolled along to it's downbeat ending that evaporated as fast as a tray of ice cubs in Death Valley. Even though Roy was the most unlikable person in the movie at first by the time the film ended Miya totally eclipsed him.\": {\"frequency\": 1, \"value\": \"(There are ...\"}, \"A battleship is sinking... Its survivors, hanging onto a nearby liferaft, sit there doing nothing while we go into each of their minds for a series of long flashbacks.

Even though Noel Coward's name is the only one that you notice during the credits, everything that's cinematic in it is because of Lean. And on technical terms, its very good. David Lean just KNEW films from the get-go. There are many moments where Coward's studied dialogue takes a second seat and Lean's visual sense takes centre stage. Try the soldiers getting off the ship near the end, and that whole scene; the tracking shot towards the hymn singing, the scene where we're inside a house that gets bombed.

Noel Coward is one of the worst actors i've ever seen. He's totally wooden, not displaying emotion, character or humanity. You can see it in his eyes that he's not really listening to what the other performer is saying, he's just waiting for them to finish so he can rush out his own line.

7/10.

Its episodic, a bit repetitive, and the flashbacks overwhelm the story: there's no central story that they advance, just give general insights into the characters. Still, its an interesting film worth a watch - and a good debut for Lean. Its not a very deep or penetrating film, and its definitely a propaganda film, but its also a showcase for Lean's editing skills - its all about how the pieces are put together.\": {\"frequency\": 1, \"value\": \"A battleship is ...\"}, \"As a casual listener of the Rolling Stones, I thought this might be interesting. Not so, as this film is very 'of its age', in the 1960's. To me (someone born in the 1980's) this just looks to me as hippy purist propaganda crap, but I am sure this film was not made for me, but people who were active during th '60's. I expected drugs galore with th Stones, I was disappointed, it actually showed real life, hard work in the studio, So much so I felt as if I was working with them to get to a conclusion of this god awful film. I have not seen any of the directors other films, but I suspect they follow a similar style of directing, sort of 'amatuerish' which gave a feeling like the TV show Eurotrash, badly directed, tackily put together and lacking in real entertainment value. My only good opinion of this is that I didn't waste money on it, it came free with a Sunday paper.\": {\"frequency\": 1, \"value\": \"As a casual ...\"}, \"I was China in this film. I choose the screen name Sheeba Alahani because I was modeling at the time in Italy and they couldn't pronounce my real name correctly, so I choose Sheeba and then added Alahani since it was similar to Alohalani.

I had never acted before (and it shows), but it was so much fun to film. They gave me \\\"acting lessons\\\" each morning (which obviously were not useful). They dubbed my voice (thank goodness).

David and Peter were a blast on the set, full of good humor and jokes. This film was never meant to be taken seriously, it was a tax write off according to inside information.

I give it a 1 because I have a sense of humor, but a 10 for the fun I had \\\"acting\\\" in it.\": {\"frequency\": 1, \"value\": \"I was China in ...\"}, \"Okay. This Movie is a Pure Pleasure. It has the Ever so Violent Horror Mixed with a Little Suspense and a Lot of Black Comedy. The Dentist Really Starts to loose His Mind and It's Enjoyable to Watch him do so. This Movie is for Certain People, Though. Either you'll Completely Love it or You Will Totally Hate It. A Good Movie to Rent and Watch When you don't Got Anything else to do. Also Recommended: Psycho III\": {\"frequency\": 1, \"value\": \"Okay. This Movie ...\"}, \"This is quite possibly the worst movie of all time. It stars Shaquille O'Neil and is about a rapping genie. Apparently someone out there thought that this was a good idea and got suckered into dishing out cash to produce this wonderful masterpiece. The movie gets 1 out of 10.\": {\"frequency\": 1, \"value\": \"This is quite ...\"}, \"As has been well documented by previous posters, the real stars of Rockstar: INXS - and, indeed it's sequel, Rockstar: Supernova - are Paul Mirkovich, Rafael Moreira, Jim McGorman, Nate Morton and Sasha Krivtsov. Don't know who they are? They are the awesome, tight, rockin' House Band whose music savvy and talent made this show something more than a sad American Idol clone.

Remember the \\\"strings\\\" night? That was musical precision and perfection if ever I've seen it. Suzie McNeil's epic rendition of Queen's 'Bohemian Rhapsody', Ty Taylor's memorable cover of the Stones' 'You Can't Always Get...', JD Fortune singing \\\"Suspicious Minds\\\". The common denominator here is the awesome House Band.

As good as INXS were in their prime, they are sadly a shadow of their former selves, though JD's live performance has somewhat breathed new life into their music, this show is all about the HB.

Memo to producers: Season Three (if we're blessed enough to have it happen) should be Rockstar: House Band. Get those boys a good lead singer and they are going places.\": {\"frequency\": 1, \"value\": \"As has been well ...\"}, \"Road to Perdition, a movie undeservedly overlooked at that year Oscars is the second work of Sam Mendes (and in my opinion his best work), a director who three years before won Oscar for his widely acclaimed but controversial American Beauty. This is a terrific movie, and at the same time ultimately poignant and sad.

It's a story of a relatively wealthy and happy family from outward appearance during difficult times of Depression when the, Michael Sullivan, a father of two children, played by great Tom Hanks (I'm not his admirer but ought to say that) is a hit-man for local mafia boss, played by Paul Newman. His eldest son, a thirteen years boy Michael Sullivan Jr., perfectly played by young Tyler Hoechlin, after years of blissful ignorance finds out what is his father job and on what money their family live. Prompted by his curiosity and his aspiration to know truth he accidentally becomes a witness of a murder, committed by John Rooney, son of his father boss. Such discovery strikes an innocent soul and it caused numerous events that changed his life forever. The atmosphere of the period, all the backgrounds and decorations are perfectly created, editing and cinematography are almost flawless while the story is well written. But the main line of the movie, the most important moments and points of the movie and the key factor of the movie success are difficult father-son relations in bad times. They are shown so deeply, strong and believable. Tom Hanks does excellent and has one of the best performances of his career in a quite unusual role for him and all acting across the board is superb. Finally worth to mention a very nice score by Paul Newman and in the result we get an outstanding work of all people involved in making this beautiful (but one more time sad) masterpiece. I believe Road to Perdition belongs to greatest achievements of film-making of this decade and undoubtedly one of the best films of the year.

My grade 10 out of 10\": {\"frequency\": 1, \"value\": \"Road to Perdition, ...\"}, \"There have been some low moments in my life, when I have been bewildered and depressed. Sitting through Rancid Aluminium was one of these.

The warning signs were there. No premiere (even the stars didn't want to attend) and no reviews in magazines. The only reason I sat through the film was in the hope that I might catch up on some sleep.

Nothing in the film was explained. The narration was idiotic. I cheered at one point when the lead of the film appeared to have been shot, then to my growing despair, it was revealed that he hadn't really been shot dampening my joy. I sincerely hope all involved in the film are hanged for this atrocity.

There were some positive aspects, mainly unintentional moments of humour. For example, the scene in which the main character, for some unknown reason feels the need to relieve himself manually in a toilet cubicle, while telling the person in the next cubicle to put his fingers in his ears.

My words cannot explain the anger I feel, so I shall conclude thus.

Rancid Aluminium: for sadists, wastrels, and regressives only who want to torture themselves.\": {\"frequency\": 1, \"value\": \"There have been ...\"}, \"The storyline is absurd and lame,also sucking are performances and the dialogue, is hard to keep your Eyes open. I advise you to have a caffeine-propelled friend handy to wake you in time for a couple Gore-effects.Why they bring Alcatraz in?In this case,becomes increasingly difficult to swallow. All the while ,i wondered who this film aimed for?Chock full of lame subplots (such as the Cannibalism US Army-captain)This is low-grade in every aspect.BTW this Movie is banned in Germany!!\": {\"frequency\": 1, \"value\": \"The storyline is ...\"}, \"It was just a terrible movie. No one should waste their time. Go see something else. This movie is, without a doubt, one of the worst movies I have ever seen in my life. If you want to see a good movie, don't see Made Men.\": {\"frequency\": 1, \"value\": \"It was just a ...\"}, \"Its not Braveheart( thankfully),but it is fine entertainment with engaging characters and good acting all around. I enjoyed this film when it was released and upon viewing it again last week,find it has held up well over time. Not a classic film,but a very fine and watchable movie to enjoy as great entertainment.\": {\"frequency\": 1, \"value\": \"Its not ...\"}, \"First a technical review. The script is so slow, it is really a 25 minute story blown up to 1 hour 40 min. The dialogue is so flat and truly one-dimensional. The \\\"acting\\\" is pathetic, they seem to really have lifted schoolchildren out of class to read a few lines from an idiot board. As for the whole \\\"point\\\" of the story, namely \\\"war is bad\\\" (oh, there's a shock!) is really non-existent. Without out the \\\"lets shock 'em and get great publicity\\\" scene nobody would be talking about this film. It is so bad it actually bothers me to think what better things the money used this could have gone on. Believe me I've seen some bad \\\"emperor's new clothes\\\" films but the one thing I can say for them is at least they were well shot and well made while the camera wobbled during two scenes in this! Read all the other reviews - avoid at all costs and don't talk about it.\": {\"frequency\": 1, \"value\": \"First a technical ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"Canadian filmmaker ...\"}, \"I never was an avid viewer of \\\"Crocodile Hunter\\\", but did occasionally see an episode, or a bit of an episode, and when the news spread about Steve Irwin's death from a stingray attack in 2006, it certainly caught my attention. This movie, with Steve and his wife, Terri, playing themselves, but in a fictional story, was released in 2002, but I didn't hear of it until several years later, and even after that, it took me a while to get around to seeing it. Well, now I have seen it, and after looking here first (more than once), and seeing its rating, I was not surprised at how unimpressive it turned out to be, though it could have been a BIT better. Apparently, it's supposed to be a comedy, so a major problem with it is that it isn't very funny at all.

A U.S. satellite beacon falls down from space and lands in Australia, where it is swallowed by a crocodile! While Steve and Terri Irwin are on a mission to capture this crocodile from a place where it terrorizes the cattle on a ranch owned by the crazy Brozzie Drewitt, and are unaware of what's inside it, two CIA agents are sent to Australia to retrieve the beacon! The agents are assisted by Jo Buckley, and the ranch owner and her dogs might make the mission more difficult for them! On Steve and Terri's mission, they face other types of dangerous wildlife, not just the crocodile, and since they have no clue that the croc has anything unusual inside it, when Steve sees the CIA agents after them, he mistakes them for poachers!

Not only did I not laugh once while watching this film, the only part that really made me smile was Steve Irwin using a big snake to scare off one of the CIA agents. Apart from that, I don't think I found anything even mildly amusing. It's also a bit of an incoherent mess, switching back and forth from the Australian Outback to the CIA headquarters, and it seems like clips from \\\"Crocodile Hunter\\\" and clips from an action thriller (or something like that) put together for some reason. Also added to that mix are the ranch scenes, which also seem to be from somewhere else, and as funny as Brozzie Drewitt, played by Magda Szubanski, is supposed to be, she's not. At one point, we see her farting, so we have a fart joke, a MAJOR clich\\ufffd\\ufffd in modern comedy! Are they SO hard to resist?! I also found the typical \\\"Crocodile Hunter\\\" scenes, with Steve wrestling crocodiles and holding other dangerous creatures and talking about them to viewers, to be tedious, but I guess the fact that I was never a devout fan of the show didn't help.

Steve Irwin was admired by many as a conservationist, and is sadly missed by them, while there are also those who say he messed with nature and had it coming to him. No matter which side you're on, \\\"The Crocodile Hunter: Collision Course\\\" is not a well crafted movie. I'm sure it does help if you're a big Steve Irwin fan, but even if you are, there's no guarantee that you would like this movie, as some fans clearly haven't been impressed. In fact, it seems that some of them have found this movie to be worse than I have, so maybe it WON'T help. Like I said, there's no guarantee. I would say whatever you may think of Steve Irwin and his show, this movie was unnecessary. The attempt to combine what is usually seen in \\\"Crocodile Hunter\\\" with a fictional story unfortunately failed, and a viewer may find that this film seems longer than ninety minutes!\": {\"frequency\": 1, \"value\": \"I never was an ...\"}, \"I cherish each and every frame of this beautiful movie. It is about regular people, people we all know, who suffer a little in their life and have some baggage to carry around. Just like all of us. Robert DeNiro, Ed Harris and Kathy Baker breathe life into their portrayals and are all excellent, but Harris is especially heartbreaking and therefore very real. You would swear he really is a trucker who drinks so he won't have to feel anything. Baker as his put-upon sister also has some delicate moments - when DeNiro gives her flowers in one scene, it seems like she was never given flowers before and probably wasn't. Very worthwhile.\": {\"frequency\": 1, \"value\": \"I cherish each and ...\"}, \"I know that actors and actresses like to try different kinds of movies - hey, no one wants to get typecast - but Danny Glover, Brenda Fricker (happy birthday, Brenda!) and Christopher Lloyd should have known better than this. \\\"Angels in the Outfield\\\" is another movie in which everything seems lost until someone or something magically comes and saves the day. Do I even need to tell you how it ends? The movie is just plain lowly escapism (examples of high escapism are the various sci-fi movies from the '50s). If these movies had some political undertone - or at least offered us a new look at life - then they would be OK; this one is just pointless. Far closer to diabolical than angelic. Also starring Tony Danza, Adrien Brody and Matthew McConaughey, and I suspect that they don't wish to stress this in their resumes.\": {\"frequency\": 1, \"value\": \"I know that actors ...\"}, \"What if Somerset Maugham had written a novel about a coal miner who decided to search for transcendental enlightenment by trying to join a country club? If he had, he could have called it The Razor's Edge, since the Katha-Upanishad tells us, \\\"The sharp edge of a razor is difficult to pass over; thus the wise say the path to Salvation is hard.\\\" But Maugham decided to stick with the well-bred class, and so we have Darryl F. Zanuck's version of Larry Darrell, recently returned from WWI, carefully groomed, well connected in society and determined to find himself by becoming a coal miner.

Or, as Maugham tells us, \\\"This is the young man of whom I write. He is not famous. It may be that when at last his life comes to an end he will leave no more trace of his sojourn on this earth than a stone thrown into a river leaves on the surface of the water. Yet it may be that the way of life he has chosen for himself may have an ever growing influence over his fellow men, so that, long after his death, perhaps, it will be realized that lived in this age a very remarkable creature.\\\"

The Razor's Edge has all of Zanuck's cultural taste that money could buy. It's so earnest, so sincere...so self-important. As Larry goes about his search for wisdom, working in mines, on merchant ships, climbing a Himalayan mountain to learn from an ancient wise man, we have his selfish girl friend, Isabel, played by Gene Tierney, his tragic childhood chum played by Anne Baxter, the girlfriend's snobbish and impeccably clad uncle played by Clifton Webb, and Willie Maugham himself, played by Herbert Marshall, taking notes. The movie is so insufferably smug about goodness that the only thing that perks it up a bit is Clifton Webb as Elliot Templeton. \\\"If I live to be a hundred I shall never understand how any young man can come to Paris without evening clothes.\\\" Webb has some good lines, but we wind up appreciating Clifton Webb, not Elliot Templeton.

Zanuck wanted a prestige hit for Twentieth Century when he bought the rights to Maugham's novel. He waited a year until Tyrone Power was released from military service. He made sure there were well-dressed extras by the dozens, a score that sounds as if it were meant for a cathedral and he even wrote some of the scenes himself. The effort is as self-conscious as a fat man wearing a rented tux. Despite Hollywood's view of things in The Razor's Edge, I can tell you that for most people hard work doesn't bring enlightenment, just weariness and low pay.

After nearly two-and-a-half hours, we last see Larry carrying his duffle bag on board a tramp steamer in a gale. He's going to work his way back to America from Europe with a contented smile on his face. \\\"My dear,\\\" Somerset Maugham says to Isabel at the same time in an elaborately decorated parlor, \\\"Larry has found what we all want and what very few of us ever get. I don't think anyone can fail to be better, and nobler, kinder for knowing him. You see, my dear, goodness is after all the greatest force in the world...and he's got it!\\\" Larry and the audience both need a healthy dose of Dramamine.

Maugham, lest we forget, was a fine writer of plays, novels, essays and short stories. To see how the movies could do him justice, watch the way some of his short stories were brought to the screen in Encore, Trio and Quartet. And instead of wasting time with Larry Darrell, spend some time with Lawrence Durrell. The Alexandria Quartet is a good read.\": {\"frequency\": 1, \"value\": \"What if Somerset ...\"}, \"I knew about this as a similar programme as Jackass, and I saw one or two episodes on Freeview, and it is the same, only more extreme. Basically three Welsh guys, and one mad British bloke were brought together by love of skateboarding, and a complete disregard/masochistic pleasure to harm themselves and their health and safety. They have had puking, eating pubes-covered pizza, jumping in stinging nettles, naked paint balling, jokes on the smaller guy while heavily sleeping/snoring, stunts in a work place, e.g. army, cowboys, and many more insane stunts that cause bruises, bumps, blood and vomit, maybe not just for themselves. Starring Matthew Pritchard who does pretty much anything, Lee Dainton also up for just about anything, Dan Joyce (the British one) who hardly does much physical stuff and has a OTT laugh, and Pancho (Mike Locke) who does a lot, but is more popular for being short, fat and lazy. It was number something on The 100 Greatest Funny Moments. Very good!\": {\"frequency\": 1, \"value\": \"I knew about this ...\"}, \"What's with all the negative comments? After having seen this film for the first time tonight, I can only say that this is a good holiday comedy that is sure to brighten up any lonely person's day. When I saw that Drew (Ben Affleck) might end up spending the holidays alone, I wanted to cry. You'll have to see the movie if you want to know why. Also, even though I liked Tom (James Gandolfini) and Alicia (Christina Applegate) after awhile, if you ask me, they were real snobs. However, this film did make me smile and feel good inside. Before I wrap this up, I'd like to say that Mike Mitchell has scored a pure holiday hit. Now, in conclusion, I highly recommend this good holiday comedy that is sure to brighten up any lonely person's day to any Ben Affleck or Christina Applegate fan who hasn't seen it.\": {\"frequency\": 1, \"value\": \"What's with all ...\"}, \"The Perfectly Stupid Weapon. I think the guys dancing at the beginning of one of Steven Segal's movies was intented to mock Jeff doing his forms to dance music at the beginning of this stupid movie. The plot is predictable, the fights were fair and Jeff acts about as well as the sofa he beats with some sort of weapon in one scene.\": {\"frequency\": 1, \"value\": \"The Perfectly ...\"}, \"This interesting documentary tells a remarkable tale of an expedition to take blind Tibetan children trekking in the Himalayas; but also of a personality clash between two remarkable people. On one hand, there is Erik Weihenmeyer, the first blind man to climb Everest, and the team of (sighted) mountaineers who are guiding the kids. On the other, there is Sabriye Tenberken, a blind woman who runs the first school for blind Tibetans, who agrees to the expedition but subsequently has doubts about how it is progressing. At some level, Sabine simply doesn't understand the mountaineer's philosophy (with it's emphasis on summitting); she is probably right in identifying the mismatch between the mountaineers goals and the desires of the children but her certainty in her own correctness makes her a hard person to sympathise with, especially as she has an effective veto. In the background to this (reasonably well-mannered) clash, we get an insight into the lives of the children themselves. I enjoyed the film, although it delivers a message clearly designed to be uplifting - even though it details the quarrel, the film somewhat relentlessly asserts how amazing all those who feature in it are. But it's hard to argue with that assessment, even if it is presented to the viewer somewhat unsubtly.\": {\"frequency\": 1, \"value\": \"This interesting ...\"}, \"This movie took me by complete surprise. I watched it 2 or 3 times. I really liked this film. There were many truths this movie brought up. I love all the characters in this film as well. This movie makes a lot of sense because as society \\\"becomes more advance\\\" What does the culture loose? Not to sound preachy. I can really relate to this movie from my child hood and loosing apart of my life that will never come back or ever been the same. This film is on my top 5 movies I have ever watched. There is just such a raw truth that I feel when I watch the movie and its not the kind of truth that you have to dig for its right in front of your face. The creators of this film did a great job and I enjoyed this movie very much. This movie may not be for every one but if you have an open mind I think you will love it.\": {\"frequency\": 1, \"value\": \"This movie took me ...\"}, \"As the film begins a narrator warns us THE SCREAMING SKULL is so terrifying you might die of fright--and if such happens a free burial is guaranteed. Well, I don't think any one has died of fright from seeing this film, but a few may have died of boredom. THE SCREAMING SKULL is the sort of movie that makes Ed Wood look good.

Very loosely based on the famous Francis Marion Crawford story, SKULL is about a wealthy but nervous woman who marries a sinister man whose first wife died under mysterious circumstances. Once installed in his home, she is tormented by a half-wit gardener, a badly executed portrait, peacocks, and ultimately a skull that rolls around the room and causes her to scream a lot. And to her credit, actress Peggy Webber screams rather well.

Unfortunately, her ability to do so is the high point of the film. The plot is pretty transparent, to say the least, and while the cast is actually okay, the script is dreadful and the movie so uninspired you'll be ready to run screaming yourself. True, the thing only runs about sixty-eight minutes, but it all feels a lot longer. Add to this a truly terrible print quality and there you are.

There are films that are so bad they are fun to watch. It is true that THE SCREAMING SKULL has a few howlers--but the film drags so much I couldn't work up more than an occasional giggle, and by the time the whole thing is over your head will roll from ennui. If it weren't for Peggy Webber's way with a scream, this would be the surefire cure for insomnia. Give it a miss.

GFT, Amazon Reviewer\": {\"frequency\": 1, \"value\": \"As the film begins ...\"}, \"Tainted look at kibbutz life

This film is less a cultural story about a boy's life in a kibbutz, but the deliberate demonization of kibbutz life in general. In the first two minutes of the movie, the milk man in charge of the cows rapes one of his calves. And it's all downhill from there in terms of the characters representing typical \\\"kibbutznikim.\\\" Besides the two main characters, a clinically depressed woman and her young son, every one else in the kibbutz is a gross caricature of well\\ufffd\\ufffdevil.

The story centers on how the kibbutz, like some sort of cult, slowly drags the mother and son deeper into despair and what inevitably follows. There is no happiness, no joy, no laughter in this kibbutz. Every character/situation represents a different horrific human vice like misogyny, hypocrisy, violence, cultism, repression etc. For example, while the protagonist is a strikingly handsome European looking 12 year old boy \\ufffd\\ufffd his older brother is a typical kibbutz youth complete with his \\\"jewish\\\" physical appearance and brutish personality. He cares more about screwing foreign volunteers than the health of his dying mother. He treats these volunteers like trash. After his little brother pleads of him to visit his dying mother whom he hasn't seen in a long time due to his military service, he orders, Quote \\ufffd\\ufffd \\\"Linda, go take shower and I cum in two minutes.\\\"

There is one other \\\"good\\\" character in this movie \\ufffd\\ufffd a European foreigner who plays the mother's boyfriend. When the animal rapist tries to hit the mother's son, the boyfriend defends him by breaking the rapist's arm. He is summarily kicked out of the kibbutz then for \\\"violent\\\" behavior against one of the kibbutz members. More hypocrisy: The indescribably annoying French woman who plays the school teacher preaches that sex cannot happen before age 18, or without love and gives an account of the actual act that's supposed to be humorous for the audience, but is really just stupid. She of course is screwing the head of the kibbutz in the fields who then in turn screws the little boy's mom when her mental health takes a turn for the worse.

The film portrays the kibbutz like some sort of cult. Children get yanked out of their beds in the middle of the night and taken to some ritual where they swear allegiance in the fields overseen by the kibbutz elders. The mother apparently can't \\\"escape\\\" the kibbutz, although in reality, anyone was/is always free to come and go as they choose. It's a mystery how the boy's father died, but you can rest assured, the kibbutz \\\"drove him to it\\\" and his surviving parents are another pair of heartless, wretched characters that weigh down on the mother and her son.

That's the gist of this movie. One dimensional characters, over dramatization, dry performances, and an insidious message that keeps trying to hammer itself into the audience's head \\ufffd\\ufffd that kibbutz life was degrading, miserable and even deadly for those who didn't \\\"fit in.\\\" I feel sorry for the guy who made this film \\ufffd\\ufffd obviously he had a bad experience growing up in a kibbutz. But I feel as though he took a few kernels of truth regarding kibbutz life and turned them into huge atomic stereotyped bombs.\": {\"frequency\": 1, \"value\": \"Tainted look at ...\"}, \"This movie was almost intolerable to sit through. I can get beyond the fact that it looks like it was shot with a home video camera and that this movie is supposed to span over weeks in time yet the characters do not once change outfits, but the acting broke the 4th wall to pieces for me. I've seen better acting in a 4th grade play. Aside from that the plot is unrealistic. If the man suspected the guy he would have turned him in. I was also heavily disappointed that all the killings were done with a gun what kind of gore is that. That is not a copycat the Zodiac did not kill using just a gun the authorities would have known it wasn't him. Another thing that really bothered me was that they called Disassociative Identity Disorder DSM 4 when that is the name of the book used to diagnose people with mental disorders not the name of the disorder. Overall I think this movie is not the kind of movie that could be done with a low budget at least not as low as they had or they could have made sure they had better actors or more gore. Plenty of people have went the low budget route with out having to use horrible actors look at Easy Rider that had Dennis Hopper and Jack Nicholson and a low budget.\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"I saw this film about twenty years ago on the late show. I still vividly remember the film, especially the performance of Robert Taylor. I always thought Taylor was underrated as an actor as most critics saw him as solid, almost dull leading man type, and women simply loved to watch his films because of his looks. This film, however, proved what an interesting actor he could be. He did not get enough roles like this during his long career. This is his best performance. He is totally believable in a truly villainous role. From what I have read, he was a very hardworking and easy going guy in real life and never fought enough for these kind of roles. He basically would just do what MGM gave him. This film proves that he could have handled more diverse and difficult roles. The other thing I remember about this film is how annoying Lloyd Nolan's character was. Nolan was a great actor, but this character really aggravated me. The last scene of the film has stuck with me for all of these years. This film is definitely worth a look.\": {\"frequency\": 1, \"value\": \"I saw this film ...\"}, \"I had the distinct displeasure of seeing this movie at the 2006 Vancouver International Film Festival. I have been attending this festival for over 5 years, and I have certainly seen some poor movies on occasion. However, 'First Bite' has reached a brand new low in film. In spite of being shot in beautiful locations, with the occasional, exquisite close up of fabulous food, the movie contorts an excessive number of plot twists and stilted characters until I was practically begging for it to end.

The lead actor, David La Haye, completely failed to show any character development throughout the movie, portraying a pompous chef from beginning to end. Additional sub-plots, such as eating disorders, were developed so poorly and completely did not fit within any context that the movie had shown up to that point.

A theme of mysticism was used as a poor attempt to conceal a movie that achieves nothing, goes nowhere, and completely disappoints.\": {\"frequency\": 1, \"value\": \"I had the distinct ...\"}, \"A young boy sees his mother getting killed and his father hanging himself. 20 years later he gets a bunch of friends together to perform an exorcism on himself so he won't turn out like his father. All the stock characters are in place: the nice couple; the \\\"funny\\\" guy; the tough (but sensitive) hood; the smart girl (she wears glasses--that's how we know); the nerd and two no-personality blondes. It all involves some stupid wooden statue that comes to life (don't ask) and kills people. I knew I was in trouble when, after a great opening scene, we jump to 20 years later--ALL bad horror movies do that!

The dialogue is atrocious, the acting is bad (except for Betsy Palmer--why Betsy?) and the killings are stupid and/or unimaginative. My favorite scene is when two people are supposedly having sex and the statue knocks the guy off the bed to show he's fully dressed! A real bad, stupid incoherent horror film. Avoid at all costs.\": {\"frequency\": 1, \"value\": \"A young boy sees ...\"}, \"It seems as if in Science Fiction you have this periodic throwback to perform an odd phenomenon that appears in long serial novels. It's where the first novel (Dune, Ender's Game) blows you away with an actionpacked revolutionary story. The sequels however take that universe and lead you down the garden path to whatever new little social or political commentary the author wants to make. The Matrix is finally the film equivalent. The Matrix stands tall, alone, as an interesting film with an odd twist in the middle. Seeing this cash cow just sitting there, and wanting to explore other aspects of society, the writers and directors then lead you through what has to be some of the most painful monologues and non-action sequences in SciFi. While the visuals remain as stunning from the first movies, the new explorations of the characters falls terrible flat in the sequel. Watch for eye candy, not for deep thought.

4 out of 10, as registered by this fine website.\": {\"frequency\": 1, \"value\": \"It seems as if in ...\"}, \"Excellent film dealing with the life of an old man as he looks back over the years. Starting around 1910, he reminisces about his boy and young adulthood; his family, friends, romances, etc. Very nostalgic piece with a bittersweet finale....\\\"all things in life come together as one, and a river runs through it. And that river haunts me.\\\" Worth seeing.\": {\"frequency\": 1, \"value\": \"Excellent film ...\"}, \"This is one to watch a few times. The excellent writing shows they had to have lived this story or know someone whom did because they nailed it. Freebird made me relive and laugh at my misspent youth. The title was a Great choice. Great film, setting, story, soundtrack and characters. It's a biker flick but would be a shame to pigeon hole it that way. Funny to the bone, kinda like Trailer Park Boys in the U.K. If you've never seen TPB, make a point to if you like this film. You will thank me. I hope to see more of these characters in other films. Sequel? Could be done. There's a whole lot more of the world I would like to see through their eyes.\": {\"frequency\": 1, \"value\": \"This is one to ...\"}, \"Once upon a time in a castle...... Two little girls are playing in the garden's castle. They are sisters. A blonde little girl (Kitty) and a brunette one (Evelyn). Evelyn steals Kitty's doll. Kitty pursues Evelyn. Running through long corridors, they reach the room where their grandfather, sitting on an armchair, reads the newspaper. Kitty complains about Evelyn, while Evelyn is looking interestedly at a picture hanging on the wall. Evelyn begins to say repeatedly: \\\"I am the red lady and Kitty is the black lady\\\". Suddenly Evelyn grabs a dagger lying nearby and stabs Kitty's doll and then cuts her (the doll's) head. A fight ensues. And Evelyn almost uses the dagger against Kitty. The grandfather intervenes and the worst is avoided.

Later on, their grandfather tells them the legend related to the picture hanging on the wall in front of them, in which a lady dressed in black is stabbing a lady dressed in red:

\\\"A long time ago, a red lady and a black lady lived in the same castle. They were sisters and hated each other. One night, for jealousy reasons, the black lady entered the red lady's room and stabbed her seven times. One year later, the red lady left her grave. She killed six innocent people, and her seventh victim was the black lady. Once every hundred years, the events repeat themselves in this castle and a red lady kills six innocent victims before killing the black lady herself.\\\"

The grandfather ends his tale by saying that according to the legend, sixteen years from now, the red queen should come again and kill seven times. But he assures them that this is just an old legend.

Sixteen years pass.....

This is the very beginning of the film. There are many twists and surprises in the film. It's better for you to forget about logic (if you really analyse it, the story doesn't make sense) and just follow the film with its wonderful colors, the gorgeous women, the clothes, the tasteful decor, the lighting effects and the beautiful soundtrack.

Enjoy Barbara Bouchet, Sybil Danning, Marina Malfatti, Pia Giancaro, among other goddesses. There's a nude by Sybil Danning lying on a sofa that's something to dream about. And don't forget: The lady in red kills seven times!

If you've liked \\\"La Dama Rossa...\\\" check out also \\\"La Notte che Evelyn usc\\ufffd\\ufffd dalla Tomba\\\".\": {\"frequency\": 1, \"value\": \"Once upon a time ...\"}, \"This is one of those movies that's difficult to review without giving away the plot. Suffice to say there are weird things and unexpected twists going on, beyond the initial superficial \\\"Tom Cruise screws around with multiple women\\\" plot.

The quality cast elevate this movie above the norm, and all the cast are well suited to their parts: Cruise as the irritatingly smug playboy who has it all - and then loses it all, Diaz as the attractive but slightly deranged jilted lover, Cruz as the exotic new girl on the scene and Russell as the fatherly psychologist. The story involves elements of romance, morality, murder-mystery, suspense and sci-fi and is generally an entertaining trip.

I should add that the photography is also uniformly excellent and the insertion of various visual metaphors is beautiful once you realize what's going on.

If you enjoy well-acted movies with twists and suspense, and are prepared to accept a slightly fantastic Philip K Dick style resolution, then this is a must-see.

9/10\": {\"frequency\": 1, \"value\": \"This is one of ...\"}, \"Sniper gives a true new meaning to war movies. I remember movies about Vietnam or WWII, lots of firing, everybody dies, bam bam. \\\"Sniper\\\" takes war to a new level or refinement. The movie certainly conveys all of the emotions it aims for - The helplessness of humans in the jungle, the hatred and eventual trust between Beckett and Miller, and the rush of the moment when they pull the trigger. A seemingly low-budget film makes up for every flaw with action, suspense, and thrill, because when it comes down to it, it's just one shot, one kill.\": {\"frequency\": 1, \"value\": \"Sniper gives a ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"It was almost ...\"}, \"This movie is all about subtlety and the difficulty of navigating the ever-shifting limits of mores, race relations and desire. Granted, it is not a movie for everyone. There are no car chases, no buildings exploding, no murders. The drama lies in the tension suggested by glances, minimal gestures, spatial boundaries, lighting and things left -- sometimes very ostensibly -- unsaid. It's about identity, memory, community, belonging. The different parts of the movie work together to reinforce the leitmotifs of self and other, identity, desire, limits and loss. It will reward the attentive and sensitive viewer. It will displease those whose palates require explosive, massive, spicy action. It is a beautifully filmed human story. That is all.\": {\"frequency\": 1, \"value\": \"This movie is all ...\"}, \"I first saw this movie at a festival. There were many good movies, but few kept me thinking about it long after, and An Insomniac's Nightmare was definitely one of them. Tess is definitely a gifted filmmaker. The shots were great. Casting was perfect. Dominic shined in his role that she perfectly crafted. There wasn't a lot to know about his character, but she wrote the story in such a way that we cared about him. And Ellen-- I can't wait to see where she ends up! She's showing a lot of talent and I hope she does a few more films. With all the million dollar budgets trying to get a cheap thrill, Tess shows that it's all not needing as long as there is a good story and actors. Kudos to everyone involved with this film. And thanks to Tess and co. for distributing it on DVD!\": {\"frequency\": 1, \"value\": \"I first saw this ...\"}, \"There's one line that makes it worth to rent for Angel fans. Everyone else: this is just a very bad horror flick. The female characters are typical horror movies females. They are wooden, annoying and dumb. You are glad when they are killed off. Long live the strong female character in a horror movie!!\": {\"frequency\": 1, \"value\": \"There's one line ...\"}, \"I was shocked by the ridiculously unbelievable plot of Tigerland. It was a liberal's fantasy of how the military should be. The dialogue was difficult to swallow along with the silly things Colin Farrell's character was allowed to get away with by his superior officers.

I kept thinking, \\\"Hey, there's a reason why boot camp is tough. It's supposed to condition soldiers for battle and turn them into one cohesive unit. There's no room for cocky attitudes and men who won't follow orders.\\\" I was rooting for Bozz to get his butt kicked because he was such a danger to his fellow soldiers. I would not want to fight alongside someone like him in war because he was more concerned with people's feelings than with doing what was necessary to protect his unit.

--

\": {\"frequency\": 1, \"value\": \"I was shocked by ...\"}, \"A country-boy Aussie-Rules player (Mat) goes to the city the night before an all-important AFL trial match, where he is to be picked up by his cousin. And then things go wrong.

His no-hoper cousin has become mixed up in a drug deal involving local loan-shark / drug-dealer Tiny (who looks like any gangster anywhere but is definitively Australian). Needless to say, Mat becomes enmeshed in the chaos, and it isn't long before thoughts of tomorrow's match are shunted to the back of his mind as the night's frantic events unravel.

Accomplished Western Australian professional Shakespearean actor Toby Malone puts in a sterling performance as young naive country-boy Mat, and successfully plays a part well below his age. Best support comes from John Batchelor as Tiny, and an entertaining role by David Ngoombujarra as one of the cops following the events. Roll is fast-paced, often funny, and a very worthwhile use of an hour.\": {\"frequency\": 1, \"value\": \"A country-boy ...\"}, \"Well, basically, the movie blows! It's Blair Witch meets Sean Penn's ill conceived fantasy about going to Iraq to show the world what the \\\"War on Terror\\\" is really about. The script sounds like it was written by 8th grader (no offense to 8th graders); the two main actors over-act the entire film; they used the wrong kind of camera and the wrong type of film(not that i know anything about those things--but it just didn't look like real documentaries I've watched), and worst of all Christian Johnson took a great idea and made it suck. It reminded me of the time I tried to draw a picture of my dog and ended up with a really bad stick figure looking thing that looked more like a giant turd. I'd rather watch the Blair Witch VIII, than sit through that again.\": {\"frequency\": 1, \"value\": \"Well, basically, ...\"}, \"I watched the first 15 minutes, thinking it was a real documentary (with an irritatingly overly dramatic \\\"on camera\\\" producer).

When I realized it was all staged I thought \\\"why would I want to waste my time watching this junk??\\\" So I turned it off and came online to warn other people. The characters don't act in a believable way. too much immature emotion. for a guy to travel half way around the world into a war torn country, he acted like a kid. and I don't believe it was because \\\"his character was so upset about the trade center bombings\\\".

very trite and stupid.

have you seen \\\"city of lost children\\\"? french dark fantasy film about a guy who kidnaps kids and steals their dreams... I liked it!\": {\"frequency\": 1, \"value\": \"I watched the ...\"}, \"Thomas Ince always had a knack for bringing simple homespun stories to life with fullness and flair. \\\"The Italian\\\" is such a film. Solid acting, particularly by George Beban, father of silent child actor George Beban, Jr., and wonderful sets convey a realistic feeling of early immigrant tenements in New York. These give this 1915 film an authenticity which is unusual in features of this vintage.

The film begins with the modern day and a man (George Beban in modern clothes) reading a story about an Italian immigrant, and then we transition into the story with George playing the immigrant. He raises enough money to bring his fianc\\ufffd\\ufffde from Italy to America, marries her, and has a son with her. But times are hard and the family struggles to survive. I found myself wondering why the mother didn't breastfeed her child, and avoid the complications with the dirty formula, but oh well, even the early Dream Factory was pushing political correct behaviour for women in 1915!

The best scene in the picture is when Beban has a chance to seek revenge on a crime boss who inadvertently put him in jail, and at the last minute he decides against his planned course of action. Very neat. I loved the curtain effect, it was great. Wonderful use of lighting in this film.

I give \\\"The Italian\\\" an 8 out of 10.\": {\"frequency\": 1, \"value\": \"Thomas Ince always ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"Skip McCoy ...\"}, \"In what would be his first screenplay, based on his own short story \\\"Turn About,\\\" William Faulkner delivers a bizarre story of loyalty, sacrifice, and really strange relationships. The story originally was about only the Tone, Young, and Cooper characters, but MGM needed to put Joan Crawford in another picture to fulfill her contract, and Faulkner obliged by creating a female role. Crawford insisted that her lines be written in the same clipped style as her co-stars' Young and Tone, leading to much unintentional hilarity as these three communicate in a telegraph-like shorthand that sounds like a Monty Python sketch (\\\"Wuthering Heights\\\" performed in semaphore). Seriously, the almost entirely pronoun-less sentences make Ernest Hemingway read like Henry James.

The film also reflects some familiar Faulkner themes, with an almost unnaturally close relationship between brother and sister (as may be found in his \\\"Sanctuary,\\\" and elsewhere). When Young proposes to Crawford, in Tone's presence, in lieu of an engagement ring ALL THREE exchange their childhood engraved rings with one another. The closeness of Tone and Young is also noticeable, especially as they go off to their Thelma & Louise fate. Frankly, it's creepy.

Not as creepy to this New Yorker, however, as the recurring theme of the massive cockroach, Wellington, which Crawford cheerfully catches (and which is shown gamboling over her hands--I had to turn away!) and Young turns into a gladiator. Blech.

That being said, there are some nice performances. Young is particularly engaging in a scene where he's taken up in Cooper's fighter plane, and Roscoe Karns is delightful as Cooper's flying buddy. Tone, despite his inability to express himself through realistic dialogue, has a nice moment, dashing away his own furtive tears over his buddy Young's fate. Crawford, stripped of meaningful dialogue as well, mostly comes across as either wooden or melodramatic, which is quite a balancing act for one role.

The battle scenes--not surprisingly, for a Howard Hawks film--are the most exciting part of the entire picture. But not enough. As far as I'm concerned, this is 75 minutes of my life I'm never going to get back.\": {\"frequency\": 1, \"value\": \"In what would be ...\"}, \"The movie itself is so pathetic. It portrayed deaf people as cynical toward hearing people. True, some deaf people are wary of dating hearing people, but they are not necessarily angry like of Marlee Matlin's character was throughout the story. Deaf people do not go to the bar and dance the way Matlin did. All in all, the movie itself is more boring than pathetic. It is so boring that I'd like to believe that it is an insomnia-cured movie. If I have a problem sleeping, I can simply pop in Children of a Lesser God and watch. It will put me to sleep.

Keep in mind, this is a deaf guy talking.\": {\"frequency\": 1, \"value\": \"The movie itself ...\"}, \"Just a stilted rip-off of the infinitely better \\\"Murder, She Wrote\\\", it is absolutely amazing that this poorly-written garbage lasted for a full eight years. I'm sure most of the people who watched this unentertaining crap were in their sixties and seventies and just tuned in because they had nothing better to do, or simply remembered its star from the old Dick Van Dyke Show. Van Dyke, who only had a decent career in the 1960s, never was much of an actor at all (by his own admission) and he was already far too old to play a doctor when the series began in 1993. He looks absolutely ancient as a result of years of chain smoking and heavy drinking. His talentless real life son Barry, a wooden actor who has rarely been in anything that didn't involve his father, plays his son in the series.\": {\"frequency\": 1, \"value\": \"Just a stilted ...\"}, \"The villian in this movie is one mean sob and he seems to enjoy what he is doing, that is what I guess makes him so mean. I don't think most men will like this movie, especially if they ever cheated on their wife. This is one of those movies that pretty much stays pretty mean to the very end. But then, there you have it, a candy-bar ending that makes me look back and say, \\\"HOKIE AS HELL.\\\" A pretty good movie until the end. Ending is the ending we would like to see but not the ending to such a mean beginning. And then there is the aftermath of what happened. Guess you can make up your own mind about the true ending. I'm left feeling that only one character should have survived at the end.\": {\"frequency\": 1, \"value\": \"The villian in ...\"}, \"It's boggles the mind how this movie was nominated for seven Oscars and won one. Not because it's abysmal or because given the collective credentials of the creative team behind it really ought to deserve them but because in every category it was nominated Prizzi's Honor disappoints. Some would argue that old Hollywood pioneer John Huston had lost it by this point in his career but I don't buy it. Only the previous year he signed the superb UNDER THE VOLCANO, a dark character study set in Mexico, that ranks among the finest he ever did. Prizzi's Honor on the other hand, a film loaded with star power, good intentions and a decent script, proves to be a major letdown.

The overall tone and plot of a gangster falling in love with a female hit-man prefigures the quirky crimedies that caught Hollywood by storm in the early 90's but the script is too convoluted for its own sake, the motivations are off and on the whole the story seems unsure of what exactly it's trying to be: a romantic comedy, a crime drama, a gangster saga etc. Jack Nicholson (doing a Brooklyn accent that works perfectly for De Niro but sounds unconvincing coming from Jack) and Kathleen Turner in the leading roles seem to be in paycheck mode, just going through the motions almost sleepwalking their way through some parts. Anjelica Huston on the other hand fares better but her performance is sabotaged by her character's motivations: she starts out the victim of her bigot father's disdain, she proves to be supportive to her ex-husband, then becomes a vindictive bitch that wants his head on a plate.

The colours of the movie have a washed-up quality like it was made in the early 70's and Huston's direction is as uninteresting as everything else. There's promise behind the story and perhaps in the hands of a director hungry to be recognized it could've been morphed to something better but what's left looks like a film nobody was really interested in making.\": {\"frequency\": 1, \"value\": \"It's boggles the ...\"}, \"To grasp where this 1976 version of A STAR IS BORN is coming from consider this: Its final number is sung by Barbra Streisand in a seven minute and forty second close-up, followed by another two-and-half-minute freeze frame of Ms. Streisand -- striking a Christ-like pose -- behind the closing credits. Over ten uninterrupted minutes of Barbra's distinctive visage dead center, filling the big screen with uncompromising ego. That just might be some sort of cinematic record.

Or think about this: The plot of this musical revolves around a love affair between two musical superstars, yet, while Streisand's songs are performed in their entirety -- including the interminable finale -- her costar Kris Kristofferson isn't allowed to complete even one single song he performs. Nor, though she does allow him to contribute a little back up to a couple of her ditties, do they actually sing a duet.

Or consider this: Streisand's name appears in the credits at least six times, including taking credit for \\\"musical concepts\\\" and her wardrobe (from her closet) -- and she also allegedly wanted, but failed to get co-directing credit as well. One of her credits was as executive producer, with a producer credit going to her then-boyfriend and former hairdresser, Jon Peters. As such, Streisand controlled the final cut of the film, which explains why it is so obsessed with skewing the film in her direction. What it doesn't explain is how come, given every opportunity to make The Great Diva look good, their efforts only make Streisand look bad. Even though this was one of Streisand's greatest box office hits, it is arguably her worst film and contains her worst performance.

Anyway, moving the melodrama from Hollywood to the world of sex-drugs-and-rock'n'roll, Streisand plays Esther Hoffman, a pop singer on the road to stardom, who shares the fast lane for a while with Kristofferson's John Norman Howard, a hard rocker heading for the off ramp to Has-beenville. In the previous incarnations of the story, \\\"Norman Maine\\\" sacrifices his leading man career to help newcomer \\\"Vicky Lester\\\" achieve her success. In the feminist seventies, Streisand & Co. want to make it clear that their heroine owes nothing to a man, so the trajectory is skewed; she'll succeed with or without him and he is pretty much near bottom from scene one; he's a burden she must endure in the name of love. As such, there is an obvious effort to make the leading lady not just tougher, but almost ruthless, while her paramour comes off as a henpecked twit.

Kristofferson schleps through the film with a credible indifference to the material; making little attempt to give much of a performance, and oddly it serves his aimless, listless character well. Streisand, on the other hand, exhibits not one moment of honesty in her entire time on screen. Everything she does seems, if not too rehearsed, at least too controlled. Even her apparent ad libs seem awkwardly premeditated and her moments of supposed hysteria coldly mechanical. The two have no chemistry, making the central love affair totally unbelievable. You might presume that his character sees in her a symbol of his fading youth and innocence, though at age 34, Streisand doesn't seem particularly young or naive. The only conceivable attraction he might offer to her is that she can exploit him as a faster route to stardom. And, indeed, had the film had the guts to actually play the material that way, to make Streisand's character openly play an exploitive villain, the film might have had a spark and maybe a reason to exist.

But I guess the filmmakers actually see Esther as a sympathetic victim; they don't seem to be aware just how cold-blooded and self absorbed she is. But sensitivity is not one of the film's strong points: note the petty joke of giving Barbra two African American back up singers just so the film can indulge in the lame racism of calling the trio The Oreos. And the film makes a big deal of pointing out that Esther retains her ethnic identity by using her given name of Hoffman, yet the filmmakers have changed the character's name of the previous films from \\\"Esther Blodgett\\\" so that Streisand won't be burdened with a name that is too Jewish or too unattractive. So much for ethnic pride.

The backstage back stabbing and backbiting that proceeded the film's release is near legendary, so the fact that the film ended up looking so polished is remarkable. Nominal director Frank Pierson seems to have delivered the raw material for a good movie, with considerable help from ace cinematographer Robert Surtees. And the film did serve its purpose, producing a soundtrack album of decent pop tunes (including the Oscar-winning \\\"Evergreen\\\" by Paul Williams and Streisand). But overall the film turned out to be the one thing Streisand reportedly claimed she didn't want it to be, a vanity project.\": {\"frequency\": 1, \"value\": \"To grasp where ...\"}, \"I had really only been exposed to Olivier's dramatic performances, and those were mostly much later films than *Divorce*. In this film, he is disarmed of his pomp and overconfidence by sassy Merle Oberon, and plays the flustered divorce attorney with great charm.\": {\"frequency\": 1, \"value\": \"I had really only ...\"}, \"YETI deserves the 8 star rating because it is the one of the greatest bad movies ever made. I saw it at a midnight screening in L.A. and people were roaring and cheering at the insanity - this movie is one of those cinematic trainwrecks where you think it cant get any stranger and THEN IT DOES! The millionaire who funds the project to thaw the Yeti looks like Chris Penn and John Goodman both poured into an ill-fitting suit - the guy playing the scientist is one of the worst actors to ever appear on screen - and yes, there is a mute boy (who sorta kinda looks like a girl) and he's mute ever since he survived a plane crash that killed both his parents (hmmm- maybe therapy for the kid??). Then this hottie Italian girl is seen by Yeti (once he thaws - which takes FOREVER) -- and he is instantly in love with her - what is one of the most hysterical things about the movie is that this giant Yeti makes \\\"bedroom eyes\\\" at her - it's like a large Barry White trying to seduce a groupie. In fact, once the large Yeti picks up the hottie and has her against his chest - she accidentally touches the Yeti's nipple and yes, the film takes the time to show his large grey nipple GET HARD!!!! Yikes of all YIKES! Plus there's a collie dog in it because the Italian producer must have heard that American audiences like dogs and he sorta kinda tried to get a Lassie - there's also this insane scene where the Yeti eats a giant fish - keeps the large fishbone and uses it to comb the Italian girl's hair \\\"Gee, thanks Yeti - now my hair is smooth and smells like dead trout. You're the best.\\\" This film is more bizarre than something Ed Wood could have ever dreamt up. If you are a fan of classic cinema crap - seek this baby out.\": {\"frequency\": 1, \"value\": \"YETI deserves the ...\"}, \"I have never seen one of these SciFi originals before, this was the first. I think it only fair to judge the acting, direction/production, set design and even the CGI effects on the other SciFi movies. To compare it to your typical Hollywood production is unfair. I will say, however, that overall Aztec Rex was not exactly reminiscent of Werner Herzog's masterpiece Aguirre, Wrath of God.

I will begin by noting that, yes, I do recognize the fact that this movie has more to do with culture-clash than it does with dinosaurs. Despite this being a made-for-TV sci-fi movie, there is some underlying context to the story which I shall examine. The symbolic elements included are evident enough.

Consequently, as a student of history, theology, mythology and film: I found the dialogue outrageous and the plot themes to be somewhat insulting. I am not asking for any mea culpas on behalf of the producers - as I said before the movie is what it is. But what concerns me is that much of the younger demographic for this movie probably rely on television to provide them their lessons when it comes to history and cultural diversity.

The main problem manifests itself most visibly with the character Ayacoatl (not a commentary on Dichen Lachman's performance, but simply how her character was written, although, I'll say she has some work to do before she receives any Emmy nods). It is through her character that the Spanish Europeans actions are justified. Her function in the film as the love interest of Rios affirms that the European way is the right way, simply because they are European. There is really no other reason given. It's really just left to the assumption that the viewer is meant to associate themselves with the Europeans over the Aztec because their dress, language, ideology, etc is more familiar to them than the Aztec - so therefore the Aztec are portrayed as adversarial and 'backwards.' And it's not simply that the viewer is left with that assumption due to ethnocentric perception on the viewers part, but it really seems like the story is trying to convince the viewer - As if the Aztec were not capable of coming up with a plan - if not a better one - to lure a dinosaur to its death on a bed of punji sticks.

In fairness, there is a subgroup of the Spanish who are portrayed as looting temples and intent on simply abusing the native MesoAmericans. There is also a scene where we have the Christian holy man noting the achievements of the Aztec: \\\"They have agriculture, medicine, calendar, etc.\\\" - But in the end it is still the Aztec warrior who is portrayed as the main antagonist of the movie, even over the 'thunder lizards' (more on that later). He his portrayed as treacherous, duplicitous and attempts to dispatch the romantic European Spaniard by tricking him into consuming hallucinogenic mind altering mushrooms - an important spiritual component to certain aspects and religions of the native Meso & North Americans (again, more on this later) so that he can keep the female he feels belongs to him and away from the Spaniard.

Now in analyzing the true nature of the story (leaving the obvious Christian vs. Pagan themes off of the table) from a symbolic standpoint - a viewer can easily take these so-called thunder lizards to be representatives of the MesoAmerican ideology/theology, which in this movie is portrayed as being one intent on: bloodthirstiness, mercilessness, cruelness, wicked, maybe even evil? In opposition, we have this group of Christian wanderers, led by a young Hernando Cortes who are portrayed as naive, yet overall noble, lambs caught up in the dark heathen world of the Aztec. Also, the name of the film is Aztec Rex, leading one to believe that it is about dinosaurs out to eat people. However, what Aztec Rex translates to is Aztec King, a the head of the Aztec state, or in this instance 'state-of-being.' (Hence, why the title of the film was changed). And so who in fact do we see as the new Aztec king at the end? It's the remaining Spaniard, Rios. Aztec Rex is in reference to the new European ideology which overcame, through disease, bloodshed, war & famine, Native Americans. Rios symbolizes the ideal European - as the presenters of this film would like them to be remembered (in opposition to Cortes who represents the 'practical-yet-still-noble European'). But when you examine the Holocausts of the Americas, let us be honest: don't the symbolic components of this film's story have it backwards?

I have to say Aztec Rex is at worst a little racist, or to be kind about it, ignorant at best.

And yes, I know it's just a movie, all meant to be in fun, I understand, but so at the end we're left with the idea that Rios was the father of the last remaining Aztec lines? I wonder what Native MesoAmericans would have to think about this ending... as for myself, I thought it was a little too self indulgent.

Best supporting performance of the movie goes to Ian Ziering's wig - although conspicuous - it did at least alter Ziering's appearance enough so that I didn't think I was watching the yuppie from 90210 leading a bunch of conquistadors into the heart of darkness. Ziering actually proves himself to be a more-than-capable actor in this movie, I actually bought his performance, or at least I forgot it was Ian Ziering anyway. I don't know whom his agent is, but he should get more work.

In closing, it was also a pleasure to see Jim McGee again. I've been a fan ever since his all too brief scene-stealing performance in 1988's Scrooged.

Alexander Quaresma - DeusExMachina529@aol.com\": {\"frequency\": 1, \"value\": \"I have never seen ...\"}, \"SPOILER WARNING: There are some minor spoilers in this review. Don't read it beyond the first paragraph if you plan on seeing the film.

The Disney Channel currently has a policy to make loads of movies and show one a month on the cable channel. Most of these are mediocre and drab, having a few good elements but still being a disappointment (`Phantom of the Megaplex,' `Stepsister From Planet Weird,' `Zenon: Girl of the 21st Century'). Every once in a great while, they make something really, really great (`Genius,' `The Other Me'). But once in a while The Disney Channel makes a huge mistake, and gives us a real stinker. This month (December 2000) The Disney Channel featured `The Ultimate Christmas Present,' which I thought was terrible due to poor writing and worse acting. Apparently, `The Brainiacs.com' was rushed out a few days before Christmas to get a jump on the holiday, because the plot has to do with toys. They even paid for a feature in the TV Guide, so I thought it must be better than the norm. I was in for a complete shock. Only Disney's `Model Behaviour' has been worse than this.

The plot was more far-fetched than normal. I usually let that slide, but here it just goes too far. Matthew Tyler gets very sick of his widowed father spending most of his time at work. His father owns a small toy factory that has taken out large loans at a scrupulous bank to stay afloat. Time and time again, his father has to skip out on the plans he makes with his son and daughter. Matthew decides that the only way he can spend time with his dad is if he becomes the boss and orders him to stay home. He gets a hair-brained idea to create a website where kids all around the world can find and send him a dollar to invest in a computer chip that his sister is inventing. That whole concept is full of fallacies. When kids send in millions of dollars, Matthew opens his own company's bank account and buys up most of his dad's business's stock. He is the secret boss, but he doesn't reveal this to his dad, but instead presents himself at board meetings as a cartoon image through a computer. That image itself is so complex (and ridiculous) that it isn't possible for someone to create it at home, much less someone who comes across as stupid as Matthew. To make a long plot short, Matthew orders his dad to spend more time having fun and doing stuff with his kids, but a federal agent shows up inquiring about Matthew's company, as it is fraudulent.

There's so much wrong here. As mentioned, the stuff they do here is impossible even for true geniuses, which these kids are not. The website, the cartoon image, the computer chip, even the stuff they are being taught in school, are far too advanced for these kids. The acting by most of the cast, especially Kevin Kilner, is terrible. Some familiar faces are wasted. Dom DeLuise plays the evil bank owner, but his part is a throwaway. He has one good scene with Alexandra Paul (who shows she has the ability to act) in which he explains his motives, but nothing more. And Rich Little is wasted in a small role as a judge. There's even some offensive and uncalled for anti-Russian jokes. But the greatest atrocities are the hard-hammered themes. These themes show up in many of The Disney Channel's films, but never before have these ultra-conservative messages been pounded so strongly. The typical `overworking parent' idea is really pushed hard, and after delivering it inappropriately in `The Ultimate Christmas Present,' seeing it again sours my mood. Family relations are important, but Disney must stop this endless preaching, because working is important to maintaining a workable family, too. Except for cancelling activities thanks to work, the father didn't come across as that bad, but I found it offensive when the grandmother told him `I don't like what I see.' Just as bad is the preaching of the idea that all single parents MUST marry if they want to raise their kids right. Enter Alexandra Paul, whose character, while important to the plot, is there solely to be the love interest for the father. This offensiveness only proves that the Disney brain trust lacks the brains to avoid scraping from the bottom of the Disney script barrel. Instead of letting this movie teach your kids how to commit serious fraud, wait for the next Disney Channel movie. It has to be better than this. Zantara's score: 1 out of 10.\": {\"frequency\": 1, \"value\": \"SPOILER WARNING: ...\"}, \"Excellent comedy starred by Dudley Moore supported by Liza Minnelli and good-speaking John Gielgud. Moore is Arthur, a man belonging to a multimillionaire family, who was near to get 750 million dollars provided that he marries to a lady (Susan) from another multimillionaire family. In principle, Arthur accepted the conditions, but he finally refused when he met nice and poor Linda Marolla (Liza Minneli). Arthur was just a parasite because he did not work, he only enjoyed himself drinking hard and having fun with prostitutes. After several serious thoughts in his life and for the first time, Arthur decided not to marry Susan only few minutes before their wedding. The end was happy for Linda and Arthur although the latter knew that his life will change in the coming future. This comedy is a good lesson for life for anyone. Rich people are not usually happy with their ways of life.\": {\"frequency\": 1, \"value\": \"Excellent comedy ...\"}, \"The first movie is pretty good. This one is pretty bad.

Recycles a lot of footage (including the opening credits and end title) from Criminally Insane. The new footage, shot on video, really sticks out as poorly done. Scenes lack proper lighting, the sound is sometimes nearly inaudible, there's even video glitches like the picture rolling and so on.

Like all bad sequels, it basically just repeats the story of the first one. Ethel kills everybody who shares her living space, often for reasons having to do with them getting in the way of food she wants.

At least it is only an extra on the DVD for the first one, which also includes the same director's film Satan's Black Wedding. Too bad it doesn't include the Death Nurse movies though.\": {\"frequency\": 1, \"value\": \"The first movie is ...\"}, \"\\\"Gespenster\\\" (2005) forms, together with \\\"Yella\\\" (2007), and \\\"Jerichow\\\" (2008), the Gespenster-trilogy of director Christian Petzold, doubtless one of the creme-De-la-creme German movie directors of our time.

Roughly, \\\"Gespenster\\\" tells the story of a French woman whose daughter had been kidnapped as a 3 years old child while the mother turned around her head for 1 minute in Berlin - and has never been seen ever. Since then, the mother keeps traveling to Berlin whenever there is a possibility and searches, by aid of time-dilated photography, for girls of the age of approximately the present age of her age. As we hear later in the movie, the mother was already a lot of times convinced that she had found her daughter Marie. However, this time, when she meets Nina, everything comes quite different.

The movie does not bring solutions, not even part-solutions, and insofar, it is rather disappointing. We are not getting equipped either in order to decide if the mother is really insane or not, if her actual daughter is still alive or not. Most disappointing is the end. After what we have witnessed in the movie, it is an imposition for the watcher that he is let alone as the auteur leaves Nina alone. The simple walking away symbolizing that nothing has changed, can be a strong effect of dramaturgy (f.ex. in \\\"Umberto D.\\\"), but in \\\"Gespenster\\\", it is displaced.

Since critics have been suggesting Freudian motives in this movie, let me give my own attempt: Why is it that similar persons do not know one another, especially not the persons that another similar person knows? This is quite an insane question, agreed, from the standpoint of Aristotelian logic, according to which the notion of the individual holds. The individual is such a person that does not share any of its defining characteristics with anyone else. So, the Aristotelian answer to my question is: They do not know one another because their similarity is by pure change. Everybody who is not insane, believes that. However, what about the case if these similar persons share other similarities which can hardly be by change, e.g. scarfs on their left under ankle or a heart-shaped birthmark under their right shoulder-blade? This is the metaphysical context out of which this movie is made, although I am not sure whether even the director has realized that. Despite our modern, Aristotelian world, the superstition, conserved in the mythologies of people around the globe that similar people also share parts of their individuality, and that individuality, therefore, is not something erratic, but rather diffusional, so that the borders between persons are open, such and similar believes build a strong backbone of irrational-ism despite our otherwise strongly rational thinking - a source of Gespenster of the most interesting kind.\": {\"frequency\": 1, \"value\": \"\\\"Gespenster\\\" ...\"}, \"It does not seem that this movie managed to please a lot of people. First off, not many seem to have seen it in the first place (I just bumped into it by accident), and then judging by the reviews and the rating, of those that did many did not enjoy it very much.

Well, I did. I usually tolerate Gere for his looks and his charm, and even though I did not consider him a great actor, I know he can do crazy pretty well (I liked his Mr Jones). But this performance is all different. He is not pretty in this one, and he is not charming. His character is completely different from anything I had seen from him up to that point---old, ugly, broken, determined. And Gere, in what to me is so far his best performance ever, pulls it off beautifully. I guess it is a sign of how well an actor does his job if you cannot imagine anyone else doing it instead---think Hopkins as Hannibal Lecter, or Washington as Alonzo in Training Day. That is how good Gere was here.

The rest of the cast were fine by me, too. I guess I would not have cast Danes in this role, mostly because I think she is too good-looking for it. But she actually does an excellent job, holding her own with a Gere in top form, which is no small feat. Strickland easily delivers the best supporting act, in a part that requires a considerable range from her. I actually think she owns the key scene with Gere and Danes, and that is quite an achievement.

So what about the rest of the movie, apart from some excellent acting? The story is perhaps not hugely surprising, some 8mm-ish aspects to it, but adding the \\\"veteran breaks in rookie\\\" storyline to the who-dunnit, and also (like Silence of the Lambs) adding a sense of urgency through trying to save the girl and the impending retirement of Gere's character. All that is a backdrop to the development of the two main characters, as they help each other settle into their respective new stations in life. That's a lot to accomplish in a 100 minutes, but it is done well, and we end up caring for the characters and what happens to them.

Direction and photography were adequate. I could have done without the modern music-video camera movements and cutting, but then I am an old curmudgeon, and it really wasn't all that bad, in fact I think it did help with the atmosphere of the movie, which as you might have guessed, by and large isn't a happy one.

Worth seeing.\": {\"frequency\": 1, \"value\": \"It does not seem ...\"}, \"I was eager to see \\\"Mr. Fix It\\\" because I'm a huge David Boreanaz fan. What I got, though, was a 1-1/2 hour nap. The premise seemed enjoyable: Boreanaz is Lance Valenteen, proprietor of a business called \\\"Mr. Fix It\\\", where dumped men enlist his help to get their girlfriends to take them back.

Among the problems with this movie are the editing, script, and acting. Although I've found Boreanaz delightful in his other film roles (with the exception of that \\\"Crow\\\" movie he did), this was disappointing. At times, his character was interesting and others, flat. The supporting cast reminded me of soap opera day players. I realize it wasn't a big-budget film, but some of the scene cuts and music just didn't seem right.

My advice: watch at your own risk.\": {\"frequency\": 1, \"value\": \"I was eager to see ...\"}, \"I took a flyer in renting this movie but I gotta say, it was very, very good. On all fronts: script, cast, director, photography, and high production values, etc. Proves Eva Longoria Parker is head and shoulders in rom/com above bad actors such as Kate Hudson and Jennifer Aniston, who mug and call it acting. Who'da thunk it?

Parker and Isla Fisher are in a class by themselves in this regard and should try to hold out for projects as good as \\\"Over Her Dead Body.\\\" Lake Bell is excellent, too, and this is the first time I have seen her. And finally, Paul Rudd gets to shine in a really good movie, instead of lesser films.

A movie like this never gets its dues from close-minded males. It's too bad. As other IMDb reviewers here have noted, there is nothing lame about this gem --no hack writing or acting.

And its depiction of contemporary L.A. and California, in general, makes every scene look bright, beautiful, clean, and otherwise outstanding in every way. Never before has a movie made L.A. look so good. Ah, what a little talent and a lot of caring can do for a movie.

I won't divulge the plot, but as a long-time and hard-core atheist, I was willing to suspend disbelief and buy into the supernatural theme in order to enjoy an excellent and light-hearted piece of entertainment. It reminds me very much of the old \\\"Topper\\\" movies, which were also so enjoyable.

This movie exposes popular, but otherwise hackneyed, movies like \\\"Ghost\\\" for the mediocre and overly sentimental crap fests they are. We already know the public taste leans heavily toward the mediocre. Some of us save our praise for the truly worthy, however.

If you have enjoyed other overlooked gems such as \\\"Into the Night\\\" with Michelle Pfeiffer, Jeff Goldblum and Clu Gulager, \\\"Blind Date\\\" with Bruce Willis and Kim Basinger, \\\"American Dreamer\\\" with JoBeth Williams, \\\"Chances Are\\\" with Robert Downey Jr., Christopher McDonald and Cybil Sheppard, \\\"Making Mr. Right\\\" with John Malkovich, etc., you'll enjoy this.

A first-rate job all around (even if it's kinda hard to believe a straight guy can pretend to be gay for more than five years.) But even that plot device doesn't detract from the movie's overall excellence.\": {\"frequency\": 1, \"value\": \"I took a flyer in ...\"}, \"Maybe it's the dubbing, or maybe it's the endless scenes of people crying, moaning or otherwise carrying on, but I found Europa '51 to be one of the most overwrought (and therefore annoying) films I've ever seen. The film starts out promisingly if familiarly, as mom Ingrid Bergman is too busy to spend time with her spoiled brat of a son (Sandro Franchina). Whilst mummy and daddy (bland Alexander Knox) entertain their guests at a dinner party, the youngster tries to kill himself, setting in motion a life changing series of events that find Bergman spending time showering compassion on the poor and needy. Spurred on by Communist newspaper editor Andrea (Ettore Giannini), she soon spends more time with the downtrodden than she does with her husband, who soon locks her up in an insane asylum for her troubles. Bergman plays the saint role to the hilt, echoing her 1948 role as Joan of Arc, and Rossellini does a fantastic job of lighting and filming her to best effect. Unfortunately, the script pounds its point home with ham-fisted subtlety, as Andrea and Mom take turns declaiming Marxist and Christian platitudes. By the final tear soaked scene, I had had more than my fill of these tiresome characters. A real step down for Rossellini as he stepped away from neo-realism and further embraced the mythical and mystical themes of 1950's Flowers of St. Francis.\": {\"frequency\": 1, \"value\": \"Maybe it's the ...\"}, \"This movie features an o.k. score and a not bad performance by David Muir as Dr. Hackenstein. The beginning and end credits show along with the most of the actors and the \\\"special effects\\\" that this is a low budget movie. There is nothing in this movie that you could not find in other mad scientist, horror/comedy, or low budget movies. Not special for any nude scene buffs or bad movie lovers either. This movie is simply here. Anne Ramsey and Phillis Diller are nothing to get excited about as well. If you are curious as I was and can actually find this, you will realize the truth of the one line summary.\": {\"frequency\": 1, \"value\": \"This movie ...\"}, \"I'm not going to bother with a plot synopsis since you know what the movie is about and there's almost no plot, anyway. I've seen several reviewers call ISOYG an 'anti-rape' film or even a feminist statement, and I just have to chime in on the galling hypocrisy of these claims.

First of all, what do we see on the cover of this movie? That's right: a shapely woman's behind. Whether it was Zarchi's attempt to make an anti-rape statement - and I absolutely don't believe it was - is entirely beside the point. The film is marketing sex and the titillation of sexual assault and the material is so graphic (everything but actual penetration is shown) that NO ONE but the hard core exploitation crowd will enjoy it.

The rape(s) in the film is uncomfortable, brutal and hard to watch. There's something to be said for presenting a horrible crime in such a brutal light, but there was no reason for this scene to go on for seemingly 30 minutes, none. There was also little character development of the victim and only one of the rapists is slightly developed (mere moments before he's murdered) so the scene isn't at all engaging on an emotional level. Really, it's just presented for the sake of showing extreme sexual violence and you can tell by the movies ISOYG is associated with on IMDb (Caligula, Cannibal Ferox, etc.) that it attracts only the exploitation crowd.

Finally, a few reviewers have commended Zarchi's so-called documentary style and lack of a soundtrack. But considering how inept everything else in the film is (acting, script, etc.) I suspect these were financial decisions and the film looks like a documentary because he literally stationed a camera and let his porn-caliber actors do their thing.

I'm not going to get all up on my high horse talking about the content of ISOYG. I'm all for exploitation / horror and love video nasties. In fact, I'm giving this movie three stars only because it truly does push the envelope so much further than some other films. However, it's also poorly made and after the rape occurs, just downright boring for the rest of the film as we watch a bunch of ho-hum, mostly gore-less murders and wait for the credits to roll.

This is probably worth watching once if you're a hardcore 70s exploitation fan but I'm telling you, the movie is overall pretty bad and not really worth its notorious reputation.\": {\"frequency\": 1, \"value\": \"I'm not going to ...\"}, \"This movie is just another average action flick, but it could have been so much better. When the guns come out they really needed some choreography help. Someone like Andy McNabb - who made that brilliant action sequence in Heat as they move up the street from the robbery - would have turned the dull action sequences into something special. Because the rest of the film was alright - predictable but watchable - better than you would expect from this type of movie. Then came the final scene, the show-down, the one we had been waiting for, but was like watching something from the A-Team in the 80s. They shoot wildly, nothing hits, and they run around a house trying to kill each other - same old, same old.\": {\"frequency\": 1, \"value\": \"This movie is just ...\"}, \"I love B movies..but come on....this wasn't even worth a grade...The ending was dumb...b/c THERE WAS NO REAL ENDING!!!..not to mention that it comes to life on its own...I mean no lighting storm or crazy demonic powers?? Slow as hell and then they just start killing off the characters one by one in like a 15 min time period...and i won't even start on the part of the thing killing the one guy without its head....and then you don't even get to see what Jigsaw even does with his so called \\\"new jigsaw puzzle\\\"....Unless you have nothing better to do...Id watch paint dry before Id recommend this God-forsaken movie to anyone else...oh and to make it even better the other movie totem you can see the guy throwing the one creature in the basement scene from the window..that was funny as hell and probably the only good part of watching that waste of film\": {\"frequency\": 1, \"value\": \"I love B ...\"}, \"This film was very well advertised. I am an avid movie goer and have seen previews for this movie for months. While I was somewhat skeptical of how funny this movie would actually be, my friends thought it was going to be great and hyped me up about it. Then I went and saw it, I was sunk down in my seat almost asleep until I remembered that I had paid for this movie. I made myself laugh at most of the stuff in the movie just so i wouldnt feel bad and destroy the good mood I was in, plus I wanted to get my monies worth out of the movie! I always go into a movie with an open mind, not trying to go into them with too many expectations, but this movie was not that funny. Now it wasnt the worst movie I've ever seen, but it is definitely worth waiting for HBO. If you havent seen many previews for the movie or you like very slow and corny comedies you may enjoy it, but for true comedy fans Id say pass. Maybe even check out The Kings of Comedy again. Something told me to go see Meet the Parents instead!!!\": {\"frequency\": 1, \"value\": \"This film was very ...\"}, \"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!\": {\"frequency\": 1, \"value\": \"The material in ...\"}, \"I can't believe that this movie even made it to video, and that video rental stores are willing to put it on their shelves. I literary asked for a refund. Take away the fact that the movie has no historical truth it, and it is still the worse movie ever found in a video store. It is not even good enough to be called a B rated movie. Do not waste your money or your time on this movie. Just listing to the voice over and the horrible music made me sick. Anyone involved with this movie should be pulled from the union, gives the industry a black mark, but after watching most of this movie I really don't think anyone involved is a union member.\": {\"frequency\": 1, \"value\": \"I can't believe ...\"}, \"The penultimate episode of Star Trek's third season is excellent and a highlight of the much maligned final season. Essentially, Spock, McCoy and Kirk beam down to Sarpeidon to find the planet's population completely missing except for the presence of a giant library and Mr. Atoz, the librarian. All 3 Trek characters soon accidentally walk into a time travel machine into different periods of Sarpeidon's past. Spock gives a convincing performance as an Ice Age Vulcan who falls in love for Zarabeth while Kirk reprises his unhappy experience with time travel--see the 'City on the Edge of Forever'--when he is accused of witchcraft and jailed before escaping and finding the doorway back in time to Sarpeidon's present. In the end, all 3 Trek characters are saved mere minutes before the Beta Niobe star around Sarpeidon goes supernova. The Enterprise warps away just as the star explodes.

Ironically, as William Shatner notes in his book \\\"Star Trek Memories,\\\" this show was the source of some dispute since Leonard Nimoy noticed that no reason was given in Lisette's script for the reason why Spock was behaving in such an emotional way. Nimoy relayed his misgivings here directly to the show's executive producer, Fred Freiberger, that Vulcans weren't supposed to fall in love. (p.272) However, Freiberger reasoned, the ice age setting allowed Spock to experience emotions since this was a time when Vulcans still had not evolved into their completely logical present state. This was a great example of improvisation on Freiberger's part to save a script which was far above average for this particular episode. While Shatner notes that the decline in script quality for the third season hurt Spock artistically since his character was forced to bray like a donkey in \\\"Plato's Stepchildren,\\\" play music with Hippies in \\\"the Way to Eden\\\" or sometimes display emotion, the script here was more believable. Spock's acting here was excellent as Freiberger candidly admitted to Shatner. (p.272) The only obvious plot hole is the fact that since both Spock and McCoy travelled thousands of years back in time, McCoy too should have reverted to a more primitive human state, not just Spock. But this is a forgivable error considering the poor quality of many other season 3 shows, the brilliant Spock/McCoy performance and the originality of this script. Who could have imagined that the present inhabitants of Sarpeidon would escape their doomed planet's fate by travelling into their past? This is certainly what we came to expect from the best of 'Classic Trek'--a genuinely inspired story.

Shatner, in 'Memories', named some of his best \\\"unusual and high quality shows\\\" of season 3 as The Enterprise Incident, Day of the Dove, Is there in Truth no Beauty, The Tholian Web, And the children Shall Lead and The Paradise Syndrome. (p.273) While my personal opinion is that 'And the children Shall Lead' is a very poor episode while 'Is there in Truth no Beauty' is problematic, \\\"All Our Yesterdays\\\" certainly belongs on the list of top season three Star Trek TOS films. I give a 9 out of 10 for 'All Our Yesterdays.'\": {\"frequency\": 1, \"value\": \"The penultimate ...\"}, \"Why Hollywood feels the need to remake movies that were so brilliant their prime (The Texas Chainsaw Massacre, The Hills Have Eyes) but is it considerably worse why Hollywood feels the need to remake those horror films that weren't brilliant to start with (Prom Night, The Amityville Horror) Much like their originals these remakes fail in creating atmosphere, character or any genuine scares at all. Prom night is so flat and uninteresting its hard to watch, but for all the wrong reasons.

It's a poorly acted, massively uninteresting and ultimately dull excursion that fails at everything its designed to do. It's clear Hollywood Horror is dead. Even The likes of The Hills Have Eyes and The Texas Chainsaw Massacre managed to ruin their franchises in style with buckets of blood and a decent plot. Prom night is virtually bloodless and I'm not even going to mention how bad the plot is. Its inability to seal the killers identify makes this the least suspenseful horror movie since erm... the original.

One of the most notorious slasher films of the 1980s returns to terrorize filmgoers with this remake that proves just how horrifying high school dances can truly be. Donna Keppel (Brittany Snow) has survived a terrible tragedy, but now the time has come to leave the past behind and celebrate her senior prom in style.

When the big night finally arrives, Donna and her best friends prepare to enjoy their last big high-school blowout by living it up and partying till dawn. But while Donna is willing to look past her nightmares and into a brighter future, the man she thought she had escaped forever has returned for one last dance. An obsessed killer is on the loose, and he'll slay anyone who attempts to prevent him from reaching his one and only Donna.

Who will survive to see graduation day, and what will Donna do when she's forced to confront her greatest fear? Scott Porter, Jessica Stroup, and Dana Davis co-star in the slasher remake that will have tuxedo-clad teens everywhere nervously looking over their shoulders as they file out onto the dance floor. A plot that will probably put you off going to see this. Witch if you ask me is a good thing.

Without much to work with, McCormick gamely tries to milk tension out of the most banal of situations. At one point, a girl backs into a floor lamp (a lamp!) and McCormick tries to pump it up into a jump-scare moment. Desperate times really do call for desperate measures. There haven't been this many shots of closets since the last IKEA catalogue.

In the era of The Hills, My Super Sweet 16 and To Catch a Predator, there probably is a freaky, scary movie to be mined from the commoditisation of glamour and society's creepy obsession with youthful beauty. This is not that movie.

My final verdict? Avoid at all cost. Nobody will like Prom Night, it's even a disappointment to thoses who usually enjoy hack-job remakes. Considering its absolute lack of blood or frights. A night you'll be in a hurry to forget.\": {\"frequency\": 1, \"value\": \"Why Hollywood ...\"}, \"The point of the vastly extended preparatory phase of this Star is Born story seems to be to make ultimate success all the more sublime. Summer Phoenix is very effective as an inarticulate young woman imprisoned within herself but never convincing as the stage actress of growing fame who both overcomes and profits from this detachment. Even in the lengthy scenes of Esther's acting lessons, we never see her carry out the teacher's instructions. After suffering through Esther's (largely self-inflicted) pain in excruciating detail, we are given no persuasive sense of her triumph.

The obsessive presence of the heroine's pain seems to be meant as a guarantee of aesthetic transcendence. Yet the causes of this pain (poverty, quasi-autism, Judaism, sexual betrayal) never come together in a coherent whole. A 163-minute film with a simple plot should be able to knit up its loose ends. Esther Kahn is still not ready to go before an audience.\": {\"frequency\": 1, \"value\": \"The point of the ...\"}, \"If you liked the first two films, then I'm sorry to say you're not going to like this one. This is the really rubbish and unnecessary straight to video, probably TV made sequel. The still idiotic but nice scientist Wayne Szalinski (Rick Moranis) is still living with his family and he has his own company, Szalinski Inc. Unfortunately his wife wants to get rid of a statue, Wayne is so stupid he shrinks his statue and himself with his brother. Then he shrinks his wife and sister-in-law too. Now the adults have to find a way to get the kids of the house to get them bigger. Pretty much a repeat of the other two with only one or two new things, e.g. a toy car roller coaster, swimming in dip, etc. Pretty poor!\": {\"frequency\": 1, \"value\": \"If you liked the ...\"}, \"I happened to borrow this movie from a friend knowing nothing about it, and it turned out to be an outstanding documentary about a journey on an ancient vessel across vast expanses of the ocean. Thor Heyerdahl had developed a theory that the ancient Incas in Peru managed to travel thousands of miles across the ocean to Polynesia, based on certain relics that are found in both places, certain types of ancient sea-going vessels that we know they had available, analysis of ocean and wind currents, and the knowledge that the Incas did, in fact, travel in some undetermined amount at sea.

In order to test his hypothesis, Heyerdahl and his crew construct a vessel as closely as possible to what the ancient Incas had available, using only balsa wood and other materials available at the time, and set out from Lima, Peru's capital, to try to reach the islands of Polynesia, some 5,000 miles away.

His theory, like so much about ancient history, is impossible to prove with 100% certainty, but the coverage of their journey provides for strong support that he is right. The film is really little more than narration of footage taken during the 100+ day expedition, but it is a very detailed description of what it was like and the trials and tribulations that they faced. I often wish that Academy Award winning documentaries were easier to find, and this one from more than 50 years ago is still as interesting and informative as I am sure it was when it was first released.\": {\"frequency\": 1, \"value\": \"I happened to ...\"}, \"Well, I had seen \\\"They all laughed\\\" when it came out in

Europe around 1982 and had kept a vague but dear souvenir of it. I 've just seen it again on tape, almost twenty years after... Bogdanovich has a true heartfelt tenderness over his characters and a kind sympathy which is difficult not to feel also. Excellent comedians and actors, good lines all over and for everyone and pretty good editing, too. I laughed and smiled all the time. Just as we all do, at times. Go get it.\": {\"frequency\": 1, \"value\": \"Well, I had seen ...\"}, \"This \\\"clever\\\" film was originally a Japanese film. And while I assume that original film was pretty bad, it was made a good bit worse when American-International Films hacked the film to pieces and inserted American-made segments to fool the audience. Now unless your audience is made of total idiots, it becomes painfully obvious that this was done--and done with little finesse or care about the final product. The bottom line is that you have a lot of clearly Japanese scenes and then clearly American scenes where the film looks quite different. Plus, the American scenes really are meaningless and consist of two different groups of people at meetings just talking about Gamera--the evil flying turtle! And although this is a fire-breathing, flying and destructive monster, there is practically no energy because I assume the actors were just embarrassed by being in this wretched film--in particular, film veterans Brian Donlevy and Albert Dekker. They both just looked tired and ill-at-ease for being there.

Now as for the monster, it's not quite the standard Godzilla-like creature. Seeing a giant fanged turtle retract his head and limbs and begin spinning through the air like a missile is hilarious. On the other hand, the crappy model planes, destructible balsa buildings and power plant are, as usual, in this film and come as no surprise. Plus an odd Japanese monster movie clich\\ufffd\\ufffd is included that will frankly annoy most non-Japanese audience members, and that is the \\\"adorable and precocious little boy who loves the monster and believes in him\\\". Yeah, right. Well, just like in GODZILLA VERSUS THE SMOG MONSTER and several other films, you've got this annoying creep cheering on the monster, though unlike later incarnations of Godzilla, Gamera is NOT a good guy and it turns out in the end the kid is just an idiot! Silly, exceptional poor special effects that could be done better by the average seven year-old, bad acting, meaningless American clips and occasionally horrid voice dubbing make this a wretched film. Oddly, while most will surely hate this film (and that stupid kid), there is a small and very vocal minority that love these films and compare them to Bergman and Kurosawa. Don't believe them--this IS a terrible film!

FYI--Apparently due to his terrific stage presence, Gamera was featured in several more films in the 60s as well as some recent incarnations. None of these change the central fact that he is a fire-breathing flying turtle or that the movies are really, really lame.\": {\"frequency\": 1, \"value\": \"This \\\"clever\\\" film ...\"}, \"Kiera Nightly moved straight from the P&P set to this action movie... she could hardly have chosen to remake her image more dramatically. A great success in Love Actually and as Lizie in Jane Austen's classic, she is, once again, \\\"having a go\\\". Just as her bikini clad warrier woman in King Arthur was more skin than muscle, it is difficult to imagine this delicate frame standing up to a bounty hunters life... but then this is exactly what Domino Harvey (the real one) did, and I (being one of Nightly's biggest fans) believe she carries if off.

Stuff....

* 90210 (for the non American world) is the post code of Beverly hills in LA, where all the film stars live. * Domino Harvey father's mostfamous film was Manchurian Candidate (which appears in the film). * Domino Harvey died of a drug overdose in her bath before the film came out in June 2005, after having been arrested for drug dealing. She had just completed the negotiation for some of her music to be inlcuded in the film. * Kiera Knightly alludes to Domino Harvey's sexuality in her interview with Lucy Liu.

If you find this film a bit far fetched, then check out Domino Harvey, as the facts are more amazing than the fiction.\": {\"frequency\": 1, \"value\": \"Kiera Nightly ...\"}, \"Directed by Govind Nihalani, this is definite cop film of Indian cinema. May be the first one which portrayed the stark reality of corruption in the police force & politics with no holds barred & how it effects on a young cop. A man forced to join a career of a cop by his cop father. Agreed that we grew up watching lot of good cop/bad cop Hindi films but this is different. Today's generation, which grown up watching dark & realistic films like- 'Satya', 'Company' may be consider it inferior product in comparison but look at the time of its making. The film was made absolutely off beat tone in the time when people didn't pay much attention to such kind of cinema & yet it becomes a most sought after cop film in class & mass audience when it released. For Om Puri its first breakthrough in mainstream Hindi cinema & he delivered a class performance as Inspector Velankar. Its more than cop character, he internalized a lot which is something original in acting. Watch his scenes with his father whom he hates & Smita whom he loves. Smita Patil maintained the dignity of her character to the expected level. My God what a natural expressions she carried!!! Shafi Inamdar was truly a discovery for me & he's a brilliant character actor if given a chance & here in some of the scenes he outsmarted even Om. The movie is also a debut of a promising villain on Indian screen- Sadashiv Amrapurkar as 'Rama Shetty'. It's another story that he didn't get such a meaty role & almost forgotten today as one of the loud villain of Dharmendra's B grade action films. Watch the scene where Om 1st time becomes a rebel for his father (played by Amrish Puri) & next both are sharing wine together. How inner truth started revealing for both the character with confronting feelings of love & hate for each other. Two faces of Indian Police Force- Masculinity & Impotency and in between lies- half truth (ardh satya)\\ufffd\\ufffdKudos to Nihalani's touch. The film won 2 National Awards as Best Hindi Feature Film & Best Actor- Om Puri & 3 Filmfare Awards in Best Film, Best Director & Best Supporting Actor Categories.

Recommended to all who are interested in nostalgia of serious Hindi films.

Ratings- 8/10\": {\"frequency\": 1, \"value\": \"Directed by Govind ...\"}, \"Kate Miller (Angie Dickinson) is having problems in her marriage and otherwise--enough to see a psychologist. When her promiscuity gets her into trouble, it also involves a bystander, Liz Blake (Nancy Allen), who becomes wrapped up in an investigation to discover the identity of a psycho killer.

Dressed to Kill is somewhat important historically. It is one of the earlier examples of a contemporary style of thriller that as of this writing has extensions all the way through Hide and Seek (2005). It's odd then that director Brian De Palma was basically trying to crib Hitchcock. For example, De Palma literally lifts parts of Vertigo (1958) for Dressed to Kill's infamous museum scene. Dressed to Kill's shower scenes, as well as its villain and method of death have similarities to Psycho (1960). De Palma also employs a prominent score with recurrent motifs in the style of Hitchcock's favorite composer Bernard Herrmann. The similarities do not end there.

But De Palma, whether by accident or skill, manages to make an oblique turn from, or perhaps transcend, his influence, with Dressed to Kill having an attitude, structure and flow that has been influential. Maybe partially because of this influence, Dressed to Kill is also deeply flawed when viewed at this point in time. Countless subsequent directors have taken their Hitchcock-like De Palma and honed it, improving nearly every element, so that watched now, after 25 years' worth of influenced thrillers, much of Dressed to Kill seems agonizingly paced, structurally clunky and plot-wise inept.

One aspect of the film that unfortunately hasn't been improved is Dressed to Kill's sex and nudity scenes. Both Dickinson and Allen treat us to full frontal nudity (Allen's being from a very skewed angle), and De Palma has lingering shots of Dickinson's breasts, strongly implicit masturbation, and more visceral sex scenes than are usually found in contemporary films. Quite a few scenes approach soft-core porn. I'm no fan of prudishness--quite the opposite. Our culture's puritanical, monogamistic, sheltered attitude towards sex and nudity is disturbing to me. So from my perspective, it's lamentable that Dressed to Kill's emphasis on flesh and its pleasures is one of the few aspects in which others have not strongly followed suit or trumped the film. Perhaps it has been desired, but they have not been allowed to follow suit because of cultural controls from conservative stuffed shirts.

De Palma's direction of cinematography and the staging of some scenes are also good enough that it is difficult to do something in the same style better than De Palma does it. He has an odd, characteristic approach to close-ups, and he's fond of shots from interesting angles, such as overhead views and James Whale-like tracking across distant cutaways in the sets. Of course later directors have been flashier, but it's difficult to say that they've been better. Viewed for film-making prowess, at least, the museum scene is remarkable in its ability to build very subtle tension over a dropped glove and a glance or two while following Kate through the intricately nested cubes of the Metropolitan Museum of Art.

On the other hand, from a point of view caring about the story, and especially if one is expecting to watch a thriller, everything through the museum scene and slightly beyond might seem too slow and silly. Because of its removal from the main genre of the film and its primary concern with directorial panache (as well as cultural facts external to the film), the opening seems like a not very well integrated attempt to titillate and be risqu\\ufffd\\ufffd. Once the first murder occurs, things improve, but because of the film's eventual influence, much of the improvement now seems a bit clich\\ufffd\\ufffdd and occasionally hokey.

The performances are mostly good, although Michael Caine is underused, and Dickinson has to exit sooner than we'd like (but the exit is necessary and very effective). Dressed to Kill is at least likely to hold your interest until the end, but because of facts not contained in the picture itself, hasn't exactly aged well. At this point it is perhaps best to watch the film primarily as a historical relic and as an example--but not the best, even for that era--of some of De Palma's directorial flair.\": {\"frequency\": 1, \"value\": \"Kate Miller (Angie ...\"}, \"I don't know whether to recommend this movie to the fans of \\\" Tetsuo \\\" or not . Why \\\" Tetsuo \\\" ? Because you can easily label some things about this movie as a very obvious \\\" Tetsuo \\\" rip - off . The concept is similar , editing is equally frantic and fast - which is good because , aside from making the movie more dynamic , it obscures some flaws caused by low budget and other factors .

There is lot more gore , less eroticism and , in the case of \\\" Meatball machine \\\" , the transformation of human being into a creature that's partially a machine( sounds familiar ? ) called \\\" Necroborg \\\" ( very original ) is caused by slimy little aliens .

These slimy little scums from outer space actually use human beings as vessels for their gladiator games that they play with each other . They infest the body , somehow manage to put an insane amount of mechanical parts in it pulling them seemingly out of nowhere and turn it into a killing machine that targets other Necroborgs . Their aim is to defeat another alien who is in another Necroborg , rip it out of the corpse and eat it .

All in all , the plot sounds somewhat silly and I didn't expect much , but at the end I actually enjoyed this film .

As I said before , this is a low budget flick , but it's still relatively decent . Don't expect much from actors , they're mostly not very good , but it can be tolerated . I liked the atmosphere and gore , certain bizarre situations and the way the movie is directed and edited . Although the story is not too original , it possesses certain charm - to me at least .

7 out of 10 .\": {\"frequency\": 1, \"value\": \"I don't know ...\"}, \"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\\\")\": {\"frequency\": 1, \"value\": \"In Paris, the shy ...\"}, \"Paul Naschy made a great number of horror films. In terms of quality, they tend to range from fairly good to unwatchable trash; and unfortunately, Horror Rises from the Tomb is closer to the latter. The plot is just your average story of a witch, wizard or (as is the case here) warlock, who is put to death - but not before swearing vengeance on those who did it...etc etc. We then get a s\\ufffd\\ufffdance and one thing leads to another, and pretty soon the executed warlock is up to no good again. The plot is slow, painfully boring and the film constantly feels pointless. The characters string out reams of diatribe and it never serves the film in any way whatsoever. Paul Naschy wrote the script, and if you ask me he should stick to acting because the dialogue is trite in the extreme, and only serves to make the film even more boring than it already is. Carlos Aured, who also directed Naschy in Blue Eyes of the Broken Doll and Curse of the Devil provides dull direction here, which likes the dialogue does nothing to help the film. Sometimes crap films like this have a certain charm about them; but Horror Rises from the Tomb doesn't even have that. This is a painfully boring film that has little or nothing in the way of interest.\": {\"frequency\": 1, \"value\": \"Paul Naschy made a ...\"}, \"An unusual take on time travel: instead of traveling to Earth's past, the main trio get stuck in the past history of another planet. They beam down to this planet, whose sun is scheduled to go nova in 3 or 4 hours (that's cutting it close!). In some kind of futuristic library, they meet Mr. Atoz (A to Z, get it? ha-ha) and his duplicates. It turns out, instead of escaping their planet's destruction via space travel, the usual way, the inhabitants have all escaped into their planet's various past time eras. Mr. Atoz uses a time machine to send people on their way after they make a selection (check out the discs we see here, another Trek prognostication of CDs and DVDs!). When Mr. Atoz prepares the machine (the Atavachron-what-sis), gallant Kirk hears a woman's scream and runs into the planet's version of Earth's 17th century, where he gets into a sword fight and is arrested for witchery. There's an eccentric but good performance here by the actress playing a female of ill repute in this time, using phrasing of the time (\\\"...you're a bully fine coo.. Witch! Witch! They'll burn ye...!\\\"). Spock & McCoy follow Kirk, but end up in an ice age, 5000 years earlier.

Kirk manages to get back to the library first. The real story here is Spock's reversion to the barbaric tendencies of his ancestors, the warlike Vulcans of 5000 years ago. This doesn't really make sense, except that maybe this time machine is responsible for the change (even so, Spock & McCoy weren't 'prepared' by Atoz - oh, well; it also seems to me Spock was affected by the transition almost immediately - he mentions being from 'millions of light years' away, instead of the correct hundreds or thousands - a gross error for a logical Vulcan). In any case, Spock really shows his nasty side here - forget \\\"Day of the Dove\\\" and remember \\\"This Side of Paradise\\\" - McCoy quickly finds out that his Vulcan buddy will not stand for any of his usual baiting and nearly gets his face rearranged. Spock also gets it on with Zarabeth, a comely female who had been exiled to this cold past as punishment (a couple of Trek novels were written about Spock's son, the result of this union). All these scenes are eye-openers, a reminder of just how much Spock conceals or holds in. It's also ironic that, only a few episodes earlier (\\\"Requiem for Methuselah\\\"), McCoy was pointing out to Spock how he would never know the pain of love - and now all this happens. Kirk, meanwhile, tussles with the elderly Atoz, who insists that Kirk head back to some past era (\\\"You are evidently a suicidal maniac\\\" - great stuff from actor Wolfe, last seen in \\\"Bread and Circuses\\\"). It all works out in the end, but, like I mentioned earlier, they cut it very close. A neat little Trek adventure, with a definite cosmic slant.\": {\"frequency\": 1, \"value\": \"An unusual take on ...\"}, \"I was interested to see the move thinking that it might be a diamond in the rough, but the only thing I found was bad writing, horrible directing (the shot sequences do not flow) even though the director might say that that is what he is going for, it looks very uninspired and immature) the editing could have been done by anyone with 2 VCRs and the stock was low budget video. I would say that it wasn't even something as simple as mini digital video.

There are some simple ways to fix a film with what the director has, like through editing etc. But it is obvious that he just doesn't care. There is as much effort put in to this movie as a ham sandwich. It could be made better, but that would mean extra work.\": {\"frequency\": 1, \"value\": \"I was interested ...\"}, \"Having heard so many people raving about this film I thought I'd give it a go. Apart from being incredibly slow, which I don't mind as long as the wait is worth it, but it just isn't. As many others have said there are so many inconsistencies and so much of this film just doesn't ring true. The reaction of the 4 men switches from shock, horror on finding the body to complete indifference whilst they fish. Surely if they were the type of men that would go on happily fishing, then they would have just reported the body and said they had only discovered it after their fishing trip....why on earth tie the body to a tree, go fishing and then tell everyone you found the body 2 days previously? Its so hard to watch a film knowing that the behaviour of the main characters is so inconsistent. As for the rest of the townsfolk, well you'd think at least one of them might show some curiosity about who actually killed the woman! The body itself, naked except for the knickers....what scenario leads to that? If she was raped then why still the knickers? If she was raped with the clothes on, then why remove them afterwards bar the knickers? If she wasn't raped, then why take all her clothes off bar the knickers....leaving yourself with evidence to dispose of? I truly cant think of any realistic scenario that would lead to that other than killing someone to steal their clothes so you can fill up your jumble sale stall! Oh well its watchable but only just and only because, despite the poor script, the acting is strong.\": {\"frequency\": 1, \"value\": \"Having heard so ...\"}, \"Well, if you are looking for a great mind control movie, this is it. No movie has had so many gorgeous women under mind control, and naked. Marie Forsa, as the busty Helga, is under just about everytime she falls asleep and a few times when she isn't. One wishes they made more movies like this one.\": {\"frequency\": 1, \"value\": \"Well, if you are ...\"}, \"This is my kind of film. I am fascinated by strange psychotic nightmares and this movie is just that. But it is also a dark comedy. While I see it mostly as a horror/thriller, there will be others who might see it as a black dramatic comedy.

But either way, it is a fascinating descent into madness. The ending caught me off guard, but what an ending! It leaves the viewer a lot to think about.

Powerful performances, a complex and detailed plot, a great script filled with dread and dashes of humor, and an eerie atmosphere make this a film worth watching.

Personally, I think that I will need to watch this several more times to pick up and understand all the subtleties that are within. But it is such a film that it will be a pleasure and not a chore so to do.\": {\"frequency\": 1, \"value\": \"This is my kind of ...\"}, \"It is a good film for kids who love dogs. It runs a bit slow early on but ends if a flurry of gooped up De Vil. The basic plot is the same as the first movie. The bright side of the movie for adults is the talking bird that thinks it is a dog. The bird talks like a human(Eric Idle of Monty Python) and barks like a dog. It is the comedy that the film needed more of. See it in the matinee so you don't have to pay full price or wait for it to appear on Disney.\": {\"frequency\": 1, \"value\": \"It is a good film ...\"}, \"It is like what the title of this thread say. Only impression I got from that movie is that Marlee Matlin's character was always angry, so cynical, and so pathetic. Her character's first date with William Hurt's character where they were dancing were dumb. All in all, I've tried to finish watching the movie four times, and of all four times I fell asleep. I would keep watching that movie with one intention... to beat my problem with insomnia, because all it do is to put me to sleep. Sweet dream.\": {\"frequency\": 1, \"value\": \"It is like what ...\"}, \"Previous commentator Steve Richmond stated that A Walk On The Moon is, in his words \\\"not worth your $7\\\". I ended up paying a bit more than that to import what is one of the worst-quality DVDs I have yet seen, of this film or any film in existence. Even when you ignore the fact that the DVD is clearly sourced from an interlaced master and just plain nasty to watch in motion, the film has no redeeming qualities (save Anna's presence) to make watching a top quality Blu-Ray transfer worthwhile. Not that this is any fault of the other actors. Liev Schreiber, Diane Lane, Tovah Feldshuh, and Viggo Mortensen all score high on the relative to Anna Paquin acting ability chart. Far more so than Holly Hunter or Sam Neill did in spite of an equally lousy script, anyway. Director Tony Goldwyn's resume is nothing to crow about, but Pamela Gray's resume includes Wes Craven's most dramatic excursions outside of the horror or slasher genre, so one could be forgiven for thinking this is a case of bad direction.

As I have indicated already, the sole reason I watched this film is Anna Paquin. In her acting debut, she literally acted veterans of the industry with a minimum of twelve years' experience above hers under the table. While she is not as far ahead of her castmates here, her performance as a girl that starts the piece as a brat and grows into a woman whose world is crashing down around her proves her Oscar was no fluke. For some time I have been stating to friends that she would be the best choice to portray the heroine of my second complete novel, and a dialogue seventy-three minutes into this film is yet another demonstration of why. This woman could literally act the paint off walls. Anna aside, only Liev Schreiber comes close to eliciting any sympathy from an audience. Sure, his character spends the vast majority of the film neglecting a wife with an existential crisis, but he plays the angered reaction of a man who feels cheated brilliantly. I should know, even if it is not from the same circumstances here.

Viggo Mortensen also deserves credit for his portrayal of a travelling salesman, although perhaps not to the same extent. In a manner of speaking, he is the villain of the piece, but he successfully gives the character a third dimension. Yes, his actions even after the whole thing explodes are underhanded, but not many men would act any differently in his situation. Nobody wants to be the other man in this kind of messed-up situation, so Viggo deserves a lot of credit for giving it a try here. Unfortunately, these are all participants in a story about a woman who feels trapped in a stagnant marriage where Tovah Feldshuh tells us that the Mills And Boon archetype of women being the only ones who feel life is passing by simply does not exist. Either writer Pamela Gray or director Tony Goldwyn thought they could just put this line into the film without thinking of how the audience might receive it. Anna even gets to speak the mind of the audience when she asks Diane who she is to be lecturing anyone about responsibility.

That said, the film does have a couple of things besides Anna going for it. Mason Daring's original music, while not standing out in any way, gives the film a certain feeling of being keyed into the time depicted that helps where the other elements do not. Roger Ebert is right when he points out that while Liev is a great actor, putting him alongside Viggo in the story of a woman forced to choose between her marriage and her fantasy is a big mistake. He is also very correct in that when the film lingers over scenes of Lane and Mortensen skinny-dipping or mounting one another under a waterfall, it loses focus from being a story of a transgression and becomes soft porn. The film seems terminally confused about the position of its story. No matter how many times I rewatch Liev's scenes, I cannot help but feel he has been shortchanged in the direction or editing. One does not have to make their leads particularly handsome or beautiful, but taking steps to make them the most interesting or developed characters in the piece would have gone a long way.

Ebert also hits the nail right on the head when he says that every time he saw Anna on the screen, he thought her character was where the real story lay. Stories about the wife feeling neglected and running into the arms of a man who seems interesting or even dangerous are a dime a dozen, to such an extent now that even setting the story in parallel with an event as Earth-shattering as the moon landing will not help. In spite of feeling revulsion at the manner in which her character's story is presented, Anna might as well be walking around with a neon sign above her head asking the audience if they would not prefer to see the whole thing through her eyes. While I am all too aware that it is difficult to control exactly which character your audience will find the most interesting from your cast, it is very much as if they did not bother to try with Lane and Schreiber. Fans of these two would be well advised to look elsewhere. Hopefully by now my ramblings about the respective performances will give some idea of where the whole thing went wrong.

I gave A Walk On The Moon a three out of ten. Anna Paquin earns it a bonus point with one of her best performances (and that is saying something).\": {\"frequency\": 1, \"value\": \"Previous ...\"}, \"Elizabeth Rohm was the weakest actress of all the Law and Order ADA's and her acting is even worse here. Her attempts at a Texas accent are amateurish and unrealistic. Nor can she adequately summon the intense emotions needed to play the mother of a kidnapped child; at times while her daughter is missing she manages to sound only vaguely annoyed, as if she can't remember where she left her keys.

This is an important true story, so it's too bad that the awful acting of the lead actress distracts so much from the message. The rest of the cast is talented enough, but they just can't overcome Rohm's tendency to simply lay on a particularly thick imitation of a Southern drawl whenever actual acting is required.\": {\"frequency\": 1, \"value\": \"Elizabeth Rohm was ...\"}, \"Xizao is a rare little movie. It is simple and undemanding, and at the same time so rewarding in emotion and joy. The story is simple, and the theme of old and new clashing is wonderfully introduced in the first scenes. This theme is the essence of the movie, but it would have fallen flat if it wasn't for the magnificent characters and the actors portraying them.

The aging patriarch, Master Liu, is a relic of China's pre-expansion days. He runs a bath house in an old neighbourhood. Every single scene set in the bath house is a source of jelaousy for us stressed out, unhappy people. Not even hardened cynics can find any flaws in this wonderful setting.

Master Liu's mentally handicapped son Er Ming is the second truly powerful character in the movie, coupled with his modern-life brother. The interactions between these three people, and the various visitors to the bath house, are amazingly detailed and heart-felt, with some scenes packing so much emotion it's beyond almost everything seen in movies.

With its regime-critical message, this movie was not only censored, but also given unreasonably small coverage. It could be a coincidence, but when a movie of this caliber is virtually impossible to find, even on the internet(!), you can't help getting suspicious.

So help free speech and the movie world, buy, rent, copy this wonderful movie, and if you happen to own the DVD, if there even is one, then share share share!\": {\"frequency\": 1, \"value\": \"Xizao is a rare ...\"}, \"My fondness for Chris Rock varies with his movies,I hated him after Lethal Weapon 4,but I hated everyone in that movie after it.I like him when he is himself and not holding back,like in Dogma. Well this is his best yet,wasn't expecting this to be that good.Laughed my arse off the whole time. Chris Rock delivers a sweet wonderful story backed by some of the funniest comedy I've seen in quite some time. Loved it.\": {\"frequency\": 1, \"value\": \"My fondness for ...\"}, \"That this poor excuse for an amateur hour showcase was heralded at Sundance is a great example of what is wrong with most indie filmmakers these days.

First of all, there is such a thing as the art of cinematography. Just picking up a 16mm camera and pointing it at whomever has a line does not make for a real movie.

I guess we have to consider ourselves lucky the director didn't pick up someone's camcorder...

Second, indie films are supposed to be about real people. There's nothing real in this film. None of the characters come across as being even remotely human.

What they come across as being is figments of the imagination of a writer trying to impress his buddies by showing them how \\\"cool and edgy\\\" he is.

Sorry, but this is not good writing, or good directing.

What is left is a husk of a bad movie that somehow made its way to Sundance. Hard to believe this was one of the best films submitted...

In any case, it made me loose what was left of my respect for the Sundance brand.\": {\"frequency\": 1, \"value\": \"That this poor ...\"}, \"In addition to being an extremely fun movie, may I add that the costumes and scenery were wonderful. This kind, fun loving woman had a great deal of money. Unfortunately, she also had two greedy daughters who were anxious to get their hands on her money. This woman was lonely since the death of her husband. He had proposed to her in a theater that was going to be torn down. To prevent that, she bought it. Her daughters were afraid she was throwing away \\\"their\\\" money and decided to take action. The character actors in this film were a great plus also. I would give almost anything to have a copy of this film in my video library, but as of yet, it's never been released. Sad.\": {\"frequency\": 1, \"value\": \"In addition to ...\"}, \"The script for \\\"Scary Movie 2\\\" just wasn't ready to go. This is a problem with the film that is blatantly evident, to the actors and the audience alike. Director Keenan Ivory Wayans, and many of the actors are funny people; and so the movie isn't completely humorless. To their credit, the film has several funny moments. But as a whole, \\\"Scary Movie 2\\\" is not even close to being as clever and amusing as the original.

The first \\\"Scary Movie\\\" was a laugh a minute film. It turned the smallest subtleties of the slasher film genre into comedic gold. The humor in \\\"Scary Movie 2\\\" is as heavy handed as it is un-original. They even miss obvious opportunities for parody. Two of the movies stars are former cast members of \\\"Beverly Hills 90210,\\\" and this was a show that was begging to be parodied! In the final analysis, \\\"Scary Movie 2\\\" is like a fine bottle of wine that was opened far too soon. The script needed a lot more time to age. 2 stars out of 5.\": {\"frequency\": 1, \"value\": \"The script for ...\"}, \"This is a very fine and poetic story. Beautiful scenery. Magnificent music score. I've been twice in Japan last year and the movie gave me this typical Japanese feeling. The movement of the camera is superb, as well as the actors. It goes deep into your feelings without becoming melodramatic. Japanese people are very sensitive and kind and it's all very well brought onto the screen here. The director is playing superb with light an colors and shows the audience that it is also possible to let them enjoy a movie with subtle and fine details. Once you've seen this movie you will want to see more from the same director. It's a real feel good movie and I can only recommend it to everybody.\": {\"frequency\": 1, \"value\": \"This is a very ...\"}, \"To bad for this fine film that it had to be released the same year as Braveheart. Though it is a very different kind of film, the conflict between Scottish commoners and English nobility is front and center here as well. Roughly 400 years had passed between the time Braveheart took place and Rob Roy was set, but some things never seemed to change. Scottland is still run by English nobles, and the highlanders never can seem to catch a break when dealing with them. Rob Roy is handsomely done, but not the grand epic that Braveheart was. There are no large-scale battles, and the conflict here is more between individuals. And helpfully so not all Englishmen are portrayed as evil this time. Rob Roy is simply a film about those with honor, and those who are truly evil.

Liam Neeson plays the title character Rob Roy MacGregor. He is the leader of the MacGregor clan and his basic function is to tend to and protect the cattle of the local nobleman of record known as the Marquis of Montrose (John Hurt). Things look pretty rough for the MacGregor clan as winter is approaching, and there seems to be a lack of food for everyone. Rob Roy puts together a plan to borrow 1000 pounds from the Marquis and purchase some cattle of his own. He would then sell them off for a higher price and use the money to improve the general well-being of his community. Sounds fair enough, doesn't it? Problems arise when two cronies of the Marquis steal the money for themselves. One of them, known as Archibald Cunningham, is perhaps the most evil character ever put on film. Played wonderfully by Tim Roth, this man is a penniless would-be noble who has been sent to live with the Marquis by his mother. This man is disgustingly effeminate, rude, heartless, and very dangerous with a sword. He fathers a child with a hand maiden and refuses to own up to the responsibility. He rapes Macgregor's wife and burns him out of his home. This guy is truly as rotten as movie characters come. Along with another crony of the Marquis (Brian Cox) Cunningham steals the money and uses it to settle his own debts. Though it is painfully obvious to most people what happened, the Marquis still holds MacGregor to the debt. This sets up conflict that will take many lives and challenge the strengths of a man simply fighting to hold on to his dignity.

Spoilers ahead!!!!!

Luckily for the MacGregor's, a Duke who is no friend to the Marquis sets up a final duel between Rob Roy and Cunningham to resolve the conflict one and for all. This sword fight has been considered by many to be one of the best ever filmed. Cunningham is thought by many to be a sure winner with his speed and grace. And for most of the fight, it looks like these attributes will win out. Just when it looks like Rob Roy is finished, he turns the tables in a shockingly grotesque manner. The first time you see what happens, you will probably be as shocked as Cunningham! Rob Roy is beautifully filmed, wonderfully acted, and perfectly paced. The score is quite memorable, too. The casting choices seem to have worked out as Jessica Lange, who might seem to be out of her element, actually turns in one of the strongest performances as Mary MacGregor. The film is violent, but there isn't too much gore. It is a lusty picture full of deviant behavior, however. The nobility are largely played as being amoral and sleazy. The film has no obvious flaws, thus it gets 10 of 10 stars.

The Hound.\": {\"frequency\": 1, \"value\": \"To bad for this ...\"}, \"As if the storyline wasn't depressing enough, this movie shows cows being butchered graphically in a slaughterhouse for all of five minutes while the protagonist is narrating her early life as a butcher. Weird stuff. Then there's the core premise of the hero/heroine who goes and cuts his dick off because a he's besot-ten with at work says he would have gone with him if he was a girl. Is this person a psycho, a masochist, just a doomed queen who takes things too far? And what sort of traumatic childhood did he have? Just that he didn't get adopted and had to live it out with nuns who at first loved him and then later hated him because he was unruly. He tries to explain to us the reasons he did what he did, but it's really really so hard to empathize. Such sad and unusual self destruction. Was it supposed to be funny? What was it all about really?\": {\"frequency\": 1, \"value\": \"As if the ...\"}, \"Set in the Cameroons in West Africa in the 1950s, Claire Denis' Chocolat is a beautifully photographed and emotionally resonant tone poem that depicts the effects of a dying colonialism on a young family during the last years of French rule. The theme is similar to the recent Nowhere in Africa, though the films are vastly different in scope and emphasis. The film is told from the perspective of an adult returning to her childhood home in a foreign country. France Dalens (Mireille Perrier), a young woman traveling through Cameroon, recalls her childhood when her father (Francois Cluzet) was a government official in the French Cameroons and she had a loving friendship with the brooding manservant, Prot\\ufffd\\ufffde (Isaach de Bankol\\ufffd\\ufffd). The heart of the film, however, revolves around France's mother Aim\\ufffd\\ufffde (Giulia Boschi) and her love/hate relationship with Prot\\ufffd\\ufffde that is seething with unspoken sexual tension.

The household is divided into public and private spaces. The white families rooms are private and off limits to all except Prot\\ufffd\\ufffde who works in the house while the servants are forced to eat and shower outdoors, exposing their naked bronze bodies to the white family's gazes. It becomes clear when her husband Marc (Fran\\ufffd\\ufffdois Cluzet) goes away on business that Aim\\ufffd\\ufffde and Prot\\ufffd\\ufffde are sexually attracted to each other but the rules of society prevent it from being openly acknowledged. In one telling sequence, she invites him into her bedroom to help her put on her dress and the two stare at each other's image in the mirror with a defiant longing in their eyes, knowing that any interaction is taboo.

The young France (Cecile Ducasse) also forms a bond with the manservant, feeding him from her plate while he shows her how to eat crushed ants and carries her on his shoulders in walks beneath the nocturnal sky. In spite of their bond, the true nature of their master-servant relationship is apparent when France commands Prot\\ufffd\\ufffde to interrupt his conversation with a teacher and immediately take her home, and when Prot\\ufffd\\ufffde stands beside her at the dinner table, waiting for her next command. When a plane loses its propeller and is forced to land in the nearby mountains, the crew and passengers must move into the compound until a replacement part can be located. Each visitor shows their disdain for the Africans, one, a wealthy owner of a coffee plantation brings leftover food from the kitchen to his black mistress hiding in his room. Another, Luc (Jean-Claude Adelin), an arrogant white Frenchman, upsets the racial balance when he uses the outside shower, eats with the servants, and taunts Aim\\ufffd\\ufffde about her attraction to Prot\\ufffd\\ufffde leading her to a final emotional confrontation with the manservant.

Chocolat is loosely autobiographical, adapted from the childhood memories of the director, and is slowly paced and as mysterious as the brooding isolation of the land on which it is filmed. Denis makes her point about the effects of colonialism without preaching or romanticizing the characters. There are no victims or oppressors, no simplistic good guys. Prot\\ufffd\\ufffde is a servant but he is also a protector as when he stands guard over the bed where Aim\\ufffd\\ufffde and her daughter sleep to protect them from a rampaging hyena. It is a sad fact that Prot\\ufffd\\ufffde is treated as a boy and not as a man, but Bankol\\ufffd\\ufffd imbues his character with such dignity and stature that it lessens the pain. Because of its pace, Western audiences may have to work hard to fully appreciate the film and Denis does not, in Roger Ebert's phrase, \\\"coach our emotions\\\". The truth of Chocolat lies in the gestures and glances that touch the silent longing of our heart.\": {\"frequency\": 1, \"value\": \"Set in the ...\"}, \"I was very disappointed by this movie. I thought that \\\"Scary Movie\\\" although not a great movie was very good and funny. \\\"Scary Movie 2\\\" on the other hand was boring, not funny, and at times plain stupid.

The Exorcist/Amityville spoof was probably the best part of the movie. James Woods was great.

Now, I'll admit that I am at a disadvantage since I have not seen a few of the movies that this parodies unlike the first, where I had basically seen them all. But bad comedy is still bad comedy.

Something that really hurt this movie was the timing, which ruined some of what might have been good jokes. Scenes and jokes drag out way to long.

Also, the same jokes keep getting repeated again and again. For example, the talking bird. Ok it was funny the first and maybe even the second time. But it kept getting repeated to the point of annoying. The routine between the wheelchair guy and Hanson (Chris Elliott) was amusing at first but it kept getting repeated and ended up stupid and even tasteless.

Some jokes even got repeated from the first movie. For example, the 'creaming' I guess you would call it of Cindy (Anna Faris) was funny in \\\"Scary Movie\\\" because Cindy had been holding out on giving her boyfriend sex for so long, that essentially he had blue balls from hell and it was funny when he 'creamed' her. But this time around it was out of place and not funny.

The bathroom and sexual humor in general was more amusing and well timed the first time around. The scat humor was excessive though and rather unneccessary in the second film.

Tori Spelling was annoying and really had no place in this movie.

But I did enjoy Shorty (Marlon Wayans) who in my opinion was the funniest character in the first film. The scene with him and the pot plant was one of my favorites from the second film.

Don't get me wrong, I love the Wayans family and their humor. That is why this film is so disappointing . . . they have a lot more comic ability than endless scat jokes.\": {\"frequency\": 1, \"value\": \"I was very ...\"}, \"This seemed to be a good movie, I thought it would be a good movie, and throughout the movie I was hoping it would be a meaningful use of my time, and yes, I have to admit that the acting talent of Dimple Kapadia and Deepti Naval where truly commendable, but despite the best effort this movie falls short of effectively conveying a meaningful message, which it seems is it seemed was what Somnath Sen is trying to do. The final point comes short and the ending seemed kind of unsatisfactory after all that happens; a bit like real life in that respect but movies unlike real life ends in about 2hrs and the ending should leave the audience satisfied, if indeed that was the director's intention. This falls short in that respect and that is what disappoints me the most.

Another aspect that concerned me was the national stereo-typing of the American characters - they all seem to be carved out of the same block. Seems to me that most American characters in Indian English movies are based upon how common Indians themselves perceive Americans to be like and it is clear that no effort has been made to bring any sense of depth or complexity to any American in the movie.

These two aspects put together they make for a disappointing story.\": {\"frequency\": 1, \"value\": \"This seemed to be ...\"}, \"This movie really has no beginning or end. And it's really VERY unbelievable. Mary-K and Ashley are supposed to be interns working in a mailing room for an Italian fashion company. But, for some reason, they're put up in a 5-star hotel (conveniently located across the street from the Coliseum), and all of the other interns they work with are just as abnormally model-looking as they are. One thing that I found obvious in this movie is the way that one of the twins DOESN'T end up with the guy. I guess they tried to twist their usual plot a bit. Nice try.\": {\"frequency\": 1, \"value\": \"This movie really ...\"}, \"I have seen a couple movies on eating disorders but this one was definitely my favorite one. The problem with the other ones was that the people with the eating disorders towards the end just automatically get better or accept the fact that they need help and thats it. this movie I thought was more realistic cause in this one the main character Lexi doesn't automatically just get better. She gets better and then has a drawback. I think this movie shows more than the others that I've seen that getting better doesn't just happen, it's hard work and takes time, it's a long path to recovery. I think this movie shows all of that very well. There should be more movies like this.\": {\"frequency\": 1, \"value\": \"I have seen a ...\"}, \"A Christmas Story Is A Holiday Classic And My Favorite Movie. So Naturally, I Was Elated When This Movie Came Out In 1994. I Saw It Opening Day and Was Prepared To Enjoy Myself. I Came Away Revolted And Digusted. The Anticipation that Rang True In A Christmas Story Is Curiously Missing from This mess. A Red Ryder BB Gun Is Better to get than a chinese top.And It Is Not Very Funny At all. Charles Grodin Is Good but the Buck Stops There. Bottom Line:1 Star. Don't Even Bother.\": {\"frequency\": 1, \"value\": \"A Christmas Story ...\"}, \"I thought this movie seemed like a case study in how not to make a movie for the most part. Since I am a filmmaker, I give it a 2 for consistency.

The problems remain from beginning to end with the plot being extremely predictable using bits and pieces of most, if not all, previous successful war stories. The computer generated graphics were too much like viewing a video game at points and there seemed to be no attempt by the director to add some realistic quality to the story. I was interested in the budget to get an idea of what he had to work with, but did not find that information.

It seemed like this project pushed the limits of a low budget movie too far resulting in a production that drags the viewer along with the story without their imagination being engaged. The actors weren't bad, but the plot needs more innovation.\": {\"frequency\": 1, \"value\": \"I thought this ...\"}, \"The scenes are fast-paced. the characters are great. I love Anne-Marie Johnson's acting. I really like the ending.

However, I was disappointed that this movie didn't delve deeper into Achilles's and Athena's relationship. It only blossomed when they kissed each other.\": {\"frequency\": 2, \"value\": \"The scenes are ...\"}, \"The good thing about this film is that it stands alone - you don't have to have seen the original. Unfortunately this is also it's biggest drawback. It would have been nice to have included a few of the original characters in the new story and seen how their lives had developed. Sinclair as in the original is excellent and provides the films best comic moments as he attempts to deal with awkward and embarrassing situations but the supporting cast is not as strong as in the original movie. Forsyth is to be congratulated on a brave attempt to move the character on and create an original sequel but the film is ultimately flawed and lacks the warmth of the original\": {\"frequency\": 2, \"value\": \"The good thing ...\"}, \"This movie which was released directly on video should carry a warning label that it is dangerous to human health and may subject the viewer to terminal boredom. It is yet another thinly veiled, evangalizing \\\"rapture\\\" religious movie with the good guys (the believers) suddenly vanishing and the bad guys (the non-believers)left behind. It's an interesting concept, especially since we see it happen on a flight captained by a non-believer who is having a sinful affair with a stewardess aboard (needless to say that sinner doesn't disappear either!). Unhappily, with all the pilots being non-believers, the plane did not crash or the movie would have been mercifully over. Though this could have be interesting without the heavy religious browbeating, as a whole the plodding movie makes one gag, the acting is horrible and the obviously computer-generated simulations are very fake looking. Plus it's yet another movie shot in Canada that purports to be New York City. Spare me...I'll just read the Bible.\": {\"frequency\": 1, \"value\": \"This movie which ...\"}, \"The film starts with a manager (Nicholas Bell) giving welcome investors (Robert Carradine) to Primal Park . A secret project mutating a primal animal using fossilized DNA, like \\ufffd\\ufffdJurassik Park\\ufffd\\ufffd, and some scientists resurrect one of nature's most fearsome predators, the Sabretooth tiger or Smilodon . Scientific ambition turns deadly, however, and when the high voltage fence is opened the creature escape and begins savagely stalking its prey - the human visitors , tourists and scientific.Meanwhile some youngsters enter in the restricted area of the security center and are attacked by a pack of large pre-historical animals which are deadlier and bigger . In addition , a security agent (Stacy Haiduk) and her mate (Brian Wimmer) fight hardly against the carnivorous Smilodons. The Sabretooths, themselves , of course, are the real star stars and they are astounding terrifyingly though not convincing. The giant animals savagely are stalking its prey and the group run afoul and fight against one nature's most fearsome predators. Furthermore a third Sabretooth more dangerous and slow stalks its victims.

The movie delivers the goods with lots of blood and gore as beheading, hair-raising chills,full of scares when the Sabretooths appear with mediocre special effects.The story provides exciting and stirring entertainment but it results to be quite boring .The giant animals are majority made by computer generator and seem totally lousy .Middling performances though the players reacting appropriately to becoming food.Actors give vigorously physical performances dodging the beasts ,running,bound and leaps or dangling over walls . And it packs a ridiculous final deadly scene. No for small kids by realistic,gory and violent attack scenes . Other films about Sabretooths or Smilodon are the following : \\ufffd\\ufffdSabretooth(2002)\\ufffd\\ufffdby James R Hickox with Vanessa Angel, David Keith and John Rhys Davies and the much better \\ufffd\\ufffd10.000 BC(2006)\\ufffd\\ufffd by Roland Emmerich with with Steven Strait, Cliff Curtis and Camilla Belle. This motion picture filled with bloody moments is badly directed by George Miller and with no originality because takes too many elements from previous films. Miller is an Australian director usually working for television (Tidal wave, Journey to the center of the earth, and many others) and occasionally for cinema ( The man from Snowy river, Zeus and Roxanne,Robinson Crusoe ). Rating : Below average, bottom of barrel.\": {\"frequency\": 1, \"value\": \"The film starts ...\"}, \"A friend once asked me to read a screenplay of his that had been optioned by a movie studio. To say it was one of the most inept and insipid scripts I'd ever read would be a bold understatement. Yet I never told him this. Why? Because in a world where films like \\\"While She Was Out\\\" can be green-lighted and attract an Oscar- winning star like Kim Basinger, a screenplay lacking in character, content and common sense is no guarantee that it won't sell.

As so many other reviewers have pointed out, \\\"While She Was Out\\\" is a dreadfully under-written Woman-in-Peril film that has abused housewife Basinger hunted by four unlikely hoods on Christmas Eve. Every gripe is legitimate, from the weak dialog and bad acting to the jaw-dropping lapses of logic, but Basinger is such an interesting actress and the premise is not without promise. Here are a couple of things that struck me:

1) I don't care how much we are supposed to think her husband is a jerk, the house IS a mess with toys. Since when did it become child abuse to make kids pick up after themselves?

2) Racially diverse gangs are rare everywhere except Hollywood, where they are usually the only racially balanced groups on screen.

3) Sure the film is stupid. But so are the countless \\\"thrillers\\\" I've sat through where the women are portrayed as wailing, helpless victims of male sadism. Stupid or not, I found it refreshing to see a woman getting the best of her tormentors.

4) I LOVED the ending!

5) Though an earlier reviewer coined this phrase, I really DO think this film should be retitled \\\"The Red Toolbox of Doom.\\\"\": {\"frequency\": 1, \"value\": \"A friend once ...\"}, \"Flat out the funniest spoof of pretentious art house films ever made.

This flick exposes all the clich\\ufffd\\ufffds, and then some! Excruciatingly bad (Downs-Syndrome!) actors. Terribly heavy self important dialog. Scenes that are supposed to shock but fall flat. Jarring editing. Pointless plot points. All wrapped up in a kind of smirky miasma of disrespect for the audience and vague psych-drivel.

It achieves exactly what it was designed to. A hilarious satire of those tedious movies made by spoiled teenage trust-funders, to show to their parents when they ask them what they've been doing for the last two years! After \\\"What Is It?\\\" received its Cannes award, presenter Werner Herzog was rumored to have been told that the film was in fact a spoof, in part of his own films! He supposedly blew up at the info. To this day he refuses to discuss the incident.

Anyway, see it and laugh, this will be a classic of humor for many years to come.\": {\"frequency\": 1, \"value\": \"Flat out the ...\"}, \"We first watched this film as part of a festival of new Argentine films in 2000 at the Walter Reade. Although we liked it, we didn't think it was extraordinary. Watching it for a second time, we found a different meaning in this look at life in Buenos Aires.

The film takes place in one of the darkest days of Argentina, as the DeLaRua administration was ending. The country was in turmoil after the economy, which had flourished earlier in the 1990s, under the artificially climate President Menen created. It was a time when bank accounts in dollars were frozen and people got themselves living a nightmare.

The story begins just as Santamarina, a bank employee, is fired because the collapse of the economy. Instead of receiving sympathy from his wife, she locks him out of the apartment and he, for all practical purposes, becomes a homeless man. He takes to the streets trying to make ends meet.

The other story introduces us to Ariel, a young Jew, interviewing for a job in a Spanish company. It's almost a miracle he gets the job. His father, Simon, owns a small restaurant in the Jewish quarter of \\\"El Once\\\" in the center of the city. Things go from bad to worse, when Ariel's mother dies suddenly. Only Estela, the young woman who is in love with Ariel, comes to help father and son.

Santamarina, who is a clean man, has to resort to take showers wherever he can. He chooses a ladies' room in one of the subway stations. When the attendant, Elsa, finds him naked, she becomes furious, but she comes to her senses when she realizes the unhappy circumstances of this man who has seen better times. They become romantically involved, and Santamarina in one of his trips through the street garbage, finds an infant. Elsa, while surprised, wants to do the right thing. But Santamarina convinces her of the meaning of an innocent life in their lives will cement their love.

Ariel, who has met the gorgeous Laura at work, begins a turbulent and heavy sexual affair with his beautiful co-worker, who unknown to him, is involved in a lesbian affair. Ariel who free lances by photographing weddings and other occasions, feels a passion for Laura, but he realizes what Estela has sacrificed in order to help his father and still loves him.

Daniel Burman, whose \\\"El Abrazo Partido\\\" we thought was excellent, did wonders with this film. Things are put in its proper perspective after a second viewing recently and we must apologize for not having perceived it the first time around. If anything, this second time, the nuances of the screen play Mr. Burman and Emiliano Torres wrote, make more sense because they reflect the turmoil of what the country was living during those dark days.

Daniel Hendler, who plays Ariel, has collaborated with Mr. Burman before to surprising results. He is not 'movie star pretty', yet, he is handsome. This actor projects a tremendous sincerity in his work. Enrique Pineyro is another magnificent surprise. His Santamarina is disarming. In spite of all the bad things that have fallen on him, he keeps a rosy attitude toward everyone he meets. Stefania Sandrelli, the interesting Italian actress, makes a great contribution to the film with her Elsa. Hector Alterio, one of the best Argentine actors plays the small part of Simon. The gorgeous Chiara Coselli is seen as Laura and Melina Petrielli appears as the noble Estela.

\\\"Esperando al mesias\\\" proves Daniel Burman is a voice to be reckoned with in the Argentine cinema.\": {\"frequency\": 1, \"value\": \"We first watched ...\"}, \"I've read a few books about Bonnie and Clyde, and this is definitely MORE accurate than the Beatty/Dunaway version, in that its costumes and locales echo actual photographs taken of the gang. Particularly well done is the death of Buck Barrow, and the capture of his wife Blanche. This actress looks looks exactly like the photographs taken that day of Blanche grieving over her dying husband. However, this movie is still Hollywood, and our anti-heroes stay pretty to the end, even after being shot full of holes (in life, Bonnie was badly burned in an auto accident the year before their famous ambush, and did not look like a perky cheerleader at the time of her death). The script is tedious, and the acting is poor, particularly the leads. Very disappointing. Stick with Beatty and Dunaway. Their's may not be \\\"the true story,\\\" but it's a great film.\": {\"frequency\": 1, \"value\": \"I've read a few ...\"}, \"Anyone who could find redeeming value in this piece of crap ought to have their head examined. We have the submissive, heroin-addicted, part-time hooker wife with lacerations all over her body, lacerations received from repeated beatings by an abusive son. Now, she is squirting breast milk all over the kitchen floor, the release so gained somehow akin to Helen Keller placing her hands in running water. We have the husband who starts out by patronizing a prostitute who just happens to be his daughter (she's upset with him because he came too quickly)and ends by murdering his female colleague, having sex with her corpse, and then chopping her up. We have the kid who is relentlessly bullied by his classmates and who comes home and beats his mom. You see, it's all circular. Deep, huh? The only decent moment in this horrendous pile of tripe is when the dad murders his son's tormentors. It's a good thing this turkey was shot on video because otherwise what a waste of expensive film it would be. If that guy who thinks artists ought to be interested in this slop is really serious, no wonder most people think artists are insane. We saw this lousy movie, then put on \\\"Zero Woman, The Accused.\\\" Oh my God, it was a tossup as to which one was worse. What is going on in Japan these days? Sick, sick, sick.\": {\"frequency\": 1, \"value\": \"Anyone who could ...\"}, \"This film is self indulgent rubbish. Watch this film if you merely want to hear spoken Gaelic or enjoy the pleasant soundtrack. Watch for any other reason and you will be disappointed. It should be charming but isn't - it's just irritating. The characters are difficult to care about and the acting is poor. The stories within the film are also charmless and sinister. I was expecting a heartwarming family film but this also held no appeal to my fourteen year old daughter. It is rarely that I cannot see a film through to its conclusion but this one got the better of both of us.

Although the film is set in current times it has the look and feel of a cheap East European film made during the Cold War. There isn't even enough in the way of beautiful Scottish scenery and cinematography to redeem it. A real shame because as a film this is an embarrassment to Scotland.\": {\"frequency\": 1, \"value\": \"This film is self ...\"}, \"I found myself at sixes and sevens while watching this one. Altman's touch with zooms in and out were there, and I expected those devices to comment on characters and situations. Unfortunately, as far as I could see, they sometimes were gratuitous, sometimes witty, often barren for failing to point out some ironic or other connection. In particular, two zoom-outs from the gilt dome in savannah merely perplexed. To be fair, though, a few zooms (outs and ins) to Branagh heightened his character's increasing bewilderment, a la Pudgy McCabe's or Philip Marlow's. On the whole, the zooms were, well, inconsistent, and sometimes even trite.

Other Almanesque devices, such as multiple panes of glass between camera and subject, succeeded in suggesting characters' sollipsism or narcissism or opaque states of knowledge. Car windshields, house windows, and other screens were used effectively and fairly consistently, I felt, harking back to THE PLAYER and even THE LONG GOODBYE. A few catchy jump-cuts, especially to a suggestive tv commercial, reminded me of such usage in SHORT CUTS, to sardonic effect.

But finally, the mismatch between Altman's very personal style and the sheer weight of the Grisham-genre momentum, failed to excite me. This director's 1970s masterpieces revised and deconstructed various classic genres, including the chandler detective film which this resembled in some ways; this time around, the director seemed to have too few arrows in his analytic quiver to strike any meaningful blow to the soft underbelly of this beastly genre. Was he muzzled in by mammonist producers, perhaps? Or am I missing something, due to my feeble knowledge of the genre he takes on here?

Nonetheless, the casting was excellent all around: Tom Berenger (for his terrifying ferality), Branagh for his (deflated) hubris, Robert Downey Jr's pheromonal haze, Robert Duvall's method of trash, and Davidtz's lurking femme-fatality were near perfect choices all. And except for a few slips out of Georgia into Chicago on the part of (brunette?) Daryl Hannah, accents were convincingly southern.

Suspense and mood were engrossing, even if the story didn't quite rivet viewers. The moodiness of a coastal pre-hurricane barometric plunge was exquisitely, painstakingly rendered--I felt like yelling at the usher to turn on the swamp cooler pronto.

Torn, in the end I judged it a 7.

\": {\"frequency\": 1, \"value\": \"I found myself at ...\"}, \"One has to wonder if at any point in the production of this film a

script existed that made any sense. Was the rough cut 3 hours

long and was it trimmed into the incoherent mess that survives?

Why would anyone finance this mess? I will say that Tom

Wlaschiha is a good looking young man and he does what he can

with the dialogue and dramatic (?) situations he is given. But

characters come and go for no apparent reason, continuity is

non-existent, and the acting, cinematography, and direction are (to

put it politely) amateurish. Not One Sleeps is an unfortunate

choice of title as it will probably prove untrue should anyone

actually attempt to actually watch this film.\": {\"frequency\": 1, \"value\": \"One has to wonder ...\"}, \"My favorite movie genre is the western, it's really the only movie genre that is of American origin. And despite Sergio Leone, no one does them quite like Americans.

Right at the top of my list of ten favorites westerns is Winchester 73. It was the first pairing and only black and white film of the partnership of director Anthony Mann and actor James Stewart. It was also a landmark film in which Stewart opted for a percentage of the profits instead of a straight salary from Universal. Many such deals followed for players, making them as rich as the moguls who employed them.

Anthony Mann up to this point had done mostly B pictures, noir type stuff with no real budgets. Just before Winchester 73 Mann had done a fine western with Robert Taylor, Devil's Doorway, that never gets enough praise. I'm sure James Stewart must have seen it and decided Mann was the person he decided to partner with.

In this film Mann also developed a mini stock company the way John Ford was legendary for. Besides Stewart others in the cast like Millard Mitchell, Steve Brodie, Dan Duryea, John McIntire, Jay C. Flippen and Rock Hudson would appear in future Mann films.

It's a simple plot, James Stewart is obsessed with finding a man named Dutch Henry Brown and killing him. Why I won't say, but up to this point we had never seen such cold fury out of James Stewart on screen. Anthony Mann reached into Jimmy Stewart's soul and dragged out some demons all of us are afraid we have.

The hate is aptly demonstrated in a great moment towards the beginning of the film. After Stewart and sidekick Millard Mitchell are disarmed by Wyatt Earp played by Will Geer because guns aren't carried in Earp's Dodge City. There's a shooting contest for a Winchester rifle in Dodge City and the betting favorite is Dutch Henry Brown, played with menace by Stephen McNally. Stewart, Mitchell and Geer go into the saloon and Stewart and McNally spot each other at the same instant and reach to draw for weapons that aren't there. Look at the closeups of Stewart and McNally, they say more than 10 pages of dialog.

Another character Stewart runs into in the film is Waco Johnny Dean played by Dan Duryea who almost steals the film. This may have been Duryea's finest moment on screen. He's a psychopathic outlaw killer who's deadly as a left handed draw even though he sports two six guns.

Another person Stewart meets is Shelley Winters who's fianc\\ufffd\\ufffd is goaded into a showdown by Duryea and killed. Her best scenes are with Duryea who's taken a fancy to her. She plays for time until she can safely get away from him. Guess who she ultimately winds up with?

There are some wonderful performances in some small roles, there ain't a sour note in the cast. John McIntire as a shifty Indian trader, Jay C. Flippen as the grizzled army sergeant and Rock Hudson got his first real notice as a young Indian chief. Even John Alexander, best known as 'Theodore Roosevelt' in Arsenic and Old Lace has a brief, but impressive role as the owner of a trading post where both McNally and Stewart stop at different times.

Mann and Stewart did eight films together, five of them westerns, and were ready to do a sixth western, Night Passage when they quarreled and Mann walked off the set. The end of a beautiful partnership that produced some quality films.\": {\"frequency\": 1, \"value\": \"My favorite movie ...\"}, \"Being that I am not a fan of Snoop Dogg, as an actor, that made me even more anxious to check out this flick. I remember he was interviewed on \\\"Jay Leno,\\\" and said that he turned down a role in the big-budget Adam Sandler comedy \\\"The Longest Yard\\\" to be in this film. So obviously, Snoop was on a serious mission to prove that he has acting chops. I'm not going to overpraise Snoop for his performance in \\\"The Tenants.\\\" There are certainly better rapper/actors, like Mos Def, who could've done more with his role. But the point is Snoop did a \\\"good\\\" job. He can't seem to shake off some of his trademark body movements and vocal inflections, but that's something even Jack Nicholson has a problem doing. The point is I found him convincing in the role, and the tension between him and Dylan McDermott's character captivating. McDermott, by the way, gives the best performance in the film, though his subtle acting will most likely be overshadowed by Snoop's not-so-subtle acting. Being a big reader and aspiring writer myself, I couldn't help but find the characters and plot somewhat fascinating. It did aggravate me how Snoop's character would constantly ask McDermott to read his work, and berate him for criticizing it. But you know what? I'm sure a lot of writers are like that. His character was supposed to be flawed, as was McDermott's, in his own way. My only mild criticism of the film would be its ending. For some reason, it just felt too rushed for me, though the resolution certainly made sense and was motivated by the characters, rather than plot.\": {\"frequency\": 1, \"value\": \"Being that I am ...\"}, \"The complaints are valid, to me the biggest problem is that this soap opera is too aimed for women. I am okay with these night time soaps, like Grey's Anatomy, or Ugly Betty, or West Wing, because there are stories that are interesting even with the given that they will never end. However, when the idea parallels the daytime soaps aimed at just putting hunky men (Taye Diggs, Tim Daly, and Chris Lowell) into sexual tension and romps, and numerous ridiculous difficult situations in a so-called little hospital, it seems like General Hospital...or a female counterpart to Baywatch. That was what men wanted and they had it, so if this is what women want so be it, but the idea that this is a high brow show (or something men will watch) is unrealistic.\": {\"frequency\": 1, \"value\": \"The complaints are ...\"}, \"I just got through watching this DVD at home. We love Westerns, so my husband rented it. He started apologizing to me half way through. The saddles, costumes, accents--everything was off. The part that made me so mad is where the guy didn't shoot the \\\"collector\\\" with his bow and arrow as he was taking the fat guy's soul. His only excuse was \\\"he only had 2 arrows left.\\\" We watched it all the way through, and, as someone else said...too many bad things to single out any one reason why it sucked. I mean, the fact that the boy happened to snatch the evil stone from the collector on the same month and day it was found, what's the point of that? And why were there a grave yard where everyone died on April 25 but the people whose souls were taken by the collector were still up walking around? If you want a movie to make fun of after a few beers, this may be your movie. However, if you want a real Western, you will hate this movie.\": {\"frequency\": 1, \"value\": \"I just got through ...\"}, \"Oh, Sam Mraovich, we know you tried so hard. This is your magnum opus, a shining example to the rest of us that you are certainly worth nomination into the Academy of Motion Picture Arts and Sciences (as you state on your 1998-era web site). Alas, it's better to remain silent and be thought a fool than to speak and remove all doubt. With Ben & Arthur, you do just that.

Seemingly assembled with a lack of instruction or education, the film's screenplay guides us toward the truly bizarre with each new scene. It's this insane excuse of a story that may also be the film's best ally. Beginning tepidly, the homosexually titular characters Ben and Arthur attempt to marry, going so far as to fly across country to do so, in the shade of Vermont's finest palm trees. But, all of this posturing is merely a lead-in for BLOOD. Then more BLOOD, and MORE AND MORE BLOOD. I mean, there must be at least $20 in fake blood make-up in the final third of this film.

The film in its entirety is a technical gaffe. From the sound to the editing to the music, which consists of a single fuzzy bass note being held on a keyboard, it's a wonder that the film even holds together on whatever media you view it on. It's such a shame then that some decent amateur performances are wasted here.

No matter, Sam. I'm sure you've made five figures on this flick in rentals or whatever drives poor souls (such as myself) to view this film. Sadly, we're not laughing with you.\": {\"frequency\": 1, \"value\": \"Oh, Sam Mraovich, ...\"}, \"For Anthony Mann the Western was 'legend'- and 'legend' makes the very best cinema! Mann's work was full of intensities and passions, visually dramatic, and the action always excitingly photographed...

Stewart, a docile actor with the ability of displaying anger, neurosis and cruelty, made with Anthony Mann, five remarkable Westerns: \\\"Winchester '73;\\\" \\\" Bend of the River;\\\" \\\"The Naked Spur;\\\" \\\"The Far Country;\\\" and \\\"The Man from Laramie.\\\"

In \\\"Winchester '73,\\\" Stewart reveals his darker side... He offers all the reserves of anger, inner ambivalence, and emotional complexity in his nature that his audiences had, up till this time, failed to catch...

A carefully chosen cast increases the proceedings in fine style: Shelley Winters is at her saucy best; Dan Duryea perfect as the vicious, sneering psychopathic villain; John McIntire great as the unscrupulous character; Charles Drake so good as the man who attempts to face his tormentor; and a very young Rock Hudson, attempts the role of an Indian Chief...

\\\"Winchester '73\\\" is the story of a perfectly crafted and highly prized, rifle in the Dodge City Kansas of 1876... Stewart and his estranged brother, who bears another name (Stephen McNally), compete fiercely for possession of it, and though Stewart wins, McNally steals it and sets off cross-country with Stewart in pursuit... What gives the pursuit an element of the demonic, is Stewart's determination to revenge his father's death at the hands of that same renegade brother\\ufffd\\ufffda revenge fed by long-standing fratricidal hatred...

Photographed in gorgeous Black & White, the film comes on as powerful and arresting, acted with deep feeling and intense concentration, not only by Stewart but by all the supporting characters...

Look fast for a promising newcomer, Tony Curtis, the soldier who finds the rifle after the Indian attack...\": {\"frequency\": 1, \"value\": \"For Anthony Mann ...\"}, \"I can't believe it's been ten years since this show first aired on TV and delighted viewers with its unique mixture of comedy and horror. This is the show that gave birth to a good part of modern British humor: Dr. Terrible's House of Horrible; Garth Marenghi's Darkplace; The Mighty Boosh; Snuff Box. Many have imitated this show's style, and I don't deny some have surpassed its quality. But Jermy Dyson deserves being remembered for having started the trend, with actors Mark Gatiss, Steve Pemberton, and Reece Shearsmith.

Together they created Royston Vasey, a sinister small town in England's idyllic countryside, where unsuspecting tourists and passers-by come across an obsessive couple that wants to keep the town local and free of strangers; where the unemployed are abused and insulted at the job center; where a farmer uses real people as scarecrows; where a vet kills all the animals he tries to cure; where a gypsy circus kidnaps people; and where the butcher adds something secret but irresistible to the food to hook people on.

This is just a whiff of what the viewer can find in The League of Gentlemen. By themselves, the three actors give birth to dozens and dozens of unique characters. The make up and prosthetics are so good I actually thought I watching a lot more actors on the show than there were. But it's also great acting: the way they change their voices and their body movement, the really become other people.

Most of the jokes start with something ordinary, from real life, and then blows up into something unsettling, sometimes gut-wrenching. Sometimes it's pure horror without a set up, like in Papa Lazarou's character. Just imagine a creepy circus owner on make-up barging into someone's house and kidnapping women to be his wives. No explanation given. It's that creepy. Then there are the numerous references to horror movies: Se7en, The Silence of the Lambs, Nosferatu, The Exorcist, etc.

Fans of horror will love it, fans of comedy will love it. As any traveler entering knows, there's a sign there that says 'Welcome to Royston Vasey: You'll Never Leave.' Any viewer who gives this show a chance will agree. Once you discover The League of Gentlemen, you'll never want anything else, you'll never forget it.\": {\"frequency\": 1, \"value\": \"I can't believe ...\"}, \"This will be brief. Let me first state that I'm agnostic and not exactly crazy about xtians, especially xtian fanatics. However, this documentary had a tone of the like of some teenager angry at his xtian mother for not letting him play video games. I just couldn't take it seriously. Mentioning how CharlesManson thought he was Christ to illustrate the point that xtianity can breed evil? i don't know it was just cheap and childish -- made the opposition look ignorant. Furthermore, the narrator just seemed snobby and pretentious. The delivery was complete overkill. I can't take this documentary seriously. Might appeal to an angry teenager piss3d off at his xtian mother for not letting him play video games.\": {\"frequency\": 1, \"value\": \"This will be ...\"}, \"A real classic. A shipload of sailors trying to get to the towns daughters while their fathers go to extremes to deter the sailors attempts. A maidens cry for aid results in the dispatch of the \\\"Rape Squad\\\". A cult film waiting to happen!\": {\"frequency\": 1, \"value\": \"A real classic. A ...\"}, \"I basically found Eden's Curve to be a very poorly constructed that made it difficult to watch. However, there is something I must say about how the director captured something about the atmosphere of the early 70's in the choice of settings and clothing. The \\\"back to the earth\\\" philosophy and the interest in sexual exploration and drugs that was not dramatically decadent, as portrayed in many later versions of the 70's was right on, as was the \\\"don't ask don't tell\\\" pseudo-liberalism of the fraternity made up of east-coast intellectuals, except that I would have thought this was more likely of a New England school rather than one in Virginia, where I imagine the \\\"good ole boy\\\" mentality still dominated even elitist schools like this one. Another thing I appreciated and could relate to is that this was a time when homosexuality was not linked so much to leathermen or drag queens and I appreciated some homosexual roles not related to these terribly overused images. I felt it was very unfortunate that \\\"gay culture\\\" took on certain standard forms in the 80's out of Castro and Christopher Streets and these defined the movement and left out huge numbers of gay men that were more subdued in their lifestyles. I appreciated the film mainly as a way of remembering a more natural way we were about our sexuality and personal relationships without \\\"the scene.\\\"\": {\"frequency\": 1, \"value\": \"I basically found ...\"}, \"Well this just maybe the worst movie ever at least the worst movie i have ever seen. They have tried out these 666 child of Satan the anti Christ kinda movies about 1000 times and none of them is good and this just maybe the worst of them. They think that it's going to be better movie as more they use that fake blood. This movie doesn't have any idea in it, actors and filming is just terrible. Cant even make out that 10 line minium of this movie. Really nothing to tell about but that it's just horrible. How they can make movies like that in their right mind just can't understand that. This cant be a Hollywood movie, is it? Just don't go watch this use your money more wisely.\": {\"frequency\": 1, \"value\": \"Well this just ...\"}, \"I just saw this film @ TIFF (Toronto International Film Festival). Fans of Hal Hartley will not be disappointed!! And if you are not familiar with this director's oeuvre ... doesn't matter. This film can definitely stand all on its own. I have to go the second screening ... it was amazing I need to see it again -- and fast!!

This film is very funny. It's dialogue is very smart, and the performance of Parker Posey is outstanding as she stars in the title role of Fay Grim. Fay Grim is the latest feature revisiting the world and characters introduced in the film Henry Fool (2000). Visually, the most salient stylistic feature employs the habitual use of the canted (or dutch) angle, which can be often seen in past Hartley works appearing in various shorts, available in the Possible Films: short works by Hal Hartley 1994-2004 collection, and in The Girl from Monday (2005).

I viewed this film most aptly on Sept 11th. Textually, Fay Grim's adventure in this story is backdropped against the changed world after September 11, 2001. Without going into major spoilers, I view this work, and story-world as a bravely political and original portrait of geo-politics that is rarely, if ever, foregrounded in mainstream fictional cinema post-911 heretofore (cf. Syrianna: of side note - Mark Cuban Exec. Prod in both these films ... most interesting, to say the least).

Lastly, for those closely attached to the characters of Henry Fool, Simone, Fay and Henry this film is hilariously self-conscious and self-referential. That being said, the character of Fay Grimm starts off in the film, exactly where she was when Henry Fool ended, but by the end of the film ... Fay's knowledge and experience has total changed and expanded over the course of the narrative. What can be in store for the future of Fay and the Fool family ... ?? I can't wait for the third part in this story!\": {\"frequency\": 1, \"value\": \"I just saw this ...\"}, \"This film has a special place in my heart as the worst movie I have ever seen. It is about as fun as doing hard manual labor with stomach cramps. The movie starts out bad (I would rate the first few minutes of the film a 1/10) and then it get progressively worse, minute by minute. The only way to rate it at all would be some kind of abyssmal spiraling negative number that grows for ninety, long minutes. Unfunny is not a real word but it best describes the humor in this video. Somehow the video manages even to make cute, scantily clad females and sex look grotesque and distasteful. This movie is amazingly bad. I would say it would be better to be locked up with the TITANIC theme playing over and over and with Buscemi's character from ESCAPE FROM LA droning on in your ear than to watch this movie. The sequels are not nearly as bad. If you have to rent a Troma film, get Tromeo and Juliette or Combat Shock. I would rather watch 5 Tony Little infomercials back to back than to see CLASS of NUKEM HIGH again. Don't get me wrong, it took some kind of criminal genius to make a movie this terrible and if ever a movie deserved an award for being awful, this is it.\": {\"frequency\": 1, \"value\": \"This film has a ...\"}, \"Who would have thought that such an obscure little film could be so haunting and touching? I am really impressed. It's a shame that more people have not seen it. I loved, as always, Hans Zimmer's score. And what a directorial debut by Bernard Rose! Yet I wonder if I should call this a horror film. It could easily be argued that it is a fantasy or a drama as well. Well, regardless, I love the interpretive potential it has. Everything and everyone in Anna's (played by Charlotte Burke)dreams represents a real conflict in her life...the house itself, the tree, Mark, the lighthouse, etc. It is the many details such as these that make the film so good for repeated viewings. I hope I come across another little movie as loaded with emotion and psychological meaning as this one some time soon.\": {\"frequency\": 1, \"value\": \"Who would have ...\"}, \"Frownland is like one of those intensely embarrassing situations where you end up laughing out loud at exactly the wrong time; and just at the moment you realize you shouldn't be laughing, you've already reached the pinnacle of voice resoundness; and as you look around you at the ghostly white faces with their gaping wide-open mouths and glazen eyes, you feel a piercing ache beginning in the pit of your stomach and suddenly rushing up your throat and... well, you get the point.

But for all its unpleasantness and punches in the face, Frownland, really is a remarkable piece of work that, after viewing the inarticulate mess of a main character and all his pathetic troubles and mishaps, makes you want to scratch your own eyes out and at the same time, you feel sickenly sorry for him.

It would have been a lot easier for me to simply walk out of Ronald Bronstein's film, but for some insane reason, I felt an unwavering determination to stay the course and experience all the grainy irritation the film has to offer. If someone sets you on fire, you typically want to put it out: Stop! Drop! And Roll! But with this film, you want to watch the flame slowly engulf your entire body. You endure the pain--perhaps out of spite, or some unknown masochistic curiosity I can't even begin to attempt to explain.

Unfortunately, mainstream cinema will never let this film come to a theater near you. But if you get a chance to catch it, prepare yourself: bring a doggie bag.\": {\"frequency\": 1, \"value\": \"Frownland is like ...\"}, \"THE JIST: See something else.

This film was highly rated by Gene Siskel, but after watching it I can't figure out why. The film is definitely original and different. It even has interesting dialogue at times, some cool moments, and a creepy \\\"noir\\\" feel. But it just isn't entertaining. It also doesn't make a whole lot of sense, in plot but especially in character motivations. I don't know anyone that behaves like these characters do.

This is a difficult movie to take on -- I suggest you don't accept the challenge.\": {\"frequency\": 2, \"value\": \"THE JIST: See ...\"}, \"This film came out 12 years years ago, and was a revelation even for people who knew something of the drag scene in New York. The textbooks on drag performance say nothing of these vogueing houses. Anthony Slide's 'Great Pretenders' says nothing. Julian Fleisher's \\\"The Drag Queens of New York: An Illustrated Field Guide\\\" with its flow chart of influence that pulls together Julian Eltinge, Minette, the Warhol queens, and the 90s club scene - and postdates the film - ignores the houses completely. Even Laurence Senelick's \\\"The Changing Room\\\" - the closest thing that we have to a definitive book on drag performance rushes quickly past the film and does not give the background information that one would have expected from it.

I understand from the film itself,and various articles I found on the web that this house system goes back decades. The major film performance by a house member prior to 1990 seems to be Chrystal La Beija in \\\"The Queen\\\", 1968. The historical context is the biggest missing part of \\\"Paris is Burning\\\".

The film is valuable because it focuses on a scene otherwise being ignored. It is a valuable snapshot of life in 1989. The unfortunate fact that Venus Xtravaganza was murdered during filming provides a very dramatic ending, but this is not the only film about transsexuals to include a real-life murder. As we now know, Dorian Corey had a mummified corpse in her literal closet, but this did not come out until three years later.

Of historical importance, but we still need someone to do either a book or a documentary film that provides more context.\": {\"frequency\": 1, \"value\": \"This film came out ...\"}, \"It got to be a running joke around Bonanza about how fatal it was for any women to get involved with any Cartwright men. After all Ben Cartwright was three times a widower with a son by each marriage. And any woman who got involved with Adam, Hoss, and Little Joe were going to end up dying because we couldn't get rid of the formula of the widower and the three sons that started this classic TV western.

Perhaps if Bonanza were being done today the writers would have had revolving women characters who came in and out of the lives of the Cartwrights. People have relationships, some go good, some not so good, it's just life. And we're less demanding of our heroes today so if a relationship with one of them goes south we don't have to kill the character off to keep the survivor's nobility intact. But that's if Bonanza were done today.

But we were still expecting a lot from our western heroes and Bonanza though it took a while to take hold and a change of viewing time from NBC certainly helped, the secret of Bonanza's success was the noble patriarch Ben Cartwright and his stalwart sons. Ben Cartwright was THE ideal TV Dad in any genre you want to name. His whole life was spent in the hard work of building that immense Ponderosa spread for his three children. The kids were all different in personality, but all came together in a pinch.

The Cartwrights became and still are an American institution. I daresay more people cared about this family than the Kennedys. Just the popularity that Bonanza has in syndication testifies to that.

Pernell Roberts as oldest son Adam was written out of the show. Rumor has it he didn't care for the noble Cartwright characters which he felt bordered on sanctimonious. Perhaps if it were done now, he'd have liked it better in the way I describe.

This was just the beginning for Michael Landon, how many people get three hit TV shows to their credit. Landon also has Highway to Heaven and Little House On the Prarie where he had creative control. Little Joe was the youngest, most hot headed, but the most romantic of the Cartwrights.

When Roberts left. the show kept going with the two younger sons, but when big Dan Blocker left, the heart went out of Bonanza. Other characters had been added on by that time, David Canary, Tim Matheson, and Ben Cartwright adopted young Mitch Vogel. But big, loyal, but a little thick Hoss was easily the most lovable of the Cartwrights. His sudden demise after surgery left too big a hole in that family.

So the Cartwrights of the Ponderosa have passed into history. I got a real taste of how America took the Cartwrights to heart when I visited the real Virginia City. It doesn't look anything like what you see in Bonanza. But near Lake Tahoe, just about where you see the Ponderosa on the map at the opening credits, is the Cartwright home, the set maintained and open as a tourist attraction. Like 21 Baker Street for Sherlock Holmes fans, the ranchhouse and the Cartwrights are real.

And if they weren't real, they should have been.\": {\"frequency\": 1, \"value\": \"It got to be a ...\"}, \"It takes patience to get through David Lynch's eccentric, but-- for a change-- life-affirming chronicle of Alvin Straight's journey, but stick with it. Though it moves as slow as Straight's John Deere, when he meets the kind strangers along his pilgrimage we learn much about the isolation of aging, the painful regrets and secrets, and ultimately the power of family and reconciliation. Richard Farnsworth caps his career with the year's most genuine performance, sad and poetic, flinty and caring. And Sissy Spacek matches him as his \\\"slow\\\" daughter Rose who pines over her own private loss while caring for dad. Rarely has a modern film preached so positively about family.\": {\"frequency\": 1, \"value\": \"It takes patience ...\"}, \"Every now and then a movie advertises itself as scary or frightening, though they usually aren't. Most modern horror movies fit into this category.

Then there are those movies that don't simply cause the tension and adrenaline to pump through your veins harder than usual. They actually frighten you to a level that you've never experienced.

\\\"Halloween\\\" is such a film. It takes so many risks that would make most movie producers cringe. But nearly all of them work. \\\"Halloween\\\" is awe-inspiring in its simplicity, and terrifying as a whole.

The story is simple. Laurie Strode (Jamie Lee Curtis) is babysitting some kids on Halloween night, while a madman is on the loose after escaping from a mental institution after brutally murdering his older sister 15 years ago. Of course, the madman, later known as Michael Myers, begins killing the local teenage population, and eventually he comes after Laurie.

Sounds familiar, right? Just another brainless slasher filled with dumb teenagers and gobs of gore. Not a chance.

I think James Berardinelli puts it perfectly in his review of \\\"Halloween:\\\" \\\"Because of its title, Halloween has frequently been grouped together with all the other splatter films that populated theaters throughout the late-1970s and early-1980s. However, while Halloween is rightfully considered the father of the modern slasher genre, it is not a member...\\\"

He has a point, and for a number of reasons. First and foremost, it's downright terrifying, whereas most entries into the teen slasher genre are dumb gore-fests (one could argue that many recent ones are tongue-in-cheek, but most of those fail as well). Second, there is almost no violence (very little of which is bloody). John Carpenter knows that violence does not equal scary, and he relies very little on it (actually, the body count is pretty low). In fact, one can argue that this isn't really a horror movie, at least not by todays standards of having the most deaths that can be crammed into a single movie, each gorier and more sadistic than the last. He relies on ideas for scares, and also skill. Third, while some of the characters may do stupid things (that sometimes seal their fate), they don't do them because they're dumb. The characters are real people, so instead of thinking that the characters die because they're idiots, we're frightened because they're making a mistake.

One of the main reasons why \\\"Halloween\\\" is so scary is because it is so easy to believe that it's real. Nothing is hard to swallow in this film. There's no supernatural, there's no ridiculously creative plot elements, or \\\"inventive\\\" murders, or whatnot. Instead, all the set pieces and camera work (save the opening sequence) are simple. Carpenter just sets the camera in place and says action. What we get is the feeling that we're actually seeing a murder take place right in front of us.

Horror movies are probably the most difficult films to make because in order for something to be scary, everything has to be perfect, and ideas never work twice. It's a hit or miss game, which is why if I were to tell you all the good ideas that Carpenter has (which I'm not), they'd seem primitive (particularly since they have been repeated with lesser effect over and over again through the years).

Acting here is not a plus point because it doesn't need to be. This is a movie about scary ideas, not a movie about dramatic, conflicted characters. The actors act like real people, not characters from a story. Nothing more. The exception to this is whoever plays The Shape, or later known as Michael Myers. It can be scary to have a person say nothing and simply kill, but it's hard to pull off (and even harder to keep people from asking why). But the guy pulls it off, and the result is terrifying.

This is Carpenter's movie through and through. He directed it, co-wrote it, co-produced it, and wrote the chilling score of it. This is a man of brilliance, and his later movie \\\"The Thing\\\" supports this statement, though The Thing is not as scary as \\\"Halloween.\\\" Unfortunately his success has dramatically diminished, as it happens when the lure of big money for less freedom is taken advantage of once big time producers \\\"recognize your potential.\\\" As good as this film is, it's not without flaws. The famous opening scene is disturbing, but not very scary. And not many of the scares work for the first part of the movie. It's not that it's bad, it's just that there's no good reason to fear \\\"The Shape.\\\" Luckily, Carpenter mostly uses this time to set up a relationship between the characters and the audience. While there's no intimacy in this relationship, it fits the purpose. We grow to know the characters, but not so much that it's disheartening when they die. But once the film gets to Halloween night, that's when Carpenter kicks things into high gear and it NEVER stops until you get to the end.

While \\\"Halloween\\\" may be flawed, it is only slightly so. It is an immensely terrifying film, and a must see for anyone who loves scary movies. Be warned though, this movie will scare the living hell out of you!\": {\"frequency\": 1, \"value\": \"Every now and then ...\"}, \"I guess if a film has magic, I don't need it to be fluid or seamless. It can skip background information, go too fast in some places, too slow in others, etc. Magic in this film: the scene in the library. There are many minor flaws in Stanley & Iris, yet they don't detract from the overall positive impact of watching people help each other in areas of life that seem the most incomprehensible, the hardest to fix. Both characters are smart. Yet Stanley can't understand enough to function because he can't read; he can't read because he's had too much adventure in his childhood. Iris, although well-educated, hasn't had enough adventure and so can't understand how to move past the U-turn her life took. In both their faults and strengths, the characters compliment each other. It may be a bit of a stretch to accept that an Iris would wind up working year after year in a factory, or that a Stanley never hid his illiteracy enough to work in construction or some other better-paying job. And while these \\\"mysteries\\\" are explained in the course of the story, their unfolding seems somewhat contrived. I assume no one took the time to rethink the script. Even so, it's a good movie\\ufffd\\ufffdjust imagine what De Niro, Fonda and Plimpton would have done on screen if someone had!\": {\"frequency\": 1, \"value\": \"I guess if a film ...\"}, \"This movie is a disgrace to the Major League Franchise. I live in Minnesota and even I can't believe they dumped Cleveland. (Yes I realize at the time the real Indians were pretty good, and the Twins had taken over their spot at the bottom of the American League, but still be consistent.) Anyway I loved the first Major League, liked the second, and always looked forward to the third, when the Indians would finally go all the way to the series. You can't tell me this wasn't the plan after the second film was completed. What Happened? Anyways if your a true fan of the original Major League do yourself a favor and don't watch this junk.\": {\"frequency\": 2, \"value\": \"This movie is a ...\"}, \"Holy cow, what a piece of sh*t this movie is. I didn't how these filmmakers could take a 250 word book and turn it into a movie. I guess they didn't know either! I don't remember any farting or belching in the book, do you?

They took this all times childrens classic, added some farting, belching and sexual inuindo, and prostituted it into a KAKA joke. This should give you a good idea of what these hollywood producers think like. I have to say, visually it was interesting, but the brilliant visual story is ruined by toilet humor (if you even think that kind of thing is funny) I DON'T want the kids that I know to think it is.

Don't take your kids to see, don't rent the DVD. I hope the ghost of Doctor Suess ghost comes and haunts the people that made this movie.\": {\"frequency\": 2, \"value\": \"Holy cow, what a ...\"}, \"While movie titles contains the word 'Mother', the first thing that comes to our mind will be a mother's love for her children.

However, The Mother tells a different story.

The Mother do not discuss the love between a mother and her child, or how she sacrifice herself for the benefit of her child. Here, Notting Hill director Roger Michell tells us how a mother's love for a man about half of her age hurts the people around her.

Before Daniel Craig takes on the role of James Bond, here, he plays Darren, a man who is helping to renovate the house of the son of the mother, and sleeping with her daughter as well. Anne Reid, who was a familiar face on TV series, takes up the challenging role of the leading character, May.

The story begins with May coping with the sudden loss of her husband, Toots, in a family visit to her son, Bobby. While she befriends Darren, a handyman who is doing some renovation in Bobby's house, she was shocked to found out that her daughter, Paula, was sleeping with Darren. At the same time, May was coping with life after the death of Toots. Fearing that Harry and Paula do not wanted her, May starts to find her life going off track, until she spends her afternoon with Darren.

Darren was nice and friendly to May, and May soon finds some affection on Darren. Instead of treating him like a friend, she treated the man who was about half her age with love of a couple. Later, May found sexual pleasure from Darren, where he gave her the pleasure she could never find on anyone else. And this is the beginning of the disaster that could lead to the break down of a family.

The Mother explores the inner world of a widow who wanted to try something she never had in her life, and solace on someone who is there for her to shoulder on. This can be told from May buying tea time snacks for Darren to fulfilling sexual needs from a man younger than her, where it eventually gave her more than she bargained for.

Anne Reid has made a breakthrough for her role of May, as she was previously best well known for her various role on TV series. As she do not have much movies in her career resume, The Mother has put her on the critic's attention. Daniel Craig, on the other hand, had took on a similar role in his movie career, such as Sylvia (2003) and Enduring Love (2004). If his reprising role of James Bond fails, film reviewers should not forget that he has a better performance in small productions in his years of movie career, and The Mother is one of them.

The Mother may not be everyone's favorite, but it is definitely not your usual matin\\ufffd\\ufffde show to go along with tea and scones, accompanied by butter and jam.\": {\"frequency\": 1, \"value\": \"While movie titles ...\"}, \"This movie deserves more than a 1. But I'm giving it a one because so many fricken fan boys have given it a 10 resulting in it getting a rating that'll take it into the top 100 list. Seriously it's not that great its not that bad. Its a stupid cult classic with so many fricken fan boys it's ridiculous. These are the types who probably still laugh at Chuck Norris jokes and still say \\\"I'm rick james b!tch\\\" No matter how old or annoying it gets. I dread having to hear \\\"I'm tired of MFn snakes on this MFn plane\\\" months from now from idiots trying to be funny. Its crappy plot crap acting etc. Its Okay to love a bad movie, but you still gotta admit its a bad movie.

Wait for the Marine starring John Cena if you wanna see a real movie\": {\"frequency\": 1, \"value\": \"This movie ...\"}, \"Let's hope this is the final nightmare. This is the epitome of a good thing gone bad. Okay, there is still some enjoyment to be had, but only in the most mundane sense. Rachel Talalay had been there for the duration of this franchise, had been on the production staff and produced even. I don't know what she was thinking, but this debacle comes complete with the human video game boy and a guest appearance by

Tom and Roseanne Arnold! I wish I had a clue what she was thinking when she wrote/directed this disappointing piece of garbage. She even tried to distract her audience from the fact that this movie was nothing more than an over-glorified popcorn movie instead of bearing any resemblance to horror, with the contrived use of a 3D ending. Aren't those glasses nifty? And you get to KEEP them! It's the equivalent of, you just spent $9.00 making me rich. Here's 10 cents. Now, don't you feel special!? Sorry, but for me, it just did not make me feel special.

And Freddy's had yet another face-lift. This one was for the worst, I think. All the beautiful artistry that went into his \\\"look\\\" in the earlier films has been replaced by an obviously cheaper, less detailed set of prosthetics. He looks ... less like the burn victim he is supposed to be, and more like he has a skin disorder. Changing the lead's makeup like that so far into a series is about on the same level as changing the lead actor. But wait! They've done that, and done that. So I guess it doesn't matter. But it mattered to me. Freddy is no longer SCARY. He's just ... another low-rent monster like the Leprechaun.

It's more...a dark comedy than the horror classic this series promises; riddled with what you can only hope the writers thought were witty one-liners and clever repartee (sadly, it fell short on both accounts).

So there's nothing more to say than grab the popcorn and get ready to laugh, because there was not one scary or suspenseful moment in this entire film.

It rates a 3.2/10 from...

the Fiend :.\": {\"frequency\": 1, \"value\": \"Let's hope this is ...\"}, \"As far as cinematography goes, this film was pretty good for the mid 50's. There were a few times that the lighting was way too hot but the shots were generally in frame and stayed in focus. The acting was above average for a low budget stinker but the direction was horrible. Several scenes were dragged out way too long in an attempt at suspense and the effects were non-existent. The attack by the skull in the pond should have been completely removed from the final cut and every attempt to bring life to the skull was obvious with stick pokes and strings. I also couldn't help but think the budget didn't allow them to furnish the house so they kept making references to the movers and that all the things in storage should be coming soon. Honestly...it would have been more entertaining if it were a worse movie. It wasn't bad enough to be a \\\"good-bad\\\" movie but wasn't good enough to be \\\"good\\\" either. Get the MST3K version...it's more fun.\": {\"frequency\": 1, \"value\": \"As far as ...\"}, \"This sweeping drama has it all: top notch acting, incredible photography, good story. It is often compared to \\\"Braveheart\\\" because both movies take place in historical Scotland. Even though I love Braveheart, I think this is the better of the two films. Jessica Lange gave an incredible performance (should have been nominated for an Oscar). Liam Neeson is fantastic in the title role. Tim Roth plays one of the most evil, despicable, characters in film history (he was nominated for an Oscar). John Hurt is excellent as Lord Montrose, another dislikeable character. I am always amazed at the incredible range of characters that John Hurt can play. This is a story of a dispute over money between Rob Roy and his clan, and Lord Montrose. Rob Roy is a self made man, who will not solve his problems with Montrose if it violates his sense of honor. Montrose, who, inherited his title, has no sense of honor. And that is basically what this story is all about; honor of the common man versus corruption of the nobility. This movie is very entertaining, it should appeal to all. It has romance, action, beautiful scenery, and has a exciting plot. One of my favorite films.\": {\"frequency\": 1, \"value\": \"This sweeping ...\"}, \"PROBLEM CHILD is one of the worst movies I have seen in the last decade! This is a bad movie about a savage boy adopted by two parents, but he gets into trouble later. That Junior can drive Grandpa's car. He can scare people with a bear. He can put a room on fire! It is a bad movie as much as BATTLEFIELD EARTH. A sequel is an even worse fate. Rent CHICKEN RUN instead.

*1/2 out of **** I give it.\": {\"frequency\": 1, \"value\": \"PROBLEM CHILD is ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"One of the better ...\"}, \"I laughed so hard during this movie my face hurt. Ben Affleck was hilarious and reminded me of a pretty boy Jack Black in this role. Gandolfini gives his typical A performance. The entire cast is funny, the story pretty good and the comic moments awesome. I went into this movie not expecting much so perhaps that is why I was so surprised to come out of the flick thoroughly pleased and facially exhausted. I would recommend this movie to anyone who enjoys comedy, can identify with loneliness during the holidays and/or putting up with the relatives. The best part to this film (to me anyway) were the subtle bits of humor that caught me completely off guard and had me laughing long after the rest of the audience had stopped. Namely, the scene involving the lighting of the Christmas tree. Go see it and have a good laugh!\": {\"frequency\": 1, \"value\": \"I laughed so hard ...\"}, \"Tenchu aka. Hitokiri- directed by Hideo Gosha - starring Shintaro Katsu and Tetsuya NAkadei belongs (together with Goyokin, HAra Kiri & Rebellion) to the best chambara movies existing.

Its the story about Shintaro Katsu (who plays Okada Izo) working for Nakadei, who wants to become the daymio. Okada, being the \\\"cleaner\\\" for Nakadei is being treated like a dog - and after quite a while he realises - what he realy is to Nakadei.

But there is so much more in this movie - every fan of japanese cinema should have seen it !!!!!!!

(Tenchu means Heavens Punishment)\": {\"frequency\": 1, \"value\": \"Tenchu aka. ...\"}, \"I am Curious (Yellow) (a film, in near Seussical rhyme, is said right at the start to be available in two versions, Yellow and Blue) was one of those big art-house hits that first was a major sensation in Sweden then a big scandal/cause-celebre in the United States when the one print was held by customs and it went all the way to the Supreme Court. What's potent in the picture today is not so much what might offend by way of what's revealed in the sex or nudity- the director/\\\"actor\\\" Vilgot Sjoman films the various scenes in such a way that there is an abundance of flesh and genitalia and the occasional graphic bit but it's always more-so an intellectual expression than very lust-like- but the daring of the attempt at a pure 'metafilm' while at the same time making a true statement on the state of affairs in Sweden. Who knew such things in a generally peaceful country (i.e. usually neutral in foreign affairs and wars) could be so heated-up politically? At least, that's part of Sjoman's aim here.

Like a filmmaker such as Dusan Makavajev with some of his works like W.R. (if not as surreal and deranged) or to a slightly lesser extent Bertolucci, Sjoman is out to mix politics and sex (mostly politics and social strata) around in the midst of also making it a comment on embodying a character in a film. The two characters, Lena and Borje, have a hot-cold relationship in the story of the film, where Lena is a \\\"curious\\\" socialist-wannabe who demonstrates in the street for nonviolence and 'trains' sort of in a cabin in the woods to become a fully functioning one, while at the same time maybe too curious about her car salesman boyfriend. And as this is going on, which is by itself enough for one movie, Sjoman inserts himself and his crew from time to time as they are making this story on film (there's even a great bit midway through where, as if at a rock concert, title cards fill in during a break in shooting who the crew are, negating having to use end credits!) Then with this there's a whole other dynamic as Sjoman gives an actual performance, not just a \\\"hey, I'm the director playing the director\\\" bit.

At first, one might not get this structure and that I am Curious (Yellow) is just a film where Lena is a documentary interviewer asking subjects about their thoughts on class, socialism, Spain and Franco, and once in a while we see Lena's father or Bjore. But Sjoman does something interesting: the structure is so slippery as the viewer one has to stay on toes; it's impressive that so many years on a picture can surprise with not being afraid to mix dramatic narrative, documentary, film-within-a-film, and even a serious interview with Martin Luther King, who also acts as a quasi-guru for Lena. It might not always be completely coherent analysis politically, but it doesn't feel cheating or even with much of a satirical agenda like in a Godard picture; the satire Sjoman is after is akin to a Godard but on a whole other wavelength. His anarchy is playful but not completely loaded with semantics or tricks that could put off the less initiated viewer.

If I Am Curious (Yellow) stands up as an intellectual enterprise and a full-blown trip into exploring sex in a manner that was and is captivating for how much is shown and how comfortable it all seems to be for the actors, it isn't entirely successful, I think, as an emotional experience. Where Bergman had it down to a T with making a purely emotional film with deconstruction tendencies, Sjoman is more apt at connecting with specific ideas while not actually directing always very well when it comes time to do big or subtle scenes with the actors. Occasionally it works if only for the actors, Lena Nyman (mostly spectacular here in a performance that asks of her to make an ambitious but confused kid into someone sympathetic and vulnerable even) and Borje Ahlstedt (a great realistic counterpoint to the volatile Lena), but some 40 years later its hard to completely connect with everything that happens in the inner-film of Lena and Borje since (perhaps intentionally) Sjoman fills it up with clich\\ufffd\\ufffds (Borje has a girlfriend and kid, will he leave her, how will Lena reconcile her father) and a heavy-handed narration from his starlet of sorts.

And yet, for whatever faults Sjoman may have, ironically considering he means it to be a comment on itself, I Am Curious (Yellow) holds up beautifully as an artistic experiment in testing the waters of what could be done in Swedish cinema, or testing what couldn't be and bending it for provocative and comedic usage. I'd even go as far as to say it's influential, and has probably been copied or imitated in more ways than one due to it being such a cult phenomenon at its time (a specific technique used, with the film rewinding towards the end, is echoed in poorer usage in Funny Games), and should be seen by anyone looking into getting into avant-garde or meta-film-making. If it's not quite as outstanding an artistic leap as W.R. or Last Tango, it's close behind.\": {\"frequency\": 1, \"value\": \"I am Curious ...\"}, \"Bettie Page was a icon of the repressed 1950s, when she represented the sexual freedom that was still a decade away, but high in the hopes and dreams of many teenagers and young adults. Gretchen Mol does a superb job of portraying the scandalous Bettie, who was a small town girl with acting ambitions and a great body. Her acting career went nowhere, but her body brought her to the peak of fame in an admittedly fringe field. Photogrsphed in black and white with color interludes when she gets out of the world of exploitation in New York, this made-for-TV (HBO) film has good production values and a very believable supporting cast. The problem is, it's emotionally rather flat. It's difficult to form an attachment to the character, since Bettie is portrayed as someone quite shallow and naive given the business she was in. The self-serving government investigations are given a lot of screen time, which slows down the film towards the end. But it's definitely worth watching for the history of the time, and to see the heavy-handed government repression that was a characteristic of the fifties. 7/10\": {\"frequency\": 1, \"value\": \"Bettie Page was a ...\"}, \"It helps if you understand Czech and can see this in the original language and understand the Czechs obsession with 'The Professionals', but if not, 'Jedna ruka netlaska' is yet another great Czech film. It is funny, dark and extremely enjoyable. The highest compliment I can pay it is that you never know quite what is going to happen next and even keep that feeling well into the second and third viewing.

For a small country the Czech Republic has produced an amazing amount of world class film and literature, from Hrabal, Hasek and Kundera to the films of Menzel, Sverak and numerous others. Czech humour by its very nature is dark and often uncompromising, but often with a naive and warm sentiment behind it. This film is just that, it is unkind and deals with the less lovable sides of human beings, but underneath it all there is a beautiful story full of promise, good intent and optimism.

I highly recommend this and most other projects Trojan and Machacek are involved in. Enjoy it, it's a film made for just that reason - anyway, it's as close as the Czechs will ever come to writing a truly happy ending...\": {\"frequency\": 1, \"value\": \"It helps if you ...\"}, \"Beautiful attracts excellent idea, but ruined with a bad selection of the actors. The main character is a loser and his woman friend and his friend upset viewers. Apart from the first episode all the other become more boring and boring. First, it considers it illogical behavior. No one normal would not behave the way the main character behaves. It all represents a typical Halmark way to endear viewers to the reduced amount of intelligence. Does such a scenario, or the casting director and destroy this question is on Halmark producers. Cat is the main character is wonderful. The main character behaves according to his friend selfish.\": {\"frequency\": 1, \"value\": \"Beautiful attracts ...\"}, \"I thought this was a splendid showcase for Mandy's bodacious bod. If you don't expect anything else, such as clever plot twists and believable character development, you won't be disappointed. Consider this a Sports Illustrated shoot whose character goes around killing people, especially those who threaten to come between her and her 'Mommy' (Suzanna Arquette, who obviously doesn't want to play the sex kitten - she leaves that up to her daughter).

Mandy's face is a little too perfect, but her body is a complete 5-alarm fire, up there in the ranks of Sophia Loren when it comes to natural bustiness, a perfect 7-to-10 ratio of waist to hips, and splendidly configured legs, right down to her feet. (There has to be some ideal configuration of thighs to knees to calves to ankles that is altogether pleasing to the eye; Mandy certainly is the model for this idealized ratio).

And no flat butt to boot, which seems to be the undoing of many a busty babe with curves everywhere except in the 'nether hemispheres'. Mandy might have used a body double in the rear shot of her losing her towel as she descended into the candle-lit hot tub with her blindfolded German-Guy Victim No. 2, but from all I could see from her bikini shots, she had the butt for it and didn't need a double to prove it.

Mandy's acting abilities had little to do with her impression of a psychotic 'Mommy's Girl', with the obvious erotic lesbian overtones. Her bisexual nature (allowing herself to be boinked in the hot tub after a long flirtation with German Guy No. 2, who also happened to be her mother's lover) added an additional dimension to an otherwise one-dimensional caricature of adolescent female horniness conflicted with pathological murderous impulses (always by water with the men - the ultimate fate of the Latina housekeeper was edited out in the televised version for some obscure reason).

Mandy's Uber-Nordic facial features coupled with her Uber-Voluptuous body could either be a blessing or a curse. If Mandy really wants to further her career as an actress, I'd advise her to immerse herself fully in the Romance Languages, especially Italian and Spanish - and maybe French, although I don't know if they would go for her type. But this would enable her to reconcile her Bo Derek face with her Vida Guerra body - but maybe her face is just a little too Nordic, and she has shown off too much of her extraordinary body in a cheesy movie to enable her to advance to any more fame that was enjoyed by Michelle Johnson of the 1980's whose early fame in Blame it on Rio was followed by a series of skin flicks that failed to make it off the ground.

Vambo Drule.\": {\"frequency\": 1, \"value\": \"I thought this was ...\"}, \"This movie has it all. It is a classic depiction of the events that surrounded the migration of thousands of Cuban refugees. Antonio Montana(played by Al Pacino), is just one of the thousands to get a chance to choose his destiny in America. This cinematic yet extremely accurate depiction of Miamis' Drug Empire is astonishing. Brian DePalma does an amazing job directing this picture, so much that, the viewer becomes involved with both the storyline, as well as every character in the cast. With Tony's characters' pressence being so believable and strong, Brian DePalma brang out the raw talent exposed by Steven Bauer(Manny, Tony's best Friend), Mary Elizabeth Mastantonio(Gina, Tony's Sister), Robert Loggia(Frank, Tony's Boss)and Michelle Pfeiffer(Elvira, Frank's Wife). I enjoyed every minute watching this movie, and still watch it on a weekly basis. On this year, the 20th Anniversary of this classic crime movie, I for one am a true believer that in another 20 years people will still refer to this movie in astonishing numbers. With other crime movies being so dramatic I find, this movie is a shock to the system.\": {\"frequency\": 1, \"value\": \"This movie has it ...\"}, \"I caught this movie about 8 years ago, and have never had it of my mind. surely someone out there will release it on Video, or hey why not DVD! The ford coupe is the star.......if you have any head for cars WATCH THIS and be blown away.\": {\"frequency\": 1, \"value\": \"I caught this ...\"}, \"This is one of the best movies I have seen in a long time. All of you who regard this movie as absolute sh*t obviusly are not intelligent enough to grasp all of the subtle humor that this movie has to offer. It shows us that real life and \\\"ficticious\\\" action can produce a winning combination. Also, as a romantic comedy, it has one of the most clever ways for two people to find each other. Name me another movie where you can see all of that as well as Donald Sutherland singing a song like \\\"They're Going to Find Your Anus On A Mountain On Mars.\\\"\": {\"frequency\": 1, \"value\": \"This is one of the ...\"}, \"Pointless short about a bunch of half naked men slapping and punching each other. That's it. For about 5 minutes we see this. It's shot in black and white with tons of half-naked men running around slapping each other to the tune of dreadful music. It LOOKS interesting but there's no plot and really--the violence inherent in this got disturbing. Also the homo eroticism in this is played up but mixing it with violence was not a good idea. Some people who like avant garde material might like this but I found it incomprehensible, boring, stupid and (ocassionally) disturbing. Really--what is the point in all this? I saw it as part of a festival of gay shorts and the audience sat there in stunned silence. I really wish I could go lower than 1.\": {\"frequency\": 1, \"value\": \"Pointless short ...\"}, \"When we were in junior high school, some of us boys would occasionally set off stinkbombs. It was considered funny then. But the producers, directors and cast of \\\"Semana Santa\\\" (\\\"Angel of Death\\\" in the DVD section of your local video rental) are adults and they are STILL setting them off.

Like the previous reviewer who wondered if the cast were anxious to get off the set and home, I doubt more than one take was done for any of the scenes.

Mira Sorvino, hot in \\\"Mighty Aphrodite\\\" and other top-rated films, seems to have undersold herself to this project. Her acting is non-existent, confined mostly to wistful stares that are supposed to indicate how \\\"sensitive\\\" she is to the plight of the film's various victims.

But let me warn you--do not be the next victim! Step away from the DVD if you find it on the shelf. Tbere are not many good leg shots of Mira (the only high points I could find in the film) and the supporting cast is of inferior quality, delivering a mishmash of badly-done dialogue with embarrassing \\\"Spanish\\\" accents worthy of the best high school theatrical production.\": {\"frequency\": 1, \"value\": \"When we were in ...\"}, \"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!\": {\"frequency\": 1, \"value\": \"Not a bad word to ...\"}, \"There are movies like \\\"Plan 9\\\" that are so bad they have a charm about them, there are some like \\\"Waterworld\\\" that have the same inexplicable draw as a car accident, and there are some like \\\"Desperate living\\\" that you hate to admit you love. Cowgirls have none of these redemptions. The cast assembled has enough talent to make almost any plot watchable, and from what I've been told, the book is enjoyable.

How then could this movie be so intolerably bad? To begin with, it seems the director brought together a cast of names with no other tie than what will bring in the 20 somethings. Then tell them to do their best Kevin Costner imitations. Open the book at random and start shooting whatever is on the page making sure to keep the wide expanses of America from being interesting in any way. Finally give the editing job to your brother-in-law, because the meat packing plant just laid him off. He does have twenty years of cutting experience.

This movie now defines the basement for me. It is so bad, it isn't even good for being bad.\": {\"frequency\": 1, \"value\": \"There are movies ...\"}, \"I could not agree more with the quote \\\"this is one of the best films ever made.\\\" If you think Vanilla Sky is simply a \\\"re-make,\\\" you could not be more wrong. There is tremendous depth in this film: visually, musically, and emotionally.

Visually, because the film is soft and delicate at times (early scenes with Sofia) and at other times powerful and intense (Times Square, post-climactic scenes).

The music and sounds tie into this movie so perfectly. Without the music, the story is only half told. Nancy Wilson created an emotional, yet eclectic, score for the film which could not be more suitable for such a dream-like theme (although never released, I was able to get my hands on the original score for about $60. If you look hard, you may be able to find a copy yourself). Crowe's other musical selections, such as The Beach Boys, Josh Rouse, Spiritualized, Sigur Ros, the Monkees, etcetera etcetera, are also perfect fits for the film (Crowe has an ear for great music).

More importantly, the emotional themes in this film (i.e. love, sadness, regret) are very powerful, and are amplified tenfold by the visual and musical experience, as well as the ingenious dialogue; I admit, the elevator scene brings tears to my eyes time and time again.

The best part of this film however (as if it could get any better) is that it is so intelligently crafted such that each time you see the film, you will catch something new--so watch closely, and be prepared to think! Sure, a theme becomes obvious after the first or second watch, but there is always more to the story than you think.

This is easily Cameron Crowe's best work, and altogether a work of brilliance. Much of my film-making and musical inspiration comes from this work alone. It has honestly touched my life, as true art has a tendency of doing. It continually surprises me that there are many people that cannot appreciate this film for what it is (I guess to understand true art is an art itself).

Bottom line: Vanilla Sky is in a league of its own.\": {\"frequency\": 1, \"value\": \"I could not agree ...\"}, \"I was intrigued by the title, so during a small bout of insomnia (fueled by my curiosity...), I stayed up and watched it. I then checked my TV listings and watched it again! There is one very obvious realization that occurred to me when I saw this film- in spite of politics, traditions, culture, etc., teenagers everywhere are virtually the same. The characters of the kids from Belgrade could have been transported to, let's say, somewhere in the American Midwest during the same time period, and language differences aside, would be impossible to tell apart from any of the local teens of that era. They certainly displayed the same growing pains and preoccupations, politics aside: Music, sex, movie idols, music, drinking, sports, music... As a matter of fact, much the same things that occupied my time growing up in 1970's Southern California.

This was a bittersweet story, but the joy of youth made it very enjoyable. The characters, especially the young actors, were completely believable also. I won't say this was the Yugoslav \\\"American Graffiti\\\", but I will say that it fits in nicely with other 50's-themed movies.\": {\"frequency\": 1, \"value\": \"I was intrigued by ...\"}, \"I'm into bad movies but this has NOTHING going for it. Despite what the morons above have said, it is NOT funny. I know comedy AND underground movies but this is so boring that the Director / Writer should be prohibited from EVER directing anything but local cable access EVER again! To love movies and comedy is to despise this film. I may never get over how unfunny and boring this work was. If you like this movie you ARE a pothead as sober there is NOTHING here. ZERO! If you need to compare underground movies, see \\\"Kentucky Fried Movie\\\" or early John Waters. The movie starts by defining satire and I defy anyone to show me the satire. The rule for comedy is THIS ... If it's FUNNY you can say or do ANYTHING but if it's NOT funny you are not satirical, you are not edgy, you are merely pathetic and this movie is simply not funny. ZERO!\": {\"frequency\": 1, \"value\": \"I'm into bad ...\"}, \"Murders are occurring in a Texas desert town. Who is responsible? Slight novelties of mystery and racial tensions (the latter really doesn't fit), but otherwise strictly for slasher fans, who will appreciate the gore and nudity, which are two conventional elements for these films.

Dana Kimmell (of FRIDAY THE 13TH PART 3 infamy) stars as the bratty quasi-detective teen.

*1/2 out of ****

MPAA: Rated R for violence and gore, nudity, and some language.\": {\"frequency\": 1, \"value\": \"Murders are ...\"}, \"I went to see this film at the cinemas and i was shocked when I got in the room. There was only me and my girlfriend! This shouted to me that this film is not very good.

Not to my surprise, the film was dire. Ben Affleck plays a guy who buys a family for Christmas. It is a very predictable narrative with him falling in love with the girl that hates him. His acting is OKish but for the comedy aspect of the film he is not very good. The plot line is poor and the comedy almost non-existent.

However, there are some good points. For example, the family is falling apart and the mother is very funny.

I hope this review stops other people wasting their money. I was very embarrassed when I came out of the room!!!\": {\"frequency\": 1, \"value\": \"I went to see this ...\"}, \"The key to The 40-Year-Old Virgin is not merely that Andy Stitzer is a 40-year-old virgin, but rather the manner in which Steve Carell presents him as one. In a genre of crass \\\"comedy\\\" that has become typified by its lack of humor and engaging characters, The 40-Year-Old Virgin offers a colorful cast and an intelligent, heartfelt script that doesn't use its protagonist as the butt-end of cruel jokes. That Andy is still a virgin at forty years old is not as much a joke, in fact, as it is a curiosity.

Carell, a veteran of Team Ferrell in Anchorman and an ex-Daily Show castmember, uses the concept of the film to expand his character \\ufffd\\ufffd we get to understand why Andy is the way he is. It's the little things that make this film work. When Andy's co-worker at an electronics store asks him what he did for the weekend, Andy describes his failed efforts at cooking. When Andy rides his bike to work, he signals his turns. He doesn't just adorn his home with action figures \\ufffd\\ufffd he paints them, and talks to them, and reveals that some of the really old ones have belonged to him since childhood. A lesser comedy wouldn't even begin to focus on all of these things.

The plot is fairly simplistic \\ufffd\\ufffd Andy's co-worker pals find out he's never had sex and they make it a personal quest of theirs to get him in bed with a woman. It's a childish idea and the film makes no attempt to conceal its juvenility.

Andy's friends are a complement to his neurotic nature: David (Paul Rudd) has broken up with his girlfriend over two years ago but is still obsessed with her, Jay (Romany Malco) is a womanizing ladies' man and Cal (Seth Rogen) is a tattooed sexaholic. Their attempts at getting Andy in the sack backfire numerous times, and each time leaves Andy feeling less and less optimistic.

Finally Andy meets single mom Trish (played by Catherine Keener) and, much to the chagrin of his worrying buddies who claim mothers aren't worth it, he falls in love with her. They begin a relationship and agree to put off having sex for twenty days \\ufffd\\ufffd Trish being unaware that Andy is still a virgin.

The 40-Year-Old Virgin was directed by Judd Apatow, the man who produced Anchorman and The Cable Guy, and began the short-lived cult TV show Freaks and Geeks. Apatow is renowned for his unique sense of humor, and the script \\ufffd\\ufffd co-written by Carell \\ufffd\\ufffd offers plenty.

However, in the end the most interesting and (indeed surprising) aspect of The 40-Year-Old Virgin is its maturity. By now you are probably well aware that the film received glowing reviews from the critics, and even I was surprised by its warm reception. But after seeing the film, it's easy to understand why. We like Andy. We care about him. He's not just some cardboard cutout sex-comedy clich\\ufffd\\ufffd \\ufffd\\ufffd he's a real, living, breathing person. His neurotic traits combine the best of Woody Allen with childish naivety. His friends are not unlikable jerks and his romance is tumultuous and bittersweet. It strikes a chord with the audience.

Although this is far from being a perfect movie and definitely contains some rather crude innuendo and sexual humor, it doesn't offend to the extent that other genre entries might have because we have affection for the people on-screen. The best sex comedies work this way \\ufffd\\ufffd from Risky Business to American Pie \\ufffd\\ufffd and that is the major difference between something like The 40-Year-Old Virgin and 40 Days and 40 Nights.\": {\"frequency\": 1, \"value\": \"The key to The 40 ...\"}, \"This is the first 10 out of 10 that I've given any movie. What made this movie so good for me? Constant action - there isn't any slow parts, great acting, smart writing. I also liked the filming style where the shakiness and different angles just made it feel like you are a part of the scene. Finally, I get to see an action movie that doesn't try to please all sectors of the public (i.e. there's no forced romance).

I liked the first two Bourne movies, but I loved this one.

Warning - after watching this movie, you will be full of adrenaline and you may want to calm down a bit before driving your car!\": {\"frequency\": 1, \"value\": \"This is the first ...\"}, \"The Lion King series is easily the crowning achievement in Disney animation. The original Lion King is the greatest masterpiece in cel animation. Lion King II:Simba's Pride is the BY FAR the best direct-to-video sequel that Disney, or any other studio, has made for an animated feature. It deserved a theatrical release. The same can be said for this movie. It has the original cast, songs by Elton John, a hilarious story, exciting action, and touching character moments. Everything you've come to expect from this series. Not so much a new story, but filler and extended background on Timon and Pumbaa, and their place in this story. What impressed me the most, was the care taken in the animation. All to often, Disney shorts on the animation quality of their video and television efforts. But here, they seamlessly blend new animation with footage from the original film. The scenes never seem out of place. Nathan Lane and Ernie Sabella are in full swing as Timon and Pumbaa. Matthew Broderick, Robert Guillame, and Moira Kelly reprise their roles as Simba, Rafiki, and Nala, respectively. We even get a return visit by Whoopi Goldberg and Cheech Marin as the hyenas.There are MANY big laughs in this movie. So if you love Lion King, you need this movie. The story is just not complete without it.\": {\"frequency\": 1, \"value\": \"The Lion King ...\"}, \"This show is totally worth watching. It has the best cast of talent I have seen in a very long time. The premise of the show is unique and fresh ( I guess the executives at ABC are not used too that, as it was not another reality show). However this show was believable with likable characters and marvelous story lines. I am probably not in the age group they expect to like the show, as I am in my forty's, but a lot of my friends also loved it (Late 30's - mid 40's) and are dying for quality shows with talented cast members. I do not think this show was given enough time to gain an audience. I believe that given more time this show would have done very well. Once again ABC is not giving a show with real potential a real chance. With so many shows given chance after chance and not nearly worth it! They need to give quality shows a real chance and the time to really click and gain an audience. I really loved the characters and looked forward to watching each episode. I have been watching the episodes on ABC videos and the show keeps getting better and better. Although I think they owe us one more episode (Number 13?). We want to watch what we can! Bombard ABC with emails and letters and see if its possible to save this show from extinction. It certainly worked for Jerico. Some things are just worth saving and this show is definitely one of them. SIGN THE ONLINE PETITION TO ABC AT: http://www.PetitionOnline.com/gh1215/petition.html\": {\"frequency\": 1, \"value\": \"This show is ...\"}, \"The film begins with promise, but lingers too long in a sepia world of distance and alienation. We are left hanging, but with nothing much else save languid shots of grave and pensive male faces to savour. Certainly no rope up the wall to help us climb over. It's a shame, because the concept is not without merit.

We are left wondering why a loving couple - a father and son no less - should be so estranged from the real world that their own world is preferable when claustrophobic beyond all imagining. This loss of presence in the real world is, rather too obviously and unnecessarily, contrasted with the son having enlisted in the armed forces. Why not the circus, so we can at least appreciate some colour? We are left with a gnawing sense of loss, but sadly no enlightenment, which is bewildering given the film is apparently about some form of attainment not available to us all.\": {\"frequency\": 1, \"value\": \"The film begins ...\"}, \"After watching this film, I was left with a two very annoyances about this film: why did they make Chen's character this \\\"McGuyver hit-man\\\" and Lee's character such an incompetent idiot? Chen's character's background is that he was raised in an underground Cambodian orphanage for blood thirsty fighter where they learn to brawl it out to the death like wild \\\"dogs.\\\" This detail is pushed early on during a scene where he gets into a cab and as it starts to drive, he shows how he is unfamiliar with a seat belt. Soon after this scene, he has a similar situation at a dim sum restaurant. Not only is he uneducated, he is starving. This is not a reference to Chen's scrawny physique but to the two early scenes in the film where he is scarfing down food, one of which, being rice porridge off the floor of the lower deck on an old ship. Si in the first ten minutes of the film, it is established that Chen is malnutrition-ed, unmodernized,and has only thing going for him, his \\\"dog\\\" brawling fighting style of some sort. Despite this situation, Chen manages to out-shoot every policeman (even managing to ricochet a bullet off a metal pipe to hit a guy in a head, whom was holding Chen's girlfriend hostage) and has somehow attained a super human strength (swings a 50 lb block of concrete, plastered on the end of a metal pipe, to the head of the police chief AS he is getting shot in the chest, by said chief).

Now Lee's character...okay, I get it, he's depressed, he's got some baggage, but wow, can he do anything right? One moment, they try to make him cool, composed and ready to take care of business, and the next moment, he just got beat again. First scene he runs into Chen, and he manages to misses him, from approx 15 ft, multiple times. Toward the end of that scene, Lee watches Chen as his close friend and coworker gets slowly stabbed in the neck with a long knife for a good full 5 seconds, while holding a gun to Chen face, at a 10 ft distance. Even at the end of the movie, Lee manages to get stabbed to death and fails once again.

And my biggest problem with this movie is that it is presented in a manner that film makers are trying to get the audience to sympathize with Chen's character and that he is just \\\"killing to survive.\\\" That would be a lot easier if I didn't just watch Chen kill innocent people throughout the whole awful movie. Of the numerous people he killed, only two people had the intention of trying to kill him, the police chief and Lee. Others were just people who were eating, boat owners, taxi drivers, and policemen trying to arrest him, not kill. Overall, Chen's character is a just a cold blooded killer who kills for what he wants, even if its just a free ride. (Did I mention he is carrying a wad of hundred dollar bills throughout most of the film?) My 3 stars go to some of the interesting director/camera work who got in some nice shots.

Bottomline: One made for the nut-hugging Chen fans. For me, \\\"Dog Bite This DVD\\\"\": {\"frequency\": 1, \"value\": \"After watching ...\"}, \"it's a very nice movie and i would definitely recommend it to everyone. but there are 2 minus points: - the level of the stories has a large spectrum. some of the scenes are very great and some are just boring. - a lot of stories are not self-contained (if you compare to f.e. coffee and cigarettes, where each story has a point, a message, a punchline or however you wanna call it) but well, most stories are really good, some are great and overall it's one of the best movies this year for sure!

annoying, that i have to fill 10 lines at minimum, i haven't got more to say and i don't want to start analyzing the single sequences...

well, i think that's it!\": {\"frequency\": 1, \"value\": \"it's a very nice ...\"}, \"Typical formula action film: a good cop gets entangled in a mess of crooked cops and Japanese gangsters.

The okay result has decent performances, a few fleeting snicker-inducing moments, and some fair action sequences--plus a chance to check out the gorgeous Danielle Harris--who makes the most of her perpetual typecasting as a rebellious teen daughter.

** out of ****.\": {\"frequency\": 1, \"value\": \"Typical formula ...\"}, \"This movie has a lot of comedy, not dark and Gordon Liu shines in this one. He displays his comical side and it was really weird seeing him get beat up. His training is \\\"unorthodox\\\" and who would've thought knot tying could be so deadly?? Lots of great stunts and choreography. Very creative!

Add Johnny Wang in the mix and you've got an awesome final showdown! Don't mess with Manchu thugs; they're ruthless!\": {\"frequency\": 1, \"value\": \"This movie has a ...\"}, \"This is a true \\\"80's movie\\\": Back then they made maybe 100 times more movies than nowadays, and that makes many of them quite interesting... It was a cultural phenomenon, that don't exist anymore. Nowadays maybe the same kind of people that would have made cheap \\\"straight-to-video\\\"-movies in the eighties, are doing cheap porn. Porn seems to sell. Anyway, this is above the medium trash-movie level: It has good&fascinating story, and it's quite well made I think. In one scene you can even see the microphone swinging on the upper edge of the picture. Of course there are also little cameos by Ozzy and Gene Simmons, but they don't very much contribute to the film \\\"success\\\", although they are good in their small roles. The monster,heavy-singer \\\"Sammi Curr\\\", looks really terrible, especially when he's singing. One of the scariest monsters I've seen in horror flicks. I may have nightmares of him next night. Not recommended for intellectual movie lovers.\": {\"frequency\": 1, \"value\": \"This is a true ...\"}, \"Yes, he is! ...No, not because of Pintilie likes to undress his actors and show publicly their privies. Pintilie IS THE naked \\\"emperor\\\" - so to speak...

It's big time for someone to state the truth. This impostor is a voyeur, a brat locked in an old man's body. His abundance of nude scenes have no artistic legitimacy whatsoever. It is 100% visual perversion: he gets his kicks by making the actors strip in the buff and look at their willies. And if he does this in front of the audience, he might eve get a hard-on! Did you know that, on the set of \\\"Niki Ardelean\\\", he used to embarrass poor Coca Bloss, by telling her: \\\"Oh, Coca, how I wanna f*** you!\\\"? She is a great lady, very decent and sensitive, and she became unspeakably ashamed - to his petty satisfaction! And, as a worrying alarm signal about the degree of vulgarity and lack of education in Romanian audiences, so many people are still so foolish to declare these visual obscenities \\\"works of art\\\"! Will anyone have ever the decency to expose the truth of it all?\": {\"frequency\": 2, \"value\": \"Yes, he is! ...No, ...\"}, \"While I certainly consider The Exorcist to be a horror classic, I have to admit that I don't hold it in quite as high regard as many other horror fans do. As a consequence of that, I haven't seen many of The Exorcist rip-offs, and if Exorcismo is anything to go by, I'll have to say that's a good thing as this film is boring as hell and certainly not worth spending ninety minutes on it! In fairness to the other Exorcist rip-offs, this is often considered one of the worst, and so maybe it wasn't the best place for me to start. It's not hard to guess what the plot will be: basically it's the same as the one in The Exorcist and sees a girl get possessed by a demonic spirit (which happens to be the spirit of her dead father). The village priest is then called in to perform the exorcism. Like many Spanish horror films, this one stars Paul Naschy, who is pretty much the best thing about the film. Exorcismo was directed by Juan Bosch, who previously directed the derivative Spanish Giallo 'The Killer Wore Gloves'. I haven't seen any of his other films, but on the basis of these two: I believe that originality wasn't one of his strong points. There's not a lot of good things I can say about the film itself; it mostly just plods along and the exorcism scene isn't worth waiting for. I certainly don't recommend it!\": {\"frequency\": 1, \"value\": \"While I certainly ...\"}, \"In celebration of Earth Day Disney has released the film \\\"Earth\\\". Stopping far short of any strident message of gloom and doom, we are treated to some excellent footage of animals in their habitats without feeling too bad about ourselves.

The stars of the show are a herd of elephants, a family of polar bears and a whale and its calf. The narrative begins at the North Pole and proceeds south until we reach the tropics, all the while being introduced to denizens of the various climatic zones traversed.

Global warming is mentioned in while we view the wanderings of polar bear; note is made of the shrinking sea ice islands in more recent years. We never see the bears catch any seals, but the father's desperate search for food leads him to a dangerous solution.

The aerial shots of caribou migrating across the tundra is one of the most spectacular wildlife shots I ever saw; it and another of migrating wildfowl are enough to reward the price of admission to see them on the big screen.

One of the disappointments I felt was that otherwise terrific shots of great white sharks taking seals were filmed in slow motion. Never do you get the sense of one characteristic of wild animals; their incredible speed. The idea of slowing down the film to convey great quickness I think began with (or at least it's the first I recall seeing) the television show \\\"Kung Fu\\\" during the early Seventies.

An interesting sidelight is that as the credits roll during the end some demonstrations of the cinematographic techniques employed are revealed. There are enough dramatic, humorous and instructive moments in this movie to make it a solid choice for nature buffs. Perhaps because of some selective editing (sparing us, as it were, from the grisly end of a prey-predator moment) and the fact that this footage had been released in 2007 and is available on DVD it is a solid film in its own right. And you can take your kids!

Three stars.\": {\"frequency\": 1, \"value\": \"In celebration of ...\"}, \"Ulli Lommel's 1980 film 'The Boogey Man' is no classic, but it's an above average low budget chiller that's worth a look. The sequel, 1983s 'Boogey Man II' is ultimately a waste of time, but at the very least it's an entertaining one if not taken the least bit seriously. Now II left the door open for another sequel, and I for one wouldn't have minded seeing at least one more. One day while I was browsing though the videos at a store in the mall I came across a film entitled 'Return of the Boogey Man.' When I found out it was a sequel to the earlier films I was happy to shell out a few bucks for it...I should have known better. Though the opening title is 'Boogey Man 3,' this is no sequel to those two far superior films I named above. Well, not totally anyway.

Pros: Ha! That's a laugh. Is there anything good about this hunk of cow dung? Let's see...it has footage from 'The Boogey Man' and, um...it's mercifully short. Yeah, that's about it.

Cons: Where to start? Decisions, decisions. First of all, this movie is a total bore. It goes from one scene to the next without anything remotely interesting or scary happening. The acting is stiff at best. The \\\"actors\\\" are most likely friends of the director who had no acting experience whatsoever before, and probably none since. The plot is nonexistent and script shoddily written. The direction is just plain awful. The director tries to make the film look all artsy fartsy by making the camera move around, lights flicker, and with filters, but it adds nothing. The music is dull and hard to hear in parts. Ties to the original are botched. Suzanna Love's character was named Lacey, not Natalie! And the events depicted in the beginning of the original did not take place in 1978. Also, if this has a 3 in the title, why is there no mention of what happened in II? Finally, this adds nothing new or interesting to either the series or the genre.

Final thoughts: The people behind this waste of time and money should be ashamed of themselves. It's one thing if that had been an original film that was the director's first and sucked. But instead it's supposed to be a sequel to film that is no masterpiece, but is damn sure far more interesting and entertaining than this. If there ever is another sequel, which I doubt it, then it needs to forget this one ever happened and be handled either by Lommel himself or someone who has at least some idea of how to make a decent horror film.

My rating: 1/5\": {\"frequency\": 1, \"value\": \"Ulli Lommel's 1980 ...\"}, \"Does anyone happen to know where this film was shot? The aviation scene on the cliff is beautiful. It appears to be England. However, Ivy's apartment building certainly looks like the Brill Building, with its fascinating elevators.

Charles Mendl is listed as playing \\\"Sir Charles Gage\\\". Maybe I blinked, but I never saw him. Perhaps he was the husband's lawyer, but, again, I don't recall that character being in the film, other than being mentioned as having made a phone call. Perhaps he was in the aviation scene? Or the ballroom scene? Did anyone spot him?

Herbert Marshall was 57 years old when he shot this film.\": {\"frequency\": 1, \"value\": \"Does anyone happen ...\"}, \"Orson Welles' \\\"The Lady From Shanghai\\\" does not have the brilliant screenplay of \\\"Citizen Kane,\\\" e.g., but Charles Lawton, Jr.'s cinematography, the unforgettable set pieces (such as the scene in the aquarium, the seagoing scene featuring a stunning, blonde-tressed Rita Hayworth singing \\\"Please Don't Love Me,\\\" and the truly amazing Hall of Mirrors climax), and the wonderful cast (Everett Sloane in his greatest performance, Welles in a beautifully under-played role, the afore-mentioned Miss Hayworth--Welles' wife at the time--at her most gorgeous) make for a very memorable filmgoing experience. The bizarre murder mystery plot is fun and compelling, not inscrutable at all. The viewer is surprised by the twists and turns, and Welles' closing line is an unheralded classic. \\\"The Lady From Shanghai\\\" gets four stars from this impartial arbiter.\": {\"frequency\": 1, \"value\": \"Orson Welles' \\\"The ...\"}, \"I just came back from \\\"El Otro\\\" playing here in Buenos Aires and I have to say I was very disappointed. The film is very slow moving (don't get me wrong, I enjoy slow moving films!), slow to the point of driving you crazy. All you hear is Julio Chavez breathing heavily throughout the whole film. This is a poorly made film, but more importantly, it is a film without a lick of inspiration, I felt nothing for the story or its characters.

\\\"El Otro\\\" was made only for the sake of making a film... making it forgetful. I would advise you to pass on this one, if you want to see good Argentinian films, look for films by Sorin.\": {\"frequency\": 1, \"value\": \"I just came back ...\"}, \"Seriously, the fact that this show is so popular just boggles the mind. This show isn't funny, it isn't clever, it isn't original, it's just a steaming pile of bull crap. Let me start with the characters. The characters are all one-dimensional morons with loud, exaggerated voices that just sound like fingernails on a blackboard. The voice acting could've been better. Then there's the animation. MY GOD, it hurts my eyes just looking at it. Everything is too flat, too pointy, too bright, and too candy coated. Then there's the humor, or lack thereof. It's completely idiotic! They just take these B-grade jokes that aren't even that funny in the first place and then repeat them to death. They also throw in some pointless potty humor which sickens me. And finally, last and least, the music. It's just plain annoying. It sounds like it was composed on a child's computer and generates no emotion whatsoever. I wish there was a score lower than 1, I really do. This show seriously needs to be canceled. It's a show I try to avoid like the plague. Whenever I hear the theme song I immediately turn the TV off. If you've never watched this show then don't. Watch quality programming like The Simpsons or Futurama.\": {\"frequency\": 1, \"value\": \"Seriously, the ...\"}, \"I will admit that I'm only a college student at this present time, an English major at that. At the time I saw this film I was a high school student--I want to say junior year but it may have been senior, hard to remember. My experience with quantum physics goes pretty much to my honors physics course, an interest in quantum mechanics that has led me to read up on the subject in a number of books on the theoretical aspects of the field as well as any article I can find in Discover and the like. I'm not a PhD by any means.

That said...

This movie is simply terrible. It's designed to appeal to the scientific mind of the average New Age guru who desperately wants to believe in how special everybody is. My mother is such a person and ever since she's seen this movie she's tried to get all her friends to see it and bought a copy of the film. I attempted to point out the various flaws and problems I'd seen with the films logic and science--and they are numerous--and she dismissed my claims because \\\"oh, so a high school student knows more than all those people with PhDs.\\\" In this case, apparently so.

Leaving behind the fact that earning a PhD doesn't necessarily require that a person be correct or, in fact, intelligent. Leaving behind the fact that my basic understanding of physics is enough to debunk half the film. Leaving that behind, the film makers completely manipulated their interviews with at least one of the participants to make it appear that he supported their beliefs when, in fact, he completely opposed them.

I could go on and on but I think intuitor did a really good job of debunking the film so feel free to read that if you care to do so.

http://www.intuitor.com/moviephysics/bleep.html\": {\"frequency\": 1, \"value\": \"I will admit that ...\"}, \"This is an absurdist dark comedy from Belgium. Shot perfectly in crisp black and white, Beno\\ufffd\\ufffdt 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.\": {\"frequency\": 1, \"value\": \"This is an ...\"}, \"There's a legion of Mick Garris haters out there who feel he couldn't direct a horror film of quality if he had to. And, SLEEPWALKERS(..screenplay written by Stephen King)is often used as an example of this. I like SLEEPWALKERS, though I fully am aware that Garris just says F#ck it and lets all hell break loose about fifteen or so minutes into the movie. Forget character or plot development, who needs them anyway. It's about violent mayhem and bloody carnage as a mother and son pair of \\\"sleepwalkers\\\"(..feline-human shapeshifting creatures who suck the lifeforce from virginal female innocents, moving from town to town, living a nomadic existence, truly powerful)set their sights on a teenager who doesn't surrender without a fight. Before all is said and done, many will be slaughtered as a mother shan't tolerate the possible death of her beloved son.

Garris wastes little time setting up those to be executed, as a teacher(Glenn Shadix), suspecting handsome, All American charmer Charles Brady(Brian Krause)to be someone entirely different from who he claims, gets his hand ripped off and his neck torn into. Charles lures pretty virgins into his arms, drawing their energy, in turn \\\"feeding\\\" his hungry mama, Mary(Alice Krige). The fresh new target is Tanya Robertson(M\\ufffd\\ufffddchen Amick), and she seems to be easy pickens, but this will not be the case and when Charles is seriously injured in a struggle(..thanks to a deputy's cat, Clovis), Mary's vengeance will be reaped on all those who get her way. Mary, come hell or high water, will retrieve Tanya in the goal of \\\"refreshing\\\" her dying son.

Like many teenagers, I had a crush on certain actresses I watched in movies. Such as Amy Dolenz, I was smitten with M\\ufffd\\ufffddchen Amick. She's simply adorable in this movie and I love how she bites her lower lip displaying an obvious attraction towards Charles, unaware of his ulterior motives. I just knew that M\\ufffd\\ufffddchen Amick would be destined to be a scream queen, but this would never be the case. Too bad because I would've welcomed her in the genre with open arms.

Krige is yummy as the menacing, damn sexy, but vicious and mean bitch who wipes out an entire police force and poor Tanya's parents in one fail swoop, in less than ten or so minutes. She stabs one in the back with a corn cob! She bites the fingers off of poor Ron Perlman, before cracking his arm(..a bone protruding), knocking him unconscious with his own elbow! She tosses Tanya's mom through a window after breaking a rose vase over her father's face! A deputy is stabbed in his ear by Charles(Cop-kebab!), falling on the pencil for extra impact. Poor Tanya is dragged by her hair from her home by Mary, driven to the Brady home, and forced into an impromptu dance with the crippled monster! The sheriff is hurled onto a picket fence and we see how cats combat the sleepwalkers unlike humans. We see Mary and Charles' abilities to \\\"dim\\\" themselves and his car using a power of invisibility. Writer Stephen King even finds time to include himself and horror director buddies of his in a crime scene sequence with Clive Barker and Tobe Hooper as forensics officers, Joe Dante and John Landis as photograph experts.

The film is shot in a tongue-in-cheek, let-it-all-hang-out manner with music appropriately hammering this technique home. It's about the ultra-violence, simple as that, with some deranged behavior and jet black humor complimenting Garris' direction and King's screenplay. The incestuous angle of the sleepwalkers is a bit jarring and in-your-face. Without a lick of complexity, this is closer in vein to King's own demented MAXIMIMUM OVERDRIVE than his more serious works.\": {\"frequency\": 1, \"value\": \"There's a legion ...\"}, \"I read the book Celestine Prophecy and was looking forward to seeing the movie. Be advised that the movie is loosely based on the book. Many of the book's most interesting points do not even come out in the movie. It is a \\\"B\\\" movie at best. Many events, characters, how the character interact and meet in the book are simply changed or do not occur. The flow of events that in the book are very smooth, are choppy and fed to the view as though you a child. The character development is very poor. Personnallities of the characters differ from those in the book. The direction is similar to a \\\"B\\\" horror flick. I understand that it would take six hours in film to present all that is in the book, but they screen play base missed many points. The casting was very good.\": {\"frequency\": 1, \"value\": \"I read the book ...\"}, \"Maybe I loved this movie so much in part because I've been feeling down in the dumps and it's such a lovely little fairytale. Whatever the reason, I thought it was pitch perfect. Great, intelligent story, beautiful effects, excellent acting (especially De Niro, who is awesome). This movie made me happier than I've been for a while.

It is a very funny and clever movie. The running joke of the kingdom's history of prince savagery and the aftermath, the way indulging in magic effects the witch and dozens of smart little touches all kept me enthralled. That's much of what makes it so good; it's an elaborate, special-effects-laden movie with more story than most fairytale movies, yet there is an incredible attention to small things.

I feel like just going ahead and watching it all over again.\": {\"frequency\": 1, \"value\": \"Maybe I loved this ...\"}, \"As I sat in front of the TV watching this movie, I thought, \\\"Oh, what Alfred Hitchcock, or even Brian DePalma, could have done with this!\\\" Chances are, you will too. It does start out intrigueing. A British park ranger living in Los Angeles (Collin Firth) marries a pretty, demure brunette woman (Lisa Zane) whom he met in a park only a short time ago. Then, one day she dissappears. The police are unable to find any documentation that she ever existed, and Firth conducts his own search. So far, so good. Just as he's about to give up, he turns to his womanizing best friend (Billy Zane), and they stumble onto her former life in L.A.'s sordid underground of drugs, nightclubs, and ametuer filmmaking, and then to her history of mental instability. At that point, Firth's life is in danger, and the film falls apart. None of the characters from Lisa Zane's past are remotely interesting. The film moves slowly, and there's very little action. There is a subplot regarding missing drug money, but it's just a throwaway. No chases, no cliffhanging sequences, and no suspense. Just some dull beatings and a lot of chat by boring characters. One thing worth noting, Lisa Zane and Billy Zane are brother and sister, but they never appear in a scene together. By the end of the movie, you're torn between wondering what might have been and trying to stay awake.\": {\"frequency\": 1, \"value\": \"As I sat in front ...\"}, \"I had never heard of Larry Fessenden before but judging by this effort into writing and directing, he should keep his day job as a journeyman actor. Like many others on here, I don't know how to categorize this film, it wasn't scary or spooky so can't be called a horror, the plot was so wafer thin it can't be a drama, there was no suspense so it can't be a thriller, its just a bad film that you should only see if you were a fan of the Blair witch project. People who liked this film used words, like \\\"ambiguity\\\" and complex and subtle but they were reading into something that wasn't there. Like the Blair witch, people got scared because people assumed they should be scared and bought into some guff that it was terrifying. This movie actually started off well with the family \\\"meeting\\\" the locals after hitting a deer. It looked like being a modern day deliverance but then for the next 45 minutes, (well over half the film), nothing happened, the family potted about their holiday home which was all very nice and dandy but not the slightest bit entertaining. It was obvious the locals would be involved in some way at some stage but Essendon clearly has no idea how to build suspense in a movie. Finally, when something does happen, its not even clear how the father was shot, how he dies, (the nurse said his liver was only grazed), and all the time this wendigo spirit apparently tracks down the apparent shooter in a very clumsy way with 3rd grade special effects. The film is called Wendigo but no attempt is made to explain it in any clear way, the film ends all muddled and leaves you very unsatisfied, i would have bailed out with 15 minutes to go but I wanted to see if this movie could redeem itself. It didn't.\": {\"frequency\": 1, \"value\": \"I had never heard ...\"}, \"I've read one comment which labeled this film \\\"trash\\\" and \\\"a waste

of time.\\\" I think this person got their political undies tugged a bit

too much.

I just rented the new Criterion DVD's of both Yellow and Blue.

These films--although hardly great--have at least become of

historical interest as to the so-called \\\"radical student

political-social movement\\\"of the late '60s.

I hadn't seen either picture and from their notorious reputation, I

was expecting some real porn (there isn't any.) There is frontal

nudity (including the still verboten frontal male nudity (automatic

NC-17--the Orwellian-X) in the U.S. But I wasn't expecting the films

in-your-face democratic socialist message.

Though it tends to the simplistic , I thought it occassionally made

its points well. Both films occassionally had me laughing out loud

and the director's commentary made it clear there was plenty of

parody in the film. Especially the supposedly \\\"pornographic\\\" sex

scenes. The first such scene is very realistic. The lead couple is

clumsy, inept, funny and endearing in their first copulation scene.

The second--which caused the most complaints--has faked

cunnilingus and fellatio. And the last is the end of an angry fight,

that is believable.

The extras include an informative introduction to the film, an

interview with the original American distributor and his attorney,

excerpts from trial testimony in the U.S. and a \\\"diary\\\" commentary

by the director on some scenes.

This is the film that \\\"blue noses\\\" wouldn't let alone and led to the

pivotal \\\"prurient interest with no social redeeming value\\\" standard

that, thankfully, still stands.

Those with an interest in the quirks of history will find this a must

see.\": {\"frequency\": 1, \"value\": \"I've read one ...\"}, \"I saw this in the theater during it's initial release and it was disturbing then as I'm sure it would still be. It was the first part of '68 and this was still making the rounds in towns across America and there had recently been a mass-murder in my hometown where I saw this where a man went on a shooting rampage. The freshness of that close-to-home event combined with this dramatized true story made for a very disturbing theatrical experience. It really brought to life the excellent acting of Robert Blake and Scott Wilson. I was familiar with the novel based on the true event by Truman Capote and the screenplay and direction by Richard Brooks wove the event and Truman's interpretation into compelling gritty cinematic adaptation. Music from Quincy Jones effectively scores it's story. I've only seen this a couple times since. It was too real. Almost like being a witness to the crime itself and riding along with the killers. I would give this a 9.0 of a possible 10. Society is so desensitized to violence and crime today that this probably seems slow and tame and could be viewed with less effect but to anyone over 50 this will be a hallmark into the examination of the criminal psyche.\": {\"frequency\": 1, \"value\": \"I saw this in the ...\"}, \"We always watch American movies with their particular accents from each region (south, west, etc). We have the same here. All foreign people must to watch this movie and need to have a open mind to accept another culture, besides American and European almost dominate the cinematographic industry.

This movie tell us about a parallel world which it isn't figured even for those who live in a big city like S\\ufffd\\ufffdo Paulo. All actors are improvising and they are very realistic. The camera give us an idea of their confuse world, the loneliness of each character and invite us to share their world.

It's a real great movie and worst a rent even have it at home.\": {\"frequency\": 1, \"value\": \"We always watch ...\"}, \"Well, I thoroughly enjoyed this movie. It was funny and sad and yes, the guy Andie MacDowell shagged was hot. Interesting, realistic characters and plots as well as beautiful scenery. I think my Mum would like it. I still think they should have been allowed to call it the Sad F**kers Club though...\": {\"frequency\": 1, \"value\": \"Well, I thoroughly ...\"}, \"The word 'classic' is thrown around too loosely nowadays, but this movie well deserves the appelation. The combination of Neil Simon, Walter Matthau (possibly the world's best living comic actor), and the late lamented George Burns make for a comic masterpiece. It is interesting to contemplate what the movie would have been like had not death prevented Jack Benny from playing George Burns' part, as had been planned. As it is, the reunion scene in Matthau's apartment is not likely to be surpassed as a sidesplitter. Definitely one of my desert island films.

\\\"Enter!!!!!!!!!\\\"\": {\"frequency\": 1, \"value\": \"The word 'classic' ...\"}, \"Hollywood's misguided obsession with sequels has resulted in more misfires than hits. For every \\\"Godfather II,\\\" there are dozens of \\\"More American Graffiti's,\\\" \\\"Stayin' Alives,\\\" and \\\"Grease 2's.\\\" While the original \\\"Grease\\\" is not a great film, the 1977 adaptation of the long-running Broadway hit does have songs evocative of the 1960's, energetic choreography, and an appealing cast. When Paramount began work on a follow-up, the producers came up nearly empty on every aspect that made the original a blockbuster.

Fortunately for moviegoers, Michelle Pfeiffer survived this experience and evidently learned to read scripts before signing contracts. Her talent and beauty were already evident herein, and Pfeiffer does seem to express embarrassment at the humiliating dance routines and tuneless songs that she is forced to perform. Maxwell Caulfield, however, lacks even the skill to express embarrassment, and his emotions run the gamut from numb to catatonic. What romantic interest, beyond hormones, could the cool sassy Pfeiffer have in the deadpan Caulfield? That dull mystery will linger long after the ludicrous luau finale fades into a bad memory. Only cameos by veterans such as Eve Arden, Connie Stevens, and Sid Caesar have any wit, although Lorna Luft does rise slightly above the lame material.

Reviewers have complained that, because \\\"Grease 2\\\" is always compared to the original, the movie comes up lacking. However, even taken on its own terms, the film is a clunker. After a frenetic opening number, which evidently exhausted the entire cast, the energy dissipates. With few exceptions, the original songs bear little resemblance to the early 1960's, and the only nostalgia evoked is for \\\"Our Miss Brooks\\\" and \\\"Sid Caesar's Comedy Hour.\\\" The jokes fall flat, and the choreography in a film directed by choreographer Patricia Birch is clumsy to be polite. However, worse films have been inflicted on audiences, and inept sequels will be made as long as producers seek to milk a quick buck from rehashing blockbusters. Unfortunately, \\\"Grease 2\\\" is not even unintentionally funny. Instead, the film holds the viewer's attention like a bad train wreck. Just when all the bodies seem to have been recovered, the next scene plunges into even worse carnage.\": {\"frequency\": 1, \"value\": \"Hollywood's ...\"}, \"OK, so I am an original Wicker Man fan and I usually don't like British films remade by Americans, so why oh why did I put myself through the most painful cinema experiences ever? I am not a Nicolas Cage fan and I had some kind of moment of madness perhaps? The film was appalling! The bit at the beginning with the crash/fire had no relevance to the film at all and the female cop knew where Edward was going, so the bit at the end with the two girls visiting the mainland, well it wouldn't have happened as the whole thing would have been investigated. The history behind the wicker man wasn't really explored - and I guess being set in America didn't really help the whole pagan theme. This film was slow and contained no atmosphere or suspense. I must say that the best bit was right at the end, when Nicolas Cage goes up in flames! I am in such desperate need to see the original again now, in order to cleanse my disappointed soul. I really can't stress how disappointing this film is, please don't see it if you:

A) Don't like American re-makes of British Films B) Are a fan of the original C) Hate Nicolas Cage\": {\"frequency\": 1, \"value\": \"OK, so I am an ...\"}, \"This is probably one of the worst movies ever made. It's...terrible. But it's so good! It's probably best if you don't watch it expecting a gripping plot and something fantastically clever and entertaining, because you're going to be disappointed. However, if you want to watch it so you can see 50 million vases and Goro's fantastic hair/bad English, you're in for a real treat. The harder you think about the film, the worse it gets, unless you're having a competition to spot the most plot holes/screw ups, in which case you've got hours of entertainment ahead. I'd only really recommend this film for the bored or the die-hard Smap fans. And even then, the latter should be a bit careful, because Goro's Japanese fans were a bit upset about it, they thought he was selling himself out. (He wasn't really, not when Johnny Kitagawa (who was the executive producer) can do that for him).\": {\"frequency\": 1, \"value\": \"This is probably ...\"}, \"Elfriede Jelinek, not quite a household name yet, is a winner of the Nobel prize for literature. Her novel spawned a film that won second prize at Cannes and top prizes for the male and female leads. Am I a dinosaur in matters of aesthetic appreciation or has art become so debased that anything goes?

'Gobble, gobble' is the favoured orthographic representation in Britain of the bubbling noise made by a turkey. In the film world a turkey is a monumental flop as measured by box office receipts or critical reception. 'Gobble, gobble' and The Piano Teacher are perfect partners.

The embarrassing awfulness of this widely praised film cannot be overstated. It begins very badly, as if made to annoy the viewer. Credits interrupt inconsequential scenes for more than 11 minutes. We are introduced to Professor Erika Kohut, apparently the alter ego of the accoladed authoress, a stony professor of piano. She lives with her husky and domineering mum. Dad is an institutionalised madman who dies unseen during what passes for the action.

Reviewing The Piano Teacher is difficult, beyond registering its unpleasantness. What we see in the film (and might read in the book, for all I know) is a tawdry, exploitative, nonsensical tale of an emotional pendulum that swings hither and thither without moving on.

Erika, whose name is minimally used, is initially shown as a person with intense musical sensitivity but otherwise totally repressed. Not quite, because there's a handbags at two paces scene with her gravelly-voiced maman early on that ends with profuse apologies. If a reviewer has to (yawn) extract a leitmotif (why not use a pretentious word when a simpler one would do), Elrika's violently alternating moods would be it.

A young hunk, Walter, studying to become a 'low voltage' engineer, whatever that is, and playing ice hockey in his few leisure moments, is also a talented pianist. He encounters Elrika at an old-fashioned recital in a luxury apartment in what may or may not be Paris. In the glib fashion of so much art, he immediately falls in love and starts to 'cherchez la femme'.

Repressed Erika has a liking for hardcore pornography, shown briefly but graphically for a few seconds while she sniffs a tissue taken from the waste basket in the private booth where she watches.

Walter performs a brilliant audition and is grudgingly accepted as a private student by Erika, whose teaching style is characterised by remoteness, hostility, discouragement and humiliation.

He soon declares his love and before long pursues Erika into the Ladies where they engage in mild hanky panky and incomplete oral sex. Erika retains control over her lovesick swain. She promises to send him a letter of instruction for further pleasurable exchanges.

In the meantime, chillingly jealous because of Walter's kindness to a nervous student who is literally having the shits before a rehearsal for some future concert, Erika fills the student's coat pocket with broken glass, causing severe lacerations to those delicate piano-playing hands.

The next big scene (by-passing the genital self-mutilation, etc) has Walter turning up at the apartment Erika shares with her mother. Erika want to be humiliated, bound, slapped, etc. Sensible Walter is, for the moment, repulsed and marches off into the night.

At this point there's still nearly an hour to go. The viewer can only fear the worst. Erika tracks down Walter to the skating rink where he does his ice hockey practice. They retire to a back room. Lusty Wally is unable to resist the hands tugging at his trousers. His 'baby gravy' is soon expelled with other stomach contents. Ho hum.

Repulsed but hooked, perhaps desirous of revenge for the insult so recently barfed on the floor, Walter returns to Erika's apartment. Can you guess what happens now? It's not very deep or difficult. Yes, he becomes a brute while Erika becomes a victim. One moment he's locking maman in her room and slapping Erika, the next he's kicking her in the face, having sex with her and renewing his declarations of love.

Am I being unfair in this summary? Watch the film if you want, but I'd advise you not to.

Anyone can see eternity in a grain of sand if they're in the right mood. I could expatiate at the challenging depiction of human relationships conveyed by this film if I wanted. But I 'prefer not to', because this is a cheap and nasty film that appeals to base instincts and says nothing.

I'm supposed to say that parentally repressed Erika longs for love, ineffectively seeks it in pornography, inappropriately rejects it when it literally appears, pink and throbbing, under her nose, belatedly realises that she doesn't like being hurt, blah, blah, blah.

The world has, for reasons not explained, stunted her. She apparently makes a monster out of someone who appeared superficially loving - but surely we all know that any man is potentially a violent rapist, because that's his essential nature however much he tries to tell himself and the world otherwise.

At the end, if you have the patience to be there, there's a small twist. Before going to the final scene, where she's due to perform as a substitute for the underwear-soiling student with the lacerated hands, Erika packs a knife in her handbag. For Walter?

Yes, you're ahead of me. She stabs herself in a none life-threatening area and leaves. Roll credits.

If this earned the second prize at Cannes, just how bad were the rest of the entries?\": {\"frequency\": 1, \"value\": \"Elfriede Jelinek, ...\"}, \"Polyester was the very first John Water's film I saw, and I have to say that it was also the \\\"worst\\\" movie I had seen up to that point.

Water's group of \\\"talent\\\" included several people who I am sure worked for food, and were willing to say the lines Waters wrote. Every thing about the movie is terrible, acting, camera, editing, and the story about a woman played by 300 lb transvestite Divine was purely absurd.

That said, I have to recommend this film because it is very funny, and you won't believe the crap that happens to poor Francine. Her son huffs solvents and stomps unsuspecting women's feet at the grocery store. Her daughter is the sluttiest slut in town. Her husband is a cackling A-hole of a pornographer who does everything in his power to embarrass and humiliate poor Francine.

Francine's only friend is played by Edith Massey, possibly the worst actress ever. Edith looks and sounds like she is reading the lines off a cue card and has never seen the script prior to filming.

Despite all of Francine's travails, Waters cooks up a fabulous Hollywood ending and everyone (who survives) lives happily ever after.\": {\"frequency\": 1, \"value\": \"Polyester was the ...\"}, \"Although it has been remade several times, this movie is a classic if you are seeing it for the first time. Creative dialog, unique genius in the final scene, it deserves more credit than critics have given it. Highly recommended, one of the best comedies of recent years\": {\"frequency\": 1, \"value\": \"Although it has ...\"}, \"Isabel Allende's magical, lyrical novel about three generations of an aristocratic South American family was vandalized. The lumbering oaf of a movie that resulted--largely due to a magnificent cast of Anglo actors completely unable to carry off the evasive Latin mellifluousness of Allende's characters, and a plodding Scandinavian directorial hand--was so uncomfortable in its own skin that I returned to the theater a second time to make certain I had not missed something vital that might change my opinion. To my disappointment, I had not missed a thing. None among Meryl Streep, Jeremy Irons, Glenn Close and Vanessa Redgrave could wiggle free of the trap set for them by director Bille August. All of them looked perfectly stiff and resigned, as if, by putting forth as little effort as possible, they expected to fade unnoticed into lovely period sets. (Yes, the film was art directed within an inch of its life.) Curious that the production designer was permitted the gaffe of placing KFC products prominently in a scene that occurs circa 1970--years before KFC came into being. Back then, it was known by its original name: Kentucky Fried Chicken. Even pardoning that, what on earth is Kentucky Fried Chicken doing in a military dictatorship in South America in 1970? American fast food chains did not hit South America until the early 1980s. \\\"The House of the Spirits\\\" should have been the motion picture event of 1993. Because it was so club-footed and slavishly faithful to its vague idea of what the novel represented, Miramax had to market it as an art film. As a result, it was neither event nor art. And for that, Isabel Allende should have pressed charges for rape.\": {\"frequency\": 1, \"value\": \"Isabel Allende's ...\"}, \"This typical Mamet film delivers a quiet, evenly paced insight into what makes a confidence man (Joe Mantegna) good. Explored as a psychological study by a noted psychologist (Lindsay Crouse), it slowly pulls her into his world with the usual nasty consequences. The cast includes a number of the players found is several of Mamet's films (Steven Goldstein, Jack Wallace, Ricky Jay, Andy Potok, Allen Soule, William H. Macy), and they do their usual good job. I loved Lindsay Crouse in this film, and have often wondered why she didn't become a more noted player than she has become. Perhaps I'm not looking in the right places!

The movie proceeds at a slow pace, with flat dialog, yet it maintains a level of tension throughout which logically leads to the bang-up ending. You'd expect a real let down at the ending, but I found it uplifting and satisfying. I love this movie!\": {\"frequency\": 1, \"value\": \"This typical Mamet ...\"}, \"After a lively if predictable opening bank-heist scene, 'Set It Off' plummets straight into the gutter and continues to sink. This is a movie that deals in nasty, threadbare stereotypes instead of characters, preposterous manipulation instead of coherent plotting, and a hideous cocktail of cloying sentimentality and gratuitous violence instead of thought, wit or feeling. In short, it's no different from 90% of Hollywood product. But it's the racial angle that makes 'Set It Off' a particularly saddening example of contemporary film-making. Posing as a celebration of 'sistahood', the film is actually a celebration of the most virulent forms of denigrating Afican-American 'gangsta' stereotype. The gimmick this time is that the gangstas are wearing drag. Not only does the film suggest that gangsterism is a default identity for all African Americans strapped for cash or feeling a bit hassled by the Man, it presents its sistas as shallow materialists who prize money and bling above all else. Worse, 'Set It Off' exploits the theme of racial discrimination and disadvantage simply as a device to prop up its feeble plot structure. Serious race-related social issues are wheeled on in contrived and opportunistic fashion in order to justify armed robbery, then they're ditched as soon as the film has to produce the inevitably conventional ending in which crime is punished, the LAPD turns out to be a bunch of caring, guilt-ridden liberals (tell that to Rodney King), and aspirational 'good' sista, Jada Pinkett Smith, follows the path of upward mobility out of the 'hood and into a world of middle-class self-indulgence opened up for her by her buppie bank-manager boyfriend. 'Set It Off' illustrates the abysmal state of the contemporary blaxploitation film, pandering to mindless gangsta stereotypes and pretending to celebrate life in the 'hood while all the time despising it. While the likes of 'Shaft' and 'Superfly' in the 1970s might have peddled stereotypes and rehashed well-worn plots, they had a freshness, an energy and an innocence that struck a chord with audiences of all races and still makes them fun to watch. 'Set It Off' wouldn't be worth getting angry over if wasn't a symptom of the tragic decline and ghettoisation of African-American film-making since the promising breakthrough days of the early 1990s.\": {\"frequency\": 1, \"value\": \"After a lively if ...\"}, \"Watched on Hulu (far too many commercials!) so it broke the pacing but even still, it was like watching a really bad buddy movie from the early sixties. Dean Martin and Jerry Lewis where both parts are played by Jerry Lewis. If I were Indian, I'd protest the portrayal of all males as venal and all women as shrews. They cheated for the music videos for western sales and used a lot of western models so the males could touch them I usually enjoy Indian films a lot but this was a major disappointment, especially for a modern Indian film. The story doesn't take place in India (the uncle keeps referring to when Mac will return to India) but I can't find out where it is supposed to be happening.\": {\"frequency\": 1, \"value\": \"Watched on Hulu ...\"}, \"This is a film that had a lot to live down to . on the year of its release legendary film critic Barry Norman considered it the worst film of the year and I'd heard nothing but bad things about it especially a plot that was criticised for being too complicated

To be honest the plot is something of a red herring and the film suffers even more when the word \\\" plot \\\" is used because as far as I can see there is no plot as such . There's something involving Russian gangsters , a character called Pete Thompson who's trying to get his wife Sarah pregnant , and an Irish bloke called Sean . How they all fit into something called a \\\" plot \\\" I'm not sure . It's difficult to explain the plots of Guy Ritchie films but if you watch any of his films I'm sure we can all agree that they all posses one no matter how complicated they may seem on first viewing . Likewise a James Bond film though the plots are stretched out with action scenes . You will have a serious problem believing RANCID ALUMINIUM has any type of central plot that can be cogently explained

Taking a look at the cast list will ring enough warning bells as to what sort of film you'll be watching . Sadie Frost has appeared in some of the worst British films made in the last 15 years and she's doing nothing to become inconsistent . Steven Berkoff gives acting a bad name ( and he plays a character called Kant which sums up the wit of this movie ) while one of the supporting characters is played by a TV presenter presumably because no serious actress would be seen dead in this

The only good thing I can say about this movie is that it's utterly forgettable . I saw it a few days ago and immediately after watching I was going to write a very long a critical review warning people what they are letting themselves in for by watching , but by now I've mainly forgotten why . But this doesn't alter the fact that I remember disliking this piece of crap immensely\": {\"frequency\": 1, \"value\": \"This is a film ...\"}, \"I have seen a lot of movies in my life, but not many as bad as this. It is a movie that makes fun of fat people, has no real story, has bad actors, is not funny and much more. Is this a movie that you would like to see? I guess not!

I guess that the makers of the movie was trying to be original and creative, but it looks like it was made by a 12 year old child with absolutely no cinematic skills at all. The so called funny parts is as funny as throughing pies in the faces of people, or breaking wind. Of cource if this is the kind of humour that you like, then this is the movie for you!!

Dont waste your money on this movie!\": {\"frequency\": 1, \"value\": \"I have seen a lot ...\"}, \"Do not see this movie if you value your mind. At the end of our collective viewing, me and my friends estimated that we each lost 5% of our brains during its course. The only person involved with its making that was not clinically insane was the set designer.

Most movies leave a bad taste in your mouth. I realize now that instead of a feeling of revulsion, this movie has bred a deep hatred within me. I hate this movie so very, very much.

Some might say this movie is not meant to be taken seriously. If only it didn't take itself seriously. But it does. The plot is a warmed over version of Blade Runner-esque universe melded with the cheap rubber suits so prevalent in bad dinosaur movies. The dialogue is not only puerile and meaningless but often literally painful. Whoopee Goldberg isn't even trying, but George Newbern as the voice of Theodore Rex is like fingernails on the soul. And whether its Juliet Landua with her off again on again British accent or Richard Roundtree (aka Shaft) as the blustering Commissioner, you will sink into an ever increasing sense of incredulity and disillusionment.

I recommend this movie only to anyone who wishes to see the depths of stupidity to which mankind may fall.\": {\"frequency\": 1, \"value\": \"Do not see this ...\"}, \"WWE was in need of a saviour as Wrestlemania 14 rolled around. The departure of Bret Hart and subsequent evaporation of the Hart Foundation had left the Vile D-Generation X stable unchallenged in the WWE. Their despicable leader Shawn Michaels had stolen the title from Hart thanks to the interference of Vince McMahon and, with help from his cohorts Triple H and Chyna had systematically taken out anyone who challenged his supremacy. But at the Royal Rumble a new contender had emerged. Stone Cold Steve Austin. Hated by McMahonagement, Austin had DX worried. So worried in fact that they'd enlisted the help of \\\"The Baddest Man on the Planet\\\" Mike Tyson as a special enforcer. Austin would have the odds firmly against him in his title match with Shawn Michaels.

But first, there was an undercard to get through which kicked off with the Legion of Doom winning a forgettable 15 team battle Royal to become NO.1 contenders for the tag titles. I'd actually forgotten this match existed until I rewatched the PPV. No very good and really highlighted the lack of depth in the tag division at that period in time.

Next match saw the Light Heavyweight title defended by Champion Taka Michonoku against Aguila. The WWE had established the Light Heavyweight Title to compete with the strong Cruiserweight Division in WCW. It was not successful and this was the only time the title was ever defended at Wrestlemania. Short match, going about five minutes, and in fact too short for much to be achieved. What little they did was exciting and this was a nice little match which saw Taka retaining his title.

OK, our next match saw DX member Triple H defending the WWE European title, which he'd won in farcical fashion from Shawn Michaels on RAW in December and hadn't defended on PPV, against Owen Hart, the Sole Survivor. Triple H got a big entrance with the DX band there to perform his theme song. Chyna accompanied Triple H to ringside, but was then handcuffed to WWE Commissioner Sgt Slaughter. Triple H and Owen have a nice little match, before Chyna interfered causing a low blow on Hart which leads to Triple H retaining the title. Good match, could have been great had it gone slightly longer.

But of course we wouldn't want to take time away from our next match which saw real life husband and wife Marc Mero and Sable defeat Goldust and Luna Vachon in the first mixed tag match at Wrestlemania in 8 years. And, in all honesty, it wasn't worth the wait. While not terrible, the match was in no way memorable either. This was the nearing the end of Mero's only run in the WWE and the main purpose was to continue the disintegration of his relationship with Sable.

Next up we saw Ken Shamrock flip out and cost himself the Intercontinental Championship as he destroyed IC Champion The Rock, but then refused to let go of his ankle lock submission hold, resulting in the referee reversing his decision. This was a short match, but decent for what it was.

Next saw the first good match of the night as WWE Tag Team Champions the New Age Outlaws lost their titles to Cactus Jack and Chainsaw Charlie in a fun dumpster match. The decision was overturned the following night as Cactus and chainsaw had thrown the Outlaws into a dumpster backstage, rather than the one being used in the match, but this was still a fun match.

NOw it was time for the highly anticipated first ever meeting between Kane and his brother the Undertaker. Kane had cost Undertaker the WWE Championship at the Royal Rumble and then \\\"killed\\\" him when he helped Shawn Michaels lock Undertaker in a casket and set him on fire as revenge for the Undertaker burning down their parents house and leaving him horribly disfigured years before. This was a decent match and told a nice story as the Underataker absorbed everything Kane could throw at him and then knocked him out with three tombstones to end the match.

This left only the main event which saw WWE Champion face Steve Austin with Mike Tyson as the guest enforcer. Michaels had suffered a debilitating back injury in his match with the Undertaker at the Royal Rumble and was remarkable in this match despite his physical limitations. Triple H and Chyna were banished to the back in the early going after interfering from the outside. The match ended with Austin ducking an attempt at Sweet Chin Music and hitting the Stone Cold Stunner with the ref down. TYson then came into the ring to count the three, celebrating the win with Austin and then knocking out Michaels after the match. It turned out Tyson and Austin were together and the cat had been playing with the mouse all along.

That was the final PPV match for Shawn Michaels for four and a half years. It helped establish Austin as the biggest star in the wrestling business and the mainstream publicity garnered by Tyson's appearance proved a crucial turning point in the WWE's battle with WCW. Austin would go on to become the biggest star in WWE History, and along with the Rock, Mick Foley, the Undertaker and Triple H lead the WWE through the period where they would gain their highest level of cultural relevance. And it all started here at Wrestlemania 14.\": {\"frequency\": 1, \"value\": \"WWE was in need of ...\"}, \"I had never heard of this one before it turned up on Cable TV. It's very typical of late 50s sci-fi: sober, depressing and not a little paranoid! Despite the equally typical inclusion of a romantic couple, the film is pretty much put across in a documentary style - which is perhaps a cheap way of leaving a lot of the exposition to narration and an excuse to insert as much stock footage as is humanly possibly for what is unmistakably an extremely low-budget venture! While not uninteresting in itself (the-apocalypse-via-renegade-missile angle later utilized, with far greater aplomb, for both DR. STRANGELOVE [1964] and FAIL-SAFE [1964]) and mercifully short, the film's single-minded approach to its subject matter results in a good deal of unintentional laughter - particularly in the scenes involving an imminent childbirth and a gang of clueless juvenile delinquents!\": {\"frequency\": 1, \"value\": \"I had never heard ...\"}, \"I watched SCARECROWS because of the buzz surrounding it. Well, I can't imagine anyone liking this movie because it's just bad, bad, bad.

It's obvious that whoever made this movie doesn't know a single thing about horror. The whole story is an unsuccessful marriage of two genres: action movie (guns and criminals) and horror (living scarecrows). When the criminals are killed one by one by the poky looking scarecrows, the two genres automatically cancel each other out because, first, they're criminals and who cares about criminals, and second, because they're stupid criminals to boot! Having zombie scarecrows go after them just doesn't work here. Where's the horror in that? I wanted the criminals to die horrible, painful deaths.

But the story is so badly constructed that this marriage of genres, which could have been original if handle well, NEVER gels. We're simply left with is a bunch of super dense criminals and a bunch of scarecrows, which are \\\"alive\\\" for whatever flimsy reason the filmmakers thought up. Making things even worse is the fact that the cinematography is terrible (TV like) and, worse offense of all, whole bunches of the dialogue are told on CBs, and we continuously hear inane dialogue spoken over disconnected images as if we're watching some sort of Radio show. This part was really BAD. The director should have been shot on the spot for coming up with such a stupid idea! I can't tell you how annoying that was.

As I've already mentioned, the criminals in SCARECROWS are amazingly stupid. For instance, when someone suddenly shows up, gutted and filled with money and straw (yep, straw) in his huge open wound, the others ask \\\"What drug is he on?\\\" after they shoot tons of bullets in him, unable to kill him (he's been \\\"zombiefied\\\" by the scarecrows. Don't ask...). Get a freaking clue, morons. I've never seen such stupid people in a movie. And then there's the girl. I wished one of the scarecrows had killed her quickly because she was a pain in the butt. When she finds her father nailed to a scarecrow \\\"cross\\\", she actually blames the criminals in an embarrassing scene (bad acting), even though the criminals couldn't have done it. What a dimwit she was! But the scarecrows are the biggest weakness in this very weak flick. They're not scary. Nothing much is explained about them. They're just a plot device in this plot device filled movie.

Mr Wesley, filming the face of a scarecrow for 30 seconds nonstop doesn't elicit anything but sheer boredom. And that scene with the talking head in the fridge. Thanks for the laughter.

All in all, this had to be one of the worst movies I've seen recently (and I've seen a lot of movies these days!) Between the equally woeful SILO KILLER or SCARECROWS, I'd rather watcher SILO KILLER again. Yep, SCARECROWS is that bad.\": {\"frequency\": 1, \"value\": \"I watched ...\"}, \"I thought it was one of the best sequels I have seen in a while. Sometimes I felt as though I would just want someone to die, Stanley's killing off of the annoying characters was brilliant. It was such a well done movie that you were happy when so and so died. My only problem was in some scenes it looked like someone with a home camera was filming it and it was weird. Judd Nelson is cute, at least in my opinion and he was excellent in the role as Stanley Caldwell. Brilliant movie.\": {\"frequency\": 1, \"value\": \"I thought it was ...\"}, \"For those who commented on The Patriot as being accurate, (Which basically satanised the English), it was interesting to see this film. By all accounts this was the bloodiest war that Americans have ever been involved in, and they were the only nationality present. It was therefore very refreshing to see something resembling historical accuracy coming from that side of the Atlantic that did not paint America as either martyrs or saviours. All in all though what this film did bring home was the true horrors of any conflict, and how how whatever acts are committed in war only breed worse acts, often culminating in the suffering of the innocent. This was not a film where you cheered anybody on but both pitied and loathed all.\": {\"frequency\": 1, \"value\": \"For those who ...\"}, \"This is the second film I've seen of Ida Lupino as a director after 53's the hitch-hiker. I think this one was a better film then that one. This one has a girl who is about to get married and she is then sexually assaulted and doesn't like everyone looking and talking about her so she runs away and and is taken in by a family. I think Leonard Maltin's review is right only to give it 2 and 1/2 stars.\": {\"frequency\": 1, \"value\": \"This is the second ...\"}, \"I've seen this movie at theater when it first came out some years ago and really liked it a lot. But i still wanted to see it again this year to check if it is still good compared to movies coming out now, and i wan tell it's one the best movies i've ever seen in my life !!!!!!!!!!!!!

What you need to know is that you don't have to miss any minute of this movie, if you don't completely follow the action you will get lost and you will not understand the end.

The end is what makes this movie so good, you can't expect it.

Congratulations to the Producer !\": {\"frequency\": 1, \"value\": \"I've seen this ...\"}, \"The Ballad of Django is a meandering mess of a movie! This spaghetti western is simply a collection of scenes from other (and much better!) films supposedly tied together by \\\"Django\\\" telling how he brought in different outlaws. Hunt Powers (John Cameron) brings nothing to the role of Django. Skip this one unless you just HAVE to have every Django movie made and even THAT may not be a good enough excuse to see this one!!\": {\"frequency\": 1, \"value\": \"The Ballad of ...\"}, \"There are plenty of reviews on this page that will explain this movie's details far more eloquently than I could; but I would like to offer a simple review for those who occasionally go to the movies for more than entertainment. Raising Victor Vargas is so true you will believe it. This flick gets inside your head.\": {\"frequency\": 1, \"value\": \"There are plenty ...\"}, \"I have seen this movie many times, (and recently read the book the movie is based on) and every time I see it, I just want to slap all four of them. The fact that they don't clue in to the fact that Tom Hank's character is flipping into his D&D(oops M&M) :) persona (\\\"Oh, he's just acting in character.\\\") outside of the gaming session. That and the fact that after three months of therapy, let's just destroy all that and feed his delusions! These kind of people are what give RPGs a bad name.

Also the corny 'love ballad', and the music done by 'cat on a piano' and 'stop us if we get too annoying' are almost enough to set your teeth on edge!\": {\"frequency\": 1, \"value\": \"I have seen this ...\"}, \"Running only seventy-two minutes, this small, overlooked 2006 dramedy is really just a two-character sketch piece but one that works very well within its limitations. Taking place almost entirely in various, non-descript spots in southern Los Angeles, the story itself is inconsequential, but like Sofia Coppola's \\\"Lost in Translation\\\", the film is far more about two strangers who meet unexpectedly, find a common bond and go back to their lives enlightened for the momentous encounter. It also helps considerably that Morgan Freeman and Paz Vega are playing the characters. Finally freed of the wise sages and authority figures beyond reproach that have become his big-screen specialty, Freeman seems comparatively liberated as a somewhat self-indulgent movie star. His character is driven to a low-rent grocery store in Carson, where he will be able to research a role he is considering in an indie film.

Out of work for a few years, he is embarrassed when he sees DVDs of his films in the bargain bin, but his ego is such that he does not lack the temerity to watch and even mimic the enervated store staff. Of particular fascination to him is Scarlet, an embittered worker from Spain and relegated to the express line where she is the unsung model of efficiency. She has an interview for a secretarial job at a construction company, but her deep-seeded insecurity seems to defeat her chances already. Still looking like Penelope Cruz's Amazonian sister, the beautiful Vega (one of the few redeemable aspects of James L. Brooks' execrable \\\"Spanglish\\\") brings a stinging edge and realistic vulnerability to Scarlet. She and Freeman interplay very well throughout the story, which includes stops not only at the grocery store but also at Target, Arby's and a full-service carwash. Nothing earth-shattering happens except to show how two people realize the resonating transience of chance encounters.

Silberling keeps the proceedings simple, but the production also reflects expert craftsmanship in Phedon Papamichael's vibrant cinematography (he lensed Alexander Payne's \\\"Sideways\\\") and the infectious score by Brazilian composer Antonio Pinto (\\\"City of God\\\"). There are fast cameos by Bobby Cannavale (as Scarlet's soon-to-be-ex-husband) and as themselves, Danny DeVito and Rhea Perlman, as well as a funny bits with Jonah Hill (\\\"Knocked Up\\\") as the clueless driver and Jim Parsons (the \\\"knight\\\" in \\\"Garden State\\\") as a worshipful receptionist. The 2007 DVD is overstuffed with extras, including a making-of documentary, \\\"15 Days or Less\\\", aimed at film students and running a marathon 103 minutes; six extended scenes; a light-hearted but insightful three-way conversation between Silberling, Freeman and Vega in the middle of Target; and a couple of snippets that specifically advertise the DVD.\": {\"frequency\": 1, \"value\": \"Running only ...\"}, \"I didn't have HUGE expectations for this film when renting it for $1 at the video store, but the box at least showed a little promise with its \\\"killer cut\\\" of \\\"more gore! more sex!\\\" Can't go wrong there! Well... needless to say, the box is a fraud. How in the hades did actors and actresses of this caliber sign on for a film this low?

It all opens with a drunken college girl walking out of a frat house or some other building like that and saying some useless crap to her boyfriend (?) as a camera on a bad steadicam follows her. Then she gets chased by some dude in a clear plastic mask and grabbed by another. They slit her wrists for no real reason and you can see when they \\\"cut\\\" her that someone drew the cuts with what looks like a crayon.

From there, repeat the same theme of the girl getting chased/killed unbrutally by two guys for about 84 more minutes. Add in one tit shot. That is Soul Survivors.

I wouldn't have had a problem with this film had the box not frauded me into renting the flick. If I rent a bad film that claims to have more violence and sex.... I want more violence and sex! One full frontal shot in 85 minutes from a chick who is clearly androginous and gore that would not scare a child does not cut it. If this is the Killer Cut, what is the Theatrical Cut?! Of course, I doubt this garbage was actually put into theaters in the first place. Shame on the actors in this film. I could see them making their screen debuts in here because they have not done anything before, but they were all established before this was released. I don't know if it was filmed before they had all been established and the studio sat on the film until they were semi-big names or not. But what i want to know is.... they really spent $14 million on this film?!\": {\"frequency\": 1, \"value\": \"I didn't have HUGE ...\"}, \"Apparently Shakespeare equals high brow which equals in turn a bunch of folks not seeing something for what it really is. At one point in this film, someone (I believe Pacino's producer) warns him that film is getting off track, that it was once about how the masses think about Shakespeare through the vehicle of RICHARD III. Instead he decides to shoot a chopped up play with random comments sprinkled throughout. Some scenes seemed to be included as home movies for Al (was there really ANY reason for the quick visit to Shakespeare's birthplace, other than for a laugh about something unexpected which happens there?), and, before the film has really even begun, we are treated to seeing Al prance around and act cute and funny for the camera. I thought his silly act with Kay near the end of GODFATHER III with the knife to his throat was AN ACT - but apparently it's how Al really behaves in person.

Enough rambling. Here's a shotgun smattering of why I didn't even make it 3/4 of the way through this: 1) pretentious - Al always knows when the camera is on him, whether he's acting as Richard or in a 'real' conversation with someone - you can see it in the corner of his eyes, also, some of the actors around the rehearsal table become untethered and wax hammy to the extreme. If anyone reading this has ever spent any time with an group of actors and has witnessed this kind of thing from the outside, it's unbearable. \\\"Look at me, chewing all the scenery!\\\" 2) Winona Ryder. When she appears as Lady Anne, this film comes to a screeching halt, which it never recovers from. She has nothing to add in the discussion scenes but the camera lingers on her to bring in the kiddoes. Her performance is dreadful, to boot. 3) the only things you really learn from this are told to you by the very scholars the filmmakers are trying to keep out of the picture. Of course, you also learn that Pacino shouldn't be directing films (or doing Richard in the first place). I'd rather watch BOBBY DEERFIELD than this.

Lastly, read the play and learn it for yourself. Go out and see it performed. In 1997 I saw the play performed at the University of Washington Ethnic Cultural Theater, and it made what we see in this film seem like high school drama (except for the gratuitous throat slashing of Clarence! My God! Was that necessary?!)

It's all just a bunch of sound and fury, signifying nada.\": {\"frequency\": 1, \"value\": \"Apparently ...\"}, \"This is widely viewed in Australia as one of the best cop dramas ever produced here ... and for my money, anywhere. It's raw, gritty, the characters are real, the situations are believable and it doesn't shy away from the darker side of life confronted every day by cops and the criminals, victims, lawyers and other people in their various orbits.

This show ran for 2 seasons and was discontinued because the show didn't sell well overseas. We are all sorry for its loss: however, like Fawlty Towers, we will be able to revere this as a limited-length series of uniformly high quality.\": {\"frequency\": 1, \"value\": \"This is widely ...\"}, \"\\\"Sky Captain\\\" may be considered an homage to comic books, pulp adventures and movie serials but it contains little of the magic of some of the best from those genres. One contributor says that enjoyment of the film depends on whether or not one recognizes the films influences. I don't think this is at all true. One's expectations of the films,fiction and serials that \\\"Captain\\\" pays tribute to were entirely different. Especially so for those who experienced those entertainments when they were children. This film is almost completely devoid of the charm and magnetic attraction of those. Of course we know the leads will get into and out of scrapes but there has to be some tension and drama. Toward the climax of \\\"Captain\\\" Law and Paltrow have ten minutes to prevent catastrophe and by the time they get down to five minutes they are walking not running toward their goal. They take time out for long looks and unnecessary conversation and the contemplation of a fallen foe with 30 seconds left to tragedy. Of course one expects certain conventions to be included but a good director would have kept up some sense of urgency.

One doesn't expect films like this to necessarily \\\"make sense\\\". One does expect them to be fun, thrilling and to have some sense of interior logic. \\\"Captain\\\" has almost none. Remember when Law and Paltrow are being pursued by the winged creatures and they reach a huge chasm which they cross via a log bridge? Well how come they are perfectly safe from those creatures when they reach the other side? They can FLY!!! The chasm itself means nothing to them. The bridge is unnecessary for them so where is the escape? If the land across the chasm is 'forbidden' to the flying creatures the film made no effort to let us know how or why or even if.

I know that Paltrow and Law (both of whom have given fine performances in the past) were playing \\\"types\\\" but both were pretty flat. Only Giovanni Ribisi (who showed himself capable of great nuance here) and Angelina Jolie seemed to give any \\\"oomph\\\" to their roles although Omid Djalili seemed like he could have handled a little more if he'd only been given the chance. He did a pretty good job anyway considering how he was basically wasted.

The film had a great 'look' but there are so many ways in which CGI distracts. CGI works best when it is used for the fantastical, when it is used to create creatures who don't exist in nature or for scientific or magical spectacular. When it is used to substitute for natural locations it disappoints. There is no real sense of wonder. A CGI mountain doesn't have any of the stateliness or sense of awe and foreboding that a real mountain does. I know that the design of this film was quite deliberate and it wasn't necessarily supposed to LOOK real but shouldn't it FEEL that way? It just didn't.

As for the weak and clich\\ufffd\\ufffdd script...homage is no excuse. Even so, had the movie had some thrills and dramatic tension it might still have been enjoyable. \\\"The Last Samurai\\\" was as predictable as the days of the week and I am no fan of Tom Cruise but it had everything that \\\"Captain\\\" didn't most notably it drew the viewer into its world and made us accept its rules and way of being in a way that \\\"Sky Captain\\\" most definitely did not.

I'd like to see a similar approach taken for films about comic book heroes of the 30's and 40's. The original (Jay Garrick) Flash or Green Lantern (Alan Scott) come to mind as being ripe for such treatment. Maybe the better, more well known and fully realized characters that those character are would make for a much better film. It would be hard to be worse.\": {\"frequency\": 1, \"value\": \"\\\"Sky Captain\\\" may ...\"}, \"If you're as huge of a fan of an author as I am of Jim Thompson, it can be pretty dodgy when their works are converted to film. This is not the case with Scott Foley's rendition of AFTER DARK MY SWEET. A suspenseful, sexually charged noir classic that closely follows and does great justice to the original text. Jason Patrick and Rachel Ward give possibly the best performances of their careers. And the always phenomenal Bruce Dern might have even toped him self with this one. Like Thompson's book this movie creates a dark and surreal world where passion overcomes logic and the double cross is never far at hand. A must see for all fans of great noir film. ****!!!\": {\"frequency\": 1, \"value\": \"If you're as huge ...\"}, \"I like Chris Rock, but I feel he is wasted in this film. The idea of remaking Heaven Can Wait is fine, but the filmmakers followed the plot of that turkey too closely. When Eddie Murphy remade Dr. Doolittle and The Nutty Professor, he re-did them totally -- so they became Murphy films/vehicles, not just tepid remakes. That's why they were successful. If Chris had done the same, this could have been a much better film. The few laughs that come are when he is doing his standup routine -- so he might as well have done a concert film. It also would have been much funnier if the white man whose body he inhabits was a truck driver or hillbilly. So why does Hollywood keep making junk like this? Because people go to see it -- because they like Chris Rock. So give Chris a decent script and give us better movies! Don't remake films that weren't that good in the first place!\": {\"frequency\": 2, \"value\": \"I like Chris Rock, ...\"}, \"I went to this movie only because I was dragged there and I would have left again immediately because the audience consisted mainly of elderly people and I felt out of place. However, the film was utterly fascinating and far from being targeted towards old people. The characters were all very real and believable and I found myself discussing the film, the characters and the storyline for hours afterwards. There are a few quite engrossing scenes in there but they are necessary and help you to understand the situation much better. All in all, this is a great and valuable film - slightly off mainstream but that does not mean that this film cannot be enjoyed by people who prefer mainstream. It's a thrilling and interesting movie experience.\": {\"frequency\": 1, \"value\": \"I went to this ...\"}, \"Hold Your Man finds Jean Harlow, working class girl from Brooklyn falling for con man Clark Gable and getting in all kinds of trouble. The film starts out as his film, but by the time it's over the emphasis definitely switches to her character.

The film opens with Gable pulling a street con game with partner, Garry Owen and the mark yelling for the cops. As he's being chased Gable ducks into Harlow's apartment and being he's such a charming fellow, she shields him.

Before long she's involved with him and unfortunately with his rackets. Gable, Harlow, and Owen try pulling a badger game on a drunken Paul Hurst, but then Gable won't go through with it. Of course when Hurst realizes it was a con, he's still sore and gets belligerent and Gable has to punch him out. But then he winds up dead outside Harlow's apartment and that platinum blond hair makes her easy to identify. She goes up on an accomplice to manslaughter.

The rest of the film is her's and her adjustment to prison life. Her interaction with the other female prisoners give her some very good scenes. I think some of the material was later used for the MGM classic Caged.

Harlow also gets to do the title song and it's done as torch style ballad, very popular back in those days. She talk/sings it in the manner of Sophie Tucker and quite well.

Gable is well cast as the con man who develops a conscience, a part he'd play often, most notably in my favorite Gable film, Honky Tonk.

Still it's Harlow who gets to shine in this film. I think it's one of the best she did at MGM, her fans should not miss it.\": {\"frequency\": 1, \"value\": \"Hold Your Man ...\"}, \"Loved the original story, had very high expectations for the film (especially since Barker was raving about it in interviews), finally saw it and what can I say? It was a total MESS! The directing is all over the place, the acting was atrocious, the flashy visuals and choreography were just flat, empty and completely unnecessary (whats up with the generic music video techniques like the fast-forward-slow mo nonsense? It was stylish yes but not needed in this film and cheapened the vibe into some dumb MTV Marilyn Manson/Smashing Pumpkins/Placebo music video). Whilst some of the kills are pretty cool and brutal, some are just ridiculously laughable (the first kill on the Japanese girl was hilarious and Ted Raimi's death was just stupidly funny). It just rushes all over the place with zero tension and suspense, totally moving away from the original story and then going back to it in the finale which by that point just feels tacked on to mess it up even more. No explanations were given whatsoever, I mean I knew what was happening only as i'd read the story but for people who hadn't it's even more confusing as at times even i didn't know where it was going and what it was trying to do- it was going on an insane tangent the whole time.

God, I really wanted to like this film as i'm a huge fan of Barker's work and loved the story as it has immense potential for a cracking movie, hell I even enjoyed some of Kitamura's movies as fun romps but this film just reeked of amateurism and silliness from start to finish- I didn't care about anyone or anything, the whole thing was rushed and severely cut down from the actual source, turning it into something else entirely. Granted it was gory and Vinnie Jones played a superb badass, but everything else was all over the place, more than disappointing. Gutted\": {\"frequency\": 1, \"value\": \"Loved the original ...\"}, \"Russian emigrant director in Hollywood in 1928 (William Powell) is casting his epic about the Russian revolution, and hires an old ex-general from the Czarist regime (Emil Jannings) to play the general of the film, and the two relive the drama and the memory of the woman they shared (Evelyn Brent), of 11 years before.

Try as I might, I feel it hard to warm to 'The Last Command' for all its virtues. 'The Docks of New York' was indubitably a great film, and 'Underworld' is a film I have always been craving to see, but 'The Last Command' is rather heavy-going. The premise is fascinating, but the treatment does really make the script come to life, except in the sequences set in Hollywood, depicting the breadline of employable extras and the machinations of a big movie production with state-of-the-art technology.

Emil Jannings is, predictably, a marvelous Russian general, distinguishing wonderfully between the traumatized and decrepit old ex-general, transfixed in his misery, and the vigorous, hearty officer of yore.

The ending is great and worth the wait, but in order to get there you must prepared to be slightly bored at times.\": {\"frequency\": 1, \"value\": \"Russian emigrant ...\"}, \"The Booth puts a whole new twist on your typical J-horror movie. This movie puts you in the shoes of the protagonist of the story. The director wants you to see what the protagonist sees and thinks.

The story is about perception of the people who works, lives, and loves of our protagonist, and how he perceives the people who surrounds him in an antiquated radio station DJ booth. The story peels back the layers of the main character like an onion in flash-backs as the movie runs its course, and from it we learned that things are not always the way it seems. The movie mostly took place in a small, out-dated radio station's studio with a very bad history, where the main character was forced to broadcast his talk show due to the radio station was in the process of re-locating. It is from this confined space that this movie thrives and makes you feel very claustrophobic and very paranoid. At time our protagonist can not determined the strange happenings in the old studio were caused by ghost or some conspiracy by his co-workers or it was all in his mind. What I like about this film is that the film-makers makes you see through the eyes of the main character and makes you just as paranoid as protagonist did. This movie is a very smart, abide rather short 76 minutes film.\": {\"frequency\": 1, \"value\": \"The Booth puts a ...\"}, \"I'm giving this movie a 1 because there are no negative numbers in IMDb rating system. this movie was horrible. It was very badly acted, the story was poorly written, the action was unbelievable. I doubt even the Salvation Army could battle as poorly as the troops did in this film. I won't even write any plot spoilers because the movie just isn't good enough for plot spoilers. To write comments on the plot would be pointless. If I were to compare this movie, I'd have to compare it to Reign of Fire, however although I didn't like Reign of Fire either, that movie at least was better than this one.

Some of the people in the theater left before the movie was even halfway done. The only reason I didn't was because I simply didn't think to do it. I was hoping for a feast of CGI and fighting masterfully done, but that isn't what happened. The martial arts lasted all of 30 seconds and that was from an exercise routine done during the flash-back scene, very disappointing. The CGI was not done well either. One scene comes to mind. During one of the earlier tank battles, the troops are firing away at......nothing. Someone forgot to cue the animation guys on that bit of film so the street was totally devoid of bad guys. I'm also thinking the bad guy's voice was dubbed by the voice-over of Imotep from The Mummy movies. Had that same scraggly echoing thing going on. (Someone owed some royalties, here?) Since I mentioned the fight scene, I'll say yeah that might be considered a spoiler, but only to the purists I suppose.

Don't go see it, don't buy the DVD when it comes out either. You have been warned.\": {\"frequency\": 1, \"value\": \"I'm giving this ...\"}, \"The script for this Columbo film seemed to be pulled right out of a sappy 1980's soap opera. Deeply character-driven films are great, but only if the characters are compelling. And in this film the only thing compelling was my desire to change the channel. The villain's dialog sounds as if it were written by a romance novelist. The great Lt. Columbo himself is no where near his famous, lovable, self-effacing, crumpled self; and the bride/kidnap victim is a whimpering, one-dimensional damsel-in-distress (she cowers in fear from a tiny scalpel held flimsily in the hand of her abductor - come on!!! I could have knocked the scalpel out of his hand and kicked him in the you-know-what in 2 seconds). In any sense of reality, this character would have at least TRIED to struggle or fight back at least a little. And speaking of reality....the story revolves around a kidnapping which is worked and solved by the police. The POLICE?? Give me a break. Everyone knows the FBI takes over EVERY kidnapping case. This was NO Columbo, just a shallow and totally predictable crime drama with our familiar Lt. Columbo written in and stretched to 2 hours.\": {\"frequency\": 1, \"value\": \"The script for ...\"}, \"This is a film exploring the female sexuality in a way not so often used. Almost every other film with this kind of sexual scenes always becomes rated X, and so seen as a pornographic movie. Here is a kind of romantic horror story combined with the females \\\"own satisfaction\\\" need.

A very good film!\": {\"frequency\": 1, \"value\": \"This is a film ...\"}, \"This movie is not schlock, despite the lo fi production and its link to Troma productions. A dark fable for adults. Exploitation is a theme of Sugar Cookies, and one wonders if the cast has not fallen prey to said theme. A weird movie with enticing visuals: shadows and contrast are prominent. Definitely worth a look, especially from fans of Warhol and stylish decadence. Through all the cruelty and wickedness, a moral, albeit twisted, can be gleamed.\": {\"frequency\": 1, \"value\": \"This movie is not ...\"}, \"\\\"Imagine if you could bring things back to life with just one touch\\\" As soon as I first heard that, my attention was locked on the Trailer, And after the First Episode I found my self in love with this show. A Modern day Fairy Tale that Brings my Spirits up and Holds my attention throughout the entire show. I think the Acting and Casting is just perfect, Each Character brings Something Unique to the show that adds to it's perfection. Even the one time Villains manage to overflow with A Unique sense, From the Bee Man to the Guy who can Swallow Kittens, they never seem to let me down. And the Deaths that would Normally lead to a Depressing Moment often end up being Purely Comical (Such as an Exploding Scratch & Sniff book)

Even with the large amount of Crime shows we have now a days, Daisies is one of the few that really stands out from the rest, Being not just a Mystery but a love story, Comedy and a Fairy Tale with a hint of Drama all baked into one Wonderful pie.....err show.

What really shocked me was the fact that it was on ABC, For Years I never had a reason to turn to ABC, But this brought me back each week with a Smile on my face. It was as if Pushing Daisies Brought ABC back to life for me. But just like that, after two seasons, A few Awards, A Large Fan Base and Positive Responses from Critics the show has been dropped. It seems as though Ned has Touched ABC again and forever killed it for me. I will always be a fan of this show though, And I Recommend this to anyone who likes a lot of talking and a lot of love from the shows they watch.\": {\"frequency\": 1, \"value\": \"\\\"Imagine if you ...\"}, \"It seems that Salvatores couldn't decide what to do with this movie: some of it is a very weak thriller (and I say very, very weak), some of it is an attempt to explore the relationships between the main characters. Both things have been tried in psychological thrillers, but in this case the movie cannot hold things together, due to poor, superficial scripting, bad acting and a too dark, too dull cinematography. I'd say that Salvatores gave his best in other genres and in other settings, where he was free to look at the characters without having to think about the plot. On the whole, a B-movie, hardly worth your money... Vote: 4/10\": {\"frequency\": 1, \"value\": \"It seems that ...\"}, \"In a series chock-full of brilliant episodes, this one stands out as one of my very favorites. It's not the most profound episode, there's no great meaning or message. But it's a lot of fun, and there are some fine performances.

But what makes it really stand out for me is that it is, to my knowledge, the *only* Twilight Zone episode with a *double* snapper ending. The Zone is rightly famous for providing a big surprise at the end of a story. But this time, you get a surprise, and think that's that, but it turns out there's *another* surprise waiting. I just like that so much, that this is probably one of my two favorite episodes (the other being a deeper, more message-oriented one).\": {\"frequency\": 1, \"value\": \"In a series chock- ...\"}, \"the photography was beautiful but i had difficulty understanding what was happening... was there a lot of symbolism?... the 2 goldfishes - do they mean something in Thai culture? there's not much plot, not much happens and it just meanders along. no real start, no real middle and no real end. rather unsatisfying really.

It was difficult to get into the characters as you never felt you got to know them...it was difficult to know which scenes were imaginary and which were real. The move felt chaotic and disjointed. I don't know what the pang brothers were hoping to achieve. Maybe if I were Thai it would make more sense...\": {\"frequency\": 1, \"value\": \"the photography ...\"}, \"This is truly one from the \\\"Golden Age\\\" of Hollywood, the kind they do not make anymore. It is an unique, fun movie that keeps you guessing what is going to happen next.

All the actors are perfectly cast and they are all great supporting actors. This is the first movie I saw with Ronald Colman in it and I have been a fan of his ever since. Reginald Gardiner has always been a favorite supporting actor of mine and adds a certain quality to every movie he is in. While he played a different kind of character here, he still added something to the movie that another actor cast in this character would not have added.\": {\"frequency\": 1, \"value\": \"This is truly one ...\"}, \"\\\"Pickup On South Street\\\" is a high speed drama about a small time criminal who suddenly finds himself embroiled in the activities of a group of communists. The action is presented in a very direct and dynamic style and the momentum is kept up by means of some brilliant editing. The use of a wide variety of different camera angles and effective close-ups also contribute to the overall impression of constant motion and vitality. Samuel Fuller's style of directing and the cinematography by Joseph MacDonald are excellent and there are many scenes which through their composition and lighting produce a strong sense of mood and atmosphere.

Ace pickpocket and repeat offender Skip McCoy (Richard Widmark) gets into deep water when he steals a wallet from a young woman named Candy (Jean Peters) on the New York subway. She was being used by her ex-boyfriend Joey (Richard Kiley) to make a delivery to one of his contacts in a communist organisation and unknown to her, she was carrying US Government secrets recorded on microfilm. Two FBI agents had been following Candy and witnessed the theft. One of the agents continues to tail her back to Joey's apartment and the other, Zara (Willis Bouchey), visits Police Captain Dan Tiger (Murvyn Vye). Zara explains that the FBI has been following Candy for some months as part of their pursuit of the ringleader of a communist group.

In order to identify the pickpocket, Tiger calls in a \\\"stoolie\\\" called Moe (Thelma Ritter) who after being given a precise description of the \\\"cannon's\\\" method of working makes a list of eight possible suspects. Once Tiger sees Skip's name on the list he's immediately convinced that he's the man that they need to track down and he sends two detectives to arrest him. When Skip is brought into Tiger's office, Zara tells him about the microfilm and Tiger offers to drop any charges if he'll co-operate with the investigation. Skip is flippant and arrogant. He clearly doesn't trust Tiger and denies all knowledge of the theft on the subway.

Joey orders Candy to find out who stole the microfilm and then retrieve it. Candy pays Moe for Skip's address and when Skip returns from being questioned by Tiger, he finds Candy searching his home and knocks her unconscious before stealing her money. When she recovers, Skip demands payment of $25,000 for the microfilm. She tells Joey about Skip's demand and Joey's boss gives him a gun and orders him to recover the microfilm by the following evening.

Skip and Candy are attracted to each other and it's because of their uneasy, developing relationship that a means evolves by which they are able to shake off the attentions of the police. It soon becomes apparent, however, that resolving matters with the communist gang will only be achieved by more direct action.

The depictions of Skip, Candy and Moe as characters that inhabit a seedy world in which they are forced to face considerable risks on a daily basis are powerful and compelling.

Moe's work as a police informer is dependent on her knowledge of the people in her community but also those people know what she does and any one of them could seek their revenge at any time. She appears to be cunning and streetwise but also has her vulnerable side as she describes herself as \\\"an old clock running down\\\" and saves money to be able to have a decent burial in an exclusive cemetery in Long Island. Her belief that \\\"every buck has a meaning of its own\\\" leads her to sell any information regardless of danger, friendships or principles and yet there is one occasion where she refuses and this proves fatal. Thelma Ritter's performance certainly merited the Oscar nomination she earned for her role.

Skip is a violent criminal with no concern for his victims and having already been convicted three times in the past, lives under the constant threat of being jailed for life if convicted again. Despite this, he still continues with his criminal activities and strangely, is merely philosophical when Moe betrays his whereabouts and then later, he even ensures that Moe receives the type of burial she valued so highly. Candy is an ex-hooker and someone whose activities constantly put her in peril but behind her hardened exterior a warmer side gradually becomes more evident. Widmark and Peters are both perfect for their roles and like Ritter portray the different facets of their personalities with great style and conviction.\": {\"frequency\": 1, \"value\": \"\\\"Pickup On South ...\"}, \"Back in 1985 I caught this thing (I can't even call it a movie) on cable. I was in college and I was with a high school friend whose hormones were raging out of control. I figured out early on that this was hopeless. Stupid script (a bunch of old guys hiring some young guys to show them how to score with women), bad acting (with one exception) and pathetic jokes. The plentiful female nudity here kept my friend happy for a while--but even he was bored after 30 minutes in. Remember--this was a HIGH SCHOOL BOY! This was back before nudity was so easy to get to by the Internet and such. We kept watching hoping for something interesting or funny but that never happened. The funniest thing about this was the original ad campaign in which the studio admitted this film was crap! (One poster had a fictional review that said, \\\"This is the best movie I've seen this afternoon!\\\"). Only Grant Cramer in the lead showed any talent and has actually gone on to a career in the business. No-budget and boring t&a. Skip it.\": {\"frequency\": 1, \"value\": \"Back in 1985 I ...\"}, \"Jeff Lowell has written & directed 'Over Her Dead Body' poorly. The idea is first of all, is as stale as my jokes and the execution is just a cherry on the cake.

Minus Eva Longoria Parker there is hardly anything appealing in this film. Eva looks great as ever and delivers a likable performance.

Paul Rudd looks jaded and least interested. Lake Bell is a complete miscast. She looks manly and delivers a strictly average performance. Jason Biggs is wasted, so is Lindsay Sloane.

I expected entertainment more from this film. Sadly, I didn't get entertained.\": {\"frequency\": 1, \"value\": \"Jeff Lowell has ...\"}, \"The same night that I watched this I also watched \\\"Scary Movie 4,\\\" making for one messed up double feature. Unfortunately for these killer tomatoes they could not stand up to the laugh riot that is the Scary Movie franchise. While I fought boredom here watching jokes that were silly and stupid, brutally dated and brutally bad, the more recent parody had me laughing out loud. How could I desire any more than that. Director John De Bello uses the basic premise that some sort of growth hormone has gone terribly wrong and turned the tomatoes into killers. But his main objective here is to slap around the disaster movie genre that was so big back in the day. The script reeks of stoner humor, and perhaps if you take illegal substances with your movie nights this could be your cup of tea. I, sober, was stuck watching a grown man go under cover as a tomato. And that one joke, that is never funny, where the discrepancy between the Japanese speaking actor and the voice over is also here. Some may giggle, I did not. They even had a Hitler joke that wasn't funny, and I thought all Hitler jokes were funny.

The narrative of this film is so splintered (for no good reason) that it is nearly impossible to explain. Tomatoes kill people, the government tries to stop it, bad jokes are told. Their aim may have been correct as their targets include the media, consumerism, and paranoia (three things that still control our lives today). Oddly enough the main selling point of this film, those gosh darn tomatoes, really don't make much of an appearance. And when they do, get this, they're played by real tomatoes. That washed up gimmick did nothing for me as I get very little out of watching a pack of tomatoes devour a body thanks to the magic of stop action camera tricks. There is also a fear of going for broke at work here that prevents this film from being truly funny. The gag of having somebody fall asleep in nearly every scene may please some audience members, but more than likely it will be seen as an invitation to join in the fun.

I might also add that there does seem to be some old fashioned human egotism at work here. Man eats tomato and that's dinner, tomato eats man and that is a worldwide catastrophe. But that is just the way the world works. In the film the produce becomes evil because of genetic modification, but in the real world our produce (see: Taco Bell) becomes evil thanks to neglect. And like those evil doin' green onions this film's shelf life expired a long time ago. There are a few good chuckles to be had. The last shot was really quite splendid, but it was nowhere near enough to save this moderate stink bomb. I'm pretty sure there is a good movie buried deep within this concept, but the script needed to be filtered through about a dozen rewrites to get there. And by \\\"there\\\" I mean to the level of \\\"Scary Movie 4.\\\" **1/4\": {\"frequency\": 1, \"value\": \"The same night ...\"}, \"I hope whoever coached these losers on their accents was fired. The only high points are a few of the supporting characters, 3 of 5 of my favourites were killed off by the end of the season (and one of them was a cat, to put that into perspective).

The whole storyline is centered around sex, and nothing else. Sex with vampires, gay sex with gay vampires, gay sex with straight vampires, sex to score vampire blood, sex after drinking vampire blood, sex in front of vampires, vampire sex, non-vampire sex, sex because we're scared of vampires, sex because we're mad at vampires, sex because we just became a vampire, etc.

Nothing against sex, it would just be nice if it were a little more subtle with being peppered into the storyline. Perhaps HAVE a storyline and then shoehorn some sex into it. But they didn't even bother to do that... and Anna Paquin is a dizzy gap-tooth bitch. Either she sucks or her character sucks, I can't figure out which.

Another part of the storyline that I find highly implausible is why 150 year old vampire Bill who seems to have his things together would be interested in someone like Sookie. She's constantly flying off the handle at him for things he can't control. He leaves for two days and she already decides that he's \\\"not coming back\\\" and suddenly has feelings for dog-man? Give me a break. She's supposed to be a 25 year old woman, not a 14 year old girl. People close to her are dying all over, and she's got the brightest smile on her face because she just gave away her V-card to some dude because she can't read his mind? As the main character of the story, I would've hoped the show would do a little more to make her understandable and someone to invest your interest in, not someone you keep secretly hoping gets killed off or put into a coma. I can't find anything about her character that I like and even the fact that she can read minds is impressively uninspiring and not the least bit interesting.

I will not be wasting my time with watching Season 2 come June.\": {\"frequency\": 1, \"value\": \"I hope whoever ...\"}, \"Drew Barrymore is an actress that has gone through bad periods, not only in her career, but in her personal life too. After being a prodigy child actress she descended into obscurity with mediocre films of low quality. While she has recovered from that dark past, this movie stays as a reminder of Drew Barrymore's worst days.

The movie starts with an interesting premise, very reminiscent to Brian De Palma's \\\"Raising Cain\\\"; with a plot dealing with multiple personality disorder that sets the story for a horror/thriller. Barrymore stars as Holly Gooding, a young woman who is trying to make a new life in California after a traumatic event of her past in which apparently her other personality killed her mother.

Suddenly, her past returns to haunt her as her evil personality is back in her life willing to ruin her new found peace and her new found love. In the middle of the chaos his new boyfriend, Patrick Highsmith (George Newbern), will try to help Holly to face the demons of her past.

Unlike De Palma's underrated thriller, \\\"Doppelganger\\\" is for the most part a mediocre film that not only never fulfills it's purpose, it also concludes in one of the worst endings of movie history. While Barrymore is definitely not at her best, she manages to keep her dignity with an above average performance. The rest of the cast however range from mediocre to painfully bad over-the-top performances, although Leslie Hope manages to be among the best of them.

The script is full of clich\\ufffd\\ufffds and De Palma's influence is quite obvious. While the movie tries to be original by making literary references in almost every line, the dialogs are dull and the wooden acting certainly doesn't do any good. It has a fair share of nudity and for strange reasons, and excessive use of special effects.

The make-up effects are done by the outstanding KNB and are really among the few good things in the movie. However, the bizarre over-use of the effects in the totally out of context ending decreases the impact of KNB's work and makes cheesy what in a different movie would be amazing.

The fact that this is a B-Movie is no excuse for it's low quality, as with a better and more coherent script this could had been an interesting movie. Sadly, all we have here is a mediocre film that gets worse every second. Worthy for Barrymore's beauty. 3/10\": {\"frequency\": 1, \"value\": \"Drew Barrymore is ...\"}, \"All good movies \\\"inspire\\\" some direct to video copycat flick. I was afraid that \\\"Gladiator\\\" wasn't really that good a film, because I hadn't seen any movie that had anything remotely resembling anything Roman on the new releases shelf for months. Then I spotted Full Moon's latest offering, Demonicus. I'm a fan of Full Moon's Puppetmaster series, and Blood Dolls, but had never seen one of their non-killer puppet films. Anyway...

Demonicus chronicles what happens to a group of campers in the mountains of the Alps. One of the campers, James, finds a cave with old gladiator artifacts, and feels impelled to remove a helmet from a corpse and try it on. He becomes possessed, and, as the demonic gladiator Tyrannus, is impelled to kill his friends to revive the corpse, who is the real Tyrannus.

Granted, like many Full Moon films, this has little or no budget. At times, the editing and direction was so amateurish I'd swear I was watching the Blair Witch Project. The attempts at chopping off of limbs and heads reminds me of a Monty Python skit. The weapons, although apparently real, look really plastic-y. It literally looks like this was filmed by a group of friends with a digital camcorder on a weekend. Granted, there's nothing wrong with such film-making, just don't rent this expecting a technical masterpiece. It looks like there were attempts at research for the script too, because, even though Tyrannus really doesn't act much like a gladiator until the end, at least he speaks Latin.

All trashing aside, I actually enjoyed this film. Not as much as a killer puppet film, perhaps, but Full Moon still delivers! The only thing that disappointed me was there was no Full Moon Videozone at the end!\": {\"frequency\": 1, \"value\": \"All good movies ...\"}, \"This film was a critical and box-office fiasco back in 1957. It was based on a novel which was later turned into a play--which flopped on Broadway. The story is about some navy officers on leave in San Francisco during WWII. They have 4 day's leave which they spend at the Mark Hopkins hotel. The film meanders a lot and none of the characters seem very real. Cary Grant is generally brilliant in comedy and drama--but here he plays a sort of wheeler dealer and he doesn't really pull it off. Tony Curtis or James Garner would have been better choices. Audrey Hepburn was initially set to play opposite Grant, but had other commitments--so Suzy parker stepped in. She had never acted before, but was America's top photographic model at the time. I think that she did a good job, considering all the pressure that she was under. Grant's pairing with Jayne Mansfield in a few brief scenes--did not really work. The Studio was trying to give her some class by acting with Grant--but the character had no substance at all.\": {\"frequency\": 1, \"value\": \"This film was a ...\"}, \"A neat 'race against time' premise - A murdered John Doe is found to have pneumonic plague, so while the health authority and NOPD battle everybody and each other trying to find his waterfront contacts, the murderers think the heat is because the victim's infected cousin is holding out on them.

This movie is freely available from the Internet Archive and it's well worth downloading. A lot (all?) of this movie was filmed in genuine New Orleans locations, which makes it interesting to look at for what is now period detail, though to me it does look under-exposed, even for noir - maybe mobile lighting rigs then weren't what they are. There is also a plenty of location background noise, which is slightly distracting - car horns in the love scene, anyone? There are a lot of non-professional supporting artists in crowd scenes, and this may explain why the pacing of the film is slightly saggy to begin with - not much chance for retakes or recasting, though the final chase is worth hanging on for. There's not much wrong with the lead actors either: Jack Palance is genuinely scary as a charismatic, intelligent psychopath - the later scene as he alternately comforts and threatens the sick cousin is terrific, while Widmark, as he often did, pitches the righteous anger of the man on a mission at a believable level - most of the time.

Somebody should remake this - no supernaturals, no mysticism, no special FX, just a good yarn full of character conflict, and a topical theme. Another reviewer mentioned the writer John Kennedy O'Toole, and that's spot on with the number of oddball New Orleans types peppering this dark, sleazy, against-the-clock drama. There's even a midget newspaper seller.

\\\"Community? What community? D'you think you're living in the Middle Ages?\\\"\": {\"frequency\": 1, \"value\": \"A neat 'race ...\"}, \"This show was great, it wasn't just for kids which I thought at first, it is for the whole family.

The first season was mostly about the father looking after is two daughters and son, he sadly passed away in season 2, I Could believe it when I heard it.

I am clad they carried on with the show as that what would really happen in really life and I need to mention The Goodbye Episode it was so well made, it must of be so hard for them to film this , you could tell they were real tears in theirs eyes. I am 24 year old male and this episode did make me cry me as I know how they felt as my father died when I was 13 years too just like Roy.

Season 2 and Season 3 had great comedy in there also season 3 had some of my Favorites such Freaky Friday, Secrets.

I Still think the show was Strong enough to go on, I was disappointed that it ended, it was one the best no it was the best Family comedy show ever since Home Improvement and it could have been the next Friends.

it should never have ended but still love watching the repeats everyday.\": {\"frequency\": 1, \"value\": \"This show was ...\"}, \"This is one of the best Jodie Foster movies out there and largely ignored due to the general public's misconception of it as a teen flick. It has wonderful performances, particularly a fight scene between Jodie and her mother, played by a convincing Sally Kellerman. The three girls that play Jodie's friends are somewhat amateurish but I do think it is worth seeing.\": {\"frequency\": 1, \"value\": \"This is one of the ...\"}, \"8 Simple Rules is a funny show but it also has some life lessons especially one mature lesson about moving on after a lose which was the episode where Paul died which was the first episode I have ever watched of the show that comes on ABC. The Hennessy clan -- mother Cate (Katey Sagal), daughters Bridget (Kaley Cuoco) and Kerry (Amy Davidson), and son Rory (Martin Spanjers) -- look to one another for guidance and support after the death of Paul (John Ritter), the family patriarch. Cate's parents (James Garner and Suzanne Pleshette) lend a hand. I am glad later in the 2nd season of this show they decided to put David Spade in this show since he was done with the NBC series, Just Shoot Me! But all and all this show is pretty good. This show reminds me a lot of the classic family sitcoms from the 80's and 90's that used to be on ABC.\": {\"frequency\": 1, \"value\": \"8 Simple Rules is ...\"}, \"Being a music student myself, I thought a movie taking place in a conservatory might be fun to watch. Little did I know... (I had no idea this movie was based on a book by Britney Spears) This movie was implausible throughout. It's obvious that whoever wrote the script never set foot in a conservatory and doesn't know a thing about classical music. Let me give you just a few examples: 1) There is NO WAY anyone would be admitted to a classical conservatory with no classical training whatsoever! Just having a nice pop voice isn't enough, besides, that's a different thing altogether - another genre, different technique. It's like playing the violin when applying for a viola class. 2) How come the lady teaching music theory was in the singing jury? If she wasn't a singing professor herself, she would have no say in a situation like that, and if she was a singing professor, why weren't we told so? 3) Being able to read music is a necessity if you're to major in music. 4) How did Angela get a hold of that video tape? That would have been kept confidential, for the jury's eyes only. Now either she got the tape from one of the professors or the script writers just didn't have a clue. I wonder which... 5) The singing professor gave Holly the Carmen song saying she \\\"had the range\\\", which she clearly did NOT. Yes, she was able to sing the notes, but Carmen is a mezzo-soprano, while Holly's voice seemed to be much lighter in timbre, not at all compatible with that song. 6) Worst of all: Not only does the movie show a shocking ignorance when it comes to classical music, but it doesn't even try to hide it. The aria that Angela sings is mutilated beyond recognition, a fact which is painfully blatant at the recital, where it is cut short in a disgraceful way - Mozart would roll over in his grave. The Habanera from Carmen sounded a bit weird at times, too, and the way it was rearranged at the end just shows how little the producers really think of classical music - it's stiff and boring but hey, add some drums and electric guitars and it's almost as good as Britney Spears! I know these are all minor details, but it would have been so easy to avoid them with just a little research. Anyhow, I might have chosen to suspend my disbelief had the characters and the plot been well elaborated. But without that, I really can't find any redeeming qualities in this movie except for one: it's good for a laugh.\": {\"frequency\": 1, \"value\": \"Being a music ...\"}, \"LOL! Not a bad way to start it. I thought this was original, but then I discovered it was a clone of the 1976 remake of KING KONG. I never saw KING KONG until I was 15. I saw this film when I was 9. The film's funky disco music will get stuck in your head! Not to mention the film's theme song by the Yetians. This is the worst creature effects I've ever seen. At the same time this film remains a holy grail of B-movies. Memorable quotes: \\\"Take a tranquilizer and go to bed.\\\" \\\"Put the Yeti in your tank and you have Yeti power.\\\" I remember seeing this film on MOVIE MACRABE hosted by Elvira. There is one scene where it was like KING KONG in reverse! In KING KONG he grabs the girl and climbs up the building, but in this film he climbs down the building and grabs the girl (who was falling)! Also around that year was another KONG clone MIGHTY PEKING MAN (1977) which came from Hong Kong. There is a lot of traveling matte scenes and motorized body parts. This film will leave you laughing. It is like I said, just another KING KONG clone. Rated PG for violence, language, thematic elements, and some scary scenes.\": {\"frequency\": 1, \"value\": \"LOL! Not a bad way ...\"}, \"I watch a lot of films, good, bad and indifferent; there is usually something of interest to fixate upon, even if it is only set design, or the reliable labor of a good character actor, or the fortuitous laughter that emerges from watching ineptitude captured forever.

However, I was quite pleasantly surprised by this film, one I had never seen before. Graham Greene has been translated into film many times of course, in such masterpieces as \\\"Thin Man\\\" and in lesser vehicles. \\\"Confidential Agent\\\" is one of those lesser vehicles, yet it manages to get me somewhere anyway, despite lackluster direction, the incongruity of Bacall and Boyer's depictions as (respectively) British and Spanish, and the almost complete non-existence of any chemistry between the two leads. In some ways, this last \\\"problem\\\" actually begins to work in the film's favor, for how can love really blossom in the killing atmosphere of fascism and capitalism meeting about one person's tragedy? The most compelling aspect of the film arises directly from Greene's complex and guilt-ridden psychology, which pervades the film. I know some see the deliberate pacing here as dull, and I can understand that. Yet I found that plodding accentuated rather than detracted from what is a claustrophobic world. I was compelled to watch, not by any great acting (although Boyer is marvelous as usual, managing to convey a rich mixture of world-weariness, tragedy, hope, and fervor with his magnificent voice and yearning eyes), but by the down-spiraling rush of one man's slim hopes against a world of oppression and money. What is a thief? What good is love in the face of death? Where does mere profit-taking end and exploitation begin? The film does not rise to the level of art, and thus cannot hope to answer such questions, but it is much more than mere entertainment, and its murders and guilts are very grimly drawn. The lack of glitz, of \\\"bubble,\\\" of narrative \\\"bounce\\\" help to make this movie very worthwhile.

And there is no happy ending, for history wrote the ending.\": {\"frequency\": 2, \"value\": \"I watch a lot of ...\"}, \"You have to understand, when Wargames was released in 1983, it created a generation of wannabe computer hackers. The idea that a teenager could do anything of far reaching proportions, let alone deter a world war was novel and thrilling. Real computers were beginning to show up in people's homes, and for the first time, society was becoming interconnected in a way that made the movie's premise excitingly prescient. Granted, a talking computer that balanced it's free time between chess and global thermonuclear war was a bit far fetched, but the brilliant commentary on nuclear proliferation and the cold war made up for it. I've probably even heard of the hackers that this movie was actually based on.

Fast forward 25 years, and we have a horrible mutant of a thing that I loathe to call a \\\"sequel\\\", called Wargames: The Dead Code. I'll just dig right in. First of all, the plot hinges on a government operated gambling site where folks who win the games automatically become terror suspects. You're probably very confused right now. The idea is that eventually the terrorist will click on the sub-game within the web site called \\\"The Dead Code\\\" where they pilot a plane over a city, spraying it with bioweapons. At some point in the game, you have to choose between \\\"sarin gas\\\" and \\\"anthrax\\\", and if you choose \\\"sarin\\\", then you're automatically confirmed as a bioterrorism weapons expert and your family is taken into custody and interrogated. In the movie, this actually happens. However, since the payment for the game was made from a bank account that was suspicious, it obviously all makes sense.

Second, the avatar of the AI in this straight-to-DVD bomb is an annoying flash animation that keeps repeating the pop-up-ad-esquire sound bite \\\"play with me baby\\\". Because apparently in the future, advanced AI loses interest in intellectual pursuits like chess, and gets into porn.

Third, the motivation for these \\\"hackers\\\" is profit and women, as opposed to pure curiosity as in the original movie. For some reason, recent hacker movies feel the need to portray all young adults as average surfer dude kind of people who are just like everyone else. That may work for your average sitcom, but c'mon, you don't learn how to take over government computers by doing your hair, playing sports, and shopping at the mall, folks. The one novel thing I noticed was that at some point in the dialogue there is a reference to a Matt Damon movie, and then later there is the phrase, \\\"Good Hunting, Will\\\". I swear, they named the main character Will just for that phrase so they could send a high five to Mr. Damon. This Will kid isn't bad, but he was certainly wasn't like any obsessive hacker I've ever met. I can't fully state how annoyed I am that this movie shares the same name as the original, because it has absolutely nothing in common with it except\\ufffd\\ufffd Professor Falken and Joshua (WOPR) make a reappearance in this movie, as a limp old man who apparently is dying of boredom, and a dilapidated old tic-tac-toe machine with a higher pitched voice. After some prodding, Joshua (the AI) has what appears to be sex with the new AI with the porn voice, a bunch of board games flash on the big screens, and the whole \\\"The only way to win, is not to play\\\" revelation is supposed to be the crowning moment. Except that those of us who saw the original, you know, those who would want to see this in the first place have already been there and done that. A recycled ending for a movie made from last month's compost.

The new movie was directed by a guy who's done 90210, and written by guys who do B movies. The original was directed by a guy who's been keeping himself busy with \\\"Heroes\\\", so you see the quality difference there. There was talk of a real remake, but I hope they don't destroy this classic all over again. I swear, if I have to, I'll visit every gambling web site until I find the one that's run by a psychotic government computer. The saving grace is that I was able to stream this on Netflix, so at least the only energy I expended watching this disaster was for breathing, clicking, and indigestion.\": {\"frequency\": 1, \"value\": \"You have to ...\"}, \"Everyone knows about this ''Zero Day'' event. What I think this movie did that Elephant did not is that they made us see how these guys were. They showed their life for about a year. Throughout the movie we get to like them, to laugh with them even though we totally know what they're gonna do. And THAT gives me the chills. Cause I felt guilty to be cheered by their comments, and I just thought Cal was a sweet guy. Even though I KNEW what was gonna happen you know? Even at the end of the movie when they were about to commit suicide and just deciding if they did it on the count of 3 or 4 I thought this was funny but still I was horrified to see their heads blown off. Of course I was. I got to like them. They were wicked, maybe, but I felt like they were really normal guys, that they didn't really realize it. But I knew they were.

That's, IMO, the main force of this movie. It makes us realize that our friends, or relatives, or anyone, can be planning something crazy, and that we won't even notice it. This movie, as good as it was, made me feel bad. And that's why I can't go to sleep right now. There's still this little feeling in my stomach. Butterflies.\": {\"frequency\": 2, \"value\": \"Everyone knows ...\"}, \"A group of us watched this film are were really disgusted. We were willing to forgive the fact that our favorite character Jo wasn't on (it's not like the writers/producers could do anything about that). The writing was poor, the script was sub-par. What REALLY annoyed us: 1. When the two guys realized they were both dating Natalie, they didn't just leave they put up with that stupid (and ultimately degrading) contest - but only because they were macho competing guys, not because they really wanted Natalie. 2. Despite being unable to choose between the two guys before the reunion, Natalie suddenly decides that she really loves one of the guys and is now ready to marry him? (and there was no foreshadowing that he was really a better guy, it's as if the writers flipped a coin and then just had her spit it out at some convenient point in the film). 3. Blair makes a point of talking about how she does not want children and then all of a sudden when her husband says he wants to have children, she blissfully agrees with him.\": {\"frequency\": 1, \"value\": \"A group of us ...\"}, \"Spoilers I guess.

The absolutely absurd logic of the ending ruins the entire movie. I just couldn't get over it. And what is wrong with Mark Wahlberg's character? If I suddenly found myself crashed-landed on a planet full of talking apes, I'd be all like, \\\" AAAAhhhhHHH!!! Run for your lives! The monkeys have inherited the Earth!\\\" But he's all like, \\\"talking apes, okay. Next?\\\" That's pretty jaded I'd say. He must run into even stranger things on a regular basis. Besides that, this is Rick Baker's best work yet. This film is a true testament to how far we've come in the monkey makeup field. 3/10.\": {\"frequency\": 1, \"value\": \"Spoilers I ...\"}, \"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 !\": {\"frequency\": 1, \"value\": \"Yesterday my ...\"}, \"Ummm, please forgive me, but weren't more than half the characters missing? In the original novel, Valjean is a man imprisoned for 19 years for stealing a loaf of bread and then attempting several times to escape. He breaks parole and is pursued relentlessly by the police inspector Javert. Along the way there are MANY characters that weren't in this version. Some worth mentioning would be Fantine, Cosette, M & Mme. Thenardier, Eponine, Marius, Gavroche, and Enjolras. The only character with the same name is Javert. I was confused and frustrated throughout the whole movie, trying to see how it was in any way connected to Victor Hugo's epic novel.\": {\"frequency\": 1, \"value\": \"Ummm, please ...\"}, \"I was very excited about this film when I first saw the previews. Normally I see a preview this good and I buy the film outright. Something told me to... you know watch it first. I'm glad I did. Keira Knightley ruined all future films for me with this role. In the 2nd Pirates movie when it came out I went to see it. All I saw was Domino Harvey and I hated her more for it. I think that had to do with her hair and having to cut it short for Domino.

Domino who? Who is Domino Harvey? I still don't really know or care. I don't know who she was in real life or who she was in this film. I didn't care about her character and even Keira getting partically naked didn't make it worth the movie. The direction was definitely lacking. The writing was trite and shallow. The editing was horrible. I don't mind the style so much as the poor overuse of it. There's a place for it. Good examples of choppy, MTV style, colorful editing (not sure if there's an official name) would be Fight Club; just off the top of my head. Even Enemy of the State had a semi similar editing style at parts. It was used tastefully and wasn't used as a crutch. I mean this is the same guy who directed Top Gun and Crimson Tide. Tony Scott please give me my time back.

I understand there are many people who liked this movie. I guess the idea that you'll either completely love this movie or completely hate it is a fair assessment. Frankly, I hate it.\": {\"frequency\": 1, \"value\": \"I was very excited ...\"}, \"A major disappointment. This was one of the best UK crime drama / detective shows from the 90's which developed the fascinating title character played by Scotland's Robbie Coltrane. However this one-off has little to add and perhaps suffers from an inevitable let down due to raised expectations when a favored show returns after a long hiatus. Coltrane isn't really given much to do, much more attention is spent on the uninteresting killer, and in what he has to act in, he seems uninvolved, almost bored. The ex-soldier's story is written by the books and the attempt to update us on Coltrane's family life seems lightweight. Perhaps if the writers had a whole series in front of them instead of just this one two-hour show they would have written this with much more depth. As is, skip this and watch the old Cracker from the 90's which is far far superior.\": {\"frequency\": 1, \"value\": \"A major ...\"}, \"While most of the movie is very amateurish, the Kosher slaughter scene is played up, but not untrue. Kosher law says that an animal must be conscious when the blade touches it's skin. The Kosher slaughter scene is accurate as anyone knows who has seen one, or has seen the Peta film showing a Kosher slaughter, in which the animals throat is cut, and the esophagus cut out while it is still alive, conscious, and obviously suffering. We must remember that history is written by the victors. Is one even Allowed to even THINK that maybe the Nazis were right??

Doesn't it say anything that the Nazis had outlawed this vicious religious slaughter, and the Jews are still practicing it even today?\": {\"frequency\": 1, \"value\": \"While most of the ...\"}, \"The absolute summum of the oeuvre of that crafty Dane Douglas Sirk (born Detlef Sierck), Written on the Wind compels our prurient attention in every gaudy frame. From its justly famous opening sequence, with the leaves blowing into the baronial foyer of a Texas mansion and the wind riffling the pages of the calendar into a flashback, the movie compresses into its 99 minutes all the familial intrigue that was to fuel such later, little-screen knockoffs as Dallas, Dynasty and Falcon Crest over their years-long runs.

The combination of wealth and dysfunction is a theme Americans, in our dollar-based society, find irresistible. Brother and sister Robert Stack and Dorothy Malone are the spoiled, troubled heirs to the Hadly oil fortune; boyhood chum Rock Hudson and new bride Lauren Bacall are the sane outsiders who try to keep the lid on the roiling cauldron. (It's been rumored that the story was based on Libby Holmann's marriage into Reynolds tobacco money.) As always, the misfits get all the scenery to chew -- and the best lines to spit out (Malone, in her Oscar-nabbing performance as the boozing nymphomaniac with a jones for Hudson, gets to detonate a whole fireworks display of them). Hudson, while good, can't compete with all this over-the-top emoting; Bacall starts out strong but grows recessive, a mere plot convenience. No matter; with a succession of set-pieces shot in extravagant hues, Sirk gives an object lesson in how to turn out overwrought melodrama set in the lush consumer paradise of late-50s America. Nobody ever did it better.\": {\"frequency\": 1, \"value\": \"The absolute ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"I only saw this ...\"}, \"Even 15 years after the end of the Vietnam war \\\"Jacknife\\\" came not too late or was even superfluous. It's one of the few that try to deal with the second sad side of the war: The time after. Different from movies like \\\"Taxi driver\\\" or \\\"Rambo\\\" which use to present their main characters as broken heroes in a bad after war environment this movie allows the audience to face a different view on the Vietnam vets. Their development is shown very precisely before and especially after the war. The problems are obvious but in all this tragic there is always the feeling of some hope on the basis of love and friendship. \\\"Jacknife\\\" might be the quietest Vietnam movie ever but after almost 15 years this is really plausible and therefor justified. Moreover, it can make us believe that the war has not finished, yet; at least for some of us.

The three main characters are amazing. De Niro has done one of his best jobs but Ed Harris is the star of this movie. Possibly,this was his best performance ever.\": {\"frequency\": 1, \"value\": \"Even 15 years ...\"}, \"A DOUBLE LIFE has developed a mystique among film fans for two reasons: the plot idea of an actor getting so wrapped up into a role (here Othello) as to pick up the great flaw of that character and put it into his life; and that this is the film that won Ronald Colman the Academy Award (as well as the Golden Globe) as best actor. Let's take the second point first.

Is Anthony John Colman's greatest role, or even his signature role? I have my doubts on either level - but it is among his best known roles. Most of his career, Ronald Colman played decent gentlemen, frequently in dangerous or atypical situations. He is Bulldog Drummond (cleaned up in the Goldwyn production not to be an arrogant racist) fighting crime. He is Raffles, the great cricket player and even greater burglar, trying to pull off his best burglary to save a friend's honor. He is Robert Conway, the great imperial political figure, who is kidnapped and brought to that paradise on earth, Shangri-La. He is Dick Heldar, manfully going to his death after he learns his masterpiece has been destroyed and knowing he is now blind and useless as an artist. I can add Sidney Carton and Rudolf Rassendyll to this list. But here he is not heroic. In fact he is unconsciously villainous - he murders one person and nearly kills two others. It does not matter that he is obviously mentally ill - his behavior here is anti-social.

To me Colman should have gotten the Oscar for Heldar, or Carton, or Conway - all more typical of his acting roles. But the Academy has a long tradition of picking atypical roles for awarding it's treasure to it's leading members. Colman's Anthony John is a very good performance, and at one point truly scary. When alone with Signe Hasso in her home, she at the top of a staircase and him at the base, they have an argument. She demands that \\\"Tony\\\" leave, saying she won't see him. He stares at her, his face oddly hardening in a way he never used before, and he says, \\\"Oh, no you won't!\\\" He starts moving upstairs, frightening Hasso, and she runs into her room. He stops himself and leaves. It actually is the real highpoint of his performance - even more than his assaulting of Hasso on stage, or of Edmond O'Brien, or his killing of Shelley Winters. It showed his blind fury. For that moment it was (to me) an Oscar-worthy performance. But it is only that moment. I'm glad he was recognized for the role, but he should have gotten the award for a more consistent performance.

His actual performance in the Shakespearian role of Othello is not great, but bearable. Too frequently he lets the dialog roll off his tongue in a kind of forced singing style (one wonders if that was due to the coaching of Walter Hampden, who probably knew how to handle the role properly, or a reaction to it). Nowadays \\\"Othello\\\" is played by an African American actor more frequently than a white one. Paul Robeson's brilliant performance in the role set that new tradition firmly into place. But the three best known movie performances of the part are those of Colman, Orson Welles in his movie of OTHELLO, and Laurence Olivier in his movie of his play production of OTHELLO. All three white actors did the role in black face. My personal favorite of the three is Welles, who seems the most subtle. But even watching Welles' fine film version makes me angry that Robeson never got to put his performance (with Jose Ferrer as Iago) on film.

Now the first question - can an actor get that wrapped up in a role? I heard different things about this. Some actors have admitted taking a role home with them from the theater or movie set. Others have found a role they have to be stimulating, influencing them on a new cause of action regarding their lives or some aspect of life. But actually I have never heard of anyone who turned homicidal as the result of a role. It seems a melodramatic, hackneyed idea.

As a matter of fact it was not a new idea in 1947 with Cukor, Kanin, and Gordon. In 1944 a \\\"B\\\" feature, THE BRIGHTON STRANGLER, starring John Loder, had used a similar plot about an actor who is playing an infamous \\\"Jack the Ripper\\\" type, and who starts committing those type of killings after an accident affects his mind. There was an earlier movie in the 1930s, in which an actor playing Othello gets jealous of his wife (I think the title was MEN ARE NOT GODS, but I'm not sure). But due to Colman's name and career, and Cukor's directing, it is A DOUBLE LIFE that people think of when they recall this plot idea. It even reached comedy (finally) on an episode of CHEERS, where Diane Chambers is helping an ex-convict who may have acting talent, and they put on OTHELLO at the bar, just after he sees her with Sam Malone kissing. Only Diane is aware of the personality problem of the ex-convict, and can't delay the production long enough (she tries to start a discussion into the history and symbolism of the play).

The cast of A DOUBLE LIFE was first rate, and Cukor's direction was as sure as ever. So the film is definitely worth watching. But despite giving Colman an interestingly different role, it was not his best work on the screen.\": {\"frequency\": 1, \"value\": \"A DOUBLE LIFE has ...\"}, \"i just saw this film, i first saw it when i was 7 and could just about remember the end. so i watched it like, 10 minutes ago, and (i may seem like a baby as i am 12 ha-ha) i started to cry at the ending, i forgotten how sad it was. i think i was mainly sad for Anne-Marie because she said: 'i love you Charlie' and also: 'i'll miss you Charlie', just made me really cry ha-ha. it has to be one of me favourite movies of all time, it is just a film well worth watching. WATCH IT ha-ha, thats all i can say XD

but, i love this film, its a true classic.

xx Maverick xx 10/10\": {\"frequency\": 1, \"value\": \"i just saw this ...\"}, \"Sundown - featuring the weakest, dorkiest vampires ever seen, accompanied by one of the most unfitting, pretentious scores ever written - and with Shane the vampire, who's every move and spoken word was so ridiculous that I burst out laughing half the times and rolled my eyes the rest.

The vampires don't seem to have any special powers at all - except for strength (sometimes), being able to switch off a lamp with their mind (one time) and... that's it, really. Ever imagine count Dracula worriedly recoiling from a fight 'cause he ran out of bullets? Neither did I. Practically any other movie-Dracula would eat this one for breakfast, skin his followers and use their bones as toothpicks.

The main plot of the movie is that a human family of four gets caught up in a vampire gang fight - Dracula's vs. some old geezer's. It could have been some good old B-flick fun, but the overly dramatic music was clearly written by someone who took this movie a bit too seriously, and ends up ruining the remaining part of the movie not already ruined by clay bats, mediocre acting and the laughable screenplay.

In the end it's just too silly to be funny. Sure, it has some amusing moments, but they're few, and far apart.\": {\"frequency\": 1, \"value\": \"Sundown - ...\"}, \"What a stunning episode for this fine series. This is television excellence at its best. The story takes place in 1968 and it's beautifully filmed in black & white, almost a film noir style with its deep shadows and stark images. This is a story about two men who fall in love, but I don't want to spoil this. It is a rare presentation of what homosexuals faced in the 1960s in America. Written by the superb Tom Pettit, and directed by the great Jeannot Szwarc, we move through their lives, their love for each other, and their tragedy. Taking on such a sensitive issue makes this episode all the more stunning. Our emotions are as torn and on edge as the characters. Chills ran up my spine at the end when they played Bob Dylan's gorgeous, \\\"Ah, but I was so much older then, I'm younger than that now,\\\" as sung by the Byrds. This one goes far past a 10 and all the way to the stars. Beautiful.\": {\"frequency\": 1, \"value\": \"What a stunning ...\"}, \"A friend of mine bought this film for \\ufffd\\ufffd1, and even then it was grossly overpriced. Despite featuring big names such as Adam Sandler, Billy Bob Thornton and the incredibly talented Burt Young, this film was about as funny as taking a chisel and hammering it straight through your earhole. It uses tired, bottom of the barrel comedic techniques - consistently breaking the fourth wall as Sandler talks to the audience, and seemingly pointless montages of 'hot girls'.

Adam Sandler plays a waiter on a cruise ship who wants to make it as a successful comedian in order to become successful with women. When the ship's resident comedian - the shamelessly named 'Dickie' due to his unfathomable success with the opposite gender - is presumed lost at sea, Sandler's character Shecker gets his big break. Dickie is not dead, he's rather locked in the bathroom, presumably sea sick.

Perhaps from his mouth he just vomited the worst film of all time.\": {\"frequency\": 1, \"value\": \"A friend of mine ...\"}, \"If you want Scream or anything like the big-studio horror product that we get forced on us these days don't bother. This well-written film kept me up thinking about all it had to say. Importance of myth in our lives to make it make sense, how children interpret the world (and the violence in it), our ransacking of the environment and ignorance of its history and legends.. all here, but not flatly on the surface. You could technically call it a \\\"monster movie\\\" even though the Wendigo does not take physical form until the end, and then it's even up to you and your beliefs as to what's happening with the legendary spirit/beast. Some standard thriller elements for those looking just for the basics and the film never bores, though in fact the less you see of the creature, the better. Fessenden successfully continues George Romero's tradition of using the genre as parable and as a discussion forum while still keeping us creeped out.\": {\"frequency\": 2, \"value\": \"If you want Scream ...\"}, \"I was browsing through Netflix and stumbled upon this movie. Having fond memories of the book as a child, I decided to check this out. This is a movie that you should really pass on.

It is just not worth seeing. It is very boring and uninteresting. I feel that it would even be that way to small children. It has no magic that the book contains. This movie is not horrible, but you will just find yourself not caring ten minutes into it.

There are moments that just come off as weird. The witch character is not very good. The family acts like it is no big deal that these odd things are happening. I know this is a kids movie, so as an older audience we must not look too deeply in things, but the whole movie just feels like it was written and produced by people who have never had any movie making experience before.

The DVD that I had began skipping in the final moments of the film, and instead of trying to fix it I just turned it off and sent it back to Netflix. I really didn't care how it finished. Skip this film and read the book instead.\": {\"frequency\": 1, \"value\": \"I was browsing ...\"}, \"A wonder. One of the best musicals ever. The three Busby Berkely numbers that end the movie are spectacular, but what makes this film so wonderful is the incredible non-stop patter and the natural acting of Cagney and Blondell. (Keeler is also lovely, even though she may not have been a great actress). There's a freshness in the movie that you don't see in flicks today, much less in the usually stilted 30s films, even though the plot, involving the setting up of movies prologues, is quite dated.\": {\"frequency\": 1, \"value\": \"A wonder. One of ...\"}, \"\\\"Carriers\\\" follows the exploits of two guys and two gals in a stolen Mercedes with the words road warrior on the hood hightailing it down the highway for the beach with surfboards strapped to the top of their car. Brian (Chris Pine of \\\"Star Trek\\\") is driving and his girlfriend Bobby (Piper Perabo of \\\"Coyote Ugly\\\")has shotgun, while Brian's younger brother, Danny (Lou Taylor Pucci of \\\"Fanboys\\\") and his friend--not exactly girlfriend--Kate (Emily VanCamp of \\\"The Ring 2\\\") occupy the backseat. This quartet of twentysomething characters are living in a nightmare. Apparently, a viral pandemic--which co-directors & co-scenarists Alex Pastor and David Pastor tell us absolutely nothing about--has devastated America. Naturally, the lack of exposition shaves off at least fifteen minutes that would have slowed down this cynical melodrama about how humans degenerate in a crisis and become their own worst enemies.

This lethal virus gives you the shingles and then you bleed and die. Most everybody runs around wearing those white masks strapped to their nose and mouth by a thin rubber band. Initially, this foursome encounters a desperate father, Frank (Christopher Meloni of \\\"Runaway Bride\\\"),and his cute little daughter Jodie (Kiernan Shipka of \\\"Land of the Lost\\\") blocking the highway with their SUV. Brian swerves around Frank when he tries to waylay them, but in the process, the oil pan in their Mercedes ruptures and they wind up on foot. Reluctantly, they hitch a ride with Frank after they seal Jodie up in the rear of the SUV. She wears a mask over her nose and mouth and it is speckled with blood. Frank has heard that doctors are curing ailing people at a hospital and they head to it. Sadly, somebody has lied to Frank. The hospital physician is giving the last couple of kids some Kool-Aid that will put them out of their misery. The cure did not improve their condition. Everybody else in town is dead. Kate tries without success to get a dial tone on every phone. Frank realizes that there is no hope for his daughter and he lets the heroic quartet appropriate his SUV and take off.

Indeed, \\\"Carriers\\\" qualifies as a relentlessly depressing movie about the effects of a pandemic on four sympathetic people who degenerate into homicidal murderers to protect themselves. They reach a country club and frolic around on a golf course until another four show up in suits and masks with pump-action shotguns. Incredibly, our protagonists manage to escape without getting shot, but Brian has a scare when he almost falls into the water with a floating corpse. Eventually, they discover that one of them has become infected. Later, as they are about to run out of gas, Brian blocks the highway like Frank did at the outset. Danny tries to stop a pair of older Christian women driving the car. Danny lies that his pregnant wife is about to give birth and he needs their help. Brian throws caution to the wind and blasts away at the ladies with his automatic pistol when they refuse to help them. Brian catches a slug in the leg from the passenger, but he kills her.

No,\\\"Carriers\\\" is not a beer & pizza movie that you can either laugh off or laugh with because the humor is virtually non-existent. By the end of this 84-minute movie, our heroes have turned into villains who only care only for themselves and their plight. Chris Pine makes quite an impression as fun-loving Brian and his energetic performance is the only reason to hang with this hokum, while the only other well-known actress, Piper Perabo, is relegated to an inconsequential girlfriend role. As Bobby, she makes tragic the mistake of showing compassion to a dying little girl and pays an awful price. It is a testament to Pine's performance that he can change his character to the point of putting himself before others. Essentially, Pine has the only role that gives him the ability to pull a one-eighty from happy-go-lucky guy to heartless guy.

The two directors are Spanish brothers, and they never let the momentum flag. Since there is no relief in sight, \\\"Carriers\\\" sinks into predictability. \\\"Irr\\ufffd\\ufffdversible\\\" cinematographer Beno\\ufffd\\ufffdt Debie does a fantastic job with his widescreen lensing and as unsavory as this road trip becomes, Debie makes it look like a dynamic film. Aside from the lack of a happy ending or closure in any sense of the word, \\\"Carriers\\\" suffers because it is so horribly cynical. The scene when the German shepherd attacks Danny conjures up the most suspense, but even it could have been improved. Unfortunately, the Pastor brothers do not scare up either much tension or suspense. By fade-out, you really don't care what happens to anybody.\": {\"frequency\": 1, \"value\": \"\\\"Carriers\\\" follows ...\"}, \"Mighty Morphin Power Rangers has got to be the worst television show ever made. There is no plot, just a bunch of silly costumed kids using martial arts while dressed up in second class spandex outfits.

The special effects look like they are from the '70's, the costumes look like something out of a bad comedy, and the show is just plain awful.

The only thing worse than the television show are the toys, just second rate plastic garbage fed to our kids.

There are far better shows for your kids to watch!

Try giving your kids something like Nickelodean, those shows actually have some intelligence behind them, unlike power rangers.\": {\"frequency\": 1, \"value\": \"Mighty Morphin ...\"}, \"This film has been receiving a lot of play lately during the day on either HBO or Cinemax. The reason is that they are assuming people would be interested in comparing it to the Leonardo DiCaprio/Tom Hanks caper of the same name. The only reason to see it is for the attractive Matt Lattanzi. Yum! Although I must say Matt was more than a little long in the tooth to be playing a high schooler. If he were a woman, they'd have had him playing the MOTHER of a high schooler! (Is is just me, or is his daughter starting to look like Shelley Duvall?) Oh yeah, the plot--who cares? Typical teen highjinx played by adults.\": {\"frequency\": 1, \"value\": \"This film has been ...\"}, \"This Night Listener is better than people are generally saying. It has weaknesses, and it seems to be having a genre identity crisis, no doubt, but I think its creepy atmosphere and intriguing performances make up for this. The whole thing feels like one of those fireside \\\"this happened to a friend of a friend of mine\\\" ghost stories. One big complaint about the movie is the pacing: but the slow and sometimes awkward pacing is deliberate. Everything that unfolds in this movie is kept well within the realm of possibility, and real life just sort of plods along\\ufffd\\ufffdno? So there are no flashy endings or earth-shattering revelations, no \\\"showdown\\\" scenes. Thank Heaven. You have to get into the zone when watching this movie, forget your reservations and your expectations of what makes a (conventionally)good movie. Williams isn't terrific, but he easily meets the needs of the story, plus his character is supposed to be somewhat generic (\\\"No One\\\") as he is the Everyman, the avatar by which we ourselves enter the story. Toni Collette's performance should be nominated for an Oscar (even if she maybe shouldn't win it). Give it a shot. For quality and content alone, The Night Listener is surely in the top twenty percent of movies coming out these days.\": {\"frequency\": 1, \"value\": \"This Night ...\"}, \"Every so often a movie comes along that knocks me down a notch and reminds me that my taste in films I seek out to watch isn't always impeccable. I normally would stay away from stuff like this, but I was duped by some glowing reviews and the Rohmer pedigree.

There's an initial and intriguing novelty to the production where Rohmer essentially superimposes the actors onto painted (digital) back-drops of revolution era France. This quickly wanes and becomes about as interesting as watching the paint dry on a paint by numbers scene. What we're left with is a boring and stuffy film about aristocrats in 18th century France. None of the characters are appealing or sympathetic. The pace is so languid, the dialogue so arduous, and suspense is clearly a foreign concept to Rohmer, that I ended up not caring whose head rolled, who was harboring who, or what the devil the revolution was supposed to be about. The movie would've greatly benefited from some semblance of emotional build-up and a music score (there's some fine classical music used at the very end). Despite being so \\\"talky\\\", the film plays much like a silent film, and the worst kind of film at that, a dull and uninteresting film about infinitely interesting subjects. Only the most astute French historians will find anything to take from this film, as it dose seem to paint well known events from a new angle (the Lady is English and a royalist). Otherwise, avoid this yawner at all costs unless you are suffering from insomnia (I dozed off twice).\": {\"frequency\": 1, \"value\": \"Every so often a ...\"}, \"Filmed by MGM on the same sets as the English version, but in German, Garbo's second portrayal of \\\"Anna Christie\\\" benefited from practice and her apparent ease with German dialog. Garbo appears more relaxed and natural under Jacques Feyder's direction than under Clarence Brown's, and her silent movie mannerisms have all but disappeared, which made her transition to sound complete. The strength she brought to the character remains here, although it has been softened, and Garbo reveals more of Anna's vulnerability. The entire cast, with the exception of Garbo, is different from the previous version of the film, and Garbo benefits from not having to compete with Marie Dressler, who stole every scene she was in during the English-language version. In Feyder's film, Garbo holds the center of attention throughout, although the three supporting players, particularly the father, gave excellent performances.

Feyder's direction was more assured than Clarence Brown's, and his use of the camera and editing techniques did not seem as constrained by the new sound process as did those of Brown. The film moves with more fluidity than the English language adaptation, and the static nature of the first film has been replaced with a flow that maintains viewer interest. Even William Daniels cinematography seems improved over his filming of the Brown version. He captured Garbo's luminescence and the atmospherics of the docks with style. Also, the screenplay adaptation for the European audience made Anna's profession quite clear from the start, and the explicitness clarifies for viewers who were unfamiliar with the play as to what was only implied in the Brown filming. However, the film was made before the Production Code was introduced, which made the censorship puzzling.

Garbo's Oscar nomination for \\\"Anna Christie\\\" was always somewhat mystifying, and I suspected that the nod was given more in recognition of her relatively smooth transition to sound films than for her performance. However, some of the Academy voters may have seen the German-language version of the film, and they realized, as will contemporary viewers, that her \\\"Anna Christie\\\" under Feyder's direction was definitely Oscar worthy.\": {\"frequency\": 1, \"value\": \"Filmed by MGM on ...\"}, \"Greetings again from the darkness. Much anticipated, twisted comedy from writer/director Richard Shepard is a coming out party for Pierce Brosnan the actor. That Bond guy is gone. This new guy is something else entirely!! Have read that Shepard thought Brosnan was too much the pretty boy for this plum role, but Brosnan proves to be the perfect Julian Noble, \\\"Facilitator\\\" ... and is anything but pretty! Do not underestimate how twisted the humor is in this one. If you go, expect punch lines and sight gags regarding all types of sex, killing, religion, sports, business and anything else you might deem politically incorrect. Brosnan takes an excellent script to another level with his marvelous facial gestures and physical movements. Even sitting on a hotel bed (with or without a sombrero) is a joy to behold.

Greg Kinnear is the straight guy to Brosnan's comic and has plenty of depth and comic timing to make this partnership click. Hope Davis has a small, but subtly effective supporting role as Kinnear's wife (what's with her name \\\"Bean\\\"?) who happens to get a little excited when she has a facilitator in her living room.

The visuals and settings are perfect - including a bullfight, racetrack and Denver suburb. And how often do we get The Killers and Xavier Cugat on the same soundtrack? This one is definitely not for everyone, but if your sense of humor is a bit off center and you enjoy risky film-making, it could be for you.\": {\"frequency\": 1, \"value\": \"Greetings again ...\"}, \"When an attempt is made to assassinate the Emir of Ohtar, an Arab potentate visiting Washington, D.C., his life is saved by a cocktail waitress named Sunny Davis. Sunny becomes a national heroine and media celebrity and as a reward is offered a job working for the Protocol Section of the United States Department of State. Unknown to her however, the State Department officials who offer her the job have a hidden agenda.

A map we see shows Ohtar lying on the borders of Saudi Arabia and South Yemen, in an area of barren desert known as the Rub al-Khali, or Empty Quarter. In real life a state in this location would have a population of virtually zero, and virtually zero strategic value, but for the purposes of the film we have to accept that Ohtar is of immense strategic importance in the Cold War and that the American government, who are keen to build a military base there, need to do all that they can in order to keep on the good side of its ruler. It transpires that the Emir has taken a fancy to the attractive young woman who saved him and he has reached a deal with the State Department; they can have their base provided that he can have Sunny as the latest addition to his harem. Sunny's new job is just a ruse to ensure that the Emir has further opportunities to meet her.

A plot like this could have been the occasion for some hilarious satire, but in fact the film's satirical content is rather toned down. Possibly in 1984 the American public were not in the mood for trenchant satire on their country's foreign policy; this was, after all, the year in which Ronald Reagan carried forty-nine out of fifty states in the Presidential election and his hard line with the Soviet Union was clearly going down well with the voters. (If the film had been made a couple of years later, in the wake of the Iran/Contra affair, its tone might have been different).

The film is not so much a satire as a vehicle for Goldie Hawn to show off her brand of cuteness and charm. Sunny is a typical Goldie character- pretty, sweet-natured, naive and not too bright. There is, however, a limit to how far you can go with cuteness and charm alone, and you cannot automatically make a bad film a good one just by making the leading character a dumb blonde. (Actually, that sounds more like a recipe for making a good film a bad one). Goldie tries her best to save this one, but never succeeds. Part of the reason is the inconsistent way in which her character is portrayed. On the one hand Sunny is a sweet, innocent country girl from Oregon. On the other hand she is a 35-year-old woman who works in a sleazy bar and wears a revealing costume. The effect is rather like imagining Rebecca of Sunnybrook Farm grown up and working as a Bunny Girl.

The more important reason why Goldie is unable to rescue this film is even the best comedian or comedienne is no better than his/her material, and \\\"Protocol\\\" is simply unfunny. Whatever humour exists is tired and strained, relying on offensive stereotypes about Arab men who, apparently, all lust after Western women, particularly if they are blonde and blue-eyed. There was a lot of this sort of thing about in the mid-eighties, as this was the period which also saw the awful Ben Kingsley/ Nastassia Kinski film \\\"Harem\\\", about a lascivious Middle Eastern ruler who kidnaps a young American woman, and the mini-series of the same name which told a virtually identical story with a period setting. The film-makers seem to have realised that their film would not work as a pure comedy, because towards the end it turns into a sort of latter-day \\\"Mr Smith Goes to Washington\\\". Sunny turns from a blonde bimbo into a fount of political wisdom and starts uttering all sorts of platitudes about Democracy and the Constitution and the Citizen's Duty to Vote and We The People and how the Price of Liberty is Eternal Vigilance blah blah blah\\ufffd\\ufffd\\ufffd\\ufffd, but in truth the film is no more successful as a political parable than it is as a comedy.

Goldie Hawn has made a number of good comedies, such as \\\"Cactus Flower\\\", \\\"Overboard\\\" and \\\"\\\"Housesitter\\\", but \\\"Protocol\\\" is not one of them. I have not seen all of her films, but of those I have seen this dire comedy is by far the worst. 3/10\": {\"frequency\": 1, \"value\": \"When an attempt is ...\"}, \"This movie was like a bad indie with A-list talent. The plot was silly, all the way to the end. It reminded me very much of something churned out for the home video market in the 1980's. I would have given it a one, but there were brief moments when you could see the actors really really straining to make this worthwhile. I think the worst thing was the underwater scene's held off of the dock. The underwater lighting seemed to come from no were, and whenever someone we were supposed to care about was close to running out of air, this air tank would kind of appear. I would avoid this, unless there is nothing else on the shelf. Good Day.\": {\"frequency\": 1, \"value\": \"This movie was ...\"}, \"Henri Verneuil's film may be not so famous as Parallax View, 3 Days of the Condor or JFK but it is certainly not worse and sometimes even better than these classic representatives of the genre. Action takes place in fictional western state where fictional president has been killed. After several years of investigation, special government commission decides that president was killed by a lone gunman. But one man - prosecutor Volney, played by Yves Montand - thinks there's something more to be investigated and so the film starts. This movie doesn't deal with some exact theories, but it embraces the whole structure of relationship between government and society in today's world. Such film could be made only in the 1970-ies but it will never lose it's actuality. Furthermore, it's even a bit frightful how precise are it's oracles. 10 out of 10.\": {\"frequency\": 1, \"value\": \"Henri Verneuil's ...\"}, \"Felt it was very balanced in showing what Jehovahs Witnesses have done in protecting American freedoms. It also showed the strong faith of two families who were first generation witnesses. I also appreciated how it showed how by becoming a Jehovahs Witness affects non-witness family members and how hard it is for them to accept the fact that they don't celebrate holidays, the sad part is that non-witness families do not think of having their witness family over for family dinners/visits or give them gifts at any other times but for holidays or birthdays. When it comes to medical care the witnesses want and expect a high standard of medical care, what people forget is that blood transfusions allow for sloppy medical care and surgeries whereas bloodless treatments causes the medical team to be highly skilled and trained, which would you prefer to treat your loved ones? I highly recommend this video!\": {\"frequency\": 1, \"value\": \"Felt it was very ...\"}, \"Snow White, which just came out in Locarno, where I had the chance to see it, of course refers to the world famous fairy tale. And it also refers to coke. In the end, real snow of the Swiss Alps plays its part as well.

Thus all three aspects of the title are addressed in this film. There is a lot of dope on scene, and there is also a pale, dark haired girl - with a prince who has to go through all kind of trouble to come to her rescue.

But: It's not a fairy tale. It's supposed to be a realistic drama located in Zurich, Switzerland (according to the Tagline).

Technically the movie is close to perfect. Unfortunately a weak plot, foreseeable dialogs, a mostly unreal scenery and the mixed acting don't add up to create authenticity. Thus as a spectator I remained untouched.

And then there were the clich\\ufffd\\ufffds, which drove me crazy one by one: Snow White is a rich and spoiled upper class daughter - of course her parents are divorced and she never got enough love from them, because they were so busy all the time. Her best girlfriend, on the other hand, has loving and caring parents. They (a steelworker and a housewife) live in a tiny flat, poor and happy - and ignorant of the desperate situation their daughter is in. The good guy (= prince) is a musician (!) from the French speaking part of Switzerland (which is considered to be the economically less successful but emotionally fitter fraction of the country). He has problems with his parents. They are migrants from Spain, who don't seem to accept his wild way of living - until the father becomes seriously ill and confesses his great admiration for his son from a hospital bed.

And so it goes on: Naturally, the drug dealer is brutal, the bankers are heartless, the club owner is a playboy and the photographer, although a woman (!), has only her career in mind when she exposes Snow White in artsy pornographic pictures at a show.

This review doesn't need a spoiler in order to let you add these pieces to an obvious plot. As I like other films by Samir, e.g. \\\"Forget Baghdad\\\", I was quite disappointed. Let's hope for the next one.\": {\"frequency\": 1, \"value\": \"Snow White, which ...\"}, \"Silly, simplistic, and short, GUN CRAZY (VOLUME 1: A WOMAN FROM NOWHERE) goes nowhere.

This brief (just over sixty minutes) tale isn't so much inspired by the classic spaghetti Westerns as it is a rip-off of Sam Raimi's THE QUICK & THE DEAD (his admitted homage to the spaghetti Westerns) brought into a contemporary setting. In QUICK & DEAD, Sharon Stone's character seeks revenge against the dastardly sheriff (played by Gene Hackman) who, when she was but an urchin, placed the fate of her father (a brief cameo by Gary Sinise) in her hands; she accidentally shot him through the head. In GUN CRAZY, Saki (played by the nimble Ryoko Yonekura) seeks revenge against the dastardly Mr. Tojo (played with minimalist appeal by Shingo Tsurumi), who, when she was but an urchin, placed the fate of her father in her hands; she let her foot slip off the clutch, and dear ole dad was drawn and quartered by a semi truck. The only significant difference, despite the settings, is the fact that Tojo sadistically cripples Saki with \\ufffd\\ufffd well, I won't spoil that for you in case you decide to watch it.

In short, Saki \\ufffd\\ufffd a pale imitation of the Clint Eastwood's 'Man With No Name' \\ufffd\\ufffd rides into the town \\ufffd\\ufffd basically, there's a auto shop and a tavern alongside an American military base, so I guess that suffices for a town \\ufffd\\ufffd corrupted by Tojo, the local crimelord with a ridiculously high price on his head for reasons never explained or explored. Confessing her true self as a bounty hunter, Saki takes on the local gunmen in shootouts whose choreography bares more than a passing similarity to the works of Johnny To and John Woo. Of course, by the end of the film Saki has endured her fair amount of torture at the hands of the bad guys, but she rises to the occasion \\ufffd\\ufffd on her knees, in a laughable attempt at a surprise ending \\ufffd\\ufffd and vanquishes all of her enemies with a rocket launcher.

Don't ask where she gets the rocket launcher. Just watch it for yourself. Try not to laugh.

The image quality is average for the DVD release. There is a grainy quality to several sequences, but, all in all, this isn't a bad transfer. The sound quality leaves a bit to the imagination at times, but, again, it isn't a bad transfer.

Rather, it's a bad film.\": {\"frequency\": 1, \"value\": \"Silly, simplistic, ...\"}, \"I wish Spike Lee had chosen a different title for his film. \\\"Summer Of Sam\\\" conveys the impression that the film is about the infamous serial killer, David Berkowitz. It's not. It's a gritty, earthy portrait of NYC street life during the hot summer of '77 when Berkowitz terrorized that city.

The film follows several young fictional characters in an Italian-American neighborhood, and their reactions to the Son of Sam threat. There's Vinny and his wife Dionna; there's Richie and Ruby, and several other characters.

The problem is that these characters are not likable. They are routinely annoying, and at times unbearable. Lee then belabors their high energy, chaotic lives, which are filled with anger, lust, and general turmoil. There are at least two protracted fight scenes between Vinny and his wife, redundant disco dance scenes, countless gabfests ... Over and over I kept wondering: where's the film editor?

Meanwhile, with all that bulk, the film passes up the chance to convey any real sense of fear or dread arising from the Son of Sam menace, which is too much in the background. Lee is more successful at showing a different kind of menace, that arising from neighborhood vigilante groups.

The acting is uniformly good. That, combined with 70's disco music, and lavish attention to costumes and production design, make you really feel like you are in an Italian-American neighborhood in NYC in 1977.

The film's atmospheric authenticity, however, is not nearly enough to offset a rambling, overblown script about the lives of grossly irritating people.\": {\"frequency\": 1, \"value\": \"I wish Spike Lee ...\"}, \"I only watched the first 30 minutes of this and what I saw was a total piece of crap. The scenes I saw were as bad as an Ed Wood movie. No, it was a hundred times WORSE. Ed Wood has the reputation of being the worst director ever but that's not true; the idiot who directed this junk is the WORST director ever.

The American cop has a German accent! The \\\"police station\\\" was a desk in a warehouse with a sign \\\"Police Station\\\" hanging on the wall. There is a fist fight where the punches clearly miss by about TEN FEET.

This cop pulls women over, cuffs them and leads them to a warehouse. He tells his cop partner to wait in the car. Then he comes out of the warehouse carrying a duffel bag. The cop partner thinks maybe something is not right, that his partner might be a bad cop who is murdering these women, but he isn't sure if that is what's happening because - he's a moron! The dialog is totally stupid, the acting is awful, and the characters act in the stupidest manner I have ever seen on screen. It is totally obvious to the cop's partner that he is illegally abducting these women and he is slapping them and taking them into a warehouse and returning to the car with a duffel bag with a body in it, and yet, the partner, who is there all along, doesn't know what is happening!

The director of this film is a total hack. I stopped the movie at 30 minutes because I couldn't take it anymore. It has to be one of the WORST movies I have ever started to watch and I won't waste anymore time on it writing this review.

Absolutely WORTHLESS.\": {\"frequency\": 1, \"value\": \"I only watched the ...\"}, \"[***POSSIBLE SPOILERS***] This movie's reputation precedes it, so it was with anticipation that I sat down to watch it in letterbox on TCM. What a major disappointment.

The cast is superb and the production values are first-rate, but the characters are without depth, the plot is thin, and the whole thing goes on too long. For a movie that deals with alcoholism, family divisions, unfaithfulness, gambling, and sexual repression, the movie is curiously flat, prosaic, lifeless, and cliche-ridden. One example is the portrayal of Frank Hirsch's unfaithfuness: his rather heavy-handed request to his wife to \\\"go upstairs and relax a bit\\\" followed by her predictable pleading of a headache, leads - even more predictably - to his evening liaison with his secretary (\\\"hey Nancy, I've got the blues tonight. Let's go for a drive\\\"), all according to well-worn formula. We don't feel these are real people, but cardboard cutouts acting in a marionette play. Also, the source of the obvious friction between Frank and Dave Hirsch is never really explored or explained. Dave's infatuation with the on-again/off-again Gwen is inexplicable in light of her fatuous inability to defecate or get off the pot. His subsequent marriage of desperation to the Shirley Maclaine/Ginny character is, from the moment of its being presented to this viewer, anyway, obviously doomed to fail, and it was clear - by the conventions of this type of soap opera - that it could only be resolved by someone being killed. The moment the jealous lover started running around with the gun I started a bet with myself as to who - Dave or Ginny - would get killed. The whole thing was phony with a capital 'P'.

Having said that, Maclaine's performance and that of Dean Martin are the standouts here. But on the whole I find the movie's interest to be purely that of a period piece of Hollywood history.\": {\"frequency\": 1, \"value\": \"[***POSSIBLE ...\"}, \"I recently had the pleasure of seeing The Big Bad Swim at the Ft. Lauderdale Film Festival and I must say it is the best film I have seen all year and the only film I have ever felt inspired to write a comment/review on. This film was beautifully directed and combined a script with realistic dialogs, excellent acting, and an inspiring message. Ordinary lives come together in an adult swim class and become extraordinary in a celebration of the diversity of life. This is poignantly illustrated by the imagery in the first minute of this captivating film where we see only the legs and torso of individuals in various shapes and sizes enter into a pool of water. This film is brilliantly directed as the actors are placed and positioned in captivating scenes, which hold your attention and imagination.\": {\"frequency\": 1, \"value\": \"I recently had the ...\"}, \"I saw this movie for a number of reasons the main being Mira Sorvino. With her on the cast it couldn't be so bad. And it even seemed like it had some mystery and Olivier Martinez was her boyfriend at the time and he was pretty good in `Unfaithful'. The story is set in Spain so it could be an exotic entertaining movie with one of my favorite actresses.

If you're thinking about the same thing let me warn you: this is a truly awful, uninteresting, boring movie. The only adjective that comes to mind is pathetic.

The story is contrived with sub-plots that add nothing to the narrative. They try to build a slasher/thriller with a look at fascism in Spain but fail horribly. The twists have no credibility and the so-called investigation leads nowhere.

The characters are paper-thin! I didn't care about anyone. More than that they're irritating and pretty hateful people.

The acting is atrocious. Mira what is wrong with you? Why Mira? You're an oscar winner! Keep some dignity! Her character was weak but that is no excuse for such an awful performance. She seems to be sleepwalking all movie long. Come to think of it, I actually think I saw her eyes slowly closing in some scenes. I used to think this woman was sexy. Well she isn't here. If you want to look at some skin try Romi and Michelle because there's nothing to see here. And that accent? My god...

Olivier Martinez is even worst. It's too painful to remember his performance to describe it here. Im sorry but I can\\ufffd\\ufffdt. Ive suffered enough with this garbage.

This whole movie is depressing! It's so bad in every way it's a wonder how it was even made. A lousy team to produce a lousy script and make some money over the actor's name. Don't fall for it.

Avoid it!

\": {\"frequency\": 1, \"value\": \"I saw this movie ...\"}, \"This film was rather a disappointment. After the very slow, very intense (and quite gory) beginning the film begins to lose it. Too much plot leaves too little time for explanation, and coming out of the theater I wondered what this was all about. The characters remain shallow, the story is not convincing at all, most of it is d\\ufffd\\ufffdja v\\ufffd\\ufffd stuff without hints of parody, and there are some very cheesy parts... Like, the young cop has to do dig up a body. Of course it's night AND it rains AND he has to do it alone... yawn! Or The Manifestation of the Evil being \\\"nazis\\\" plus \\\"genetic manipulation\\\"... Wow, that's really original. There are some nice bits, though, like the fistfight scene, mountain views and some (running) gags, but (though Reno and Vincent Cassel do what they can) that's definitely not worth it. (3 out of 10)\": {\"frequency\": 1, \"value\": \"This film was ...\"}, \"I shall not waste my time writing anything much further about how every aspect of this film is indescribably bad. That has been done in great detail already, many times over. The 'plot' started out as a very uninspiring cockney wide-boy/gangster-by-numbers bore and very quickly descended into an utter shambles. Anybody who pretends that they can see some hidden masterpiece inside this awful mess is just kidding themselves. It is now 7 or 8 years since I watched it during its 1 week run at the cinema before it was pulled, yet it sticks in my mind for being easily the most terrible film I have ever seen.

I am only making these comments, and indeed the only reason I went to see the film, is because of the amusing fact that my brother Eddie appeared in it as the second 'heavy' in the pub scene. It was his hands that thrust a zippo lighter towards Rhys Ifan's face in the bar in 'Russia' (it was actually filmed at the former Butlins holiday camp at Barry Island). My brother has absolutely no acting experience whatsoever - he had recently joined an extras' agency and this was his first part. Having seen the film, it appeared that nobody in it required any acting experience whatsoever.

I remember there were about 8 people in the whole cinema - and this was just a couple of days after it had been released. I have never heard of an other film that was so unpopular and disappeared so fast - and rightly so. In case you were thinking of renting this film on DVD, I would advise you instead to put your two pound coins in a fire until they are red-hot, then jam them into your eye sockets. This will probably be a lot less painful than watching the film.\": {\"frequency\": 1, \"value\": \"I shall not waste ...\"}, \"This is a very bland and inert production of one of Shakespeare's most vibrant plays. I can only guess that the intent was to make the play as accessible and understandable as possible to an audience that has not been exposed to Shakespeare before. By doing this, though - by making every line clear and every intent obvious - they have drained the play of life and turned it into a flat caricature. Somehow, it is actually boring - a very hard feat given such wonderful material.

The acting is forgettable at best - Sam Waterston as Benedick and Douglas Watson as Don Pedro. Others, however, do not fare so well. April Shawnham's Hero is a pouty, breathless airhead that frequently provokes winces. Jerry Mayer's Don John is a nonsensical cartoon character on the level of Snidely Whiplash (though Snidley was much more enjoyable).

F. Murray Abraham (you know, the guy who killed Mozart?) is not in this version, unless he was in disguise and had his name removed from the credits.

Given that the producer, Joseph Papp, is basically a theater god, this production is not only disappointing but head-scratching as well.

Don't bother with this. Watch Branagh's Much Ado instead - his version is overflowing with vitality and humor, to say nothing of wonderful performances.\": {\"frequency\": 1, \"value\": \"This is a very ...\"}, \"What can i say about the first film ever?

You can't rate this, because it's not supposed to be entertaining. But if you HAVE to rate it, you should give it a 10. It is stunning to see moving images from the year 1895. This was one of the most important movies in history. I wonder how it was to be one of the people who saw the first movie ever!

\": {\"frequency\": 1, \"value\": \"What can i say ...\"}, \"hi I'm from Taft California and i like this movie because it shows how us little town people love our sports football is the main thing in Taft and this movie shows just how important it is i personally think they should make another one but instead of actors use us kids to play the games well show you our determination we've beat Bakersfield every game for the past 6 years and since I'm a senior next year its my last chance and then its college we've had running backs lead the state and I'm next if you want to know me I'm kyle Taylor and i average seven to eight yards a carry and about five times a game ill break away on a 75 or around that yard run so check us out at our website and go to our sports page bye\": {\"frequency\": 1, \"value\": \"hi I'm from Taft ...\"}, \"Original Claymation Rudolph: Pretty good. Original Frosty cartoon: Needs a little work, but could be worse. But Frosty and Rudolph together on the Fourth of July? C'mon! Give me a BREAK!!! This was one movie that shouldn't have been made. It was bad. It didn't really go for any holiday in particular, except July 4. That made it especially bad since Frosty and Rudolph are usually associated with the Christmas season. And any movie can be ruined by too much singing. The frequent songs made this movie seem a lot longer than it really was. The movie tried mixing two familiar Chirstmastime characters with an American traditional holiday (which almost seems to \\\"limit\\\" it to America), too many pointless songs, and a lousy plotline. The result? A bad movie that can't really be watched at any time of year. I would suggest you forgo this movie even if you like Frosty and Rudolph.\": {\"frequency\": 1, \"value\": \"Original ...\"}, \"The highlight of this movie for me was without doubt Tom Hanks. As Mike Sullivan, he was definitely cast against type and showed that he can handle an untraditional (for him) role. Hanks is usually the good guy in a movie - the one you like, admire and root for. Sullivan was definitely not a good guy. It's true that in the context of this movie he came across as somewhat noble - his purpose being to avenge the murders of his wife and youngest son. Even so, he was already a gangster and murderer before those killings. So Hanks took a role I wouldn't have expected him in, and he pulled it off well.

Hanks' good performance aside, though, I certainly couldn't call this an enjoyable movie. After an opening that I would best describe as enigmatic (it wasn't entirely clear to me for a while where this was going) it turns into a very sombre movie, about the complicated relationships Sullivan has developed as a gangster - largely raised by Rooney (Paul Newman), who's a sort of mob boss, and trying to raise his own two sons and to keep them \\\"clean\\\" so to speak; isolated from his business. After the older son witnesses a murder, the gang tries to kill him to keep him quiet, gets the wrong son (and the mother), and leaves Sullivan and his older son (Mike, Jr.) on the run. It becomes a weird sort of father/son bonding movie.

Although it ends on a somewhat hopeful note (at least in the overall context of the story) it's really very dark throughout, that mood being reinforced with many of the scenes being shot in darkness and torrential rainfall. I have to confess that while I appreciated Hanks' performance, the movie as a whole just didn't pull me in. 4/10\": {\"frequency\": 1, \"value\": \"The highlight of ...\"}, \"Generally over rated movie which boasts a strong cast and some clever dialog and of course Dean Martin songs. Problem is Nicholas Cage, there is no chemistry between he and Cher and they are the central love story. Cher almost makes up for this with her reactions to Cage's shifting accent and out of control body language. Cage simply never settles into his role. He tries everything he can think of and comes across as an actor rather than real person and that's what's needed in a love story. Cage has had these same kind of performance problems in other roles that require more of a Jimmy Stewart type character. Cage keeps taking these roles, perhaps because he likes those kind of movies but his own energy as an actor doesn't lend itself to them, though he's gotten better at it with repeated attempts. He should leave these type of roles to less interesting actors who would fully commit to the film and spend his energy and considerable talent in more off beat roles and films where he can be his crazy interesting self.\": {\"frequency\": 1, \"value\": \"Generally over ...\"}, \"I saw this film recently in a film festival. It's the romance of an ex-alcoholic unemployed man who just came out of a big depression and a single middle-aged woman who works in an employment office (INEM). I found the story very simple and full of clich\\ufffd\\ufffds, taking the 'social' theme of the movie and turn it in to a romance comedy. The lead actor did a good job, he definitely looks like an alcoholic man, but Ana Belen is not believable as a working class woman, she looks, acts and talks very much like a 'high-standing' woman. What I mean is that Ana Belen plays herself. She does it in all her movies anyway. The whole mise-en-scene of the film was very poor. The photography is ugly, not using well at all the panoramic aspect ratio. The dialogue sounds totally scripted and dull most of the times. The comic situations are typical from Gomez Pereira, but in this case they are not funny at all and are resolved poorly. In my opinion this film is not worth watching. Only if you really love Pereira's previous films you might enjoy this one a little bit. Anyway, I walked out of the theater because I felt I was wasting my time. The film-maker was by the door. I wonder what a director feels like when he sees someone walking out of one of his films, specially one that is made to please everybody.\": {\"frequency\": 1, \"value\": \"I saw this film ...\"}, \"After watching a dozen episodes, I decided to give up on this show since it depicts in an unrealistic manner what is mathematical modeling. In the episodes that Charlie would predict the future behavior of individuals using mathematical models, I thought that my profession was being joked about. I am not a mathematician, instead a chemical engineer, but I do work a lot with mathematical models. So I will try to explain to the layman why what is shown is close to \\\"make-believe\\\" of fairy tales.

First, choosing the right model to predict a situation is a demanding task. Charlie Eppes is shown as a genius, but even him would have to spend considerable time researching for a suitable model, specifically for trying to guess what someone will do or where he will be in the near future. Individuals are erratic and haphazard, there is no modeling for them. Isaac Asimov even wrote about that in the 1950's. Even if there were a model for specific kind of individual, it would be a probabilistic (stoichastic) one, meaning it has good chance of making a wrong prediction.

Second, supposing the right model for someone or a situation is found, the model parameters have to be known. These parameters are the constants of the equations, such as the gravity acceleration (9.8 m/s2), and often are not easy to determine. Again, Charlie Eppes would have to be someone beyond genius to know the right parameters for the model he chooses. And after the model and the parameters are chosen, they would have to be tested. Oddly, they are not, and by miracle, they fit exactly the situation that is being predicted.

Third, a very important aspect of modeling is almost always neglected, not only by Numbers, but also by sci-fi movies: the computational effort required for solving these models. Try to make Excel solve a complex model with many equations and variables and one will find doing a Herculean job. Even if Charlie Eppes has the right software to solve his models, he might be stuck with hardware that will be dreadfully slow. And even with the right software/hardware combination, the model solution might well take days to be reached. He solves them immediately! I could use his computer in my research work, I would be very glad.

As a drama, it is far from being the best show. The characters are somewhat stereotyped, but not even remotely funny as those in Big Bang Theory are. The crimes are dull and the way Charlie Eppes solves them sometimes make the FBI look pretty incompetent.

For some layman, the show might work. For others, the way things are handled makes it difficult to swallow!\": {\"frequency\": 1, \"value\": \"After watching a ...\"}, \"this was one of the most moving movies i have ever seen. i was about 12 years old when i watched it for the first time and whenever it is on TV i my eyes are glued to it. the acting and plot are amazing. it seems so true to reality and it touches on so many controversial topics. i recommend this movie to anyone interested in a good drama.\": {\"frequency\": 1, \"value\": \"this was one of ...\"}, \"Another great movie by Costa-Gavras. It's a great presentation of the situation is Latin America and the US involvement in Latin American politics. The facts might or might not be accurate but it is a fact that the US was deeply involved in coups and support of Latin American dictatorships.

Despite this though the spirit of the movie follows the typical leftist/communist propaganda of the Cold War era. Costa-Gavras is a well-known communist sympathizer and his movies are always biased. For example he presents the US actions as brutal and inhumane, while representing Tupamaros' extremist activities as something positive.

As it turned out it was a blessing for Uruguay and the rest of the Latin America that the US got involved. Europe is filled with poor East European prostitutes. I never heard of poor Uruguayan or Chilean girls prostituting themselves en masse as it happens in most East European countries. The US was fighting a dirty war and god bless us all the monster of Soviet Communism was defeated. It is unfortunate the US had to do what it did in Latin America (and elsewhere) but sometimes you need to play dirty. This is not an idealistic world as Costa-Gavras and Matamoros like to believe. Had Matamoros come to power in Uruguay, we would've had another Ukraine in Latin America.

All in all this movie follows corrupt and bankrupt leftist ideology of times past and tries to pass it as idealistic and morally correct.\": {\"frequency\": 1, \"value\": \"Another great ...\"}, \"A man brings his new wife to his home where his former wife died of an \\\"accident\\\". His new wife has just been released from an institution and is also VERY rich! All of the sudden she starts hearing noises and seeing skulls all over the place. Is she going crazy again or is the first wife coming back from the dead?

You've probably guessed the ending so I won't spell it out. I saw this many times on Saturday afternoon TV as a kid. Back then, I liked it but I WAS young. Seeing it now I realize how bad it is. It's horribly acted, badly written, very dull (even at an hour) and has a huge cast of FIVE people (one being the director)! Still it does have some good things about it.

The music is kinda creepy and the setting itself with the huge empty house and pond nearby is nicely atmospheric. There also are a few scary moments (I jumped a little when she saw the first skull) and a somewhat effective ending. All in all it's definitely NOT a good movie...but not a total disaster either. It does have a small cult following. I give it a 2.

Also try to avoid the Elite DVD Drive-in edition of it (it's paired with \\\"Attack of the Giant Leeches\\\"). It's in TERRIBLE shape with jumps and scratches all over. It didn't even look this bad on TV!\": {\"frequency\": 1, \"value\": \"A man brings his ...\"}, \"I thought Harvey Keitel, a young, fresh from the Sex Pistols John Lydon, then as a bonus, the music by Ennio Morricone. I expected an old-school, edgy, Italian cop thriller that was made in America. Istead, I got a mishmash story that never made sense and a movie that left me saying: WTF!!! Too many unanswered questions, and not enough action. The result: a potential cult classic got flushed down the toilet. Keitel and Lydon work well together, so maybe Quentin Tarantino can reunite these guys with better script. Oh, and the Morricone score: OK, but not memorable.

Overall, not a waste of time, but not a \\\"must see\\\", unless you are a hardcore Keitel fan.\": {\"frequency\": 1, \"value\": \"I thought Harvey ...\"}, \"Christopher Lambert is annoying and disappointing in his portrayal as GIDEON. This movie could have been a classic had Lambert performed as well as Tom Hanks in Forrest Gump, or Dustin Hoffman as Raymond Babbitt in RAIN MAN, or Sean Penn as Sam Dawson in I AM SAM.

Too bad because the story line is meaningful to us in life, the supporting performances by Charlton Heston, Carroll O'Connor, Shirley Jones, Mike Connors and Shelley Winters were excelent. 3 of 10.\": {\"frequency\": 1, \"value\": \"Christopher ...\"}, \"The show's echoed 'bubbling' sound effect used to put me to sleep. A very soothing show. I think I might have slept through the parts where there was danger or peril. I had also heard that some set up shots for a show on sponge divers was shot in Tarpon Springs, Florida. I would assume Lloyd Bridges never dove there. I only remember the show in reruns and although it was never edge-of-the-seat exciting we would make up our own underwater episodes in the lake at my grandmother's house... imagining the echoed bubbling sounds and narrating our adventures in our heads. I thought 'Flipper' had better undersea action. Of course, he had the advantage of being in his natural environment.\": {\"frequency\": 1, \"value\": \"The show's echoed ...\"}, \"WARNING: POSSIBLE SPOILERS (but not really - keep reading). Ahhh, there are so many reasons to become utterly addicted to this spoof gem that I won't have room to list them all. The opening credits set the playful scene with kitsch late 1950s cartoon stills; an enchanting Peres 'Prez' Prado mambo theme which appears to be curiously uncredited (but his grunts are unmistakable, and no-one else did them); and with familiar cast names, including Kathy Najimi a full year before she hit with Sister Acts 1 & 2 plus Teri Hatcher from TV's Superman.

Every scene is imbued with shallow injustices flung at various actors, actresses and producers in daytime TV. Peeking behind the careers of these people is all just an excuse for an old-fashioned, delicious farce. Robert Harling penned this riotous spoof that plays like an issue of MAD Magazine, but feels like a gift to us in the audience. Some of the cliched characters are a bit dim, but everyone is drizzling with high jealousy, especially against Celeste Talbert (Sally Field) who is the show's perennial award-winning lead, nicknamed \\\"America's Sweetheart\\\". The daytime Emmies-like awards opening does introduce us to Celeste's show, The Sun Also Sets. Against all vain fears to the contrary, Celeste wins again. She is overjoyed, because it's always \\\"such a genuine thrill\\\": \\\"Adam, did you watch? I won! Well, nguh...\\\" The reason for Adam's absence soon becomes the justification for the entire plot, and we're instantly off on a trip with Celeste's neuroses. She cries, screeches, and wrings her hands though the rest of the movie while her dresser Tawnee (Kathy Najimi, constantly waddling after Celeste, unseen through Celeste's fog of paranoia) indulges a taste for Tammy Faye Baker, for which Tawnee had been in fact specifically hired.

Rosie Schwartz (Whoopi Goldberg) has seen it all before. She is the head writer of the show, and she and Celeste have been excellent support networks to each other for 15 years. So when Celeste freaks, Rosie offers to write her off the show for six months: \\\"We'll just say that Maggie went to visit with the Dalai Lama.\\\" But Celeste has doubts: \\\"I thought that the Dalai Lama moved to LA.\\\" \\\"-Well, then, some other lama, Fernando Lamas, come on!\\\". Such a skewering line must be rather affronting to still living beefcake actor Lorenzo Lamas, son of aforementioned Fernando Lamas (d. 1982).

Those who can remember the economics teacher (Ben Stein) in Ferris Bueller's Day Off (1986) as he deadeningly calls the roll (\\\"Bueller. Bueller. Bueller\\\"), will take secret pleasure from seeing him again as a nitwit writer. Other well hidden member of the cast include Garry Marshall (in real life Mr Happy Days and brother of Penny), who \\\"gets paid $1.2 million to make the command decisions\\\" on The Sun Also Sets - he says he definitely likes \\\"peppy and cheap\\\"; and Carrie Fisher as Betsy Faye Sharon, who's \\\"a bitch\\\".

Geoffrey Anderson (Kevin Kline) is the \\\"yummy-with-a-spoon\\\" (and he is, by the way) dinner theater actor now rescued from his Hell by David Seaton Barnes (Robert Downey Jr), and brought back to the same show he was canned from 20 years earlier. Of course this presents some logical challenges for the current scriptwriters because his character, Rod Randall, was supposed to have been decapitated all those years ago. Somehow they work out the logical difficulties, and Geoffrey Anderson steps off the choo-choo.

Celeste can now only get worse, and her trick of going across the Washington bridge no longer helps. First, her hands shake as she tries to put on mascara, but she soon degenerates into a stalker. Unfortunately, she cannot get rid of Geoffrey Anderson so easily. Geoffrey's been promised development of his one-man play about Hamlet, and he means to hold the producer to that promise. \\\"I'm not going back to Florida no-how!\\\", argues Geoffrey. \\\"You try playing Willie Loman in front of a bunch of old farts eating meatloaf !\\\" And indeed, seeing Geoffrey's dinner theater lifestyle amongst all the hocking and accidents is hilarious. Back in Florida in his Willie Loman fat suit in his room, Geoffrey Anderson used to chafe at being called to stage as \\\"Mr Loman\\\". He was forced to splat whatever cockroaches crawled across his TV with a shoe, and to use pliers instead of the broken analog channel changer. Now he find himself as the yummy surgeon dating Laurie Craven, the show's new ingenue; so he's not leaving.

Beautiful Elizabeth Shue (as Laurie) rounds out the amazing ensemble cast who all do the fantastic job of those who know the stereotypes all too well. But, of course, the course to true love never did run smoothly. Montana Moorehead (Cathy Moriarty) is getting impatient waiting for her star to rise, and is getting desperate for some publicity.

Will her plots finally succeed? Will Celeste settle her nerves, or will she kill Tawnee first? Will the producer get Mr Fuzzy? -You'll just have to watch * the second half * of this utterly lovable, farcically malicious riot.

And you'll really have to see to believe how the short-sighted Geoffrey reads his lines without glasses live off the TelePrompter. If you are not in stitches with stomach-heaving laughter and tears pouring down your face, feel free to demand your money back for the video rental. Soapdish (1991) is an unmissable gem that you will need to see again and again, because it's not often that a movie can deliver so amply with so many hilarious lines. This is very well-crafted humor, almost all of it in the writing. A draw with Blazing Saddles (1974) for uproarious apoplexy value, although otherwise dissimilar. Watch it and weep. A happy source for anyone's video addiction. 10 out of 10.\": {\"frequency\": 1, \"value\": \"WARNING: POSSIBLE ...\"}, \"When I was seventeen I genuinely believed Elvis to be the king of rock and roll, and not only did I wish to see all 31 of his \\\"character\\\" movies, but it was my ambition to own them, too. What an exceptionally poor excuse for a seventeen-year-old I must have been. Thankfully sense prevailed and Live A Little, Love A Little is the only Elvis film I own.

The spotlight has fallen on this one recently since a remixed version of top song A Little Less Conversation has been released as a single. (His first to reach the UK top ten in 22 years \\ufffd\\ufffd his first UK No.1 in 25) Even when I was seventeen and in serious need of psychiatric help I realised that the songs for this movie weren't exactly first rate. However, A Little Less Conversation - rollnecks and 60s grooving aside - is a real standout. Finding a lesser-known song that only a relatively small few are aware of promoted into the mainstream produces a mixture of emotions. It's nice to finally see faith in a song vindicated, but it's also saddening to see the disintegration of your own private cult. (And what chauvinistic lyrics, too. Though what other Elvis song contains the word \\\"procrastinate\\\"?)

But what really bothers me about this film is not A Little Less Conversation but the 84 minutes that surround it. Actually based on a novel (Kiss My Firm But Pliant Lips - what kind of lame novel would that be?) this one sees a bored Elvis holed up with a \\\"comedy\\\" dog and a nympho. Within 90 seconds of meeting him, Michele Carey asks \\\"would you like to make love to me?\\\" Quite a fast mover by any standards I'm sure you'll agree.

I do seem to recall that some of Elvis's early movies - most notably Jailhouse Rock and King Creole - weren't too bad, but this is just identikit hillbilly cobblers. Being fired from a newspaper job can lead to a five minute karate fight with a couple of gingernuts, causing a motorway pile up is good for a laugh, and models dress as pink mermaids. There's even a dream sequence for God's sake. Maybe the only dumb stereotype it doesn't conform to is in not having all that many songs. With just four to choose from, including the credits number, you're waiting an average of 22 minutes between tracks. Some movies would become vapid by having too many tunes, but here they might have helped to have numbed the pain. Of the remaining three tracks, then The Edge of Reality isn't actually that bad, though Elvis's dance to it must surely have been called \\\"The Bear Trap\\\".

In one sense, for a PG certificate film from 1968 then this is shockingly high on sexual content. Sadly, however, with talking dogs, Middle America sitcom values and the stiffest dancing you'll ever see, Elvis's dignity is obliterated by this movie.\": {\"frequency\": 1, \"value\": \"When I was ...\"}, \"I saw \\\"The Grudge\\\" yesterday, and wow... I was really scared, a good thing. I love horror-movies, and I really liked this one. There were so many 'surprise'-scenes (what's the English word?) that made you jump in your seat. Though, too much screaming from the audience made it difficult not to laugh. I think the most scary scene was... on the bus, when the face flashes by on the window, or when Yoko's walking without her chin. The make-up is also VERY good. Sometimes you could really see it was there, but it was still adding a freaky look to the scene. The boy was very good indeed, so cute without make-up and so terribly scary with it on. The next time I hear a cracking noise I will probably feel pretty scared...\": {\"frequency\": 1, \"value\": \"I saw \\\"The Grudge\\\" ...\"}, \"I don't think anyone besides Terrence Malick and maybe Tran Anh Hung makes cinema on a purer level than Claire Denis. That said, I don't love this, her newest film, quite as much as her 2001 masterpiece \\\"Trouble Every Day\\\" (although it comes very close), which itself is one of my absolute favorite films. It it only because the narrative here is possibly slightly too elliptical for it's own good. Don't get me wrong, the fact that this film barely has a plot at all is really one of the best things about it, but I think Denis took it about one degree farther than it needed to go and consequently the film does flirt with incomprehensibility, and a few key plot points should have been clarified somehow (like that the main character goes to South Korea to get his heart transplant, instead of just showing him there all of a sudden without any explanation of where he is or why he is there). Also some of the other characters seemed unnecessary and as if they were just excuses for Denis to use actors she likes yet again (Beatrice Dalle's character in particular is a little distracting because you keep expecting that she is going to have some significance). Still, the film is incredibly absorbing and the cinematography is beyond amazing. It is definitely very much a masterpiece in it's own way. At least as good as Denis' more highly-acclaimed \\\"Beau travail\\\", if not better. Claire Denis has to be my favorite French director at this point, better than Leos Carax even. Also I have to admit that the South Korean sequence really does do \\\"Lost in Translation\\\" better than that film itself does (and I, unlike some, am a huge fan of that film as well).\": {\"frequency\": 1, \"value\": \"I don't think ...\"}, \"Dave (Devon Sawa) and his friends Sam (Jason Segel) and Jeff (Michael Maronna) have scammed their way through college. When creepy Ethan (Jason Schwartzman) discovers their secret, he blackmails them into helping him score with beautiful, good-hearted student Angela (James King).

Stupid and incompetent \\\"comedy\\\" - a lot more groan-inducing than laugh-inducing. Movie tries appealing to its target audience with its disgusting gags - but NONE OF THEM WORK. What's more, it's full of worthless, unappealing characters - and Schwartzman's character is so repulsive he's a major turn-off. Movie even tries using 50's/60's sexpot/actress Mamie Van Doren in the movie's most outrageous scene. YUCK!!!

Further bringing it down are its utter predictability and the waste (yet again) of veteran comedic actor Joe Flaherty's talent - when's this guy going to stop accepting every role that comes along and do something worthwhile?

All in all, the only thing I liked was James (a.k.a. Jaime) King, who was very appealing - and deserved better.

This gets no more than one out of ten from me.\": {\"frequency\": 1, \"value\": \"Dave (Devon Sawa) ...\"}, \"The movie starts out with some scrolling text which takes nearly five minutes. It gives the basic summary of what is going on. This could have easily been done with acting but instead you get a scrolling text effect. Soon after you are bombarded with characters that you learn a little about, keep in mind this is ALL you will learn about them. The plot starts to get off the ground and then crashes through the entire movie. Not only does the plot change, but you might even ask yourself if your watching the same movie. I have never played the video game, but know people who have. From my understanding whether you've played the game or not this movie does not get any better. Save your money unless you like to sleep at the theaters.\": {\"frequency\": 1, \"value\": \"The movie starts ...\"}, \"I wish I'd known more about this movie when I rented it. I'd put it in my queue on the basis of Heather Graham and her strong cred as an actress (IMHO). While parts of the movie were charming, much of the movie felt contrived, undeveloped, or otherwise just boring or predictable. Not to mention the ICK factor of so many people thinking the sibs were a couple... I don't care how big a part of the story line that is, it still felt a bit, um, gross. And Charlie, for a zoologist, she certainly doesn't seem to be very attuned to signals from other Homo sapiens. What was it about her (besides her hotness and some common interests) that made Gray fall for her? The story could have been so much more interesting with a little more depth. High points - Molly Shannon (although I do agree with the reviewer who found her annoying on occasion), the cabbie in drag, and the dance sequences (if Sam & Gray were such great dancers, I wish we'd seen more of that, as the bits we were shown were indeed better than most of the rest of the movie). Could have been better.\": {\"frequency\": 1, \"value\": \"I wish I'd known ...\"}, \"Give me my money back! Give me my life back! Give me a bit of credit. This movie was vomit worthy. Useless and time consuming. What a waste of energy and totally pointless. Okay I understand the premise and the idea sound but, give us a break! Next time just give me the money and let me spend it. Lost child, mothers remorse, blamed husband! Clich\\ufffd\\ufffd yes~! Get a life! Sorry but this movie was a total waste of my time, my money and my being. I would rather watch eggs cook! No real explanation to why this happened. Prison? Why? Loss? obvious but Why? Acting deserves a What am I doing here Oscar and the cinematography a Am I just doing this for a Wage? How much did this movie make? Well this silly fool hired a copy. Enough said\": {\"frequency\": 1, \"value\": \"Give me my money ...\"}, \"This was a great movie! Even though there was only about 15 people including myself there it was great! My friend and I laughed a lot. My mom even enjoyed it. There was two middle aged women there and a mid 20 year old there and they seemed to enjoy it. I love the part where Corky and Ned are like both liking Nancy and stuff its cute lol. And when she gets her roadster and Ned is there. Yeah This was a great movie even thought people underestimated it lol. Go See it i bet you'll enjoy it!! I really enjoyed it and so did my friend.

People were so tough on this movie and they hadn't even seen it. I bet next time they will give the movie and actresses a chance. They all did a great job in my opinion. But if you have young kids its still appropriate. I will probably take my 7 year old niece to watch it too.\": {\"frequency\": 1, \"value\": \"This was a great ...\"}, \"Certainly NOMAD has some of the best horse riding scenes, swordplay, and scrumptious landscape cinematography you'll likely see, but this isn't what makes a film good. It helps but the story has to shine through on top of these things. And that's where Nomad wanders.

The story is stilted, giving it a sense that it was thrown together simply to make a \\\"cool\\\" movie that \\\"looks\\\" great. Not to mention that many of the main characters are not from the region in which this story takes place (and it's blatantly obvious with names like Lee and Hernandez). If movie makers want to engross us in a culture like the Jugars and the Kazaks, they damn well better use actors/actresses that look the part.

Warring tribes, a prophecy, brotherly love and respect, a love interest that separates our \\\"heroes\\\", are all touched on but with so little impact and screen time that most viewers will brush them aside in favor of the next battle sequence, the next action horse scene, or the breathtaking beauty of the landscape.

It is worth mentioning that there were some significant changes made to Nomad during its filming, specifically the director and cinematographer. Ivan Passer (director) was replaced by Sergei Bodrov, and Ueli Steiger (cinematographer) was replaced by Dan Laustsen. In one respect, Laustsen seems to have the better eye since his visions of the lands made the final cut that we see here. Definitely a good thing. However, the changing over to Bodrov as director may not have been the wisest choice. From what I'm seeing here, the focus is on the battles and not the people, which I sense comes from Bodrov's eyes and not Passer's. A true travesty.

The most shameful aspect is that this could've been a really fantastic film, with both character and action focuses. Unfortunately, the higher-ups apparently decided that action was what was needed and took the cheap (intellectually speaking) way out.

Even though I can't give this film a positive rating, it is worth watching simply for the amazing cinematography work. But that's all.\": {\"frequency\": 1, \"value\": \"Certainly NOMAD ...\"}, \"Not only does this film have one of the great movie titles, it sports the third teaming of 70s child actors Ike Eissenman and Kim Richards. I seem to remember this film being broadcast Halloween week back in '78 going against Linda Blair in Stranger in our House. I missed it on the first run choosing to see the other film. Later, on repeat, I saw I made the right choice. The movie is not really bad, but, really lacks any chills or surprises. Although, I did like the scene where Richard Crenna shoots the family dog to no avail.\": {\"frequency\": 1, \"value\": \"Not only does this ...\"}, \"Peter Ustinov plays an embezzler who is just getting out of prison when the film begins. As soon as he walks out the gates, he immediately begins working on a scheme to once again make a bundle by stealing, though this time he has his sights set pretty high. This is actually one of the weak points about the film, as he apparently knows nothing about computers (few did back in 1968) but manages to become a computer genius literally overnight! Yeah, right. Anyway, he comes up with a scheme to impersonate a computer expert and obtain a job with a large American corporation so he can eventually embezzle a ton of cash. Considering his knowledge of computers is rudimentary, it's amazing how he puts into effect a brilliant plan AND manages to infiltrate the computer system and its defenses. But, it's a movie after all, so I was able to suspend disbelief. By the end of the film, he and his new wife (Maggie Smith) are able to run away with a million pounds.

At the very end, though, it gets very, very confusing and Smith announces she's managed to actually accumulate more than two million by shrewd investing in the companies that Ustinov started (though she didn't realize they were all dummy companies). This should mean that eventually these stocks she bought were worthless. What they seem to imply (and I could be guessing wrong here) is that Ustinov and his new partners quickly cashed in the stocks before this became known and the stocks would thereby then become worthless. Either way, the film seems to post on a magical ending whereby no one is hurt and everyone is happy--and this just didn't make much sense. It's a shame, really, as the acting and most of the writing was great. Karl Malden, Bob Newhart, Peter Ustinov and Maggie Smith were just wonderful.

If I seem to have interpreted the end, let me know, as the film seemed very vague in details at the end.\": {\"frequency\": 1, \"value\": \"Peter Ustinov ...\"}, \"Hi, I'm a friend of werewolf movies, and when i saw the title of Darkwolf hitting the shelves i was like \\\"hmm, simple and nice name to it at least. Althou... i wonder why i haven't heard of it before.\\\"

First of all, the movie starts with tits. Lots of tits. Tits are pretty much all this movies budget went to. Who cares about a werewolf effect, just pay the actresses enough to get topless shots!

So, about the mysterious darkwolf character (a little spoilers ahead, but who really cares...) He's your average everyday biker. Not even super-tough looking, but like the old wise woman says in the movie \\\"he is far more powerful and dangerous than you've ever faced before.\\\" Just by describing her a tattooed biker-type of a guy. Pretty original. I even had look twice when they first used the \\\"red glowing eyes\\\" SPECIAL EFFECT! I mean my god, that \\\"lets-plant-red-dots-on-eyes-with-computer\\\" effect has been used since the seventies. It looks plain ugly here! And don't get me started with the werewolf 3D-CGI. As said before, like an bad and old video game.

And finally, as i do like werewolf films, like i said. They prettymuch always build a werewolf-legend of their own. Darkwolf does build the werewolfworld as well, about some silly legends of hybrid-werewolves and the ancient bloodline. BUT. It almost instantly after creating the rules of engagement \\\"the darkwolf kills anyone the girl has touched\\\" starts random-slashing. Which just doesn't make any sense, why even bother telling us the rules of killing, when they aren't even gonna play by them... Aplus the wolf-point-of-view shots are made with a sony handycam or something, filming mostly the floor and walls. Just add growling noises and you've got a super werewolf effect. The gore is partially OK. But when the wolf slashes everyone with an open hand, just by basically laying the hand on top of the victims, it just doesn't do the trick for me...

Truly, WHO gives money to make these heaps of junk straight-to-video horrortitles, they aren't even funny-kind of bad movies, just sad.\": {\"frequency\": 1, \"value\": \"Hi, I'm a friend ...\"}, \"Over-powered mobile suits that can annihilate entire armies - Check! Weapons that hardly need to be aimed and still annihilate everything - Check! Mobile suits based on angels - Check!

OK - its a Gundam series. This one, Gundam Wing, has good character development, real-world complexity, interesting ideas and some pretty eye-candy.

With characters, the initially weak Relena Dorlan (later Peacecraft, then back to Dorlan) gets stronger and more independent (although is still absolutely besotted with Heero Yuy, the series main character). The aforementioned Heero, initially a cold, hard butcherer, becomes more and more human, while still remaining in-character. And seeing the lost Millardo Peacecraft (whos nomm de guerre is Zechs Marquise) float between OZ, freelance, and command of White Fang shows how some people can really lose themselves in their own creations.

The complexity of the political and military situation is also quite good - reflecting how the real world works. However, in 49 half-hour episodes, it does become a bit of a liability in that this complexity isn't used to its full potential.

The ideas at the core of the series - the necessity of fighting, the desire for peace, etc - are ones that resonate even today. In retrospect, the series was ahead of its time, what with the \\\"War on Terrorism\\\" and all. But its exploration of these ideas, the monologues, especially those of Treize Kushrenada, is an incredible dramatic piece, forming some of the best writing in the series.

But that sometimes good writing is also sometimes extremely poor, which dramatically causes it to lose some of its edge.

In terms of eye-candy, which is what this one has in bucketloads, everything from the mobile suits to the battleship Libra (No not the tampons you idiot!) is wells designed, and explodes in big balls of orange (which is bad, because better animation would've had better explosions). But who cares?! Stuff explodes, and thats all that matters.

In short though, the sheer complexity of the series means that if you miss out on a few episodes, you've missed out on a lot. The poor writing can leave you cringing, and sometimes the animation makes you go \\\"WTF?!?!\\\" But this is made up for in its classic animation style, its scale, sparks of incredible dialogue, and its more mature exploration that one expects of such Japenese animations.\": {\"frequency\": 1, \"value\": \"Over-powered ...\"}, \"This is one of the better comedies that has ever been on television. Season one was hilarious as were most of the following seasons. The only reason that I give this show a 9/10 is because of the unfortunate final season. The only good part of the final season was the finale. My favorite part of this show was the scenes that cut to people's imaginations, often depicting the characters in famous TV shows or movies from the 70's. It is a rare show in that i liked every character (with the exception of the final season...too late to try to develop a new character and fez wasn't nearly as funny). Red's foot in your ass comments never got old, nor did Kelso's stupidity. Bravo to fox for keeping such a good show so long, too long even.\": {\"frequency\": 1, \"value\": \"This is one of the ...\"}, \"This movie has no plot and no focus. Yes, it's supposed to be a slap-stick, stupid comedy, but the screen-writers have no idea what the movie was about. Even the title doesn't go along with the movie. It should have been called \\\"Cool Ethan\\\" or \\\"Cheaters Never Win\\\" or something like that. The characters are not developed and no one cares what happens to them! The girl roommate character (from That 70's Show) was the only person worth watching. She was hilarious and stole every scene she was in. The others need to make sure that their own college diplomas are in the works since they'll need a career other than acting.\": {\"frequency\": 1, \"value\": \"This movie has no ...\"}, \"Awful. This thriller should have buried. What a piece of crap. Terrible writing, characters are less than believable. Horrible Schlock!! Stick some B- stars in a terribly written POS to try and give it a little credit, but it fails miserably. If I didn't have to write ten lines about this movie I would have given it a word word review, it starts with 'sh' and ends with 'it'.

Horrible ending, retarded. Who writes this crap. The ending of this film is so contrived, weak it's as if they had no idea what to do with this story line, or they just ran out of money. Most likely due to the number of cameos in this movie. It's a good thing that these actors are on the way out, because this would be a career killer. Good thing for them that hardly anyone will see it. At least no one important, like future investors. It could have ended a thousand different ways, but as it is, I feel cheated out of my precious time.

Don't bother with this one, you will feel like you wasted time you can never get back.\": {\"frequency\": 1, \"value\": \"Awful. This ...\"}, \"This was a must see documentary for me when I missed the opportunity in 2004, so I was definitely going to watch the repeat. I really sympathised with the main character of the film, because, this is true, I have a milder condition of the skin problem he had, Dystrophic Epidermolysis Bullosa (EB). This is a sad, sometimes amusing and very emotional documentary about a boy with a terrible skin disorder. Jonny Kennedy speaks like a kid (because of wasting vocal muscle) and never went through puberty, but he is 36 years old. Most sympathising moments are seeing his terrible condition, and pealing off his bandages. Jonny had quite a naughty sense of humour, he even narrated from beyond the grave when showing his body in a coffin. He tells his story with the help of his mother, Edna Kennedy, his older brother and celebrity model, and Jonny's supporter, Nell McAndrew. It won the BAFTAs for Best Editing and Best New Director (Factual), and it was nominated for Best Sound (Factual) and the Flaherty Documentary Award. It was number 10 on The 100 Greatest TV Treats 2004. A must see documentary!\": {\"frequency\": 1, \"value\": \"This was a must ...\"}, \"I never understood why some people dislike Bollywood films: they've got charismatic actors, great dance numbers, and heightened emotion--what's not to like? What I didn't realize was that I had only seen the upper-crust of Bollywood. Then I watched \\\"Garam Masala\\\". I could tell from the first scene that this was not a movie I was going to like (the film opens with a montage of the two leads driving around a city and apparently happening serendipitously on a series of photo setups populated with gyrating models), but I kept hoping things would improve. Sadly, they didn't. The main problem is that the two protagonists, Mac & Sam, are completely unsympathetic. They spend the entire movie lying to women--and lying brutally- -in order to get them into bed, and the audience is supposed to find this funny, and be charmed. The boys are unscrupulous and inept, and not in a lovable way. Mac even goes so far as to have one of the women drugged in order to keep her from discovering his cheating. The script is extremely poor, with repetitive scenes, setups that never lead to anything, and illogical actions and statements by the characters. In fact, the characters are never really developed at all. The males are boorish, greedy jerks, and the women merely interchangeably beautiful. If you go by this movie, you would think that \\\"air hostesses\\\" are pretty easy to pass from man to man. In reality, betrayal is not so humorous.

The only bright spots I found in the movie were one dance number that had brilliant sets, and a few slapsticky moments involving the French-farce, door-slamming aspects of the story. But Bollywood dancing is better enjoyed in movies choreographed by Farah Khan, and for slapstick you might as well just go straight to the silent comedies of Buster Keaton and Harold Lloyd, who seem to have influenced writer/director Priyadarshan not a little. Priyadarshan also takes false credit for inventing the story: the basic premise of the plot is stolen from the 1960 play \\\"Boeing Boeing.\\\" The original author of that work, Marc Camoletti, is credited nowhere. At least Priyadarshan changed the title for this remake, rather than brazenly using the original without giving credit, as he did in his 1985 version of this same tale. (According to IMDb's credits list.)\": {\"frequency\": 1, \"value\": \"I never understood ...\"}, \"Interesting way of looking at how we as humans so often behave we are sometimes blinded by our desire to achieve perfection that we some times destroy the foundation of what we are trying to achieve. It also addresses the issue how we tend to ignore those among us who are not as outspoken and by doing this may miss out on a great opportunity. The injection of comedy also makes watching the film an enjoyable experience..A must see for anyone who is interested in a reflective yet comical look at life. I am eagerly looking forward to your next product.Hope that you will continue to provide us with quality entertainment. Excellent work ......Joanne\": {\"frequency\": 1, \"value\": \"Interesting way of ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"I have only had ...\"}, \"How Rick Sloane was allowed to make five movies is harder to believe than cold fusion. This film is absolutely criminal. Before watching this movie I thought Manos: Hands of Fate was the worse piece of crap I ever saw, but at least Manos moves so slowly you might fall asleep, thereby rescuing your eyes from the pain it will suffer. The greatest tragedy of this movie is that the old man that keeps the Hobgoblins \\\"locked\\\" up makes it to the final scene. The time I spent watching this movie was an absolute waste of my life.\": {\"frequency\": 1, \"value\": \"How Rick Sloane ...\"}, \"Convoluted, infuriating and implausible, Fay Grim is hard to sit through but Parker Posey is really the only actress who could take this story and run with it. She's at once touching,funny, cunning. The supporting actors commit to it as well.

I wont even try to tell you the plot.. It involves characters from Hartley's Henry Fool and attempts a tale of international espionage.

The film works well if you continue along with it-understanding it is. in a sense, completely ridiculous. It becomes more and more ridiculous as you plod along. (I resisted the temptation to turn off the DVD twice).

Fay Grim requires an adventurous film-goer willing to tackle something that isn't cookie-cutter. In the end, it offers something that defies description.\": {\"frequency\": 1, \"value\": \"Convoluted, ...\"}, \"First, this was a BRAVE film. I've seen Irreversible and can understand the comparisons. However, I cannot begin to understand the people who've trashed this film. I can see how the end may have come off extreme but I'd be lying if I didn't say I wished that every guy who's ever forced a woman into sex deserved exactly what Jared got. Conversely, it didn't solve anything or make anything better and the fact that the film doesn't pretend to is what made me appreciate it.

The comment prior to this one called the film pathetic and claimed no adult would stick with. I certainly did and intently. I'm 24 years old. The way the film drags made it realistic to me. People have become so used to eye candy and fast paced plots on screen that if you ask them to concentrate too long on one brick in the foundation of a film, not only do they lose interest, they demolish whatever has been built, and call it rubbish. When in actuality it's their lack of patience and comprehension that needs fine tuning and not the product of a creative mind such as Talia Lugacy's.

Rosario Dawson displayed the numbness of self-destruction flawlessly. I think she portrayed Maya pre and post assault with great ease and the transition between the two is an act I rarely ever see done well. Often times, much like the films \\\"aimed at teens\\\" mentioned in the prior comment, the effects of rape are displayed as either extremely manic and impulsive or terribly depressed, isolated and lifeless. Dawson, in my opinion, manages to perform the balancing act so many survivors fall prey to: drone-like existence in the waking hours, working some dead end job to survive (and distract) and then overindulging in vices in order to lose themselves in the haze of substance abuse rather than face what sobriety brings.

I thought this film told the truth and I appreciated it for finally showing people a different side of rape. So many people let the end of this film devour the middle and the beginning...I believe that Maya's face during the act was the end...not the act itself...not the vengeance or the meaning behind it...just her face...

thank you\": {\"frequency\": 1, \"value\": \"First, this was a ...\"}, \"I cannot comment on this film without discussing its significance to me personally. As a child bad health prevented me from ever going to a cinema. I first encountered movies at the end of WWII through Roger Manvilles splendid Penguin book \\\"Film\\\", which brought me so much pleasure as my health began to improve that I wish I could buy another copy to re-read today. My introduction to many classics films such as The Battleship Potemkin, Drifters (Grierson's magnificent documentary), Metropolis, The Cabinet of Dr Caligari, and Ecstasy; came first through this book and later at my University Art-house cinema. Ecstasy had incurred the wrath of the Vatican, for condoning Eva's desertion of Emil, her subsequent divorce, and the brief swim she took in the buff, but Roger Manville ignored these trivial matters and discussed the film as a triumphant, outstandingly beautiful, visual paean to love - a view echoed by many IMDb users. A very lonely young man, when I saw it, I willingly concurred. No further opportunity to see Ecstasy arose until the introduction of home videos - by then it had become a treasured memory not to be disturbed. Quite recently I finally added Ecstasy to my home video collection and found this assessment very superficial. Ecstasy is much more of a parable on the continuity of human existence, against which individual lives are insignificant - perhaps a tribute to what Bernard Shaw in his aggressively agnostic writings used to term 'The Lifeforce'.

Ecstasy portrays a young bride marrying a middle aged man whose sex urge is no longer strong. Disappointed, she returns home and divorces him. Soon after she experiences a strong mutual attraction to a young virile man she meets whilst out horse riding. She makes love for the first time and it is an overwhelming experience. Her former husband cannot face rejection and gives the young man a lift in his car intending that a passing train will kill them both on a level crossing. But the train stops in time and the apparently ill driver is taken to recuperate at a nearby hotel where he later commits suicide by shooting himself. After these exciting climacteric sequences, a bland, predictable and almost inevitable ending emphasises that whilst individual human lives exhibit both joy and tragedy, collectively life continues to carry us all forward in its stream and only through contributing to this stream can we be truly happy. This story is trite, the acting is no more than adequate; and normally such a film would have disappeared into the garbage, as did most of its contemporaries, long ago. What has given Ecstasy its classic status is exceptional cinematography, a continuous lyrical score and very careful loving direction, coupled with something fortuitous but in cinematographic terms very important - it appeared just after the introduction of sound and was probably planned as a silent film. It is sub-titled and its Director has exploited the impact of brief verbal sequences accompanying some sub-titles, and occasionally breaking into the score which so lovingly carries the film forward. This makes it not only almost unique but extremely rewarding to watch. The parable in the tale is stressed continuously but so subtly that only when reflecting after viewing does one become fully aware of it. For example, the names - Eva and Adam; the obsessive behavior of Emil on his wedding night which shows that triviata have become the most important thing in his life and predicate his eventual suicide since he has no adequate purpose to sustain him; the ongoing series of beautiful sequences showing erotic imagery (a bee pollinating a flower, a key entering a lock, a breaking necklace during Eva's virginal lovemaking sequence with Adam, etc.); and the final post-suicide sequences which could have been filmed in many different ways but serve to extol the importance to individuals of performing some type of work that contributes positively to Society, as well as of creating new life to sustain this society after we ourselves pass on.

As a 1933 film I would rate this at 9 - even comparing it with contemporary works I would not reduce this below 8. For me the film will always remain a \\\"must see\\\", (although you may feel that my background remarks above indicate some bias in this judgment). Unfortunately in North America contemporary assessments of this film have been distorted by the extreme 1930's reaction to Hedy Kiesler's very brief and relatively unimportant nude scene which she had difficulty living down in Hollywood (some critics, who have clearly not seen such classic films as Hypocrites, Hula, Back to God's Country, Bird of Paradise or some of the early works of D.W. Griffiths and C.B. deMille, have even erroneously referred to this as the first appearance of a nude actress in a feature film). This scene was probably part of the original novel, and the film would have been very little different if the Director had chosen to rewrite it.

Two further thoughts; firstly this is a Czech film, released there in 1933. Its final message about hard work generating positive benefits for society must have seemed very superficial to its viewers when a few years later their country became the first victim of Nazi oppression and was virtually destroyed for at least two generations (I do not remember these sequences being screened just after the war when I first saw this film - were they removed from the copy I saw then?). Secondly for me its main message today is that things of real beauty are often very transitory even though their memory may stay with one for a lifetime. We should all be thankful that today some of them can be captured on camera and viewed again at our convenience.\": {\"frequency\": 1, \"value\": \"I cannot comment ...\"}, \"this film is quite simply one of the worst films ever made and is a damning indictment on not only the British film industry but the talentless hacks at work today. Not only did the film get mainstream distribution it also features a good cast of British actors, so what went wrong? i don't know and simply i don't care enough to engage with the debate because the film was so terrible it deserves no thought at all. be warned and stay the hell away from this rubbish. but apparently i need to write ten lines of text in this review so i might as well detail the plot. A nob of a man is setup by his evil friend and co-worker out of his father's company and thus leads to an encounter with the Russian mafia and dodgy accents and stupid, very stupid plot twists/devices. i should have asked for my money back but was perhaps still in shock from the experience. if you want a good crime film watch the usual suspects or the godfather, what about lock, stock.... thats the peak of the contemporary British crime film.....\": {\"frequency\": 1, \"value\": \"this film is quite ...\"}, \"I had high hopes for Troy and I am so bitterly disappointed. The film was directed so badly it made my stomach ache. The pacing was so slow, the dialogue laughable and the film - well apart from a nice fight scene between Achilles (Pitt) and Hector (Bana) - the rest was shallow.

And why, oh why does Hollywood always insist on rewriting stories to fit 'consumer approval'. Agamemnon didn't die in Troy, the war lasted 10 years and Achilles was killed by Paris OUTSIDE the walls of Troy with an arrow to the ankle! It annoys me that such a classic story as this is turned into a soap.

And don't even start me on the 'lack' of chemistry between Helen and Paris. She was the woman the war was fought over and it didn't even look as if the two of them cared a great deal about the other. No sparks, no emotion, no hope.

I have to say in the films defence Brad Pitt, Eric Bana and Peter O' Toole acted very well with a bad script but that isn't enough to save this awful movie.

Can anybody tell me where the \\ufffd\\ufffd200 million budget went? Maybe in all the trees they used for the funeral pyres - where did they get all those trees?

I am so disappointed it hurts.\": {\"frequency\": 1, \"value\": \"I had high hopes ...\"}, \"I had never heard of this film before a couple of weeks ago, but its concept interested me when I heard it: an American man meets a European woman on his last night in Europe and they spend the night together talking. It sparked my interest, but I never expected it to be this great. Before Sunrise is a masterpiece, and it's also one of the most romantic films on record. To my surprise, it completely lacked the cynicism of the 1990s. It's impossible to really talk too much about it, since there is no real plot, so to speak (although there are plenty of thoroughly interesting things you could talk about; it is sort of like My Dinner With Andre, where there is a conversation, but it's not JUST the conversation that matters), but let me just say, see it. SEE IT!\": {\"frequency\": 1, \"value\": \"I had never heard ...\"}, \"Sometimes a movie is so comprehensively awful it has a destructive effect on your morale. You begin to really ask yourself, what does it mean for our society that the standard is so terribly low? Can they honestly expect that we'll endure this many clich\\ufffd\\ufffds and still be entertained?

Of course, it is still a Hollywood mainstay to make the GUN the major character, plot device, and the source of all conflict and resolution in films. Character needs a gun. Gets a gun. Can't do that because he has a gun. Puts his gun down first. OH MY GOD What are we going to do!? He has a gun! He waves it around, acting more malicious than real human beings ever do. He pushes it in someone's face for 90 minutes, shouting questions. The hallmark of any conclusion will be the comforting sound of police sirens.

It's a real challenge to make such a tired, hackneyed formula work again; a film has to be very clever and well executed. This one is neither. It has no life and no personality, and it will suck these components from YOU. it will make you feel WORSE about living in the time and space that you do. Really, who needs that!? So yes, I'll say it: I think this may well be the worst film I have ever seen. Anyone who was involved in the making of this sub- mediocre soul killing trash should be publicly embarrassed for the disservice they've done to us all.\": {\"frequency\": 1, \"value\": \"Sometimes a movie ...\"}, \"Girlfight is like your grandmother's cooking: same old recipe you've tried a million times before, yet somehow transformed into something fresh and new. Try and explain the story to people who haven't seen it before: a young women from the wrong side of the tracks attempts to improve her situation by taking up boxing whilst dealing with a bitter, obstructive father and her growing attraction to a male rival. Watch them roll their eyes at the string of clich\\ufffd\\ufffds, and they're right: it *is* clich\\ufffd\\ufffdd. Yet I was hypnotized by how well this film works, due to the frequently superb acting and dialogue, and sensitive direction that makes it 'new'. I avoided this at the cinema because it looked like complete crap but don't make the same mistake I did. Definiately worth a look.\": {\"frequency\": 1, \"value\": \"Girlfight is like ...\"}, \"Former brat pack actor and all round pretty boy Rob Lowe stars in a film set in a high security American prison . I had a gut feeling his character was going to be popular for all the wrong reasons like Tobias in the first series of OZ , but PROXIMITY isn`t that kind of film , it`s more like a \\\" Man on the run \\\" film like THE FUGITIVE . It also makes a nod to the themes of punishment and justice with James Coburn putting in a cameo as the spokesman for a justice for victims pressure group but any intelligent discussion on how society should treat criminals is completely ignored as the film degenerates into tired old cliches of shoot outs and car chases\": {\"frequency\": 1, \"value\": \"Former brat pack ...\"}, \"It seems a shame that Greta Garbo ended her illustrious career at the age of 36 with this ridiculous mistaken-identity marital romp. Coming off the success of her first romantic comedy, Ernst Lubitsch's masterful \\\"Ninotchka\\\" (1939), where she was ideally cast as an austere Russian envoy, Garbo is reunited with her leading man Melvyn Douglas for a sitcom-level story that has her playing Karin Borg, a plain-Jane ski instructor who impulsively marries publishing executive Larry Blake when he becomes smitten with her. Once he makes clear that work is his priority, Karin inadvertently decides to masquerade as her high-living twin sister Katherine to test her husband's fidelity when he is back in Manhattan.

It's surprising that this infamous 1941 misfire was directed by George Cukor, who led Garbo to her greatest dramatic performance in 1937's \\\"Camille\\\", because this is as unflattering a vehicle as one could imagine for the screen legend. Only someone with Carole Lombard's natural sense of ease and mischief could have gotten away with the shenanigans presented in the by-the-numbers script by S.N. Behrman, Salka Viertel and George Oppenheimer. MGM's intent behind this comedy was to contemporize and Americanize Garbo's image for wartime audiences whom the studio heads felt were not interested in the tragic period characters she favored in the thirties.

However, Garbo appears ill-at-ease mostly as the bogus party girl Katherine and especially compared to expert farceurs like Douglas and Constance Bennett as romantic rival Griselda. Photographed unflatteringly by Joseph Ruttenberg, Garbo looks tired in many scenes and downright hideous in her teased hairdo for the \\\"chica-choca\\\" dance sequence. The story ends conventionally but with the addition of a lengthy physical sequence where Larry tries to maneuver his skis on a series of mountain cliffs that unfortunately reminds me of Sonny Bono's death. Roland Young and Ruth Gordon (in a rare appearance at this point of her career) show up in comic supporting roles as Douglas' associates. This movie is not yet on DVD, and I wouldn't consider it priority for transfer as it represents a curio in Garbo's otherwise legendary career. She was reportedly quite unhappy during the filming. I can see why.\": {\"frequency\": 1, \"value\": \"It seems a shame ...\"}, \"Panic delivers the goods ten fold with Oscar caliber performances from William H Macy, Neve Campbell, and Donald Sutherland. In a movie about the choices we make and the consequences we live with. Chillingly Honest and thought provoking, Panic is easily one of the best film to come out of Hollywood in years. The impact stays with you right after you leave the theater.\": {\"frequency\": 1, \"value\": \"Panic delivers the ...\"}, \"I see a lot of people liked this movie. To me this was a movie made right of writing 101 and the person failed the class. From the time Lindsey Price the videographer shows up until the end the movie was very predictable. I kept on watching to see if it was going anywhere.

First we have the widowed young father. Clich\\ufffd\\ufffd #1 movies/TV always kill off the the mother parent if the child is a girl, or a brood of boys so the single father can get swoon over his dead wife and seem completely out of his element taking care of the children. Starting from from My 3 Sons to 2 1/2 Dads. These movies are usually dramas and comedies are TV shows.

Clich\\ufffd\\ufffd # 2 When a pushy woman has a video camera in her hand she will play a big part in the movie. And will always have solutions or even if that person is a airhead

Clich\\ufffd\\ufffd #3 If the person in peril is a foreigner they have to be of Latino origin. And they must be illegal. Apparently there are no legal Latino's and illegal Europeans, unless if there is a IRA element involved.

Clich\\ufffd\\ufffd #4 The said Latino must be highly educated in his native country. In this case he was a Profesor who made 200 per month. And the said highly educated Latino must now act like he hasn't brain in his head now and lets the air head side kick take over.

Clich\\ufffd\\ufffd #5 The crime the person committed really wasn't a crime but a accident. But because in this case he has lost all of the sense he had when he crossed the boarder he now acts like a blithering idiot and now has put his own daughter in peril by taking her along on a fruitless quest to the border with the idiot side kick.

Clich\\ufffd\\ufffd #6 One never runs over a hoodlum running from a crime , but some poor little cute kid. This is because the parents of the child have to play a big part of the movie, and because the the person who accidentally killed the child can have ridiculous interaction with the parents.

Clich\\ufffd\\ufffd #7 Name me one movie in which one cop is not the angry vet and they get paired up with a rookie. Even if they are homicide detectives who have to be the most experienced cops on a police Force. Sev7n and Copy cat and Law and Order come to mind right away. And the vet even though gruff on the outside has a heart of gold.

Clich\\ufffd\\ufffd #8 Let's go and round up some unemployed Soap Stars. Now I like Lindsey Price. But Susan Haskell IMO can not act her way out of a paper bag and when she use to be on One Life To Live as Marty he swayed from right to left every time she opened her mouth. It use to get me sea sick. She might be anchored on land better now, but she still cannot act.

The movie might have been more insightful if it wasn't filled with clich\\ufffd\\ufffds. I don't think a movie has to be expensive or cerebral to be good. But this was just bad.

***SPOILER**** Now I am not going to spoil the ending. Oh heck I will because I feel it will be a disservice to humanity to let a person waste time they will never get back looking at this movie. It involves Clich\\ufffd\\ufffd #6 and #7. Unless a person has never seen a movie before you had to see what was coming. The father makes even a dumber mistake runs from the cops at the end and gets shot by the angry veteran, who all of a sudden is very upset. You would think she thought the poor guy was innocent all through the movie and she shot him by mistake. When she didn't. Now for the little girl who the dad brought along with him. Guess what happen to her? Times up, she ends up living with the family whose child was killed by her father!! Come on! You all knew that was going to happen, because she is a replacement child!! That is why she did not go and live with the Lindey Price character.

This movie was a insult as far as I was concerned. Because there were so many avenues this movie could of explored and went down but it chose to take the clich\\ufffd\\ufffd ridden one. The 2 stars are for 2 of the stars, the little girl, who I thought was very good and Lindsey Price who character was annoying but she did what she could with it. My advice is take a vice and squeeze your head with it instead of looking at this dreck\": {\"frequency\": 1, \"value\": \"I see a lot of ...\"}, \"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.\": {\"frequency\": 1, \"value\": \"Superb. I had ...\"}, \"Why do all movies on Lifetime have such anemic titles? \\\"An Unexpected Love\\\" - ooh, how provocative!! \\\"This Much I know\\\" would have been better. The film is nothing special. Real people don't really talk like these characters do and the situations are really hackneyed. The straight woman who \\\"turns\\\" lesbian seemed more butch than the lesbian character. If you wanna watch two hot women kiss in a very discreet fashion, you might enjoy this. Although it seems like it was written by someone who doesn't really get out in the world to observe people. Why am I wasting my time writing about it?\": {\"frequency\": 1, \"value\": \"Why do all movies ...\"}, \"Not a movie, but a lip synched collection of performances from acts that were part of the British Invasion, that followed the dynamic entrance of the Beatles to the music world. Some of these acts did not make a big splash on this side of the pond, but a lot of them did. Featured are: Herman's Hermits, Billy J. Kramer and the Dakotas, Peter and Gordon, Honeycombs, Nashville Teens, Animals, and of course,the Beatles.

It is so much fun watching these young acts before they honed and polished their acts.\": {\"frequency\": 1, \"value\": \"Not a movie, but a ...\"}, \"I love this movie because I grew up around harness racing. Pat Boone behind the sulky reminds me of my father who was drawn to the trotters because, unlike thoroughbred jockeys, men of normal height and weight can be drivers.

Yes, the 1944 Home in Indiana is a better movie, but it's also a very different movie. April Love is light and easy to watch, a feel good movie. (Disappointing though that Pat Boone's religious/moral views prohibited him from ever kissing the girl! Quite a change from today's standard fare.) Home in Indiana with Walter Brennan (filmed in black and white with no hint that anyone will ever burst into song) captures the stress and struggle better thereby making the ultimate accomplishment more satisfying but it requires a bigger emotional investment.\": {\"frequency\": 1, \"value\": \"I love this movie ...\"}, \"This charmingly pleasant and tenderhearted sequel to the hugely successful \\\"The Legend of Boggy Creek\\\" is a follow-up in name only. Stories abound in a sleepy, self-contained fishing community of a supposedly vicious Bigfoot creature called \\\"Big Bay Ty\\\" that resides deep in the uninviting swamplands of Boggy Creek. Two bratty brothers and their older, more sensible tomboy sister (a sweetly feisty performance by cute, pigtailed future \\\"Different Strokes\\\" sitcom star Dana Plato) go venturing into the treacherous marsh to check out if the creature of local legend may be in fact a real live being. The trio get hopelessly lost in a fierce storm and the furry, bear-like, humongous, but very gentle and benevolent Sasquatch comes to the kids' rescue.

Tom Moore's casual, no-frills direction relates this simple story at a leisurely pace, astutely capturing the workaday minutiae of the rural town in compellingly exact detail, drawing the assorted country characters with great warmth and affection, and thankfully developing the sentiment in an organic, restrained, unforced manner that never degenerates into sticky-sappy mush. The adorable Dawn Wells (Mary Ann on \\\"Gilligan's Island\\\") gives an engagingly plucky portrayal of the kids' loving working class single mom while Jim Wilson and John Hofeus offer enjoyably irascible support as a couple of squabbling ol' hayseed curmudgeonly coots. Robert Bethard's capable, sunny cinematography displays the woodsy setting in all its sumptuously tranquil, achingly pure and fragile untouched by civilization splendor. Darrell Deck's score adeptly blends flesh-crawling synthesizer shudders and jubilant banjo-pluckin' country bluegrass into a tuneful sonic brew. In addition, this picture warrants special praise for the way it uncannily predicts the 90's kiddie feature Bigfoot vogue by a good 15-odd years in advance.\": {\"frequency\": 1, \"value\": \"This charmingly ...\"}, \"A cheap exploitation film about a mothers search for her daughter who has been kidnapped by people who make snuff porno films. The trail leads the mother all over Europe as she searches for her child and we in the audience struggle to stay asleep.

This is one of the countless soft-core sleaze films that are made for people who want the excitement of porno with out the stigma or danger of it showing up on their credit card bill.Personally I'd rather have the stigma since those films tend to be more interesting and honest about what we're seeing. This is suppose to be a sexy thriller but its not. Mostly its people talking about things followed by lots of walking from place to place and lead to lead.Periodically through out the film various people get undressed and everything has more than a touch of S&M to the proceedings. The violence and fetish material is of the sort to provoke laughter rather than horror or even excitement, its all so incredibly fake. Worse there is not even enough nudity to keep it interesting. (Basically par for the course for many of these films)

You'll forgive my lack of details but it simply is a dull boring film that I stayed with to the end hoping for something remotely prurient to occur, but there was nothing. The most interesting thing was the blonde haired villainess with the huge over bite and nose the size of a Buick. I watched her with morbid fascination wondering what she had looked like as a young girl and wondering whether she had had plastic surgery, not the type of things you should be thinking about in a gripping thriller.

Avoid.\": {\"frequency\": 1, \"value\": \"A cheap ...\"}, \"\\\"The Days\\\" is a typical family drama with a little catch - you must relate to the character's emotions in every way possible in order for you to truly appreciate the show.

[Possible Spoilers For Those Who Are Unfamiliar With the Show]

The story, obviously, for all the people who has watched the show, is the world of Cooper Day, the middle child of the family. He records his days with his family and hopes to become a rich and famous writer one day because of his observations. His family includes a mother, a father, a perfect sister, and a genius-little-brother. The first episode, which is going to sound a bit stupid since John Scott Shepard has created this situation - both the sister and mother gets pregnant. That's the first situation the writer hits. Then the father quits his job at the law firm. The youngest son gets a panic attack. The middle child gets in a fight with the sister's boyfriend. This is all in a day's work.

[/Spoilers]

I admire this show. I don't know. It's a bit crappy but I like it. First I thought the camera-work was a ripoff but then I got used it and started to like it. I liked the quiet conversations under a dark light. I liked the intimate feeling of the show. I liked the low-budget style. I liked the acting. I admire the story. Then I find myself wanting a second season of The Days. I slowly became a fan of it as the 6-episode airing on ABC came to an end. It's a really good show and it's nothing like The OC. The two have nothing in common. So I hope fans will stop comparing them.

And if you can relate to either Abby, Jack, Natalie, Cooper or even Nate, you'll like this show. A lot.\": {\"frequency\": 1, \"value\": \"\\\"The Days\\\" is a ...\"}, \"A very engaging documentary about Scottish artist Andy Goldsworthy, whose work consists mostly of ephemeral sculptures made from elements from nature. His work is made of rocks, leaves, grass, ice, etc., that gets blown away when the tide arrives at the beach or the wind blows at the field. Thus, most of Goldsworthy's works don't really last, except as photos or films of what they were. Now, one can argue that Goldsworthy's works are a reflection of mortality, or words to that effect, but isn't it easier to say that what he does is just beautiful art. And at a time when the stereotype about artists is that they are mostly bitter, pretentious, often mentally unstable people who live in decrepit urban settings, Goldsworthy seems to be the opposite: a stable, unpretentious, family oriented person who loves nature and lives in a small village in Scotland (of course, I'm sure those are the same reasons why he's shunned by some people on the art world who found his works fluffy or superficial).\": {\"frequency\": 1, \"value\": \"A very engaging ...\"}, \"This movie, while seemingly based off of a movie of the same title in 1951 released by MGM and starring Janet Leigh, is still a great film. Danny Glover in one of his best performances brings George Knox, a down on his luck baseball manager with a short temper, to life. As for this movie being \\\"stacked\\\", how about adding Christopher Lloyd (his stage experience works and shows through in his performances on screen, a wonderful actor), Joseph Gordon-Levitt (Third Rock from the Sun), Brenda Fricker (a charming and well seasoned Irish actress), Tony Danza (yes even he is good in this film), Matthew McConaughey (he stole the show in Dazed and Confused, and his role may not be as pivotal in this film, but he got exposure), Adrien Brody (what I said about Matthew McConaughey goes the same for Adrien, except the Dazed and Confused part), some great character actors like Taylor Negron (David), Tony Longo (Messmer), Jay O. Sanders (Ranch Wilder), Neal McDonough (Whitt Bass) and a seasoned veteran in one of his final performances, Ben Johnson (Hank Murphy, the owner of the California Angels), and the rest of the cast does a great job, plus a great storyline that is uplifting to pretty much anyone, I don't care what recesses of depression you're in. I loved this film as a kid, and it brings back memories when I watch it today. I need this on DVD. I recommend it to any parent who's looking for something their kids have not seen, and everybody else, for that matter.\": {\"frequency\": 1, \"value\": \"This movie, while ...\"}}, \"size\": 25000}, \"id\": {\"complete\": true, \"numeric\": false, \"num_unique\": 24924, \"num_undefined\": 0, \"progress\": 1.0, \"frequent_items\": {\"3252_9\": {\"frequency\": 1, \"value\": \"3252_9\"}, \"327_3\": {\"frequency\": 1, \"value\": \"327_3\"}, \"8620_8\": {\"frequency\": 1, \"value\": \"8620_8\"}, \"6416_7\": {\"frequency\": 1, \"value\": \"6416_7\"}, \"535_10\": {\"frequency\": 1, \"value\": \"535_10\"}, \"327_8\": {\"frequency\": 1, \"value\": \"327_8\"}, \"8361_4\": {\"frequency\": 1, \"value\": \"8361_4\"}, \"6673_2\": {\"frequency\": 1, \"value\": \"6673_2\"}, \"6207_9\": {\"frequency\": 1, \"value\": \"6207_9\"}, \"6352_10\": {\"frequency\": 1, \"value\": \"6352_10\"}, \"6887_3\": {\"frequency\": 1, \"value\": \"6887_3\"}, \"11914_2\": {\"frequency\": 1, \"value\": \"11914_2\"}, \"11362_2\": {\"frequency\": 1, \"value\": \"11362_2\"}, \"12237_2\": {\"frequency\": 1, \"value\": \"12237_2\"}, \"5809_4\": {\"frequency\": 1, \"value\": \"5809_4\"}, \"2021_8\": {\"frequency\": 1, \"value\": \"2021_8\"}, \"3071_9\": {\"frequency\": 1, \"value\": \"3071_9\"}, \"7388_1\": {\"frequency\": 1, \"value\": \"7388_1\"}, \"6209_8\": {\"frequency\": 2, \"value\": \"6209_8\"}, \"4799_10\": {\"frequency\": 1, \"value\": \"4799_10\"}, \"2681_3\": {\"frequency\": 1, \"value\": \"2681_3\"}, \"1592_3\": {\"frequency\": 1, \"value\": \"1592_3\"}, \"2072_10\": {\"frequency\": 1, \"value\": \"2072_10\"}, \"2681_7\": {\"frequency\": 1, \"value\": \"2681_7\"}, \"6209_4\": {\"frequency\": 1, \"value\": \"6209_4\"}, \"11916_3\": {\"frequency\": 1, \"value\": \"11916_3\"}, \"9855_2\": {\"frequency\": 1, \"value\": \"9855_2\"}, \"9867_10\": {\"frequency\": 1, \"value\": \"9867_10\"}, \"1553_3\": {\"frequency\": 1, \"value\": \"1553_3\"}, \"7386_7\": {\"frequency\": 1, \"value\": \"7386_7\"}, \"9244_3\": {\"frequency\": 1, \"value\": \"9244_3\"}, \"10799_1\": {\"frequency\": 1, \"value\": \"10799_1\"}, \"2812_8\": {\"frequency\": 1, \"value\": \"2812_8\"}, \"4543_7\": {\"frequency\": 1, \"value\": \"4543_7\"}, \"2083_1\": {\"frequency\": 1, \"value\": \"2083_1\"}, \"723_2\": {\"frequency\": 1, \"value\": \"723_2\"}, \"11784_10\": {\"frequency\": 1, \"value\": \"11784_10\"}, \"11100_4\": {\"frequency\": 1, \"value\": \"11100_4\"}, \"8132_3\": {\"frequency\": 1, \"value\": \"8132_3\"}, \"3628_1\": {\"frequency\": 1, \"value\": \"3628_1\"}, \"3291_1\": {\"frequency\": 1, \"value\": \"3291_1\"}, \"1703_4\": {\"frequency\": 2, \"value\": \"1703_4\"}, \"3628_8\": {\"frequency\": 1, \"value\": \"3628_8\"}, \"12322_10\": {\"frequency\": 1, \"value\": \"12322_10\"}, \"11368_1\": {\"frequency\": 1, \"value\": \"11368_1\"}, \"5766_1\": {\"frequency\": 1, \"value\": \"5766_1\"}, \"8507_10\": {\"frequency\": 1, \"value\": \"8507_10\"}, \"7349_7\": {\"frequency\": 1, \"value\": \"7349_7\"}, \"5933_7\": {\"frequency\": 1, \"value\": \"5933_7\"}, \"7349_1\": {\"frequency\": 1, \"value\": \"7349_1\"}, \"10020_3\": {\"frequency\": 1, \"value\": \"10020_3\"}, \"7685_10\": {\"frequency\": 1, \"value\": \"7685_10\"}, \"4135_10\": {\"frequency\": 1, \"value\": \"4135_10\"}, \"4481_1\": {\"frequency\": 1, \"value\": \"4481_1\"}, \"4273_1\": {\"frequency\": 1, \"value\": \"4273_1\"}, \"1907_7\": {\"frequency\": 1, \"value\": \"1907_7\"}, \"2458_8\": {\"frequency\": 1, \"value\": \"2458_8\"}, \"10794_1\": {\"frequency\": 1, \"value\": \"10794_1\"}, \"8365_4\": {\"frequency\": 1, \"value\": \"8365_4\"}, \"8136_9\": {\"frequency\": 1, \"value\": \"8136_9\"}, \"4545_1\": {\"frequency\": 1, \"value\": \"4545_1\"}, \"3075_1\": {\"frequency\": 1, \"value\": \"3075_1\"}, \"5134_4\": {\"frequency\": 1, \"value\": \"5134_4\"}, \"1433_10\": {\"frequency\": 1, \"value\": \"1433_10\"}, \"6671_1\": {\"frequency\": 1, \"value\": \"6671_1\"}, \"6849_3\": {\"frequency\": 1, \"value\": \"6849_3\"}, \"6800_9\": {\"frequency\": 1, \"value\": \"6800_9\"}, \"4288_9\": {\"frequency\": 2, \"value\": \"4288_9\"}, \"3796_1\": {\"frequency\": 1, \"value\": \"3796_1\"}, \"10301_8\": {\"frequency\": 1, \"value\": \"10301_8\"}, \"4288_2\": {\"frequency\": 1, \"value\": \"4288_2\"}, \"10063_1\": {\"frequency\": 1, \"value\": \"10063_1\"}, \"4153_10\": {\"frequency\": 1, \"value\": \"4153_10\"}, \"12077_1\": {\"frequency\": 1, \"value\": \"12077_1\"}, \"7296_10\": {\"frequency\": 1, \"value\": \"7296_10\"}, \"10942_2\": {\"frequency\": 1, \"value\": \"10942_2\"}, \"7260_1\": {\"frequency\": 1, \"value\": \"7260_1\"}, \"11750_1\": {\"frequency\": 1, \"value\": \"11750_1\"}, \"12009_3\": {\"frequency\": 1, \"value\": \"12009_3\"}, \"6905_1\": {\"frequency\": 1, \"value\": \"6905_1\"}, \"10657_3\": {\"frequency\": 1, \"value\": \"10657_3\"}, \"3598_3\": {\"frequency\": 1, \"value\": \"3598_3\"}, \"3033_8\": {\"frequency\": 1, \"value\": \"3033_8\"}, \"4986_2\": {\"frequency\": 1, \"value\": \"4986_2\"}, \"6249_7\": {\"frequency\": 1, \"value\": \"6249_7\"}, \"202_10\": {\"frequency\": 1, \"value\": \"202_10\"}, \"12349_4\": {\"frequency\": 1, \"value\": \"12349_4\"}, \"2277_4\": {\"frequency\": 1, \"value\": \"2277_4\"}, \"11754_7\": {\"frequency\": 1, \"value\": \"11754_7\"}, \"11327_4\": {\"frequency\": 1, \"value\": \"11327_4\"}, \"1558_1\": {\"frequency\": 1, \"value\": \"1558_1\"}, \"11033_9\": {\"frequency\": 1, \"value\": \"11033_9\"}, \"11182_3\": {\"frequency\": 1, \"value\": \"11182_3\"}, \"5421_4\": {\"frequency\": 1, \"value\": \"5421_4\"}, \"2757_1\": {\"frequency\": 1, \"value\": \"2757_1\"}, \"4155_10\": {\"frequency\": 1, \"value\": \"4155_10\"}, \"1180_4\": {\"frequency\": 1, \"value\": \"1180_4\"}, \"4797_10\": {\"frequency\": 1, \"value\": \"4797_10\"}, \"10944_1\": {\"frequency\": 1, \"value\": \"10944_1\"}, \"4894_10\": {\"frequency\": 1, \"value\": \"4894_10\"}, \"5687_1\": {\"frequency\": 1, \"value\": \"5687_1\"}, \"11410_3\": {\"frequency\": 1, \"value\": \"11410_3\"}, \"1161_1\": {\"frequency\": 1, \"value\": \"1161_1\"}, \"3792_8\": {\"frequency\": 1, \"value\": \"3792_8\"}, \"8940_3\": {\"frequency\": 1, \"value\": \"8940_3\"}, \"6518_4\": {\"frequency\": 1, \"value\": \"6518_4\"}, \"11687_10\": {\"frequency\": 1, \"value\": \"11687_10\"}, \"7699_10\": {\"frequency\": 1, \"value\": \"7699_10\"}, \"6676_9\": {\"frequency\": 1, \"value\": \"6676_9\"}, \"12046_1\": {\"frequency\": 1, \"value\": \"12046_1\"}, \"709_10\": {\"frequency\": 1, \"value\": \"709_10\"}, \"10323_10\": {\"frequency\": 1, \"value\": \"10323_10\"}, \"3414_8\": {\"frequency\": 1, \"value\": \"3414_8\"}, \"7190_4\": {\"frequency\": 1, \"value\": \"7190_4\"}, \"5175_2\": {\"frequency\": 1, \"value\": \"5175_2\"}, \"11666_10\": {\"frequency\": 1, \"value\": \"11666_10\"}, \"4822_2\": {\"frequency\": 1, \"value\": \"4822_2\"}, \"7605_4\": {\"frequency\": 1, \"value\": \"7605_4\"}, \"5466_1\": {\"frequency\": 1, \"value\": \"5466_1\"}, \"3340_8\": {\"frequency\": 1, \"value\": \"3340_8\"}, \"3511_4\": {\"frequency\": 1, \"value\": \"3511_4\"}, \"7004_4\": {\"frequency\": 1, \"value\": \"7004_4\"}, \"1320_1\": {\"frequency\": 1, \"value\": \"1320_1\"}, \"10666_8\": {\"frequency\": 1, \"value\": \"10666_8\"}, \"4532_7\": {\"frequency\": 1, \"value\": \"4532_7\"}, \"12230_9\": {\"frequency\": 1, \"value\": \"12230_9\"}, \"6559_1\": {\"frequency\": 1, \"value\": \"6559_1\"}, \"3123_10\": {\"frequency\": 1, \"value\": \"3123_10\"}, \"1665_7\": {\"frequency\": 1, \"value\": \"1665_7\"}, \"11499_1\": {\"frequency\": 1, \"value\": \"11499_1\"}, \"2718_9\": {\"frequency\": 1, \"value\": \"2718_9\"}, \"6454_2\": {\"frequency\": 1, \"value\": \"6454_2\"}, \"9804_10\": {\"frequency\": 1, \"value\": \"9804_10\"}, \"4867_9\": {\"frequency\": 1, \"value\": \"4867_9\"}, \"4759_2\": {\"frequency\": 1, \"value\": \"4759_2\"}, \"4437_7\": {\"frequency\": 1, \"value\": \"4437_7\"}, \"609_9\": {\"frequency\": 1, \"value\": \"609_9\"}, \"4330_10\": {\"frequency\": 1, \"value\": \"4330_10\"}, \"6855_10\": {\"frequency\": 1, \"value\": \"6855_10\"}, \"146_2\": {\"frequency\": 1, \"value\": \"146_2\"}, \"8886_10\": {\"frequency\": 1, \"value\": \"8886_10\"}, \"4439_4\": {\"frequency\": 1, \"value\": \"4439_4\"}, \"1969_10\": {\"frequency\": 1, \"value\": \"1969_10\"}, \"12178_7\": {\"frequency\": 2, \"value\": \"12178_7\"}, \"12006_4\": {\"frequency\": 1, \"value\": \"12006_4\"}, \"10497_4\": {\"frequency\": 1, \"value\": \"10497_4\"}, \"2360_10\": {\"frequency\": 1, \"value\": \"2360_10\"}, \"3374_7\": {\"frequency\": 1, \"value\": \"3374_7\"}, \"10091_1\": {\"frequency\": 1, \"value\": \"10091_1\"}, \"2921_10\": {\"frequency\": 1, \"value\": \"2921_10\"}, \"10091_7\": {\"frequency\": 1, \"value\": \"10091_7\"}, \"7730_7\": {\"frequency\": 1, \"value\": \"7730_7\"}, \"2717_10\": {\"frequency\": 1, \"value\": \"2717_10\"}, \"4828_1\": {\"frequency\": 2, \"value\": \"4828_1\"}, \"11859_4\": {\"frequency\": 1, \"value\": \"11859_4\"}, \"2646_10\": {\"frequency\": 1, \"value\": \"2646_10\"}, \"3513_4\": {\"frequency\": 1, \"value\": \"3513_4\"}, \"6555_2\": {\"frequency\": 2, \"value\": \"6555_2\"}, \"4417_1\": {\"frequency\": 1, \"value\": \"4417_1\"}, \"8949_1\": {\"frequency\": 1, \"value\": \"8949_1\"}, \"8807_9\": {\"frequency\": 1, \"value\": \"8807_9\"}, \"10691_7\": {\"frequency\": 1, \"value\": \"10691_7\"}, \"3052_10\": {\"frequency\": 1, \"value\": \"3052_10\"}, \"10343_3\": {\"frequency\": 1, \"value\": \"10343_3\"}, \"11038_3\": {\"frequency\": 1, \"value\": \"11038_3\"}, \"5073_1\": {\"frequency\": 1, \"value\": \"5073_1\"}, \"5464_2\": {\"frequency\": 1, \"value\": \"5464_2\"}, \"5071_1\": {\"frequency\": 1, \"value\": \"5071_1\"}, \"3086_10\": {\"frequency\": 1, \"value\": \"3086_10\"}, \"10281_7\": {\"frequency\": 1, \"value\": \"10281_7\"}, \"10693_4\": {\"frequency\": 1, \"value\": \"10693_4\"}, \"7809_10\": {\"frequency\": 1, \"value\": \"7809_10\"}, \"8275_1\": {\"frequency\": 1, \"value\": \"8275_1\"}, \"1283_10\": {\"frequency\": 1, \"value\": \"1283_10\"}, \"5227_10\": {\"frequency\": 1, \"value\": \"5227_10\"}, \"11452_1\": {\"frequency\": 1, \"value\": \"11452_1\"}, \"1994_2\": {\"frequency\": 1, \"value\": \"1994_2\"}, \"11790_8\": {\"frequency\": 1, \"value\": \"11790_8\"}, \"2334_9\": {\"frequency\": 1, \"value\": \"2334_9\"}, \"5187_1\": {\"frequency\": 1, \"value\": \"5187_1\"}, \"6591_3\": {\"frequency\": 1, \"value\": \"6591_3\"}, \"10209_3\": {\"frequency\": 1, \"value\": \"10209_3\"}, \"4710_1\": {\"frequency\": 1, \"value\": \"4710_1\"}, \"1962_2\": {\"frequency\": 1, \"value\": \"1962_2\"}, \"6179_8\": {\"frequency\": 1, \"value\": \"6179_8\"}, \"3491_1\": {\"frequency\": 1, \"value\": \"3491_1\"}, \"12372_7\": {\"frequency\": 1, \"value\": \"12372_7\"}, \"11494_4\": {\"frequency\": 1, \"value\": \"11494_4\"}, \"9406_2\": {\"frequency\": 1, \"value\": \"9406_2\"}, \"46_4\": {\"frequency\": 1, \"value\": \"46_4\"}, \"1996_3\": {\"frequency\": 1, \"value\": \"1996_3\"}, \"2336_4\": {\"frequency\": 1, \"value\": \"2336_4\"}, \"5971_3\": {\"frequency\": 1, \"value\": \"5971_3\"}, \"10861_7\": {\"frequency\": 1, \"value\": \"10861_7\"}, \"4750_7\": {\"frequency\": 1, \"value\": \"4750_7\"}, \"10650_1\": {\"frequency\": 1, \"value\": \"10650_1\"}, \"1990_2\": {\"frequency\": 1, \"value\": \"1990_2\"}, \"12003_4\": {\"frequency\": 1, \"value\": \"12003_4\"}, \"11411_8\": {\"frequency\": 1, \"value\": \"11411_8\"}, \"11337_10\": {\"frequency\": 1, \"value\": \"11337_10\"}, \"6739_7\": {\"frequency\": 1, \"value\": \"6739_7\"}, \"11725_10\": {\"frequency\": 1, \"value\": \"11725_10\"}, \"12333_9\": {\"frequency\": 1, \"value\": \"12333_9\"}, \"2090_2\": {\"frequency\": 1, \"value\": \"2090_2\"}, \"8273_2\": {\"frequency\": 1, \"value\": \"8273_2\"}, \"4575_1\": {\"frequency\": 1, \"value\": \"4575_1\"}, \"11623_2\": {\"frequency\": 1, \"value\": \"11623_2\"}, \"6138_8\": {\"frequency\": 1, \"value\": \"6138_8\"}, \"9809_2\": {\"frequency\": 1, \"value\": \"9809_2\"}, \"10131_10\": {\"frequency\": 1, \"value\": \"10131_10\"}, \"10289_1\": {\"frequency\": 1, \"value\": \"10289_1\"}, \"5424_1\": {\"frequency\": 1, \"value\": \"5424_1\"}, \"5979_3\": {\"frequency\": 1, \"value\": \"5979_3\"}, \"11176_9\": {\"frequency\": 1, \"value\": \"11176_9\"}, \"11837_2\": {\"frequency\": 1, \"value\": \"11837_2\"}, \"10869_7\": {\"frequency\": 1, \"value\": \"10869_7\"}, \"1629_1\": {\"frequency\": 1, \"value\": \"1629_1\"}, \"3746_10\": {\"frequency\": 1, \"value\": \"3746_10\"}, \"2111_2\": {\"frequency\": 1, \"value\": \"2111_2\"}, \"9597_10\": {\"frequency\": 1, \"value\": \"9597_10\"}, \"11137_7\": {\"frequency\": 1, \"value\": \"11137_7\"}, \"5306_7\": {\"frequency\": 1, \"value\": \"5306_7\"}, \"9996_9\": {\"frequency\": 1, \"value\": \"9996_9\"}, \"6453_10\": {\"frequency\": 1, \"value\": \"6453_10\"}, \"178_7\": {\"frequency\": 1, \"value\": \"178_7\"}, \"10865_7\": {\"frequency\": 1, \"value\": \"10865_7\"}, \"6595_9\": {\"frequency\": 1, \"value\": \"6595_9\"}, \"10658_4\": {\"frequency\": 1, \"value\": \"10658_4\"}, \"8234_7\": {\"frequency\": 1, \"value\": \"8234_7\"}, \"8573_10\": {\"frequency\": 2, \"value\": \"8573_10\"}, \"10949_1\": {\"frequency\": 1, \"value\": \"10949_1\"}, \"8520_8\": {\"frequency\": 1, \"value\": \"8520_8\"}, \"6733_3\": {\"frequency\": 1, \"value\": \"6733_3\"}, \"1080_9\": {\"frequency\": 1, \"value\": \"1080_9\"}, \"4905_1\": {\"frequency\": 1, \"value\": \"4905_1\"}, \"9241_3\": {\"frequency\": 1, \"value\": \"9241_3\"}, \"179_3\": {\"frequency\": 1, \"value\": \"179_3\"}, \"7490_8\": {\"frequency\": 1, \"value\": \"7490_8\"}, \"1127_4\": {\"frequency\": 1, \"value\": \"1127_4\"}, \"6468_3\": {\"frequency\": 1, \"value\": \"6468_3\"}, \"4673_9\": {\"frequency\": 1, \"value\": \"4673_9\"}, \"9743_8\": {\"frequency\": 1, \"value\": \"9743_8\"}, \"1986_10\": {\"frequency\": 1, \"value\": \"1986_10\"}, \"10661_9\": {\"frequency\": 1, \"value\": \"10661_9\"}, \"4367_4\": {\"frequency\": 1, \"value\": \"4367_4\"}, \"4907_3\": {\"frequency\": 1, \"value\": \"4907_3\"}, \"10661_3\": {\"frequency\": 1, \"value\": \"10661_3\"}, \"843_10\": {\"frequency\": 1, \"value\": \"843_10\"}, \"8603_2\": {\"frequency\": 1, \"value\": \"8603_2\"}, \"11391_8\": {\"frequency\": 1, \"value\": \"11391_8\"}, \"9707_3\": {\"frequency\": 1, \"value\": \"9707_3\"}, \"4369_3\": {\"frequency\": 1, \"value\": \"4369_3\"}, \"2457_8\": {\"frequency\": 1, \"value\": \"2457_8\"}, \"8075_1\": {\"frequency\": 1, \"value\": \"8075_1\"}, \"1201_8\": {\"frequency\": 1, \"value\": \"1201_8\"}, \"1487_9\": {\"frequency\": 1, \"value\": \"1487_9\"}, \"1999_9\": {\"frequency\": 1, \"value\": \"1999_9\"}, \"4080_10\": {\"frequency\": 1, \"value\": \"4080_10\"}, \"1203_4\": {\"frequency\": 1, \"value\": \"1203_4\"}, \"6174_2\": {\"frequency\": 1, \"value\": \"6174_2\"}, \"1203_8\": {\"frequency\": 1, \"value\": \"1203_8\"}, \"11510_1\": {\"frequency\": 1, \"value\": \"11510_1\"}, \"3916_3\": {\"frequency\": 1, \"value\": \"3916_3\"}, \"1253_10\": {\"frequency\": 1, \"value\": \"1253_10\"}, \"3561_4\": {\"frequency\": 1, \"value\": \"3561_4\"}, \"5526_3\": {\"frequency\": 1, \"value\": \"5526_3\"}, \"936_8\": {\"frequency\": 1, \"value\": \"936_8\"}, \"10379_2\": {\"frequency\": 1, \"value\": \"10379_2\"}, \"8678_9\": {\"frequency\": 1, \"value\": \"8678_9\"}, \"936_1\": {\"frequency\": 1, \"value\": \"936_1\"}, \"7259_7\": {\"frequency\": 1, \"value\": \"7259_7\"}, \"88_2\": {\"frequency\": 1, \"value\": \"88_2\"}, \"1668_1\": {\"frequency\": 1, \"value\": \"1668_1\"}, \"47_8\": {\"frequency\": 1, \"value\": \"47_8\"}, \"4909_8\": {\"frequency\": 1, \"value\": \"4909_8\"}, \"4361_2\": {\"frequency\": 1, \"value\": \"4361_2\"}, \"3914_2\": {\"frequency\": 2, \"value\": \"3914_2\"}, \"9590_1\": {\"frequency\": 1, \"value\": \"9590_1\"}, \"10567_2\": {\"frequency\": 1, \"value\": \"10567_2\"}, \"9741_1\": {\"frequency\": 1, \"value\": \"9741_1\"}, \"3617_2\": {\"frequency\": 1, \"value\": \"3617_2\"}, \"10567_9\": {\"frequency\": 1, \"value\": \"10567_9\"}, \"2367_8\": {\"frequency\": 1, \"value\": \"2367_8\"}, \"10828_1\": {\"frequency\": 1, \"value\": \"10828_1\"}, \"12462_7\": {\"frequency\": 1, \"value\": \"12462_7\"}, \"11609_10\": {\"frequency\": 1, \"value\": \"11609_10\"}, \"3559_10\": {\"frequency\": 1, \"value\": \"3559_10\"}, \"11518_8\": {\"frequency\": 1, \"value\": \"11518_8\"}, \"4246_4\": {\"frequency\": 1, \"value\": \"4246_4\"}, \"9562_4\": {\"frequency\": 1, \"value\": \"9562_4\"}, \"6694_10\": {\"frequency\": 1, \"value\": \"6694_10\"}, \"9562_8\": {\"frequency\": 1, \"value\": \"9562_8\"}, \"5566_2\": {\"frequency\": 1, \"value\": \"5566_2\"}, \"11557_8\": {\"frequency\": 1, \"value\": \"11557_8\"}, \"2158_3\": {\"frequency\": 1, \"value\": \"2158_3\"}, \"12274_3\": {\"frequency\": 1, \"value\": \"12274_3\"}, \"6244_1\": {\"frequency\": 1, \"value\": \"6244_1\"}, \"10742_1\": {\"frequency\": 1, \"value\": \"10742_1\"}, \"1042_10\": {\"frequency\": 1, \"value\": \"1042_10\"}, \"2249_7\": {\"frequency\": 1, \"value\": \"2249_7\"}, \"1112_1\": {\"frequency\": 1, \"value\": \"1112_1\"}, \"6244_8\": {\"frequency\": 1, \"value\": \"6244_8\"}, \"1520_7\": {\"frequency\": 1, \"value\": \"1520_7\"}, \"4013_7\": {\"frequency\": 1, \"value\": \"4013_7\"}, \"3752_3\": {\"frequency\": 1, \"value\": \"3752_3\"}, \"934_4\": {\"frequency\": 1, \"value\": \"934_4\"}, \"4525_1\": {\"frequency\": 1, \"value\": \"4525_1\"}, \"758_9\": {\"frequency\": 1, \"value\": \"758_9\"}, \"7818_1\": {\"frequency\": 1, \"value\": \"7818_1\"}, \"3501_1\": {\"frequency\": 1, \"value\": \"3501_1\"}, \"3910_2\": {\"frequency\": 1, \"value\": \"3910_2\"}, \"10568_1\": {\"frequency\": 1, \"value\": \"10568_1\"}, \"5301_4\": {\"frequency\": 1, \"value\": \"5301_4\"}, \"7679_4\": {\"frequency\": 1, \"value\": \"7679_4\"}, \"253_7\": {\"frequency\": 1, \"value\": \"253_7\"}, \"4940_1\": {\"frequency\": 1, \"value\": \"4940_1\"}, \"10409_2\": {\"frequency\": 1, \"value\": \"10409_2\"}, \"975_4\": {\"frequency\": 1, \"value\": \"975_4\"}, \"1101_3\": {\"frequency\": 1, \"value\": \"1101_3\"}, \"7652_3\": {\"frequency\": 1, \"value\": \"7652_3\"}, \"5365_10\": {\"frequency\": 1, \"value\": \"5365_10\"}, \"5225_4\": {\"frequency\": 1, \"value\": \"5225_4\"}, \"424_8\": {\"frequency\": 1, \"value\": \"424_8\"}, \"8654_9\": {\"frequency\": 1, \"value\": \"8654_9\"}, \"6944_9\": {\"frequency\": 1, \"value\": \"6944_9\"}, \"10597_2\": {\"frequency\": 1, \"value\": \"10597_2\"}, \"235_10\": {\"frequency\": 2, \"value\": \"235_10\"}, \"9924_9\": {\"frequency\": 1, \"value\": \"9924_9\"}, \"5225_9\": {\"frequency\": 1, \"value\": \"5225_9\"}, \"4479_1\": {\"frequency\": 1, \"value\": \"4479_1\"}, \"977_8\": {\"frequency\": 1, \"value\": \"977_8\"}, \"742_1\": {\"frequency\": 1, \"value\": \"742_1\"}, \"9926_7\": {\"frequency\": 1, \"value\": \"9926_7\"}, \"7812_8\": {\"frequency\": 1, \"value\": \"7812_8\"}, \"4670_4\": {\"frequency\": 1, \"value\": \"4670_4\"}, \"2481_1\": {\"frequency\": 1, \"value\": \"2481_1\"}, \"11555_2\": {\"frequency\": 1, \"value\": \"11555_2\"}, \"10395_8\": {\"frequency\": 1, \"value\": \"10395_8\"}, \"6940_4\": {\"frequency\": 1, \"value\": \"6940_4\"}, \"7638_7\": {\"frequency\": 1, \"value\": \"7638_7\"}, \"10395_2\": {\"frequency\": 1, \"value\": \"10395_2\"}, \"11104_10\": {\"frequency\": 1, \"value\": \"11104_10\"}, \"10593_4\": {\"frequency\": 1, \"value\": \"10593_4\"}, \"8454_3\": {\"frequency\": 1, \"value\": \"8454_3\"}, \"11832_7\": {\"frequency\": 1, \"value\": \"11832_7\"}, \"4484_1\": {\"frequency\": 1, \"value\": \"4484_1\"}, \"4031_10\": {\"frequency\": 1, \"value\": \"4031_10\"}, \"9626_8\": {\"frequency\": 1, \"value\": \"9626_8\"}, \"7898_10\": {\"frequency\": 1, \"value\": \"7898_10\"}, \"12315_2\": {\"frequency\": 1, \"value\": \"12315_2\"}, \"1393_2\": {\"frequency\": 1, \"value\": \"1393_2\"}, \"8552_9\": {\"frequency\": 1, \"value\": \"8552_9\"}, \"422_7\": {\"frequency\": 1, \"value\": \"422_7\"}, \"12203_10\": {\"frequency\": 1, \"value\": \"12203_10\"}, \"7260_10\": {\"frequency\": 1, \"value\": \"7260_10\"}, \"9470_8\": {\"frequency\": 1, \"value\": \"9470_8\"}, \"10398_3\": {\"frequency\": 2, \"value\": \"10398_3\"}, \"9622_3\": {\"frequency\": 1, \"value\": \"9622_3\"}, \"4402_8\": {\"frequency\": 1, \"value\": \"4402_8\"}, \"5387_3\": {\"frequency\": 1, \"value\": \"5387_3\"}, \"5387_8\": {\"frequency\": 1, \"value\": \"5387_8\"}, \"11515_1\": {\"frequency\": 1, \"value\": \"11515_1\"}, \"5220_2\": {\"frequency\": 1, \"value\": \"5220_2\"}, \"3109_4\": {\"frequency\": 1, \"value\": \"3109_4\"}, \"9164_10\": {\"frequency\": 1, \"value\": \"9164_10\"}, \"11901_9\": {\"frequency\": 1, \"value\": \"11901_9\"}, \"9379_1\": {\"frequency\": 1, \"value\": \"9379_1\"}, \"5871_9\": {\"frequency\": 1, \"value\": \"5871_9\"}, \"7423_9\": {\"frequency\": 1, \"value\": \"7423_9\"}, \"10848_10\": {\"frequency\": 1, \"value\": \"10848_10\"}, \"8931_4\": {\"frequency\": 1, \"value\": \"8931_4\"}, \"5838_8\": {\"frequency\": 1, \"value\": \"5838_8\"}, \"10286_1\": {\"frequency\": 1, \"value\": \"10286_1\"}, \"3221_3\": {\"frequency\": 1, \"value\": \"3221_3\"}, \"2701_1\": {\"frequency\": 1, \"value\": \"2701_1\"}, \"4450_3\": {\"frequency\": 1, \"value\": \"4450_3\"}, \"10359_7\": {\"frequency\": 1, \"value\": \"10359_7\"}, \"10284_9\": {\"frequency\": 1, \"value\": \"10284_9\"}, \"12043_10\": {\"frequency\": 1, \"value\": \"12043_10\"}, \"10448_1\": {\"frequency\": 1, \"value\": \"10448_1\"}, \"216_4\": {\"frequency\": 1, \"value\": \"216_4\"}, \"4886_1\": {\"frequency\": 1, \"value\": \"4886_1\"}, \"12417_10\": {\"frequency\": 1, \"value\": \"12417_10\"}, \"10392_3\": {\"frequency\": 1, \"value\": \"10392_3\"}, \"4886_8\": {\"frequency\": 1, \"value\": \"4886_8\"}, \"9000_10\": {\"frequency\": 1, \"value\": \"9000_10\"}, \"216_8\": {\"frequency\": 1, \"value\": \"216_8\"}, \"7494_10\": {\"frequency\": 1, \"value\": \"7494_10\"}, \"6598_1\": {\"frequency\": 1, \"value\": \"6598_1\"}, \"5571_10\": {\"frequency\": 1, \"value\": \"5571_10\"}, \"11071_2\": {\"frequency\": 1, \"value\": \"11071_2\"}, \"3759_1\": {\"frequency\": 1, \"value\": \"3759_1\"}, \"3407_2\": {\"frequency\": 1, \"value\": \"3407_2\"}, \"10625_2\": {\"frequency\": 1, \"value\": \"10625_2\"}, \"10084_10\": {\"frequency\": 1, \"value\": \"10084_10\"}, \"8003_8\": {\"frequency\": 1, \"value\": \"8003_8\"}, \"1434_10\": {\"frequency\": 1, \"value\": \"1434_10\"}, \"3401_8\": {\"frequency\": 1, \"value\": \"3401_8\"}, \"11259_1\": {\"frequency\": 1, \"value\": \"11259_1\"}, \"8359_8\": {\"frequency\": 1, \"value\": \"8359_8\"}, \"431_4\": {\"frequency\": 1, \"value\": \"431_4\"}, \"8675_8\": {\"frequency\": 1, \"value\": \"8675_8\"}, \"5836_8\": {\"frequency\": 1, \"value\": \"5836_8\"}, \"1011_2\": {\"frequency\": 1, \"value\": \"1011_2\"}, \"3327_3\": {\"frequency\": 1, \"value\": \"3327_3\"}, \"1441_2\": {\"frequency\": 1, \"value\": \"1441_2\"}, \"3815_7\": {\"frequency\": 1, \"value\": \"3815_7\"}, \"7927_10\": {\"frequency\": 2, \"value\": \"7927_10\"}, \"12133_3\": {\"frequency\": 1, \"value\": \"12133_3\"}, \"5222_8\": {\"frequency\": 1, \"value\": \"5222_8\"}, \"8086_9\": {\"frequency\": 1, \"value\": \"8086_9\"}, \"10115_1\": {\"frequency\": 1, \"value\": \"10115_1\"}, \"479_10\": {\"frequency\": 1, \"value\": \"479_10\"}, \"6363_8\": {\"frequency\": 1, \"value\": \"6363_8\"}, \"11885_1\": {\"frequency\": 1, \"value\": \"11885_1\"}, \"10152_1\": {\"frequency\": 1, \"value\": \"10152_1\"}, \"65_10\": {\"frequency\": 1, \"value\": \"65_10\"}, \"9971_10\": {\"frequency\": 1, \"value\": \"9971_10\"}, \"5353_1\": {\"frequency\": 1, \"value\": \"5353_1\"}, \"8516_2\": {\"frequency\": 1, \"value\": \"8516_2\"}, \"10152_9\": {\"frequency\": 1, \"value\": \"10152_9\"}, \"8514_1\": {\"frequency\": 1, \"value\": \"8514_1\"}, \"6683_1\": {\"frequency\": 1, \"value\": \"6683_1\"}, \"7313_1\": {\"frequency\": 1, \"value\": \"7313_1\"}, \"6383_3\": {\"frequency\": 1, \"value\": \"6383_3\"}, \"7138_1\": {\"frequency\": 1, \"value\": \"7138_1\"}, \"2522_8\": {\"frequency\": 1, \"value\": \"2522_8\"}, \"4083_10\": {\"frequency\": 1, \"value\": \"4083_10\"}, \"1056_3\": {\"frequency\": 1, \"value\": \"1056_3\"}, \"5351_2\": {\"frequency\": 1, \"value\": \"5351_2\"}, \"1238_7\": {\"frequency\": 1, \"value\": \"1238_7\"}, \"9517_10\": {\"frequency\": 1, \"value\": \"9517_10\"}, \"11667_1\": {\"frequency\": 1, \"value\": \"11667_1\"}, \"304_4\": {\"frequency\": 1, \"value\": \"304_4\"}, \"10150_3\": {\"frequency\": 1, \"value\": \"10150_3\"}, \"9336_4\": {\"frequency\": 1, \"value\": \"9336_4\"}, \"2825_3\": {\"frequency\": 1, \"value\": \"2825_3\"}, \"11667_9\": {\"frequency\": 1, \"value\": \"11667_9\"}, \"10441_1\": {\"frequency\": 1, \"value\": \"10441_1\"}, \"6494_10\": {\"frequency\": 1, \"value\": \"6494_10\"}, \"7743_8\": {\"frequency\": 1, \"value\": \"7743_8\"}, \"9338_3\": {\"frequency\": 2, \"value\": \"9338_3\"}, \"155_10\": {\"frequency\": 1, \"value\": \"155_10\"}, \"8551_4\": {\"frequency\": 1, \"value\": \"8551_4\"}, \"8356_4\": {\"frequency\": 1, \"value\": \"8356_4\"}, \"6640_1\": {\"frequency\": 1, \"value\": \"6640_1\"}, \"7956_10\": {\"frequency\": 1, \"value\": \"7956_10\"}, \"2293_1\": {\"frequency\": 1, \"value\": \"2293_1\"}, \"4541_10\": {\"frequency\": 1, \"value\": \"4541_10\"}, \"6934_4\": {\"frequency\": 1, \"value\": \"6934_4\"}, \"7589_8\": {\"frequency\": 1, \"value\": \"7589_8\"}, \"9845_3\": {\"frequency\": 1, \"value\": \"9845_3\"}, \"4655_7\": {\"frequency\": 1, \"value\": \"4655_7\"}, \"4447_7\": {\"frequency\": 1, \"value\": \"4447_7\"}, \"8350_3\": {\"frequency\": 1, \"value\": \"8350_3\"}, \"5166_10\": {\"frequency\": 1, \"value\": \"5166_10\"}, \"3022_1\": {\"frequency\": 1, \"value\": \"3022_1\"}, \"5779_3\": {\"frequency\": 1, \"value\": \"5779_3\"}, \"292_10\": {\"frequency\": 1, \"value\": \"292_10\"}, \"702_2\": {\"frequency\": 1, \"value\": \"702_2\"}, \"3445_7\": {\"frequency\": 1, \"value\": \"3445_7\"}, \"10156_1\": {\"frequency\": 1, \"value\": \"10156_1\"}, \"1294_1\": {\"frequency\": 1, \"value\": \"1294_1\"}, \"6485_10\": {\"frequency\": 1, \"value\": \"6485_10\"}, \"6127_8\": {\"frequency\": 1, \"value\": \"6127_8\"}, \"10404_9\": {\"frequency\": 1, \"value\": \"10404_9\"}, \"8404_10\": {\"frequency\": 1, \"value\": \"8404_10\"}, \"1566_8\": {\"frequency\": 1, \"value\": \"1566_8\"}, \"1615_8\": {\"frequency\": 1, \"value\": \"1615_8\"}, \"10154_1\": {\"frequency\": 1, \"value\": \"10154_1\"}, \"8352_1\": {\"frequency\": 1, \"value\": \"8352_1\"}, \"11918_2\": {\"frequency\": 1, \"value\": \"11918_2\"}, \"4198_7\": {\"frequency\": 1, \"value\": \"4198_7\"}, \"8510_1\": {\"frequency\": 1, \"value\": \"8510_1\"}, \"11256_1\": {\"frequency\": 1, \"value\": \"11256_1\"}, \"11464_1\": {\"frequency\": 1, \"value\": \"11464_1\"}, \"7316_1\": {\"frequency\": 1, \"value\": \"7316_1\"}, \"7737_10\": {\"frequency\": 1, \"value\": \"7737_10\"}, \"11444_10\": {\"frequency\": 1, \"value\": \"11444_10\"}, \"215_8\": {\"frequency\": 1, \"value\": \"215_8\"}, \"6648_1\": {\"frequency\": 1, \"value\": \"6648_1\"}, \"12412_3\": {\"frequency\": 1, \"value\": \"12412_3\"}, \"6955_10\": {\"frequency\": 1, \"value\": \"6955_10\"}, \"6601_4\": {\"frequency\": 1, \"value\": \"6601_4\"}, \"4401_9\": {\"frequency\": 2, \"value\": \"4401_9\"}, \"3028_1\": {\"frequency\": 1, \"value\": \"3028_1\"}, \"12254_10\": {\"frequency\": 1, \"value\": \"12254_10\"}, \"12062_10\": {\"frequency\": 1, \"value\": \"12062_10\"}, \"2424_3\": {\"frequency\": 1, \"value\": \"2424_3\"}, \"2864_9\": {\"frequency\": 1, \"value\": \"2864_9\"}, \"11652_10\": {\"frequency\": 1, \"value\": \"11652_10\"}, \"11206_10\": {\"frequency\": 1, \"value\": \"11206_10\"}, \"11211_8\": {\"frequency\": 1, \"value\": \"11211_8\"}, \"2629_9\": {\"frequency\": 1, \"value\": \"2629_9\"}, \"12303_9\": {\"frequency\": 1, \"value\": \"12303_9\"}, \"3476_10\": {\"frequency\": 1, \"value\": \"3476_10\"}, \"9239_2\": {\"frequency\": 1, \"value\": \"9239_2\"}, \"4298_10\": {\"frequency\": 1, \"value\": \"4298_10\"}, \"11759_10\": {\"frequency\": 1, \"value\": \"11759_10\"}, \"9239_8\": {\"frequency\": 2, \"value\": \"9239_8\"}, \"8391_1\": {\"frequency\": 1, \"value\": \"8391_1\"}, \"7742_3\": {\"frequency\": 1, \"value\": \"7742_3\"}, \"8127_2\": {\"frequency\": 1, \"value\": \"8127_2\"}, \"1917_1\": {\"frequency\": 1, \"value\": \"1917_1\"}, \"7021_10\": {\"frequency\": 1, \"value\": \"7021_10\"}, \"2981_1\": {\"frequency\": 1, \"value\": \"2981_1\"}, \"2203_3\": {\"frequency\": 1, \"value\": \"2203_3\"}, \"1917_9\": {\"frequency\": 1, \"value\": \"1917_9\"}, \"3025_7\": {\"frequency\": 1, \"value\": \"3025_7\"}, \"5316_2\": {\"frequency\": 1, \"value\": \"5316_2\"}, \"10995_10\": {\"frequency\": 1, \"value\": \"10995_10\"}, \"2301_10\": {\"frequency\": 1, \"value\": \"2301_10\"}, \"3831_10\": {\"frequency\": 1, \"value\": \"3831_10\"}, \"7461_2\": {\"frequency\": 1, \"value\": \"7461_2\"}, \"1861_3\": {\"frequency\": 1, \"value\": \"1861_3\"}, \"12452_1\": {\"frequency\": 1, \"value\": \"12452_1\"}, \"6559_10\": {\"frequency\": 1, \"value\": \"6559_10\"}, \"5915_1\": {\"frequency\": 1, \"value\": \"5915_1\"}, \"10815_2\": {\"frequency\": 2, \"value\": \"10815_2\"}, \"4919_3\": {\"frequency\": 1, \"value\": \"4919_3\"}, \"8126_7\": {\"frequency\": 1, \"value\": \"8126_7\"}, \"1752_1\": {\"frequency\": 1, \"value\": \"1752_1\"}, \"5394_10\": {\"frequency\": 1, \"value\": \"5394_10\"}, \"12456_3\": {\"frequency\": 1, \"value\": \"12456_3\"}, \"8714_10\": {\"frequency\": 1, \"value\": \"8714_10\"}, \"9236_1\": {\"frequency\": 1, \"value\": \"9236_1\"}, \"11358_9\": {\"frequency\": 1, \"value\": \"11358_9\"}, \"8878_4\": {\"frequency\": 1, \"value\": \"8878_4\"}, \"11348_10\": {\"frequency\": 1, \"value\": \"11348_10\"}, \"5100_4\": {\"frequency\": 1, \"value\": \"5100_4\"}, \"2938_3\": {\"frequency\": 1, \"value\": \"2938_3\"}, \"5211_4\": {\"frequency\": 1, \"value\": \"5211_4\"}, \"4035_10\": {\"frequency\": 1, \"value\": \"4035_10\"}, \"7214_7\": {\"frequency\": 1, \"value\": \"7214_7\"}, \"11540_10\": {\"frequency\": 1, \"value\": \"11540_10\"}, \"477_4\": {\"frequency\": 1, \"value\": \"477_4\"}, \"11744_9\": {\"frequency\": 1, \"value\": \"11744_9\"}, \"8163_3\": {\"frequency\": 1, \"value\": \"8163_3\"}, \"1177_1\": {\"frequency\": 1, \"value\": \"1177_1\"}, \"4152_10\": {\"frequency\": 1, \"value\": \"4152_10\"}, \"5217_4\": {\"frequency\": 1, \"value\": \"5217_4\"}, \"9382_9\": {\"frequency\": 1, \"value\": \"9382_9\"}, \"1715_8\": {\"frequency\": 1, \"value\": \"1715_8\"}, \"2207_9\": {\"frequency\": 1, \"value\": \"2207_9\"}, \"1401_7\": {\"frequency\": 1, \"value\": \"1401_7\"}, \"2940_3\": {\"frequency\": 1, \"value\": \"2940_3\"}, \"9139_8\": {\"frequency\": 2, \"value\": \"9139_8\"}, \"4098_2\": {\"frequency\": 1, \"value\": \"4098_2\"}, \"4489_9\": {\"frequency\": 1, \"value\": \"4489_9\"}, \"3280_10\": {\"frequency\": 1, \"value\": \"3280_10\"}, \"7353_7\": {\"frequency\": 1, \"value\": \"7353_7\"}, \"1713_8\": {\"frequency\": 1, \"value\": \"1713_8\"}, \"10018_8\": {\"frequency\": 1, \"value\": \"10018_8\"}, \"4255_9\": {\"frequency\": 1, \"value\": \"4255_9\"}, \"4489_1\": {\"frequency\": 1, \"value\": \"4489_1\"}, \"10313_4\": {\"frequency\": 1, \"value\": \"10313_4\"}, \"3027_8\": {\"frequency\": 1, \"value\": \"3027_8\"}, \"10207_10\": {\"frequency\": 1, \"value\": \"10207_10\"}, \"7549_7\": {\"frequency\": 1, \"value\": \"7549_7\"}, \"1865_8\": {\"frequency\": 1, \"value\": \"1865_8\"}, \"2411_9\": {\"frequency\": 1, \"value\": \"2411_9\"}, \"10721_3\": {\"frequency\": 1, \"value\": \"10721_3\"}, \"3068_9\": {\"frequency\": 1, \"value\": \"3068_9\"}, \"9230_8\": {\"frequency\": 1, \"value\": \"9230_8\"}, \"6645_1\": {\"frequency\": 1, \"value\": \"6645_1\"}, \"1718_3\": {\"frequency\": 1, \"value\": \"1718_3\"}, \"11310_1\": {\"frequency\": 1, \"value\": \"11310_1\"}, \"11432_9\": {\"frequency\": 1, \"value\": \"11432_9\"}, \"486_1\": {\"frequency\": 1, \"value\": \"486_1\"}, \"2519_10\": {\"frequency\": 1, \"value\": \"2519_10\"}, \"5259_9\": {\"frequency\": 1, \"value\": \"5259_9\"}, \"6763_8\": {\"frequency\": 1, \"value\": \"6763_8\"}, \"5983_8\": {\"frequency\": 1, \"value\": \"5983_8\"}, \"11686_10\": {\"frequency\": 1, \"value\": \"11686_10\"}, \"7071_9\": {\"frequency\": 1, \"value\": \"7071_9\"}, \"1407_7\": {\"frequency\": 1, \"value\": \"1407_7\"}, \"2901_7\": {\"frequency\": 1, \"value\": \"2901_7\"}, \"11316_1\": {\"frequency\": 1, \"value\": \"11316_1\"}, \"6760_2\": {\"frequency\": 1, \"value\": \"6760_2\"}, \"1194_1\": {\"frequency\": 1, \"value\": \"1194_1\"}, \"283_8\": {\"frequency\": 1, \"value\": \"283_8\"}, \"12494_8\": {\"frequency\": 1, \"value\": \"12494_8\"}, \"6859_7\": {\"frequency\": 1, \"value\": \"6859_7\"}, \"7218_9\": {\"frequency\": 1, \"value\": \"7218_9\"}, \"283_1\": {\"frequency\": 1, \"value\": \"283_1\"}, \"1581_7\": {\"frequency\": 1, \"value\": \"1581_7\"}, \"11581_2\": {\"frequency\": 1, \"value\": \"11581_2\"}, \"11781_8\": {\"frequency\": 1, \"value\": \"11781_8\"}, \"9277_1\": {\"frequency\": 2, \"value\": \"9277_1\"}, \"1403_1\": {\"frequency\": 1, \"value\": \"1403_1\"}, \"1171_4\": {\"frequency\": 1, \"value\": \"1171_4\"}, \"12471_7\": {\"frequency\": 1, \"value\": \"12471_7\"}, \"11587_2\": {\"frequency\": 1, \"value\": \"11587_2\"}, \"281_1\": {\"frequency\": 1, \"value\": \"281_1\"}, \"10278_1\": {\"frequency\": 1, \"value\": \"10278_1\"}, \"3688_8\": {\"frequency\": 1, \"value\": \"3688_8\"}, \"7213_3\": {\"frequency\": 1, \"value\": \"7213_3\"}, \"9056_1\": {\"frequency\": 1, \"value\": \"9056_1\"}, \"11008_1\": {\"frequency\": 1, \"value\": \"11008_1\"}, \"3688_2\": {\"frequency\": 1, \"value\": \"3688_2\"}, \"4887_2\": {\"frequency\": 1, \"value\": \"4887_2\"}, \"1485_2\": {\"frequency\": 1, \"value\": \"1485_2\"}, \"6081_9\": {\"frequency\": 1, \"value\": \"6081_9\"}, \"1483_9\": {\"frequency\": 1, \"value\": \"1483_9\"}, \"4881_9\": {\"frequency\": 1, \"value\": \"4881_9\"}, \"11422_1\": {\"frequency\": 1, \"value\": \"11422_1\"}, \"2365_3\": {\"frequency\": 1, \"value\": \"2365_3\"}, \"7030_4\": {\"frequency\": 1, \"value\": \"7030_4\"}, \"12252_10\": {\"frequency\": 1, \"value\": \"12252_10\"}, \"10999_1\": {\"frequency\": 1, \"value\": \"10999_1\"}, \"4881_1\": {\"frequency\": 1, \"value\": \"4881_1\"}, \"4883_1\": {\"frequency\": 1, \"value\": \"4883_1\"}, \"2066_7\": {\"frequency\": 1, \"value\": \"2066_7\"}, \"8697_2\": {\"frequency\": 1, \"value\": \"8697_2\"}, \"6210_1\": {\"frequency\": 1, \"value\": \"6210_1\"}, \"6087_9\": {\"frequency\": 1, \"value\": \"6087_9\"}, \"2698_8\": {\"frequency\": 1, \"value\": \"2698_8\"}, \"1272_7\": {\"frequency\": 1, \"value\": \"1272_7\"}, \"2907_4\": {\"frequency\": 1, \"value\": \"2907_4\"}, \"275_10\": {\"frequency\": 1, \"value\": \"275_10\"}, \"2792_4\": {\"frequency\": 1, \"value\": \"2792_4\"}, \"11259_10\": {\"frequency\": 1, \"value\": \"11259_10\"}, \"2124_10\": {\"frequency\": 1, \"value\": \"2124_10\"}, \"4443_3\": {\"frequency\": 1, \"value\": \"4443_3\"}, \"439_1\": {\"frequency\": 1, \"value\": \"439_1\"}, \"5191_2\": {\"frequency\": 1, \"value\": \"5191_2\"}, \"9704_10\": {\"frequency\": 1, \"value\": \"9704_10\"}, \"4565_8\": {\"frequency\": 1, \"value\": \"4565_8\"}, \"3649_4\": {\"frequency\": 1, \"value\": \"3649_4\"}, \"6543_1\": {\"frequency\": 1, \"value\": \"6543_1\"}, \"12341_4\": {\"frequency\": 1, \"value\": \"12341_4\"}, \"5452_4\": {\"frequency\": 1, \"value\": \"5452_4\"}, \"8401_3\": {\"frequency\": 1, \"value\": \"8401_3\"}, \"2354_10\": {\"frequency\": 1, \"value\": \"2354_10\"}, \"9972_1\": {\"frequency\": 1, \"value\": \"9972_1\"}, \"9177_1\": {\"frequency\": 1, \"value\": \"9177_1\"}, \"4528_3\": {\"frequency\": 1, \"value\": \"4528_3\"}, \"3098_1\": {\"frequency\": 1, \"value\": \"3098_1\"}, \"6541_4\": {\"frequency\": 1, \"value\": \"6541_4\"}, \"11424_8\": {\"frequency\": 1, \"value\": \"11424_8\"}, \"1659_7\": {\"frequency\": 1, \"value\": \"1659_7\"}, \"1338_3\": {\"frequency\": 1, \"value\": \"1338_3\"}, \"1880_10\": {\"frequency\": 1, \"value\": \"1880_10\"}, \"9386_2\": {\"frequency\": 1, \"value\": \"9386_2\"}, \"7217_1\": {\"frequency\": 1, \"value\": \"7217_1\"}, \"8791_1\": {\"frequency\": 1, \"value\": \"8791_1\"}, \"4212_4\": {\"frequency\": 1, \"value\": \"4212_4\"}, \"9054_1\": {\"frequency\": 1, \"value\": \"9054_1\"}, \"5753_1\": {\"frequency\": 1, \"value\": \"5753_1\"}, \"11736_9\": {\"frequency\": 1, \"value\": \"11736_9\"}, \"8034_10\": {\"frequency\": 1, \"value\": \"8034_10\"}, \"8822_10\": {\"frequency\": 1, \"value\": \"8822_10\"}, \"11420_9\": {\"frequency\": 1, \"value\": \"11420_9\"}, \"1286_8\": {\"frequency\": 1, \"value\": \"1286_8\"}, \"1243_9\": {\"frequency\": 1, \"value\": \"1243_9\"}, \"2326_8\": {\"frequency\": 1, \"value\": \"2326_8\"}, \"784_10\": {\"frequency\": 1, \"value\": \"784_10\"}, \"16_7\": {\"frequency\": 1, \"value\": \"16_7\"}, \"6581_7\": {\"frequency\": 1, \"value\": \"6581_7\"}, \"4485_10\": {\"frequency\": 1, \"value\": \"4485_10\"}, \"8754_8\": {\"frequency\": 1, \"value\": \"8754_8\"}, \"12382_8\": {\"frequency\": 1, \"value\": \"12382_8\"}, \"1618_3\": {\"frequency\": 1, \"value\": \"1618_3\"}, \"639_10\": {\"frequency\": 1, \"value\": \"639_10\"}, \"3190_7\": {\"frequency\": 1, \"value\": \"3190_7\"}, \"8487_1\": {\"frequency\": 1, \"value\": \"8487_1\"}, \"472_1\": {\"frequency\": 1, \"value\": \"472_1\"}, \"10990_7\": {\"frequency\": 1, \"value\": \"10990_7\"}, \"11289_10\": {\"frequency\": 1, \"value\": \"11289_10\"}, \"7999_10\": {\"frequency\": 1, \"value\": \"7999_10\"}, \"4706_8\": {\"frequency\": 1, \"value\": \"4706_8\"}, \"10493_4\": {\"frequency\": 1, \"value\": \"10493_4\"}, \"5675_2\": {\"frequency\": 1, \"value\": \"5675_2\"}, \"9617_10\": {\"frequency\": 1, \"value\": \"9617_10\"}, \"8283_7\": {\"frequency\": 1, \"value\": \"8283_7\"}, \"8752_2\": {\"frequency\": 1, \"value\": \"8752_2\"}, \"10491_7\": {\"frequency\": 1, \"value\": \"10491_7\"}, \"4785_2\": {\"frequency\": 1, \"value\": \"4785_2\"}, \"6766_3\": {\"frequency\": 1, \"value\": \"6766_3\"}, \"1249_9\": {\"frequency\": 1, \"value\": \"1249_9\"}, \"10314_4\": {\"frequency\": 1, \"value\": \"10314_4\"}, \"8288_7\": {\"frequency\": 1, \"value\": \"8288_7\"}, \"884_8\": {\"frequency\": 1, \"value\": \"884_8\"}, \"11127_9\": {\"frequency\": 1, \"value\": \"11127_9\"}, \"884_4\": {\"frequency\": 1, \"value\": \"884_4\"}, \"3642_1\": {\"frequency\": 1, \"value\": \"3642_1\"}, \"7884_7\": {\"frequency\": 1, \"value\": \"7884_7\"}, \"10849_10\": {\"frequency\": 1, \"value\": \"10849_10\"}, \"6118_10\": {\"frequency\": 1, \"value\": \"6118_10\"}, \"10538_8\": {\"frequency\": 1, \"value\": \"10538_8\"}, \"11803_7\": {\"frequency\": 1, \"value\": \"11803_7\"}, \"886_8\": {\"frequency\": 1, \"value\": \"886_8\"}, \"5316_7\": {\"frequency\": 1, \"value\": \"5316_7\"}, \"5398_1\": {\"frequency\": 1, \"value\": \"5398_1\"}, \"8305_3\": {\"frequency\": 1, \"value\": \"8305_3\"}, \"7189_10\": {\"frequency\": 1, \"value\": \"7189_10\"}, \"9624_10\": {\"frequency\": 1, \"value\": \"9624_10\"}, \"888_8\": {\"frequency\": 1, \"value\": \"888_8\"}, \"9136_8\": {\"frequency\": 1, \"value\": \"9136_8\"}, \"5936_3\": {\"frequency\": 1, \"value\": \"5936_3\"}, \"8758_4\": {\"frequency\": 1, \"value\": \"8758_4\"}, \"9017_8\": {\"frequency\": 1, \"value\": \"9017_8\"}, \"10648_4\": {\"frequency\": 1, \"value\": \"10648_4\"}, \"8208_8\": {\"frequency\": 1, \"value\": \"8208_8\"}, \"1925_9\": {\"frequency\": 1, \"value\": \"1925_9\"}, \"31_1\": {\"frequency\": 1, \"value\": \"31_1\"}, \"170_10\": {\"frequency\": 1, \"value\": \"170_10\"}, \"9505_4\": {\"frequency\": 1, \"value\": \"9505_4\"}, \"31_8\": {\"frequency\": 1, \"value\": \"31_8\"}, \"6374_10\": {\"frequency\": 1, \"value\": \"6374_10\"}, \"8465_8\": {\"frequency\": 1, \"value\": \"8465_8\"}, \"4345_10\": {\"frequency\": 1, \"value\": \"4345_10\"}, \"1279_9\": {\"frequency\": 1, \"value\": \"1279_9\"}, \"3496_1\": {\"frequency\": 1, \"value\": \"3496_1\"}, \"11806_10\": {\"frequency\": 1, \"value\": \"11806_10\"}, \"1202_2\": {\"frequency\": 1, \"value\": \"1202_2\"}, \"8583_9\": {\"frequency\": 1, \"value\": \"8583_9\"}, \"6753_7\": {\"frequency\": 1, \"value\": \"6753_7\"}, \"6051_9\": {\"frequency\": 1, \"value\": \"6051_9\"}, \"960_1\": {\"frequency\": 1, \"value\": \"960_1\"}, \"4158_10\": {\"frequency\": 1, \"value\": \"4158_10\"}, \"301_10\": {\"frequency\": 1, \"value\": \"301_10\"}, \"7116_9\": {\"frequency\": 1, \"value\": \"7116_9\"}, \"10685_7\": {\"frequency\": 1, \"value\": \"10685_7\"}, \"2377_1\": {\"frequency\": 1, \"value\": \"2377_1\"}, \"8284_8\": {\"frequency\": 1, \"value\": \"8284_8\"}, \"5857_10\": {\"frequency\": 1, \"value\": \"5857_10\"}, \"2382_1\": {\"frequency\": 1, \"value\": \"2382_1\"}, \"5460_4\": {\"frequency\": 1, \"value\": \"5460_4\"}, \"1131_7\": {\"frequency\": 1, \"value\": \"1131_7\"}, \"9682_10\": {\"frequency\": 1, \"value\": \"9682_10\"}, \"882_8\": {\"frequency\": 1, \"value\": \"882_8\"}, \"10898_7\": {\"frequency\": 1, \"value\": \"10898_7\"}, \"1617_4\": {\"frequency\": 1, \"value\": \"1617_4\"}, \"8229_10\": {\"frequency\": 1, \"value\": \"8229_10\"}, \"2069_9\": {\"frequency\": 1, \"value\": \"2069_9\"}, \"10891_1\": {\"frequency\": 1, \"value\": \"10891_1\"}, \"3571_1\": {\"frequency\": 1, \"value\": \"3571_1\"}, \"6014_1\": {\"frequency\": 1, \"value\": \"6014_1\"}, \"10492_1\": {\"frequency\": 1, \"value\": \"10492_1\"}, \"9416_10\": {\"frequency\": 1, \"value\": \"9416_10\"}, \"7783_1\": {\"frequency\": 1, \"value\": \"7783_1\"}, \"3802_2\": {\"frequency\": 1, \"value\": \"3802_2\"}, \"10004_8\": {\"frequency\": 1, \"value\": \"10004_8\"}, \"9596_10\": {\"frequency\": 1, \"value\": \"9596_10\"}, \"9299_3\": {\"frequency\": 1, \"value\": \"9299_3\"}, \"5532_2\": {\"frequency\": 1, \"value\": \"5532_2\"}, \"6016_1\": {\"frequency\": 1, \"value\": \"6016_1\"}, \"8644_1\": {\"frequency\": 1, \"value\": \"8644_1\"}, \"8160_7\": {\"frequency\": 1, \"value\": \"8160_7\"}, \"8644_7\": {\"frequency\": 1, \"value\": \"8644_7\"}, \"7700_2\": {\"frequency\": 1, \"value\": \"7700_2\"}, \"1613_10\": {\"frequency\": 1, \"value\": \"1613_10\"}, \"9306_9\": {\"frequency\": 1, \"value\": \"9306_9\"}, \"5303_10\": {\"frequency\": 1, \"value\": \"5303_10\"}, \"6603_3\": {\"frequency\": 1, \"value\": \"6603_3\"}, \"2498_1\": {\"frequency\": 1, \"value\": \"2498_1\"}, \"9580_3\": {\"frequency\": 1, \"value\": \"9580_3\"}, \"8802_7\": {\"frequency\": 1, \"value\": \"8802_7\"}, \"7706_4\": {\"frequency\": 1, \"value\": \"7706_4\"}, \"4863_10\": {\"frequency\": 1, \"value\": \"4863_10\"}, \"10006_4\": {\"frequency\": 1, \"value\": \"10006_4\"}, \"344_8\": {\"frequency\": 1, \"value\": \"344_8\"}, \"8693_10\": {\"frequency\": 1, \"value\": \"8693_10\"}, \"12174_7\": {\"frequency\": 1, \"value\": \"12174_7\"}, \"3677_3\": {\"frequency\": 1, \"value\": \"3677_3\"}, \"2630_3\": {\"frequency\": 1, \"value\": \"2630_3\"}, \"4788_10\": {\"frequency\": 1, \"value\": \"4788_10\"}, \"9753_4\": {\"frequency\": 1, \"value\": \"9753_4\"}, \"3488_7\": {\"frequency\": 1, \"value\": \"3488_7\"}, \"11545_8\": {\"frequency\": 1, \"value\": \"11545_8\"}, \"2808_10\": {\"frequency\": 1, \"value\": \"2808_10\"}, \"11461_10\": {\"frequency\": 1, \"value\": \"11461_10\"}, \"9594_10\": {\"frequency\": 2, \"value\": \"9594_10\"}, \"6979_3\": {\"frequency\": 1, \"value\": \"6979_3\"}, \"12304_10\": {\"frequency\": 1, \"value\": \"12304_10\"}, \"9930_1\": {\"frequency\": 1, \"value\": \"9930_1\"}, \"11508_1\": {\"frequency\": 1, \"value\": \"11508_1\"}, \"4250_8\": {\"frequency\": 1, \"value\": \"4250_8\"}, \"10851_2\": {\"frequency\": 1, \"value\": \"10851_2\"}, \"12499_7\": {\"frequency\": 1, \"value\": \"12499_7\"}, \"2412_1\": {\"frequency\": 1, \"value\": \"2412_1\"}, \"1244_8\": {\"frequency\": 1, \"value\": \"1244_8\"}, \"4250_3\": {\"frequency\": 1, \"value\": \"4250_3\"}, \"5313_7\": {\"frequency\": 1, \"value\": \"5313_7\"}, \"641_4\": {\"frequency\": 1, \"value\": \"641_4\"}, \"4063_2\": {\"frequency\": 1, \"value\": \"4063_2\"}, \"1530_2\": {\"frequency\": 1, \"value\": \"1530_2\"}, \"10471_10\": {\"frequency\": 1, \"value\": \"10471_10\"}, \"7802_1\": {\"frequency\": 1, \"value\": \"7802_1\"}, \"169_8\": {\"frequency\": 1, \"value\": \"169_8\"}, \"10000_8\": {\"frequency\": 1, \"value\": \"10000_8\"}, \"7898_1\": {\"frequency\": 1, \"value\": \"7898_1\"}, \"4971_7\": {\"frequency\": 2, \"value\": \"4971_7\"}, \"641_8\": {\"frequency\": 1, \"value\": \"641_8\"}, \"578_10\": {\"frequency\": 1, \"value\": \"578_10\"}, \"12264_9\": {\"frequency\": 1, \"value\": \"12264_9\"}, \"8646_1\": {\"frequency\": 1, \"value\": \"8646_1\"}, \"2187_2\": {\"frequency\": 1, \"value\": \"2187_2\"}, \"945_10\": {\"frequency\": 1, \"value\": \"945_10\"}, \"5112_9\": {\"frequency\": 1, \"value\": \"5112_9\"}, \"3077_10\": {\"frequency\": 1, \"value\": \"3077_10\"}, \"225_9\": {\"frequency\": 1, \"value\": \"225_9\"}, \"10161_9\": {\"frequency\": 1, \"value\": \"10161_9\"}, \"3394_4\": {\"frequency\": 1, \"value\": \"3394_4\"}, \"8427_1\": {\"frequency\": 1, \"value\": \"8427_1\"}, \"5291_4\": {\"frequency\": 1, \"value\": \"5291_4\"}, \"430_7\": {\"frequency\": 1, \"value\": \"430_7\"}, \"10115_10\": {\"frequency\": 1, \"value\": \"10115_10\"}, \"4682_4\": {\"frequency\": 1, \"value\": \"4682_4\"}, \"3855_8\": {\"frequency\": 1, \"value\": \"3855_8\"}, \"265_1\": {\"frequency\": 1, \"value\": \"265_1\"}, \"4601_4\": {\"frequency\": 1, \"value\": \"4601_4\"}, \"3586_10\": {\"frequency\": 1, \"value\": \"3586_10\"}, \"432_8\": {\"frequency\": 1, \"value\": \"432_8\"}, \"6299_1\": {\"frequency\": 2, \"value\": \"6299_1\"}, \"10531_10\": {\"frequency\": 1, \"value\": \"10531_10\"}, \"3930_4\": {\"frequency\": 1, \"value\": \"3930_4\"}, \"10165_3\": {\"frequency\": 1, \"value\": \"10165_3\"}, \"8460_2\": {\"frequency\": 1, \"value\": \"8460_2\"}, \"6019_1\": {\"frequency\": 1, \"value\": \"6019_1\"}, \"221_4\": {\"frequency\": 1, \"value\": \"221_4\"}, \"32_3\": {\"frequency\": 1, \"value\": \"32_3\"}, \"9936_4\": {\"frequency\": 1, \"value\": \"9936_4\"}, \"6019_8\": {\"frequency\": 1, \"value\": \"6019_8\"}, \"4684_1\": {\"frequency\": 1, \"value\": \"4684_1\"}, \"4605_2\": {\"frequency\": 1, \"value\": \"4605_2\"}, \"961_1\": {\"frequency\": 1, \"value\": \"961_1\"}, \"5059_7\": {\"frequency\": 1, \"value\": \"5059_7\"}, \"11349_4\": {\"frequency\": 1, \"value\": \"11349_4\"}, \"5576_9\": {\"frequency\": 1, \"value\": \"5576_9\"}, \"3859_4\": {\"frequency\": 1, \"value\": \"3859_4\"}, \"4932_8\": {\"frequency\": 2, \"value\": \"4932_8\"}, \"5539_3\": {\"frequency\": 1, \"value\": \"5539_3\"}, \"5784_4\": {\"frequency\": 1, \"value\": \"5784_4\"}, \"9152_1\": {\"frequency\": 1, \"value\": \"9152_1\"}, \"9934_3\": {\"frequency\": 1, \"value\": \"9934_3\"}, \"6808_8\": {\"frequency\": 1, \"value\": \"6808_8\"}, \"2394_3\": {\"frequency\": 1, \"value\": \"2394_3\"}, \"4061_3\": {\"frequency\": 1, \"value\": \"4061_3\"}, \"9188_1\": {\"frequency\": 1, \"value\": \"9188_1\"}, \"10832_10\": {\"frequency\": 1, \"value\": \"10832_10\"}, \"6969_10\": {\"frequency\": 1, \"value\": \"6969_10\"}, \"4173_10\": {\"frequency\": 1, \"value\": \"4173_10\"}, \"5054_1\": {\"frequency\": 1, \"value\": \"5054_1\"}, \"11731_4\": {\"frequency\": 1, \"value\": \"11731_4\"}, \"10438_4\": {\"frequency\": 1, \"value\": \"10438_4\"}, \"6111_1\": {\"frequency\": 1, \"value\": \"6111_1\"}, \"9652_3\": {\"frequency\": 1, \"value\": \"9652_3\"}, \"2879_9\": {\"frequency\": 1, \"value\": \"2879_9\"}, \"5397_9\": {\"frequency\": 1, \"value\": \"5397_9\"}, \"5097_8\": {\"frequency\": 1, \"value\": \"5097_8\"}, \"8581_10\": {\"frequency\": 1, \"value\": \"8581_10\"}, \"10535_2\": {\"frequency\": 1, \"value\": \"10535_2\"}, \"2378_8\": {\"frequency\": 1, \"value\": \"2378_8\"}, \"5056_8\": {\"frequency\": 1, \"value\": \"5056_8\"}, \"5364_10\": {\"frequency\": 1, \"value\": \"5364_10\"}, \"5395_1\": {\"frequency\": 1, \"value\": \"5395_1\"}, \"3298_10\": {\"frequency\": 1, \"value\": \"3298_10\"}, \"9094_1\": {\"frequency\": 1, \"value\": \"9094_1\"}, \"4448_10\": {\"frequency\": 1, \"value\": \"4448_10\"}, \"11269_1\": {\"frequency\": 1, \"value\": \"11269_1\"}, \"8094_2\": {\"frequency\": 1, \"value\": \"8094_2\"}, \"2114_10\": {\"frequency\": 1, \"value\": \"2114_10\"}, \"9863_10\": {\"frequency\": 1, \"value\": \"9863_10\"}, \"2515_1\": {\"frequency\": 1, \"value\": \"2515_1\"}, \"1571_1\": {\"frequency\": 1, \"value\": \"1571_1\"}, \"2517_2\": {\"frequency\": 1, \"value\": \"2517_2\"}, \"10695_8\": {\"frequency\": 1, \"value\": \"10695_8\"}, \"4000_10\": {\"frequency\": 1, \"value\": \"4000_10\"}, \"8923_3\": {\"frequency\": 1, \"value\": \"8923_3\"}, \"3119_4\": {\"frequency\": 1, \"value\": \"3119_4\"}, \"12314_3\": {\"frequency\": 1, \"value\": \"12314_3\"}, \"8723_2\": {\"frequency\": 1, \"value\": \"8723_2\"}, \"8386_1\": {\"frequency\": 1, \"value\": \"8386_1\"}, \"7474_9\": {\"frequency\": 1, \"value\": \"7474_9\"}, \"6762_1\": {\"frequency\": 1, \"value\": \"6762_1\"}, \"9979_1\": {\"frequency\": 2, \"value\": \"9979_1\"}, \"8384_7\": {\"frequency\": 1, \"value\": \"8384_7\"}, \"10323_1\": {\"frequency\": 1, \"value\": \"10323_1\"}, \"11933_1\": {\"frequency\": 1, \"value\": \"11933_1\"}, \"3801_8\": {\"frequency\": 1, \"value\": \"3801_8\"}, \"5863_8\": {\"frequency\": 1, \"value\": \"5863_8\"}, \"3366_10\": {\"frequency\": 1, \"value\": \"3366_10\"}, \"4025_9\": {\"frequency\": 1, \"value\": \"4025_9\"}, \"5050_1\": {\"frequency\": 1, \"value\": \"5050_1\"}, \"5007_10\": {\"frequency\": 1, \"value\": \"5007_10\"}, \"12318_9\": {\"frequency\": 1, \"value\": \"12318_9\"}, \"5865_1\": {\"frequency\": 1, \"value\": \"5865_1\"}, \"11540_2\": {\"frequency\": 1, \"value\": \"11540_2\"}, \"12260_10\": {\"frequency\": 1, \"value\": \"12260_10\"}, \"9719_1\": {\"frequency\": 1, \"value\": \"9719_1\"}, \"6721_10\": {\"frequency\": 1, \"value\": \"6721_10\"}, \"10981_8\": {\"frequency\": 1, \"value\": \"10981_8\"}, \"8684_1\": {\"frequency\": 1, \"value\": \"8684_1\"}, \"10435_7\": {\"frequency\": 1, \"value\": \"10435_7\"}, \"113_4\": {\"frequency\": 1, \"value\": \"113_4\"}, \"6394_1\": {\"frequency\": 1, \"value\": \"6394_1\"}, \"1477_7\": {\"frequency\": 1, \"value\": \"1477_7\"}, \"10437_7\": {\"frequency\": 1, \"value\": \"10437_7\"}, \"8749_7\": {\"frequency\": 1, \"value\": \"8749_7\"}, \"8545_9\": {\"frequency\": 1, \"value\": \"8545_9\"}, \"8727_7\": {\"frequency\": 1, \"value\": \"8727_7\"}, \"11630_8\": {\"frequency\": 1, \"value\": \"11630_8\"}, \"879_8\": {\"frequency\": 1, \"value\": \"879_8\"}, \"425_2\": {\"frequency\": 1, \"value\": \"425_2\"}, \"2950_10\": {\"frequency\": 1, \"value\": \"2950_10\"}, \"6252_10\": {\"frequency\": 1, \"value\": \"6252_10\"}, \"2511_4\": {\"frequency\": 1, \"value\": \"2511_4\"}, \"2170_4\": {\"frequency\": 1, \"value\": \"2170_4\"}, \"6497_10\": {\"frequency\": 1, \"value\": \"6497_10\"}, \"268_8\": {\"frequency\": 1, \"value\": \"268_8\"}, \"8547_3\": {\"frequency\": 1, \"value\": \"8547_3\"}, \"3356_4\": {\"frequency\": 1, \"value\": \"3356_4\"}, \"6154_4\": {\"frequency\": 1, \"value\": \"6154_4\"}, \"7398_10\": {\"frequency\": 1, \"value\": \"7398_10\"}, \"625_4\": {\"frequency\": 1, \"value\": \"625_4\"}, \"3048_10\": {\"frequency\": 1, \"value\": \"3048_10\"}, \"6884_10\": {\"frequency\": 1, \"value\": \"6884_10\"}, \"9340_8\": {\"frequency\": 1, \"value\": \"9340_8\"}, \"872_9\": {\"frequency\": 1, \"value\": \"872_9\"}, \"10542_7\": {\"frequency\": 1, \"value\": \"10542_7\"}, \"11886_10\": {\"frequency\": 1, \"value\": \"11886_10\"}, \"7598_10\": {\"frequency\": 1, \"value\": \"7598_10\"}, \"5320_2\": {\"frequency\": 1, \"value\": \"5320_2\"}, \"7183_1\": {\"frequency\": 1, \"value\": \"7183_1\"}, \"4849_1\": {\"frequency\": 2, \"value\": \"4849_1\"}, \"6475_3\": {\"frequency\": 1, \"value\": \"6475_3\"}, \"3852_2\": {\"frequency\": 1, \"value\": \"3852_2\"}, \"984_7\": {\"frequency\": 1, \"value\": \"984_7\"}, \"3479_1\": {\"frequency\": 1, \"value\": \"3479_1\"}, \"7591_8\": {\"frequency\": 1, \"value\": \"7591_8\"}, \"2666_10\": {\"frequency\": 1, \"value\": \"2666_10\"}, \"10162_3\": {\"frequency\": 1, \"value\": \"10162_3\"}, \"5292_7\": {\"frequency\": 2, \"value\": \"5292_7\"}, \"2550_9\": {\"frequency\": 1, \"value\": \"2550_9\"}, \"5363_1\": {\"frequency\": 1, \"value\": \"5363_1\"}, \"9651_9\": {\"frequency\": 1, \"value\": \"9651_9\"}, \"2552_3\": {\"frequency\": 1, \"value\": \"2552_3\"}, \"8840_3\": {\"frequency\": 1, \"value\": \"8840_3\"}, \"5290_3\": {\"frequency\": 1, \"value\": \"5290_3\"}, \"1074_10\": {\"frequency\": 1, \"value\": \"1074_10\"}, \"12363_9\": {\"frequency\": 1, \"value\": \"12363_9\"}, \"10129_7\": {\"frequency\": 1, \"value\": \"10129_7\"}, \"8346_9\": {\"frequency\": 1, \"value\": \"8346_9\"}, \"12041_1\": {\"frequency\": 1, \"value\": \"12041_1\"}, \"5582_3\": {\"frequency\": 1, \"value\": \"5582_3\"}, \"4225_10\": {\"frequency\": 2, \"value\": \"4225_10\"}, \"10899_10\": {\"frequency\": 1, \"value\": \"10899_10\"}, \"3995_1\": {\"frequency\": 1, \"value\": \"3995_1\"}, \"689_1\": {\"frequency\": 1, \"value\": \"689_1\"}, \"7142_8\": {\"frequency\": 1, \"value\": \"7142_8\"}, \"687_9\": {\"frequency\": 1, \"value\": \"687_9\"}, \"2930_10\": {\"frequency\": 1, \"value\": \"2930_10\"}, \"2730_9\": {\"frequency\": 1, \"value\": \"2730_9\"}, \"9344_8\": {\"frequency\": 1, \"value\": \"9344_8\"}, \"7627_4\": {\"frequency\": 1, \"value\": \"7627_4\"}, \"5586_8\": {\"frequency\": 1, \"value\": \"5586_8\"}, \"2730_3\": {\"frequency\": 1, \"value\": \"2730_3\"}, \"4653_10\": {\"frequency\": 1, \"value\": \"4653_10\"}, \"1220_4\": {\"frequency\": 1, \"value\": \"1220_4\"}, \"6945_10\": {\"frequency\": 1, \"value\": \"6945_10\"}, \"623_3\": {\"frequency\": 1, \"value\": \"623_3\"}, \"7374_10\": {\"frequency\": 1, \"value\": \"7374_10\"}, \"6255_8\": {\"frequency\": 1, \"value\": \"6255_8\"}, \"11899_2\": {\"frequency\": 1, \"value\": \"11899_2\"}, \"5584_8\": {\"frequency\": 1, \"value\": \"5584_8\"}, \"1681_4\": {\"frequency\": 1, \"value\": \"1681_4\"}, \"9346_1\": {\"frequency\": 1, \"value\": \"9346_1\"}, \"1220_9\": {\"frequency\": 1, \"value\": \"1220_9\"}, \"8191_8\": {\"frequency\": 1, \"value\": \"8191_8\"}, \"157_1\": {\"frequency\": 1, \"value\": \"157_1\"}, \"7897_8\": {\"frequency\": 1, \"value\": \"7897_8\"}, \"8886_3\": {\"frequency\": 1, \"value\": \"8886_3\"}, \"450_1\": {\"frequency\": 1, \"value\": \"450_1\"}, \"6434_7\": {\"frequency\": 1, \"value\": \"6434_7\"}, \"9260_1\": {\"frequency\": 1, \"value\": \"9260_1\"}, \"5268_1\": {\"frequency\": 1, \"value\": \"5268_1\"}, \"9962_3\": {\"frequency\": 1, \"value\": \"9962_3\"}, \"6658_3\": {\"frequency\": 1, \"value\": \"6658_3\"}, \"3687_7\": {\"frequency\": 1, \"value\": \"3687_7\"}, \"3248_10\": {\"frequency\": 1, \"value\": \"3248_10\"}, \"7265_8\": {\"frequency\": 1, \"value\": \"7265_8\"}, \"456_1\": {\"frequency\": 1, \"value\": \"456_1\"}, \"110_1\": {\"frequency\": 1, \"value\": \"110_1\"}, \"6395_9\": {\"frequency\": 1, \"value\": \"6395_9\"}, \"454_4\": {\"frequency\": 1, \"value\": \"454_4\"}, \"1590_10\": {\"frequency\": 1, \"value\": \"1590_10\"}, \"2637_7\": {\"frequency\": 1, \"value\": \"2637_7\"}, \"11938_3\": {\"frequency\": 1, \"value\": \"11938_3\"}, \"9643_10\": {\"frequency\": 1, \"value\": \"9643_10\"}, \"7040_1\": {\"frequency\": 1, \"value\": \"7040_1\"}, \"7878_7\": {\"frequency\": 1, \"value\": \"7878_7\"}, \"11678_8\": {\"frequency\": 1, \"value\": \"11678_8\"}, \"9645_8\": {\"frequency\": 1, \"value\": \"9645_8\"}, \"8381_8\": {\"frequency\": 1, \"value\": \"8381_8\"}, \"7957_10\": {\"frequency\": 1, \"value\": \"7957_10\"}, \"4567_10\": {\"frequency\": 1, \"value\": \"4567_10\"}, \"5746_9\": {\"frequency\": 1, \"value\": \"5746_9\"}, \"1768_4\": {\"frequency\": 1, \"value\": \"1768_4\"}, \"1768_9\": {\"frequency\": 1, \"value\": \"1768_9\"}, \"6725_1\": {\"frequency\": 1, \"value\": \"6725_1\"}, \"4573_10\": {\"frequency\": 1, \"value\": \"4573_10\"}, \"9167_7\": {\"frequency\": 2, \"value\": \"9167_7\"}, \"86_10\": {\"frequency\": 1, \"value\": \"86_10\"}, \"8498_3\": {\"frequency\": 1, \"value\": \"8498_3\"}, \"9592_8\": {\"frequency\": 1, \"value\": \"9592_8\"}, \"1082_10\": {\"frequency\": 1, \"value\": \"1082_10\"}, \"5919_1\": {\"frequency\": 1, \"value\": \"5919_1\"}, \"5240_1\": {\"frequency\": 1, \"value\": \"5240_1\"}, \"4452_8\": {\"frequency\": 1, \"value\": \"4452_8\"}, \"8147_10\": {\"frequency\": 1, \"value\": \"8147_10\"}, \"6474_8\": {\"frequency\": 1, \"value\": \"6474_8\"}, \"9835_9\": {\"frequency\": 1, \"value\": \"9835_9\"}, \"7894_10\": {\"frequency\": 1, \"value\": \"7894_10\"}, \"8884_9\": {\"frequency\": 1, \"value\": \"8884_9\"}, \"12446_8\": {\"frequency\": 1, \"value\": \"12446_8\"}, \"7209_8\": {\"frequency\": 1, \"value\": \"7209_8\"}, \"1066_10\": {\"frequency\": 1, \"value\": \"1066_10\"}, \"8023_7\": {\"frequency\": 1, \"value\": \"8023_7\"}, \"4870_10\": {\"frequency\": 1, \"value\": \"4870_10\"}, \"6617_1\": {\"frequency\": 1, \"value\": \"6617_1\"}, \"10048_10\": {\"frequency\": 1, \"value\": \"10048_10\"}, \"8389_1\": {\"frequency\": 1, \"value\": \"8389_1\"}, \"12402_2\": {\"frequency\": 1, \"value\": \"12402_2\"}, \"8969_1\": {\"frequency\": 1, \"value\": \"8969_1\"}, \"759_10\": {\"frequency\": 1, \"value\": \"759_10\"}, \"10501_10\": {\"frequency\": 1, \"value\": \"10501_10\"}, \"10461_9\": {\"frequency\": 1, \"value\": \"10461_9\"}, \"2664_9\": {\"frequency\": 1, \"value\": \"2664_9\"}, \"4414_9\": {\"frequency\": 1, \"value\": \"4414_9\"}, \"7208_3\": {\"frequency\": 1, \"value\": \"7208_3\"}, \"2974_8\": {\"frequency\": 1, \"value\": \"2974_8\"}, \"9263_1\": {\"frequency\": 1, \"value\": \"9263_1\"}, \"10049_1\": {\"frequency\": 1, \"value\": \"10049_1\"}, \"79_4\": {\"frequency\": 1, \"value\": \"79_4\"}, \"4638_10\": {\"frequency\": 1, \"value\": \"4638_10\"}, \"7108_3\": {\"frequency\": 1, \"value\": \"7108_3\"}, \"11013_1\": {\"frequency\": 1, \"value\": \"11013_1\"}, \"7031_10\": {\"frequency\": 1, \"value\": \"7031_10\"}, \"10673_2\": {\"frequency\": 1, \"value\": \"10673_2\"}, \"1111_10\": {\"frequency\": 1, \"value\": \"1111_10\"}, \"9457_1\": {\"frequency\": 1, \"value\": \"9457_1\"}, \"10733_7\": {\"frequency\": 1, \"value\": \"10733_7\"}, \"2213_9\": {\"frequency\": 1, \"value\": \"2213_9\"}, \"1939_8\": {\"frequency\": 1, \"value\": \"1939_8\"}, \"8698_10\": {\"frequency\": 1, \"value\": \"8698_10\"}, \"6962_1\": {\"frequency\": 1, \"value\": \"6962_1\"}, \"782_9\": {\"frequency\": 1, \"value\": \"782_9\"}, \"9396_9\": {\"frequency\": 1, \"value\": \"9396_9\"}, \"6921_1\": {\"frequency\": 1, \"value\": \"6921_1\"}, \"5157_1\": {\"frequency\": 1, \"value\": \"5157_1\"}, \"10731_1\": {\"frequency\": 1, \"value\": \"10731_1\"}, \"6866_1\": {\"frequency\": 1, \"value\": \"6866_1\"}, \"8153_1\": {\"frequency\": 1, \"value\": \"8153_1\"}, \"8154_10\": {\"frequency\": 1, \"value\": \"8154_10\"}, \"9788_9\": {\"frequency\": 1, \"value\": \"9788_9\"}, \"7063_3\": {\"frequency\": 1, \"value\": \"7063_3\"}, \"10269_7\": {\"frequency\": 1, \"value\": \"10269_7\"}, \"4221_8\": {\"frequency\": 1, \"value\": \"4221_8\"}, \"1811_1\": {\"frequency\": 1, \"value\": \"1811_1\"}, \"1892_3\": {\"frequency\": 1, \"value\": \"1892_3\"}, \"5447_4\": {\"frequency\": 1, \"value\": \"5447_4\"}, \"6037_10\": {\"frequency\": 1, \"value\": \"6037_10\"}, \"5247_4\": {\"frequency\": 1, \"value\": \"5247_4\"}, \"11592_10\": {\"frequency\": 1, \"value\": \"11592_10\"}, \"10608_2\": {\"frequency\": 1, \"value\": \"10608_2\"}, \"1813_1\": {\"frequency\": 1, \"value\": \"1813_1\"}, \"11050_1\": {\"frequency\": 1, \"value\": \"11050_1\"}, \"12156_8\": {\"frequency\": 1, \"value\": \"12156_8\"}, \"3890_2\": {\"frequency\": 1, \"value\": \"3890_2\"}, \"6757_4\": {\"frequency\": 1, \"value\": \"6757_4\"}, \"11050_8\": {\"frequency\": 1, \"value\": \"11050_8\"}, \"7738_8\": {\"frequency\": 1, \"value\": \"7738_8\"}, \"10779_10\": {\"frequency\": 1, \"value\": \"10779_10\"}, \"5704_2\": {\"frequency\": 1, \"value\": \"5704_2\"}, \"1147_4\": {\"frequency\": 1, \"value\": \"1147_4\"}, \"4410_4\": {\"frequency\": 1, \"value\": \"4410_4\"}, \"12259_7\": {\"frequency\": 1, \"value\": \"12259_7\"}, \"1246_3\": {\"frequency\": 1, \"value\": \"1246_3\"}, \"3609_1\": {\"frequency\": 1, \"value\": \"3609_1\"}, \"291_3\": {\"frequency\": 1, \"value\": \"291_3\"}, \"6610_1\": {\"frequency\": 1, \"value\": \"6610_1\"}, \"2471_2\": {\"frequency\": 1, \"value\": \"2471_2\"}, \"11016_1\": {\"frequency\": 1, \"value\": \"11016_1\"}, \"2770_4\": {\"frequency\": 1, \"value\": \"2770_4\"}, \"6097_1\": {\"frequency\": 1, \"value\": \"6097_1\"}, \"7024_2\": {\"frequency\": 1, \"value\": \"7024_2\"}, \"11231_10\": {\"frequency\": 2, \"value\": \"11231_10\"}, \"11265_1\": {\"frequency\": 1, \"value\": \"11265_1\"}, \"3371_4\": {\"frequency\": 1, \"value\": \"3371_4\"}, \"1348_3\": {\"frequency\": 1, \"value\": \"1348_3\"}, \"6091_7\": {\"frequency\": 1, \"value\": \"6091_7\"}, \"7671_1\": {\"frequency\": 1, \"value\": \"7671_1\"}, \"4386_9\": {\"frequency\": 1, \"value\": \"4386_9\"}, \"10468_9\": {\"frequency\": 1, \"value\": \"10468_9\"}, \"3318_3\": {\"frequency\": 1, \"value\": \"3318_3\"}, \"11430_8\": {\"frequency\": 1, \"value\": \"11430_8\"}, \"10754_4\": {\"frequency\": 1, \"value\": \"10754_4\"}, \"870_10\": {\"frequency\": 1, \"value\": \"870_10\"}, \"7047_10\": {\"frequency\": 1, \"value\": \"7047_10\"}, \"3570_10\": {\"frequency\": 1, \"value\": \"3570_10\"}, \"1113_10\": {\"frequency\": 1, \"value\": \"1113_10\"}, \"1878_10\": {\"frequency\": 1, \"value\": \"1878_10\"}, \"4451_9\": {\"frequency\": 1, \"value\": \"4451_9\"}, \"9468_7\": {\"frequency\": 1, \"value\": \"9468_7\"}, \"6827_4\": {\"frequency\": 1, \"value\": \"6827_4\"}, \"11054_7\": {\"frequency\": 1, \"value\": \"11054_7\"}, \"9040_9\": {\"frequency\": 1, \"value\": \"9040_9\"}, \"6674_9\": {\"frequency\": 1, \"value\": \"6674_9\"}, \"3861_10\": {\"frequency\": 1, \"value\": \"3861_10\"}, \"12152_2\": {\"frequency\": 1, \"value\": \"12152_2\"}, \"9495_8\": {\"frequency\": 1, \"value\": \"9495_8\"}, \"8815_2\": {\"frequency\": 1, \"value\": \"8815_2\"}, \"8785_1\": {\"frequency\": 1, \"value\": \"8785_1\"}, \"6530_8\": {\"frequency\": 1, \"value\": \"6530_8\"}, \"7734_10\": {\"frequency\": 1, \"value\": \"7734_10\"}, \"8597_9\": {\"frequency\": 1, \"value\": \"8597_9\"}, \"6530_4\": {\"frequency\": 1, \"value\": \"6530_4\"}, \"7970_1\": {\"frequency\": 1, \"value\": \"7970_1\"}, \"9491_10\": {\"frequency\": 1, \"value\": \"9491_10\"}, \"11335_2\": {\"frequency\": 1, \"value\": \"11335_2\"}, \"3086_1\": {\"frequency\": 1, \"value\": \"3086_1\"}, \"10968_7\": {\"frequency\": 1, \"value\": \"10968_7\"}, \"10968_1\": {\"frequency\": 1, \"value\": \"10968_1\"}, \"10854_10\": {\"frequency\": 1, \"value\": \"10854_10\"}, \"12351_4\": {\"frequency\": 1, \"value\": \"12351_4\"}, \"9145_1\": {\"frequency\": 1, \"value\": \"9145_1\"}, \"8291_1\": {\"frequency\": 1, \"value\": \"8291_1\"}, \"1181_9\": {\"frequency\": 1, \"value\": \"1181_9\"}, \"11950_2\": {\"frequency\": 1, \"value\": \"11950_2\"}, \"11436_9\": {\"frequency\": 1, \"value\": \"11436_9\"}, \"8819_1\": {\"frequency\": 1, \"value\": \"8819_1\"}, \"182_1\": {\"frequency\": 1, \"value\": \"182_1\"}, \"10139_4\": {\"frequency\": 1, \"value\": \"10139_4\"}, \"2357_3\": {\"frequency\": 1, \"value\": \"2357_3\"}, \"11950_8\": {\"frequency\": 1, \"value\": \"11950_8\"}, \"9752_10\": {\"frequency\": 1, \"value\": \"9752_10\"}, \"7026_7\": {\"frequency\": 1, \"value\": \"7026_7\"}, \"12113_8\": {\"frequency\": 1, \"value\": \"12113_8\"}, \"4266_7\": {\"frequency\": 1, \"value\": \"4266_7\"}, \"11194_10\": {\"frequency\": 1, \"value\": \"11194_10\"}, \"2642_10\": {\"frequency\": 1, \"value\": \"2642_10\"}, \"4266_3\": {\"frequency\": 1, \"value\": \"4266_3\"}, \"11434_2\": {\"frequency\": 1, \"value\": \"11434_2\"}, \"11278_8\": {\"frequency\": 1, \"value\": \"11278_8\"}, \"3267_8\": {\"frequency\": 2, \"value\": \"3267_8\"}, \"12359_8\": {\"frequency\": 1, \"value\": \"12359_8\"}, \"11278_1\": {\"frequency\": 1, \"value\": \"11278_1\"}, \"5485_10\": {\"frequency\": 1, \"value\": \"5485_10\"}, \"11116_4\": {\"frequency\": 1, \"value\": \"11116_4\"}, \"404_9\": {\"frequency\": 1, \"value\": \"404_9\"}, \"10678_4\": {\"frequency\": 1, \"value\": \"10678_4\"}, \"12357_7\": {\"frequency\": 1, \"value\": \"12357_7\"}, \"7330_2\": {\"frequency\": 1, \"value\": \"7330_2\"}, \"10782_7\": {\"frequency\": 1, \"value\": \"10782_7\"}, \"6427_10\": {\"frequency\": 1, \"value\": \"6427_10\"}, \"3261_4\": {\"frequency\": 1, \"value\": \"3261_4\"}, \"2318_3\": {\"frequency\": 1, \"value\": \"2318_3\"}, \"6138_1\": {\"frequency\": 1, \"value\": \"6138_1\"}, \"6180_7\": {\"frequency\": 1, \"value\": \"6180_7\"}, \"6752_3\": {\"frequency\": 1, \"value\": \"6752_3\"}, \"8495_8\": {\"frequency\": 1, \"value\": \"8495_8\"}, \"406_8\": {\"frequency\": 1, \"value\": \"406_8\"}, \"9402_7\": {\"frequency\": 1, \"value\": \"9402_7\"}, \"8059_1\": {\"frequency\": 1, \"value\": \"8059_1\"}, \"9102_8\": {\"frequency\": 1, \"value\": \"9102_8\"}, \"2039_9\": {\"frequency\": 1, \"value\": \"2039_9\"}, \"9713_2\": {\"frequency\": 1, \"value\": \"9713_2\"}, \"10964_1\": {\"frequency\": 1, \"value\": \"10964_1\"}, \"6532_8\": {\"frequency\": 1, \"value\": \"6532_8\"}, \"10674_1\": {\"frequency\": 1, \"value\": \"10674_1\"}, \"5442_8\": {\"frequency\": 2, \"value\": \"5442_8\"}, \"10964_7\": {\"frequency\": 1, \"value\": \"10964_7\"}, \"11098_1\": {\"frequency\": 1, \"value\": \"11098_1\"}, \"8787_8\": {\"frequency\": 1, \"value\": \"8787_8\"}, \"9452_9\": {\"frequency\": 1, \"value\": \"9452_9\"}, \"8295_4\": {\"frequency\": 1, \"value\": \"8295_4\"}, \"1931_1\": {\"frequency\": 1, \"value\": \"1931_1\"}, \"2780_4\": {\"frequency\": 1, \"value\": \"2780_4\"}, \"2448_8\": {\"frequency\": 1, \"value\": \"2448_8\"}, \"1975_1\": {\"frequency\": 1, \"value\": \"1975_1\"}, \"1542_4\": {\"frequency\": 1, \"value\": \"1542_4\"}, \"6419_10\": {\"frequency\": 1, \"value\": \"6419_10\"}, \"4340_8\": {\"frequency\": 1, \"value\": \"4340_8\"}, \"4556_2\": {\"frequency\": 1, \"value\": \"4556_2\"}, \"7838_8\": {\"frequency\": 1, \"value\": \"7838_8\"}, \"5277_10\": {\"frequency\": 1, \"value\": \"5277_10\"}, \"11961_1\": {\"frequency\": 1, \"value\": \"11961_1\"}, \"4340_2\": {\"frequency\": 1, \"value\": \"4340_2\"}, \"1682_7\": {\"frequency\": 1, \"value\": \"1682_7\"}, \"5400_4\": {\"frequency\": 1, \"value\": \"5400_4\"}, \"5627_4\": {\"frequency\": 1, \"value\": \"5627_4\"}, \"7525_2\": {\"frequency\": 1, \"value\": \"7525_2\"}, \"7972_10\": {\"frequency\": 1, \"value\": \"7972_10\"}, \"8331_8\": {\"frequency\": 1, \"value\": \"8331_8\"}, \"6491_10\": {\"frequency\": 1, \"value\": \"6491_10\"}, \"4513_8\": {\"frequency\": 1, \"value\": \"4513_8\"}, \"11276_1\": {\"frequency\": 1, \"value\": \"11276_1\"}, \"1937_2\": {\"frequency\": 1, \"value\": \"1937_2\"}, \"12118_4\": {\"frequency\": 1, \"value\": \"12118_4\"}, \"8748_8\": {\"frequency\": 1, \"value\": \"8748_8\"}, \"298_8\": {\"frequency\": 1, \"value\": \"298_8\"}, \"7285_3\": {\"frequency\": 1, \"value\": \"7285_3\"}, \"5855_9\": {\"frequency\": 1, \"value\": \"5855_9\"}, \"9069_7\": {\"frequency\": 1, \"value\": \"9069_7\"}, \"11113_3\": {\"frequency\": 1, \"value\": \"11113_3\"}, \"9187_10\": {\"frequency\": 1, \"value\": \"9187_10\"}, \"3606_2\": {\"frequency\": 1, \"value\": \"3606_2\"}, \"668_4\": {\"frequency\": 1, \"value\": \"668_4\"}, \"10429_10\": {\"frequency\": 1, \"value\": \"10429_10\"}, \"1656_4\": {\"frequency\": 1, \"value\": \"1656_4\"}, \"7970_10\": {\"frequency\": 1, \"value\": \"7970_10\"}, \"11724_8\": {\"frequency\": 1, \"value\": \"11724_8\"}, \"5547_8\": {\"frequency\": 1, \"value\": \"5547_8\"}, \"8257_2\": {\"frequency\": 1, \"value\": \"8257_2\"}, \"11330_8\": {\"frequency\": 1, \"value\": \"11330_8\"}, \"10368_7\": {\"frequency\": 1, \"value\": \"10368_7\"}, \"9461_1\": {\"frequency\": 2, \"value\": \"9461_1\"}, \"5123_2\": {\"frequency\": 1, \"value\": \"5123_2\"}, \"6387_3\": {\"frequency\": 1, \"value\": \"6387_3\"}, \"1267_7\": {\"frequency\": 1, \"value\": \"1267_7\"}, \"3678_4\": {\"frequency\": 1, \"value\": \"3678_4\"}, \"10264_4\": {\"frequency\": 1, \"value\": \"10264_4\"}, \"2431_1\": {\"frequency\": 1, \"value\": \"2431_1\"}, \"3678_8\": {\"frequency\": 1, \"value\": \"3678_8\"}, \"1255_10\": {\"frequency\": 1, \"value\": \"1255_10\"}, \"8717_9\": {\"frequency\": 1, \"value\": \"8717_9\"}, \"3676_2\": {\"frequency\": 1, \"value\": \"3676_2\"}, \"1938_9\": {\"frequency\": 1, \"value\": \"1938_9\"}, \"4552_9\": {\"frequency\": 1, \"value\": \"4552_9\"}, \"3676_8\": {\"frequency\": 2, \"value\": \"3676_8\"}, \"544_8\": {\"frequency\": 1, \"value\": \"544_8\"}, \"6723_10\": {\"frequency\": 1, \"value\": \"6723_10\"}, \"1587_10\": {\"frequency\": 1, \"value\": \"1587_10\"}, \"5743_10\": {\"frequency\": 1, \"value\": \"5743_10\"}, \"12164_9\": {\"frequency\": 1, \"value\": \"12164_9\"}, \"7271_4\": {\"frequency\": 1, \"value\": \"7271_4\"}, \"7835_4\": {\"frequency\": 1, \"value\": \"7835_4\"}, \"7271_7\": {\"frequency\": 1, \"value\": \"7271_7\"}, \"7716_4\": {\"frequency\": 1, \"value\": \"7716_4\"}, \"7526_8\": {\"frequency\": 1, \"value\": \"7526_8\"}, \"3500_10\": {\"frequency\": 1, \"value\": \"3500_10\"}, \"5162_9\": {\"frequency\": 1, \"value\": \"5162_9\"}, \"5086_7\": {\"frequency\": 1, \"value\": \"5086_7\"}, \"12355_10\": {\"frequency\": 1, \"value\": \"12355_10\"}, \"5355_8\": {\"frequency\": 1, \"value\": \"5355_8\"}, \"7472_9\": {\"frequency\": 1, \"value\": \"7472_9\"}, \"7724_1\": {\"frequency\": 1, \"value\": \"7724_1\"}, \"11155_2\": {\"frequency\": 1, \"value\": \"11155_2\"}, \"3872_4\": {\"frequency\": 1, \"value\": \"3872_4\"}, \"12397_8\": {\"frequency\": 1, \"value\": \"12397_8\"}, \"3826_10\": {\"frequency\": 1, \"value\": \"3826_10\"}, \"11111_9\": {\"frequency\": 1, \"value\": \"11111_9\"}, \"7522_8\": {\"frequency\": 1, \"value\": \"7522_8\"}, \"9090_9\": {\"frequency\": 1, \"value\": \"9090_9\"}, \"11111_1\": {\"frequency\": 1, \"value\": \"11111_1\"}, \"918_2\": {\"frequency\": 1, \"value\": \"918_2\"}, \"6066_2\": {\"frequency\": 1, \"value\": \"6066_2\"}, \"3360_7\": {\"frequency\": 1, \"value\": \"3360_7\"}, \"1789_3\": {\"frequency\": 1, \"value\": \"1789_3\"}, \"2170_9\": {\"frequency\": 1, \"value\": \"2170_9\"}, \"12299_7\": {\"frequency\": 1, \"value\": \"12299_7\"}, \"4079_4\": {\"frequency\": 1, \"value\": \"4079_4\"}, \"1368_10\": {\"frequency\": 1, \"value\": \"1368_10\"}, \"10500_4\": {\"frequency\": 1, \"value\": \"10500_4\"}, \"198_8\": {\"frequency\": 1, \"value\": \"198_8\"}, \"11252_1\": {\"frequency\": 1, \"value\": \"11252_1\"}, \"7273_4\": {\"frequency\": 1, \"value\": \"7273_4\"}, \"3938_1\": {\"frequency\": 1, \"value\": \"3938_1\"}, \"64_7\": {\"frequency\": 1, \"value\": \"64_7\"}, \"5048_2\": {\"frequency\": 1, \"value\": \"5048_2\"}, \"9540_2\": {\"frequency\": 1, \"value\": \"9540_2\"}, \"10841_2\": {\"frequency\": 1, \"value\": \"10841_2\"}, \"1785_2\": {\"frequency\": 1, \"value\": \"1785_2\"}, \"3009_8\": {\"frequency\": 1, \"value\": \"3009_8\"}, \"1781_10\": {\"frequency\": 1, \"value\": \"1781_10\"}, \"1462_1\": {\"frequency\": 1, \"value\": \"1462_1\"}, \"1502_1\": {\"frequency\": 1, \"value\": \"1502_1\"}, \"3548_3\": {\"frequency\": 1, \"value\": \"3548_3\"}, \"9727_7\": {\"frequency\": 1, \"value\": \"9727_7\"}, \"10213_1\": {\"frequency\": 1, \"value\": \"10213_1\"}, \"2117_10\": {\"frequency\": 1, \"value\": \"2117_10\"}, \"1317_8\": {\"frequency\": 1, \"value\": \"1317_8\"}, \"3368_1\": {\"frequency\": 1, \"value\": \"3368_1\"}, \"5436_7\": {\"frequency\": 1, \"value\": \"5436_7\"}, \"5081_4\": {\"frequency\": 1, \"value\": \"5081_4\"}, \"8473_8\": {\"frequency\": 1, \"value\": \"8473_8\"}, \"10976_10\": {\"frequency\": 1, \"value\": \"10976_10\"}, \"12058_4\": {\"frequency\": 1, \"value\": \"12058_4\"}, \"8236_1\": {\"frequency\": 1, \"value\": \"8236_1\"}, \"5434_9\": {\"frequency\": 1, \"value\": \"5434_9\"}, \"277_4\": {\"frequency\": 1, \"value\": \"277_4\"}, \"1724_10\": {\"frequency\": 1, \"value\": \"1724_10\"}, \"4690_2\": {\"frequency\": 1, \"value\": \"4690_2\"}, \"9760_4\": {\"frequency\": 1, \"value\": \"9760_4\"}, \"2137_1\": {\"frequency\": 1, \"value\": \"2137_1\"}, \"5432_2\": {\"frequency\": 1, \"value\": \"5432_2\"}, \"815_7\": {\"frequency\": 1, \"value\": \"815_7\"}, \"3967_7\": {\"frequency\": 1, \"value\": \"3967_7\"}, \"7152_9\": {\"frequency\": 1, \"value\": \"7152_9\"}, \"11197_1\": {\"frequency\": 1, \"value\": \"11197_1\"}, \"2962_1\": {\"frequency\": 1, \"value\": \"2962_1\"}, \"2671_7\": {\"frequency\": 1, \"value\": \"2671_7\"}, \"9195_1\": {\"frequency\": 1, \"value\": \"9195_1\"}, \"5020_10\": {\"frequency\": 1, \"value\": \"5020_10\"}, \"4613_4\": {\"frequency\": 1, \"value\": \"4613_4\"}, \"9793_1\": {\"frequency\": 1, \"value\": \"9793_1\"}, \"8617_1\": {\"frequency\": 1, \"value\": \"8617_1\"}, \"5042_9\": {\"frequency\": 1, \"value\": \"5042_9\"}, \"3141_10\": {\"frequency\": 1, \"value\": \"3141_10\"}, \"5198_3\": {\"frequency\": 1, \"value\": \"5198_3\"}, \"4203_2\": {\"frequency\": 1, \"value\": \"4203_2\"}, \"12074_10\": {\"frequency\": 1, \"value\": \"12074_10\"}, \"12428_2\": {\"frequency\": 1, \"value\": \"12428_2\"}, \"11576_7\": {\"frequency\": 1, \"value\": \"11576_7\"}, \"2847_8\": {\"frequency\": 1, \"value\": \"2847_8\"}, \"10370_4\": {\"frequency\": 1, \"value\": \"10370_4\"}, \"11723_1\": {\"frequency\": 1, \"value\": \"11723_1\"}, \"5040_3\": {\"frequency\": 1, \"value\": \"5040_3\"}, \"3500_1\": {\"frequency\": 1, \"value\": \"3500_1\"}, \"11023_9\": {\"frequency\": 1, \"value\": \"11023_9\"}, \"8435_1\": {\"frequency\": 1, \"value\": \"8435_1\"}, \"11721_1\": {\"frequency\": 1, \"value\": \"11721_1\"}, \"5473_2\": {\"frequency\": 1, \"value\": \"5473_2\"}, \"8724_10\": {\"frequency\": 1, \"value\": \"8724_10\"}, \"8820_7\": {\"frequency\": 1, \"value\": \"8820_7\"}, \"11533_8\": {\"frequency\": 1, \"value\": \"11533_8\"}, \"10374_8\": {\"frequency\": 1, \"value\": \"10374_8\"}, \"7293_10\": {\"frequency\": 1, \"value\": \"7293_10\"}, \"6948_10\": {\"frequency\": 1, \"value\": \"6948_10\"}, \"8437_3\": {\"frequency\": 1, \"value\": \"8437_3\"}, \"9953_1\": {\"frequency\": 1, \"value\": \"9953_1\"}, \"4658_8\": {\"frequency\": 1, \"value\": \"4658_8\"}, \"4134_7\": {\"frequency\": 1, \"value\": \"4134_7\"}, \"11953_8\": {\"frequency\": 1, \"value\": \"11953_8\"}, \"10333_8\": {\"frequency\": 1, \"value\": \"10333_8\"}, \"1033_4\": {\"frequency\": 1, \"value\": \"1033_4\"}, \"3580_4\": {\"frequency\": 1, \"value\": \"3580_4\"}, \"11402_4\": {\"frequency\": 1, \"value\": \"11402_4\"}, \"9080_3\": {\"frequency\": 1, \"value\": \"9080_3\"}, \"8917_2\": {\"frequency\": 1, \"value\": \"8917_2\"}, \"1012_10\": {\"frequency\": 1, \"value\": \"1012_10\"}, \"10331_2\": {\"frequency\": 1, \"value\": \"10331_2\"}, \"5165_1\": {\"frequency\": 1, \"value\": \"5165_1\"}, \"395_1\": {\"frequency\": 1, \"value\": \"395_1\"}, \"10972_10\": {\"frequency\": 1, \"value\": \"10972_10\"}, \"5001_7\": {\"frequency\": 1, \"value\": \"5001_7\"}, \"7650_1\": {\"frequency\": 1, \"value\": \"7650_1\"}, \"11849_4\": {\"frequency\": 1, \"value\": \"11849_4\"}, \"2767_1\": {\"frequency\": 1, \"value\": \"2767_1\"}, \"3195_10\": {\"frequency\": 1, \"value\": \"3195_10\"}, \"2253_2\": {\"frequency\": 1, \"value\": \"2253_2\"}, \"2767_8\": {\"frequency\": 1, \"value\": \"2767_8\"}, \"6597_9\": {\"frequency\": 1, \"value\": \"6597_9\"}, \"7235_8\": {\"frequency\": 1, \"value\": \"7235_8\"}, \"3906_10\": {\"frequency\": 1, \"value\": \"3906_10\"}, \"4110_10\": {\"frequency\": 1, \"value\": \"4110_10\"}, \"2273_4\": {\"frequency\": 2, \"value\": \"2273_4\"}, \"574_4\": {\"frequency\": 1, \"value\": \"574_4\"}, \"3120_8\": {\"frequency\": 1, \"value\": \"3120_8\"}, \"8747_3\": {\"frequency\": 1, \"value\": \"8747_3\"}, \"10425_3\": {\"frequency\": 1, \"value\": \"10425_3\"}, \"9983_3\": {\"frequency\": 1, \"value\": \"9983_3\"}, \"2540_2\": {\"frequency\": 1, \"value\": \"2540_2\"}, \"8027_1\": {\"frequency\": 1, \"value\": \"8027_1\"}, \"4342_10\": {\"frequency\": 1, \"value\": \"4342_10\"}, \"1704_8\": {\"frequency\": 1, \"value\": \"1704_8\"}, \"1070_1\": {\"frequency\": 1, \"value\": \"1070_1\"}, \"5119_3\": {\"frequency\": 1, \"value\": \"5119_3\"}, \"11393_7\": {\"frequency\": 1, \"value\": \"11393_7\"}, \"11681_1\": {\"frequency\": 1, \"value\": \"11681_1\"}, \"10423_9\": {\"frequency\": 1, \"value\": \"10423_9\"}, \"8484_10\": {\"frequency\": 1, \"value\": \"8484_10\"}, \"9987_9\": {\"frequency\": 1, \"value\": \"9987_9\"}, \"5474_9\": {\"frequency\": 1, \"value\": \"5474_9\"}, \"10337_3\": {\"frequency\": 1, \"value\": \"10337_3\"}, \"5007_1\": {\"frequency\": 1, \"value\": \"5007_1\"}, \"1037_1\": {\"frequency\": 1, \"value\": \"1037_1\"}, \"9985_1\": {\"frequency\": 1, \"value\": \"9985_1\"}, \"1851_1\": {\"frequency\": 1, \"value\": \"1851_1\"}, \"9904_4\": {\"frequency\": 1, \"value\": \"9904_4\"}, \"391_8\": {\"frequency\": 1, \"value\": \"391_8\"}, \"4656_4\": {\"frequency\": 1, \"value\": \"4656_4\"}, \"10421_7\": {\"frequency\": 1, \"value\": \"10421_7\"}, \"6111_10\": {\"frequency\": 1, \"value\": \"6111_10\"}, \"10178_3\": {\"frequency\": 1, \"value\": \"10178_3\"}, \"9184_10\": {\"frequency\": 1, \"value\": \"9184_10\"}, \"9256_1\": {\"frequency\": 1, \"value\": \"9256_1\"}, \"1212_8\": {\"frequency\": 1, \"value\": \"1212_8\"}, \"8079_3\": {\"frequency\": 1, \"value\": \"8079_3\"}, \"5592_2\": {\"frequency\": 1, \"value\": \"5592_2\"}, \"3421_4\": {\"frequency\": 1, \"value\": \"3421_4\"}, \"9600_8\": {\"frequency\": 1, \"value\": \"9600_8\"}, \"637_3\": {\"frequency\": 1, \"value\": \"637_3\"}, \"1210_1\": {\"frequency\": 1, \"value\": \"1210_1\"}, \"3844_8\": {\"frequency\": 1, \"value\": \"3844_8\"}, \"7768_8\": {\"frequency\": 1, \"value\": \"7768_8\"}, \"2544_8\": {\"frequency\": 1, \"value\": \"2544_8\"}, \"5636_10\": {\"frequency\": 1, \"value\": \"5636_10\"}, \"1686_10\": {\"frequency\": 1, \"value\": \"1686_10\"}, \"8518_10\": {\"frequency\": 1, \"value\": \"8518_10\"}, \"7614_1\": {\"frequency\": 1, \"value\": \"7614_1\"}, \"3167_7\": {\"frequency\": 2, \"value\": \"3167_7\"}, \"4859_7\": {\"frequency\": 1, \"value\": \"4859_7\"}, \"10700_3\": {\"frequency\": 1, \"value\": \"10700_3\"}, \"2803_2\": {\"frequency\": 1, \"value\": \"2803_2\"}, \"2448_4\": {\"frequency\": 1, \"value\": \"2448_4\"}, \"8966_10\": {\"frequency\": 1, \"value\": \"8966_10\"}, \"9313_1\": {\"frequency\": 1, \"value\": \"9313_1\"}, \"639_3\": {\"frequency\": 1, \"value\": \"639_3\"}, \"6334_8\": {\"frequency\": 1, \"value\": \"6334_8\"}, \"12164_1\": {\"frequency\": 1, \"value\": \"12164_1\"}, \"1075_1\": {\"frequency\": 1, \"value\": \"1075_1\"}, \"2926_8\": {\"frequency\": 1, \"value\": \"2926_8\"}, \"6666_4\": {\"frequency\": 1, \"value\": \"6666_4\"}, \"5898_4\": {\"frequency\": 1, \"value\": \"5898_4\"}, \"2920_8\": {\"frequency\": 1, \"value\": \"2920_8\"}, \"1587_2\": {\"frequency\": 1, \"value\": \"1587_2\"}, \"375_9\": {\"frequency\": 1, \"value\": \"375_9\"}, \"1851_10\": {\"frequency\": 2, \"value\": \"1851_10\"}, \"6237_4\": {\"frequency\": 1, \"value\": \"6237_4\"}, \"7868_3\": {\"frequency\": 1, \"value\": \"7868_3\"}, \"521_10\": {\"frequency\": 1, \"value\": \"521_10\"}, \"12026_8\": {\"frequency\": 1, \"value\": \"12026_8\"}, \"10839_2\": {\"frequency\": 1, \"value\": \"10839_2\"}, \"104_3\": {\"frequency\": 1, \"value\": \"104_3\"}, \"2387_2\": {\"frequency\": 1, \"value\": \"2387_2\"}, \"2809_8\": {\"frequency\": 1, \"value\": \"2809_8\"}, \"4566_1\": {\"frequency\": 1, \"value\": \"4566_1\"}, \"5334_7\": {\"frequency\": 1, \"value\": \"5334_7\"}, \"2381_9\": {\"frequency\": 1, \"value\": \"2381_9\"}, \"10432_10\": {\"frequency\": 1, \"value\": \"10432_10\"}, \"4131_7\": {\"frequency\": 1, \"value\": \"4131_7\"}, \"8068_1\": {\"frequency\": 1, \"value\": \"8068_1\"}, \"1214_3\": {\"frequency\": 1, \"value\": \"1214_3\"}, \"4688_10\": {\"frequency\": 1, \"value\": \"4688_10\"}, \"10771_2\": {\"frequency\": 1, \"value\": \"10771_2\"}, \"141_9\": {\"frequency\": 1, \"value\": \"141_9\"}, \"7370_7\": {\"frequency\": 1, \"value\": \"7370_7\"}, \"2647_4\": {\"frequency\": 1, \"value\": \"2647_4\"}, \"10559_8\": {\"frequency\": 1, \"value\": \"10559_8\"}, \"1846_8\": {\"frequency\": 1, \"value\": \"1846_8\"}, \"19_4\": {\"frequency\": 1, \"value\": \"19_4\"}, \"5339_2\": {\"frequency\": 1, \"value\": \"5339_2\"}, \"10079_8\": {\"frequency\": 1, \"value\": \"10079_8\"}, \"5169_7\": {\"frequency\": 1, \"value\": \"5169_7\"}, \"7521_7\": {\"frequency\": 1, \"value\": \"7521_7\"}, \"6233_4\": {\"frequency\": 1, \"value\": \"6233_4\"}, \"804_10\": {\"frequency\": 1, \"value\": \"804_10\"}, \"9183_10\": {\"frequency\": 1, \"value\": \"9183_10\"}, \"5892_8\": {\"frequency\": 1, \"value\": \"5892_8\"}, \"12190_4\": {\"frequency\": 1, \"value\": \"12190_4\"}, \"4998_9\": {\"frequency\": 1, \"value\": \"4998_9\"}, \"7864_8\": {\"frequency\": 1, \"value\": \"7864_8\"}, \"12323_4\": {\"frequency\": 1, \"value\": \"12323_4\"}, \"12192_4\": {\"frequency\": 1, \"value\": \"12192_4\"}, \"6235_1\": {\"frequency\": 1, \"value\": \"6235_1\"}, \"7728_7\": {\"frequency\": 1, \"value\": \"7728_7\"}, \"6252_1\": {\"frequency\": 1, \"value\": \"6252_1\"}, \"1077_3\": {\"frequency\": 1, \"value\": \"1077_3\"}, \"7158_1\": {\"frequency\": 1, \"value\": \"7158_1\"}, \"2268_1\": {\"frequency\": 1, \"value\": \"2268_1\"}, \"11769_1\": {\"frequency\": 1, \"value\": \"11769_1\"}, \"8075_8\": {\"frequency\": 1, \"value\": \"8075_8\"}, \"9214_3\": {\"frequency\": 1, \"value\": \"9214_3\"}, \"11198_1\": {\"frequency\": 1, \"value\": \"11198_1\"}, \"11795_1\": {\"frequency\": 1, \"value\": \"11795_1\"}, \"6487_1\": {\"frequency\": 1, \"value\": \"6487_1\"}, \"6406_4\": {\"frequency\": 1, \"value\": \"6406_4\"}, \"802_10\": {\"frequency\": 1, \"value\": \"802_10\"}, \"8855_10\": {\"frequency\": 1, \"value\": \"8855_10\"}, \"9824_4\": {\"frequency\": 1, \"value\": \"9824_4\"}, \"3358_9\": {\"frequency\": 1, \"value\": \"3358_9\"}, \"12246_1\": {\"frequency\": 1, \"value\": \"12246_1\"}, \"7168_10\": {\"frequency\": 1, \"value\": \"7168_10\"}, \"11761_1\": {\"frequency\": 1, \"value\": \"11761_1\"}, \"2223_3\": {\"frequency\": 1, \"value\": \"2223_3\"}, \"11767_8\": {\"frequency\": 1, \"value\": \"11767_8\"}, \"12246_9\": {\"frequency\": 2, \"value\": \"12246_9\"}, \"902_9\": {\"frequency\": 1, \"value\": \"902_9\"}, \"11765_4\": {\"frequency\": 1, \"value\": \"11765_4\"}, \"767_9\": {\"frequency\": 1, \"value\": \"767_9\"}, \"3154_2\": {\"frequency\": 1, \"value\": \"3154_2\"}, \"3145_3\": {\"frequency\": 1, \"value\": \"3145_3\"}, \"382_10\": {\"frequency\": 1, \"value\": \"382_10\"}, \"145_2\": {\"frequency\": 1, \"value\": \"145_2\"}, \"2264_9\": {\"frequency\": 1, \"value\": \"2264_9\"}, \"7374_1\": {\"frequency\": 1, \"value\": \"7374_1\"}, \"9913_10\": {\"frequency\": 1, \"value\": \"9913_10\"}, \"7564_1\": {\"frequency\": 1, \"value\": \"7564_1\"}, \"6448_10\": {\"frequency\": 1, \"value\": \"6448_10\"}, \"6953_2\": {\"frequency\": 1, \"value\": \"6953_2\"}, \"15_7\": {\"frequency\": 1, \"value\": \"15_7\"}, \"7881_2\": {\"frequency\": 1, \"value\": \"7881_2\"}, \"4410_10\": {\"frequency\": 1, \"value\": \"4410_10\"}, \"11821_2\": {\"frequency\": 1, \"value\": \"11821_2\"}, \"7117_1\": {\"frequency\": 1, \"value\": \"7117_1\"}, \"7881_9\": {\"frequency\": 1, \"value\": \"7881_9\"}, \"509_3\": {\"frequency\": 1, \"value\": \"509_3\"}, \"2216_9\": {\"frequency\": 1, \"value\": \"2216_9\"}, \"9690_4\": {\"frequency\": 1, \"value\": \"9690_4\"}, \"4420_1\": {\"frequency\": 1, \"value\": \"4420_1\"}, \"3044_1\": {\"frequency\": 1, \"value\": \"3044_1\"}, \"5136_10\": {\"frequency\": 1, \"value\": \"5136_10\"}, \"6872_7\": {\"frequency\": 1, \"value\": \"6872_7\"}, \"1318_2\": {\"frequency\": 1, \"value\": \"1318_2\"}, \"11283_1\": {\"frequency\": 1, \"value\": \"11283_1\"}, \"2229_7\": {\"frequency\": 1, \"value\": \"2229_7\"}, \"2229_1\": {\"frequency\": 1, \"value\": \"2229_1\"}, \"6626_1\": {\"frequency\": 1, \"value\": \"6626_1\"}, \"2676_1\": {\"frequency\": 1, \"value\": \"2676_1\"}, \"8968_8\": {\"frequency\": 1, \"value\": \"8968_8\"}, \"8145_1\": {\"frequency\": 1, \"value\": \"8145_1\"}, \"11418_4\": {\"frequency\": 1, \"value\": \"11418_4\"}, \"12081_8\": {\"frequency\": 1, \"value\": \"12081_8\"}, \"6310_10\": {\"frequency\": 1, \"value\": \"6310_10\"}, \"7837_10\": {\"frequency\": 1, \"value\": \"7837_10\"}, \"1507_8\": {\"frequency\": 2, \"value\": \"1507_8\"}, \"8633_8\": {\"frequency\": 1, \"value\": \"8633_8\"}, \"12081_1\": {\"frequency\": 1, \"value\": \"12081_1\"}, \"3534_10\": {\"frequency\": 1, \"value\": \"3534_10\"}, \"7765_4\": {\"frequency\": 1, \"value\": \"7765_4\"}, \"6874_4\": {\"frequency\": 1, \"value\": \"6874_4\"}, \"6879_10\": {\"frequency\": 1, \"value\": \"6879_10\"}, \"9521_3\": {\"frequency\": 1, \"value\": \"9521_3\"}, \"5756_8\": {\"frequency\": 1, \"value\": \"5756_8\"}, \"6293_10\": {\"frequency\": 1, \"value\": \"6293_10\"}, \"2961_1\": {\"frequency\": 1, \"value\": \"2961_1\"}, \"6077_1\": {\"frequency\": 1, \"value\": \"6077_1\"}, \"12087_1\": {\"frequency\": 1, \"value\": \"12087_1\"}, \"5702_10\": {\"frequency\": 1, \"value\": \"5702_10\"}, \"2996_4\": {\"frequency\": 1, \"value\": \"2996_4\"}, \"5233_4\": {\"frequency\": 1, \"value\": \"5233_4\"}, \"12438_1\": {\"frequency\": 1, \"value\": \"12438_1\"}, \"7404_9\": {\"frequency\": 1, \"value\": \"7404_9\"}, \"3707_2\": {\"frequency\": 1, \"value\": \"3707_2\"}, \"3133_1\": {\"frequency\": 1, \"value\": \"3133_1\"}, \"4463_7\": {\"frequency\": 1, \"value\": \"4463_7\"}, \"9223_9\": {\"frequency\": 2, \"value\": \"9223_9\"}, \"5844_8\": {\"frequency\": 1, \"value\": \"5844_8\"}, \"4169_7\": {\"frequency\": 1, \"value\": \"4169_7\"}, \"7333_10\": {\"frequency\": 1, \"value\": \"7333_10\"}, \"4237_3\": {\"frequency\": 1, \"value\": \"4237_3\"}, \"7704_10\": {\"frequency\": 2, \"value\": \"7704_10\"}, \"2517_9\": {\"frequency\": 1, \"value\": \"2517_9\"}, \"2073_7\": {\"frequency\": 1, \"value\": \"2073_7\"}, \"7057_1\": {\"frequency\": 1, \"value\": \"7057_1\"}, \"10900_8\": {\"frequency\": 1, \"value\": \"10900_8\"}, \"10295_1\": {\"frequency\": 1, \"value\": \"10295_1\"}, \"6801_9\": {\"frequency\": 1, \"value\": \"6801_9\"}, \"11527_1\": {\"frequency\": 1, \"value\": \"11527_1\"}, \"10297_3\": {\"frequency\": 1, \"value\": \"10297_3\"}, \"6279_1\": {\"frequency\": 1, \"value\": \"6279_1\"}, \"738_1\": {\"frequency\": 1, \"value\": \"738_1\"}, \"4467_7\": {\"frequency\": 1, \"value\": \"4467_7\"}, \"5710_1\": {\"frequency\": 1, \"value\": \"5710_1\"}, \"1843_9\": {\"frequency\": 1, \"value\": \"1843_9\"}, \"6998_4\": {\"frequency\": 1, \"value\": \"6998_4\"}, \"11814_7\": {\"frequency\": 1, \"value\": \"11814_7\"}, \"6837_10\": {\"frequency\": 1, \"value\": \"6837_10\"}, \"11529_7\": {\"frequency\": 1, \"value\": \"11529_7\"}, \"6788_9\": {\"frequency\": 1, \"value\": \"6788_9\"}, \"8184_7\": {\"frequency\": 1, \"value\": \"8184_7\"}, \"10457_8\": {\"frequency\": 1, \"value\": \"10457_8\"}, \"8639_3\": {\"frequency\": 1, \"value\": \"8639_3\"}, \"11924_10\": {\"frequency\": 1, \"value\": \"11924_10\"}, \"5616_3\": {\"frequency\": 1, \"value\": \"5616_3\"}, \"8104_7\": {\"frequency\": 1, \"value\": \"8104_7\"}, \"12193_10\": {\"frequency\": 1, \"value\": \"12193_10\"}, \"7481_10\": {\"frequency\": 1, \"value\": \"7481_10\"}, \"12192_7\": {\"frequency\": 1, \"value\": \"12192_7\"}, \"12338_10\": {\"frequency\": 1, \"value\": \"12338_10\"}, \"11615_9\": {\"frequency\": 1, \"value\": \"11615_9\"}, \"6535_10\": {\"frequency\": 1, \"value\": \"6535_10\"}, \"4993_2\": {\"frequency\": 1, \"value\": \"4993_2\"}, \"10183_7\": {\"frequency\": 1, \"value\": \"10183_7\"}, \"12124_1\": {\"frequency\": 1, \"value\": \"12124_1\"}, \"10104_1\": {\"frequency\": 1, \"value\": \"10104_1\"}, \"453_10\": {\"frequency\": 2, \"value\": \"453_10\"}, \"321_10\": {\"frequency\": 1, \"value\": \"321_10\"}, \"1452_8\": {\"frequency\": 1, \"value\": \"1452_8\"}, \"3293_10\": {\"frequency\": 1, \"value\": \"3293_10\"}, \"4334_1\": {\"frequency\": 1, \"value\": \"4334_1\"}, \"469_2\": {\"frequency\": 1, \"value\": \"469_2\"}, \"1452_1\": {\"frequency\": 1, \"value\": \"1452_1\"}, \"4167_2\": {\"frequency\": 1, \"value\": \"4167_2\"}, \"1100_3\": {\"frequency\": 1, \"value\": \"1100_3\"}, \"614_10\": {\"frequency\": 1, \"value\": \"614_10\"}, \"4997_2\": {\"frequency\": 1, \"value\": \"4997_2\"}, \"9418_2\": {\"frequency\": 1, \"value\": \"9418_2\"}, \"584_8\": {\"frequency\": 1, \"value\": \"584_8\"}, \"11928_8\": {\"frequency\": 1, \"value\": \"11928_8\"}, \"3820_8\": {\"frequency\": 1, \"value\": \"3820_8\"}, \"10836_10\": {\"frequency\": 1, \"value\": \"10836_10\"}, \"7351_10\": {\"frequency\": 1, \"value\": \"7351_10\"}, \"3254_3\": {\"frequency\": 1, \"value\": \"3254_3\"}, \"6290_7\": {\"frequency\": 1, \"value\": \"6290_7\"}, \"9485_3\": {\"frequency\": 1, \"value\": \"9485_3\"}, \"4963_10\": {\"frequency\": 1, \"value\": \"4963_10\"}, \"4856_2\": {\"frequency\": 1, \"value\": \"4856_2\"}, \"3947_2\": {\"frequency\": 1, \"value\": \"3947_2\"}, \"1903_10\": {\"frequency\": 1, \"value\": \"1903_10\"}, \"6520_7\": {\"frequency\": 1, \"value\": \"6520_7\"}, \"1944_1\": {\"frequency\": 1, \"value\": \"1944_1\"}, \"4854_7\": {\"frequency\": 1, \"value\": \"4854_7\"}, \"891_10\": {\"frequency\": 1, \"value\": \"891_10\"}, \"2304_1\": {\"frequency\": 1, \"value\": \"2304_1\"}, \"8583_4\": {\"frequency\": 1, \"value\": \"8583_4\"}, \"2768_2\": {\"frequency\": 1, \"value\": \"2768_2\"}, \"4276_4\": {\"frequency\": 1, \"value\": \"4276_4\"}, \"5745_3\": {\"frequency\": 1, \"value\": \"5745_3\"}, \"11851_10\": {\"frequency\": 1, \"value\": \"11851_10\"}, \"11024_4\": {\"frequency\": 1, \"value\": \"11024_4\"}, \"230_2\": {\"frequency\": 1, \"value\": \"230_2\"}, \"1287_3\": {\"frequency\": 1, \"value\": \"1287_3\"}, \"1879_1\": {\"frequency\": 1, \"value\": \"1879_1\"}, \"226_10\": {\"frequency\": 1, \"value\": \"226_10\"}, \"8328_1\": {\"frequency\": 1, \"value\": \"8328_1\"}, \"8102_1\": {\"frequency\": 1, \"value\": \"8102_1\"}, \"7443_7\": {\"frequency\": 1, \"value\": \"7443_7\"}, \"7413_2\": {\"frequency\": 1, \"value\": \"7413_2\"}, \"11942_1\": {\"frequency\": 1, \"value\": \"11942_1\"}, \"7902_4\": {\"frequency\": 1, \"value\": \"7902_4\"}, \"2080_9\": {\"frequency\": 1, \"value\": \"2080_9\"}, \"5138_1\": {\"frequency\": 1, \"value\": \"5138_1\"}, \"6566_8\": {\"frequency\": 1, \"value\": \"6566_8\"}, \"58_3\": {\"frequency\": 1, \"value\": \"58_3\"}, \"1552_3\": {\"frequency\": 1, \"value\": \"1552_3\"}, \"2557_10\": {\"frequency\": 1, \"value\": \"2557_10\"}, \"8778_3\": {\"frequency\": 1, \"value\": \"8778_3\"}, \"2048_1\": {\"frequency\": 1, \"value\": \"2048_1\"}, \"7304_8\": {\"frequency\": 1, \"value\": \"7304_8\"}, \"9284_1\": {\"frequency\": 1, \"value\": \"9284_1\"}, \"3031_2\": {\"frequency\": 1, \"value\": \"3031_2\"}, \"6478_10\": {\"frequency\": 1, \"value\": \"6478_10\"}, \"4761_4\": {\"frequency\": 1, \"value\": \"4761_4\"}, \"1676_4\": {\"frequency\": 1, \"value\": \"1676_4\"}, \"7011_3\": {\"frequency\": 1, \"value\": \"7011_3\"}, \"1219_1\": {\"frequency\": 1, \"value\": \"1219_1\"}, \"4852_8\": {\"frequency\": 1, \"value\": \"4852_8\"}, \"2775_1\": {\"frequency\": 1, \"value\": \"2775_1\"}, \"376_10\": {\"frequency\": 1, \"value\": \"376_10\"}, \"4168_4\": {\"frequency\": 1, \"value\": \"4168_4\"}, \"4168_7\": {\"frequency\": 1, \"value\": \"4168_7\"}, \"2282_4\": {\"frequency\": 1, \"value\": \"2282_4\"}, \"10147_1\": {\"frequency\": 1, \"value\": \"10147_1\"}, \"4262_10\": {\"frequency\": 1, \"value\": \"4262_10\"}, \"6524_4\": {\"frequency\": 1, \"value\": \"6524_4\"}, \"6524_8\": {\"frequency\": 1, \"value\": \"6524_8\"}, \"9114_1\": {\"frequency\": 1, \"value\": \"9114_1\"}, \"5712_8\": {\"frequency\": 1, \"value\": \"5712_8\"}, \"1633_9\": {\"frequency\": 1, \"value\": \"1633_9\"}, \"11574_10\": {\"frequency\": 1, \"value\": \"11574_10\"}, \"3039_1\": {\"frequency\": 1, \"value\": \"3039_1\"}, \"764_2\": {\"frequency\": 1, \"value\": \"764_2\"}, \"8170_7\": {\"frequency\": 1, \"value\": \"8170_7\"}, \"4502_3\": {\"frequency\": 1, \"value\": \"4502_3\"}, \"7721_4\": {\"frequency\": 1, \"value\": \"7721_4\"}, \"5752_1\": {\"frequency\": 1, \"value\": \"5752_1\"}, \"2042_7\": {\"frequency\": 1, \"value\": \"2042_7\"}, \"8891_10\": {\"frequency\": 1, \"value\": \"8891_10\"}, \"370_10\": {\"frequency\": 1, \"value\": \"370_10\"}, \"1556_1\": {\"frequency\": 1, \"value\": \"1556_1\"}, \"11915_4\": {\"frequency\": 1, \"value\": \"11915_4\"}, \"5843_3\": {\"frequency\": 1, \"value\": \"5843_3\"}, \"4876_10\": {\"frequency\": 1, \"value\": \"4876_10\"}, \"1670_8\": {\"frequency\": 1, \"value\": \"1670_8\"}, \"12285_4\": {\"frequency\": 1, \"value\": \"12285_4\"}, \"4546_2\": {\"frequency\": 1, \"value\": \"4546_2\"}, \"3972_7\": {\"frequency\": 2, \"value\": \"3972_7\"}, \"5615_8\": {\"frequency\": 1, \"value\": \"5615_8\"}, \"6066_10\": {\"frequency\": 1, \"value\": \"6066_10\"}, \"8362_1\": {\"frequency\": 1, \"value\": \"8362_1\"}, \"9899_7\": {\"frequency\": 1, \"value\": \"9899_7\"}, \"2046_1\": {\"frequency\": 1, \"value\": \"2046_1\"}, \"2044_1\": {\"frequency\": 1, \"value\": \"2044_1\"}, \"9448_1\": {\"frequency\": 1, \"value\": \"9448_1\"}, \"6377_9\": {\"frequency\": 1, \"value\": \"6377_9\"}, \"4765_2\": {\"frequency\": 1, \"value\": \"4765_2\"}, \"8266_4\": {\"frequency\": 1, \"value\": \"8266_4\"}, \"1983_1\": {\"frequency\": 1, \"value\": \"1983_1\"}, \"11710_4\": {\"frequency\": 1, \"value\": \"11710_4\"}, \"9248_9\": {\"frequency\": 1, \"value\": \"9248_9\"}, \"4818_9\": {\"frequency\": 1, \"value\": \"4818_9\"}, \"51_1\": {\"frequency\": 1, \"value\": \"51_1\"}, \"3036_2\": {\"frequency\": 1, \"value\": \"3036_2\"}, \"10739_10\": {\"frequency\": 1, \"value\": \"10739_10\"}, \"9664_1\": {\"frequency\": 1, \"value\": \"9664_1\"}, \"5962_4\": {\"frequency\": 1, \"value\": \"5962_4\"}, \"716_10\": {\"frequency\": 1, \"value\": \"716_10\"}, \"2990_10\": {\"frequency\": 1, \"value\": \"2990_10\"}, \"9282_8\": {\"frequency\": 1, \"value\": \"9282_8\"}, \"5612_1\": {\"frequency\": 1, \"value\": \"5612_1\"}, \"4725_1\": {\"frequency\": 1, \"value\": \"4725_1\"}, \"7550_1\": {\"frequency\": 1, \"value\": \"7550_1\"}, \"9072_1\": {\"frequency\": 1, \"value\": \"9072_1\"}, \"10298_4\": {\"frequency\": 1, \"value\": \"10298_4\"}, \"146_10\": {\"frequency\": 1, \"value\": \"146_10\"}, \"12022_10\": {\"frequency\": 1, \"value\": \"12022_10\"}, \"7489_7\": {\"frequency\": 1, \"value\": \"7489_7\"}, \"7727_9\": {\"frequency\": 1, \"value\": \"7727_9\"}, \"2555_10\": {\"frequency\": 1, \"value\": \"2555_10\"}, \"6882_1\": {\"frequency\": 1, \"value\": \"6882_1\"}, \"5779_10\": {\"frequency\": 1, \"value\": \"5779_10\"}, \"9070_1\": {\"frequency\": 1, \"value\": \"9070_1\"}, \"1099_4\": {\"frequency\": 1, \"value\": \"1099_4\"}, \"6379_9\": {\"frequency\": 1, \"value\": \"6379_9\"}, \"11388_1\": {\"frequency\": 1, \"value\": \"11388_1\"}, \"1598_8\": {\"frequency\": 1, \"value\": \"1598_8\"}, \"3948_9\": {\"frequency\": 1, \"value\": \"3948_9\"}, \"9204_1\": {\"frequency\": 1, \"value\": \"9204_1\"}, \"1598_2\": {\"frequency\": 1, \"value\": \"1598_2\"}, \"11459_10\": {\"frequency\": 1, \"value\": \"11459_10\"}, \"11143_1\": {\"frequency\": 1, \"value\": \"11143_1\"}, \"2404_3\": {\"frequency\": 1, \"value\": \"2404_3\"}, \"4065_10\": {\"frequency\": 1, \"value\": \"4065_10\"}, \"1782_4\": {\"frequency\": 1, \"value\": \"1782_4\"}, \"5503_10\": {\"frequency\": 1, \"value\": \"5503_10\"}, \"4228_10\": {\"frequency\": 1, \"value\": \"4228_10\"}, \"2953_8\": {\"frequency\": 1, \"value\": \"2953_8\"}, \"7538_7\": {\"frequency\": 1, \"value\": \"7538_7\"}, \"2272_3\": {\"frequency\": 1, \"value\": \"2272_3\"}, \"9552_8\": {\"frequency\": 1, \"value\": \"9552_8\"}, \"5612_8\": {\"frequency\": 1, \"value\": \"5612_8\"}, \"12008_8\": {\"frequency\": 1, \"value\": \"12008_8\"}, \"10829_10\": {\"frequency\": 1, \"value\": \"10829_10\"}, \"9206_8\": {\"frequency\": 1, \"value\": \"9206_8\"}, \"8824_8\": {\"frequency\": 1, \"value\": \"8824_8\"}, \"11124_10\": {\"frequency\": 1, \"value\": \"11124_10\"}, \"2108_4\": {\"frequency\": 1, \"value\": \"2108_4\"}, \"11854_7\": {\"frequency\": 1, \"value\": \"11854_7\"}, \"6400_3\": {\"frequency\": 1, \"value\": \"6400_3\"}, \"3079_1\": {\"frequency\": 1, \"value\": \"3079_1\"}, \"4764_1\": {\"frequency\": 1, \"value\": \"4764_1\"}, \"2482_10\": {\"frequency\": 1, \"value\": \"2482_10\"}, \"10135_2\": {\"frequency\": 1, \"value\": \"10135_2\"}, \"11380_7\": {\"frequency\": 1, \"value\": \"11380_7\"}, \"945_2\": {\"frequency\": 1, \"value\": \"945_2\"}, \"8630_9\": {\"frequency\": 1, \"value\": \"8630_9\"}, \"4912_4\": {\"frequency\": 1, \"value\": \"4912_4\"}, \"7269_3\": {\"frequency\": 1, \"value\": \"7269_3\"}, \"7082_1\": {\"frequency\": 1, \"value\": \"7082_1\"}, \"9770_1\": {\"frequency\": 1, \"value\": \"9770_1\"}, \"7226_8\": {\"frequency\": 1, \"value\": \"7226_8\"}, \"7119_10\": {\"frequency\": 1, \"value\": \"7119_10\"}, \"10982_10\": {\"frequency\": 1, \"value\": \"10982_10\"}, \"5684_1\": {\"frequency\": 1, \"value\": \"5684_1\"}, \"7220_7\": {\"frequency\": 1, \"value\": \"7220_7\"}, \"4553_2\": {\"frequency\": 1, \"value\": \"4553_2\"}, \"8400_2\": {\"frequency\": 1, \"value\": \"8400_2\"}, \"1183_2\": {\"frequency\": 1, \"value\": \"1183_2\"}, \"3372_3\": {\"frequency\": 1, \"value\": \"3372_3\"}, \"12084_3\": {\"frequency\": 1, \"value\": \"12084_3\"}, \"9450_10\": {\"frequency\": 1, \"value\": \"9450_10\"}, \"4662_8\": {\"frequency\": 1, \"value\": \"4662_8\"}, \"8947_2\": {\"frequency\": 1, \"value\": \"8947_2\"}, \"4507_3\": {\"frequency\": 1, \"value\": \"4507_3\"}, \"5176_1\": {\"frequency\": 1, \"value\": \"5176_1\"}, \"6635_10\": {\"frequency\": 1, \"value\": \"6635_10\"}, \"6281_8\": {\"frequency\": 1, \"value\": \"6281_8\"}, \"3073_8\": {\"frequency\": 1, \"value\": \"3073_8\"}, \"3519_3\": {\"frequency\": 1, \"value\": \"3519_3\"}, \"5174_2\": {\"frequency\": 1, \"value\": \"5174_2\"}, \"716_1\": {\"frequency\": 1, \"value\": \"716_1\"}, \"97_1\": {\"frequency\": 1, \"value\": \"97_1\"}, \"11594_4\": {\"frequency\": 1, \"value\": \"11594_4\"}, \"7372_1\": {\"frequency\": 1, \"value\": \"7372_1\"}, \"8402_4\": {\"frequency\": 1, \"value\": \"8402_4\"}, \"1410_9\": {\"frequency\": 1, \"value\": \"1410_9\"}, \"1805_10\": {\"frequency\": 1, \"value\": \"1805_10\"}, \"5236_10\": {\"frequency\": 1, \"value\": \"5236_10\"}, \"2290_10\": {\"frequency\": 1, \"value\": \"2290_10\"}, \"6199_1\": {\"frequency\": 1, \"value\": \"6199_1\"}, \"9731_8\": {\"frequency\": 1, \"value\": \"9731_8\"}, \"96_10\": {\"frequency\": 1, \"value\": \"96_10\"}, \"5467_2\": {\"frequency\": 1, \"value\": \"5467_2\"}, \"1189_4\": {\"frequency\": 1, \"value\": \"1189_4\"}, \"11819_3\": {\"frequency\": 1, \"value\": \"11819_3\"}, \"5461_7\": {\"frequency\": 1, \"value\": \"5461_7\"}, \"3382_10\": {\"frequency\": 1, \"value\": \"3382_10\"}, \"7045_1\": {\"frequency\": 1, \"value\": \"7045_1\"}, \"5511_8\": {\"frequency\": 1, \"value\": \"5511_8\"}, \"3660_1\": {\"frequency\": 1, \"value\": \"3660_1\"}, \"2719_4\": {\"frequency\": 1, \"value\": \"2719_4\"}, \"9820_10\": {\"frequency\": 1, \"value\": \"9820_10\"}, \"9892_1\": {\"frequency\": 1, \"value\": \"9892_1\"}, \"3021_8\": {\"frequency\": 1, \"value\": \"3021_8\"}, \"10258_10\": {\"frequency\": 1, \"value\": \"10258_10\"}, \"7224_3\": {\"frequency\": 1, \"value\": \"7224_3\"}, \"325_9\": {\"frequency\": 1, \"value\": \"325_9\"}, \"9894_8\": {\"frequency\": 1, \"value\": \"9894_8\"}, \"2916_1\": {\"frequency\": 1, \"value\": \"2916_1\"}, \"3971_1\": {\"frequency\": 1, \"value\": \"3971_1\"}, \"8857_10\": {\"frequency\": 1, \"value\": \"8857_10\"}, \"11356_3\": {\"frequency\": 1, \"value\": \"11356_3\"}, \"10696_3\": {\"frequency\": 1, \"value\": \"10696_3\"}, \"12334_7\": {\"frequency\": 1, \"value\": \"12334_7\"}, \"6139_1\": {\"frequency\": 2, \"value\": \"6139_1\"}, \"5427_3\": {\"frequency\": 1, \"value\": \"5427_3\"}, \"12334_4\": {\"frequency\": 1, \"value\": \"12334_4\"}, \"3741_1\": {\"frequency\": 1, \"value\": \"3741_1\"}, \"11281_2\": {\"frequency\": 1, \"value\": \"11281_2\"}, \"1105_8\": {\"frequency\": 1, \"value\": \"1105_8\"}, \"2513_4\": {\"frequency\": 1, \"value\": \"2513_4\"}, \"9998_4\": {\"frequency\": 1, \"value\": \"9998_4\"}, \"12276_7\": {\"frequency\": 1, \"value\": \"12276_7\"}, \"9453_1\": {\"frequency\": 1, \"value\": \"9453_1\"}, \"11717_4\": {\"frequency\": 1, \"value\": \"11717_4\"}, \"1457_1\": {\"frequency\": 1, \"value\": \"1457_1\"}, \"10386_4\": {\"frequency\": 1, \"value\": \"10386_4\"}, \"4719_1\": {\"frequency\": 1, \"value\": \"4719_1\"}, \"6137_7\": {\"frequency\": 1, \"value\": \"6137_7\"}, \"5604_8\": {\"frequency\": 1, \"value\": \"5604_8\"}, \"9998_9\": {\"frequency\": 1, \"value\": \"9998_9\"}, \"11715_7\": {\"frequency\": 1, \"value\": \"11715_7\"}, \"757_8\": {\"frequency\": 1, \"value\": \"757_8\"}, \"11715_1\": {\"frequency\": 1, \"value\": \"11715_1\"}, \"1327_4\": {\"frequency\": 1, \"value\": \"1327_4\"}, \"5017_8\": {\"frequency\": 1, \"value\": \"5017_8\"}, \"11560_4\": {\"frequency\": 1, \"value\": \"11560_4\"}, \"2372_8\": {\"frequency\": 1, \"value\": \"2372_8\"}, \"6080_10\": {\"frequency\": 1, \"value\": \"6080_10\"}, \"6556_3\": {\"frequency\": 1, \"value\": \"6556_3\"}, \"2611_9\": {\"frequency\": 1, \"value\": \"2611_9\"}, \"1211_7\": {\"frequency\": 1, \"value\": \"1211_7\"}, \"11562_9\": {\"frequency\": 1, \"value\": \"11562_9\"}, \"4680_10\": {\"frequency\": 2, \"value\": \"4680_10\"}, \"5465_1\": {\"frequency\": 1, \"value\": \"5465_1\"}, \"4754_10\": {\"frequency\": 1, \"value\": \"4754_10\"}, \"10692_4\": {\"frequency\": 1, \"value\": \"10692_4\"}, \"1109_1\": {\"frequency\": 1, \"value\": \"1109_1\"}, \"2374_9\": {\"frequency\": 1, \"value\": \"2374_9\"}, \"2347_10\": {\"frequency\": 1, \"value\": \"2347_10\"}, \"10453_1\": {\"frequency\": 1, \"value\": \"10453_1\"}, \"6178_7\": {\"frequency\": 1, \"value\": \"6178_7\"}, \"11652_4\": {\"frequency\": 1, \"value\": \"11652_4\"}, \"10734_10\": {\"frequency\": 1, \"value\": \"10734_10\"}, \"6178_3\": {\"frequency\": 1, \"value\": \"6178_3\"}, \"2595_9\": {\"frequency\": 1, \"value\": \"2595_9\"}, \"11416_4\": {\"frequency\": 1, \"value\": \"11416_4\"}, \"3178_4\": {\"frequency\": 1, \"value\": \"3178_4\"}, \"387_2\": {\"frequency\": 1, \"value\": \"387_2\"}, \"3590_8\": {\"frequency\": 1, \"value\": \"3590_8\"}, \"3196_10\": {\"frequency\": 1, \"value\": \"3196_10\"}, \"3377_2\": {\"frequency\": 1, \"value\": \"3377_2\"}, \"751_9\": {\"frequency\": 1, \"value\": \"751_9\"}, \"816_4\": {\"frequency\": 1, \"value\": \"816_4\"}, \"2597_3\": {\"frequency\": 1, \"value\": \"2597_3\"}, \"4966_10\": {\"frequency\": 1, \"value\": \"4966_10\"}, \"3377_8\": {\"frequency\": 1, \"value\": \"3377_8\"}, \"4374_10\": {\"frequency\": 1, \"value\": \"4374_10\"}, \"10694_7\": {\"frequency\": 1, \"value\": \"10694_7\"}, \"5600_4\": {\"frequency\": 1, \"value\": \"5600_4\"}, \"5033_3\": {\"frequency\": 1, \"value\": \"5033_3\"}, \"5600_8\": {\"frequency\": 1, \"value\": \"5600_8\"}, \"9160_8\": {\"frequency\": 1, \"value\": \"9160_8\"}, \"4387_9\": {\"frequency\": 1, \"value\": \"4387_9\"}, \"9955_9\": {\"frequency\": 1, \"value\": \"9955_9\"}, \"3477_3\": {\"frequency\": 1, \"value\": \"3477_3\"}, \"3061_10\": {\"frequency\": 1, \"value\": \"3061_10\"}, \"560_8\": {\"frequency\": 1, \"value\": \"560_8\"}, \"8192_10\": {\"frequency\": 1, \"value\": \"8192_10\"}, \"9635_3\": {\"frequency\": 1, \"value\": \"9635_3\"}, \"9327_1\": {\"frequency\": 1, \"value\": \"9327_1\"}, \"5596_10\": {\"frequency\": 1, \"value\": \"5596_10\"}, \"8775_3\": {\"frequency\": 1, \"value\": \"8775_3\"}, \"9991_4\": {\"frequency\": 1, \"value\": \"9991_4\"}, \"8773_8\": {\"frequency\": 1, \"value\": \"8773_8\"}, \"9325_1\": {\"frequency\": 1, \"value\": \"9325_1\"}, \"11656_9\": {\"frequency\": 1, \"value\": \"11656_9\"}, \"5462_8\": {\"frequency\": 1, \"value\": \"5462_8\"}, \"5039_3\": {\"frequency\": 1, \"value\": \"5039_3\"}, \"7046_2\": {\"frequency\": 1, \"value\": \"7046_2\"}, \"2535_7\": {\"frequency\": 1, \"value\": \"2535_7\"}, \"3330_4\": {\"frequency\": 1, \"value\": \"3330_4\"}, \"2108_10\": {\"frequency\": 1, \"value\": \"2108_10\"}, \"2535_2\": {\"frequency\": 1, \"value\": \"2535_2\"}, \"5621_10\": {\"frequency\": 1, \"value\": \"5621_10\"}, \"11912_2\": {\"frequency\": 1, \"value\": \"11912_2\"}, \"603_1\": {\"frequency\": 1, \"value\": \"603_1\"}, \"4364_1\": {\"frequency\": 1, \"value\": \"4364_1\"}, \"2712_2\": {\"frequency\": 1, \"value\": \"2712_2\"}, \"6291_10\": {\"frequency\": 1, \"value\": \"6291_10\"}, \"9113_4\": {\"frequency\": 1, \"value\": \"9113_4\"}, \"12172_3\": {\"frequency\": 1, \"value\": \"12172_3\"}, \"6322_7\": {\"frequency\": 1, \"value\": \"6322_7\"}, \"2948_1\": {\"frequency\": 1, \"value\": \"2948_1\"}, \"9534_1\": {\"frequency\": 1, \"value\": \"9534_1\"}, \"9362_7\": {\"frequency\": 1, \"value\": \"9362_7\"}, \"8529_4\": {\"frequency\": 1, \"value\": \"8529_4\"}, \"811_1\": {\"frequency\": 1, \"value\": \"811_1\"}, \"9872_10\": {\"frequency\": 1, \"value\": \"9872_10\"}, \"7600_1\": {\"frequency\": 1, \"value\": \"7600_1\"}, \"10040_2\": {\"frequency\": 1, \"value\": \"10040_2\"}, \"4118_10\": {\"frequency\": 1, \"value\": \"4118_10\"}, \"201_4\": {\"frequency\": 1, \"value\": \"201_4\"}, \"4889_10\": {\"frequency\": 1, \"value\": \"4889_10\"}, \"4368_2\": {\"frequency\": 2, \"value\": \"4368_2\"}, \"8563_2\": {\"frequency\": 1, \"value\": \"8563_2\"}, \"5418_10\": {\"frequency\": 1, \"value\": \"5418_10\"}, \"7166_2\": {\"frequency\": 1, \"value\": \"7166_2\"}, \"5935_4\": {\"frequency\": 1, \"value\": \"5935_4\"}, \"9569_9\": {\"frequency\": 1, \"value\": \"9569_9\"}, \"288_10\": {\"frequency\": 1, \"value\": \"288_10\"}, \"4988_7\": {\"frequency\": 1, \"value\": \"4988_7\"}, \"10747_4\": {\"frequency\": 1, \"value\": \"10747_4\"}, \"12457_4\": {\"frequency\": 1, \"value\": \"12457_4\"}, \"937_1\": {\"frequency\": 1, \"value\": \"937_1\"}, \"5433_10\": {\"frequency\": 1, \"value\": \"5433_10\"}, \"3455_2\": {\"frequency\": 1, \"value\": \"3455_2\"}, \"8568_4\": {\"frequency\": 1, \"value\": \"8568_4\"}, \"2379_8\": {\"frequency\": 1, \"value\": \"2379_8\"}, \"8926_10\": {\"frequency\": 1, \"value\": \"8926_10\"}, \"3980_1\": {\"frequency\": 1, \"value\": \"3980_1\"}, \"6804_7\": {\"frequency\": 1, \"value\": \"6804_7\"}, \"605_4\": {\"frequency\": 1, \"value\": \"605_4\"}, \"10191_10\": {\"frequency\": 1, \"value\": \"10191_10\"}, \"3999_4\": {\"frequency\": 1, \"value\": \"3999_4\"}, \"9740_1\": {\"frequency\": 1, \"value\": \"9740_1\"}, \"9368_3\": {\"frequency\": 1, \"value\": \"9368_3\"}, \"384_4\": {\"frequency\": 1, \"value\": \"384_4\"}, \"5058_10\": {\"frequency\": 1, \"value\": \"5058_10\"}, \"6280_7\": {\"frequency\": 1, \"value\": \"6280_7\"}, \"9665_10\": {\"frequency\": 1, \"value\": \"9665_10\"}, \"859_1\": {\"frequency\": 1, \"value\": \"859_1\"}, \"4241_2\": {\"frequency\": 1, \"value\": \"4241_2\"}, \"3705_3\": {\"frequency\": 1, \"value\": \"3705_3\"}, \"11874_10\": {\"frequency\": 1, \"value\": \"11874_10\"}, \"11339_10\": {\"frequency\": 1, \"value\": \"11339_10\"}, \"2212_10\": {\"frequency\": 1, \"value\": \"2212_10\"}, \"3887_10\": {\"frequency\": 1, \"value\": \"3887_10\"}, \"2157_1\": {\"frequency\": 1, \"value\": \"2157_1\"}, \"11550_4\": {\"frequency\": 1, \"value\": \"11550_4\"}, \"6639_1\": {\"frequency\": 1, \"value\": \"6639_1\"}, \"7497_10\": {\"frequency\": 1, \"value\": \"7497_10\"}, \"10064_10\": {\"frequency\": 1, \"value\": \"10064_10\"}, \"4056_4\": {\"frequency\": 1, \"value\": \"4056_4\"}, \"7533_3\": {\"frequency\": 1, \"value\": \"7533_3\"}, \"4220_2\": {\"frequency\": 1, \"value\": \"4220_2\"}, \"10069_1\": {\"frequency\": 1, \"value\": \"10069_1\"}, \"3913_1\": {\"frequency\": 1, \"value\": \"3913_1\"}, \"8039_8\": {\"frequency\": 1, \"value\": \"8039_8\"}, \"1027_1\": {\"frequency\": 1, \"value\": \"1027_1\"}, \"8564_2\": {\"frequency\": 1, \"value\": \"8564_2\"}, \"2409_1\": {\"frequency\": 1, \"value\": \"2409_1\"}, \"717_7\": {\"frequency\": 1, \"value\": \"717_7\"}, \"11588_10\": {\"frequency\": 1, \"value\": \"11588_10\"}, \"1794_7\": {\"frequency\": 1, \"value\": \"1794_7\"}, \"974_4\": {\"frequency\": 1, \"value\": \"974_4\"}, \"139_4\": {\"frequency\": 1, \"value\": \"139_4\"}, \"717_1\": {\"frequency\": 1, \"value\": \"717_1\"}, \"3707_7\": {\"frequency\": 1, \"value\": \"3707_7\"}, \"10903_10\": {\"frequency\": 1, \"value\": \"10903_10\"}, \"1394_4\": {\"frequency\": 1, \"value\": \"1394_4\"}, \"2237_3\": {\"frequency\": 1, \"value\": \"2237_3\"}, \"9850_7\": {\"frequency\": 1, \"value\": \"9850_7\"}, \"4943_2\": {\"frequency\": 1, \"value\": \"4943_2\"}, \"5563_8\": {\"frequency\": 1, \"value\": \"5563_8\"}, \"8031_1\": {\"frequency\": 1, \"value\": \"8031_1\"}, \"9469_10\": {\"frequency\": 1, \"value\": \"9469_10\"}, \"5492_10\": {\"frequency\": 1, \"value\": \"5492_10\"}, \"4184_4\": {\"frequency\": 1, \"value\": \"4184_4\"}, \"7811_2\": {\"frequency\": 1, \"value\": \"7811_2\"}, \"6826_2\": {\"frequency\": 1, \"value\": \"6826_2\"}, \"6844_1\": {\"frequency\": 1, \"value\": \"6844_1\"}, \"1129_1\": {\"frequency\": 2, \"value\": \"1129_1\"}, \"12467_1\": {\"frequency\": 1, \"value\": \"12467_1\"}, \"11077_8\": {\"frequency\": 1, \"value\": \"11077_8\"}, \"1757_8\": {\"frequency\": 1, \"value\": \"1757_8\"}, \"9816_4\": {\"frequency\": 1, \"value\": \"9816_4\"}, \"10119_2\": {\"frequency\": 1, \"value\": \"10119_2\"}, \"1747_2\": {\"frequency\": 1, \"value\": \"1747_2\"}, \"3790_1\": {\"frequency\": 1, \"value\": \"3790_1\"}, \"9667_2\": {\"frequency\": 1, \"value\": \"9667_2\"}, \"6636_3\": {\"frequency\": 1, \"value\": \"6636_3\"}, \"9471_1\": {\"frequency\": 1, \"value\": \"9471_1\"}, \"7771_9\": {\"frequency\": 1, \"value\": \"7771_9\"}, \"6045_2\": {\"frequency\": 1, \"value\": \"6045_2\"}, \"11140_9\": {\"frequency\": 1, \"value\": \"11140_9\"}, \"9897_10\": {\"frequency\": 1, \"value\": \"9897_10\"}, \"1328_2\": {\"frequency\": 1, \"value\": \"1328_2\"}, \"5441_1\": {\"frequency\": 1, \"value\": \"5441_1\"}, \"2119_4\": {\"frequency\": 1, \"value\": \"2119_4\"}, \"1125_3\": {\"frequency\": 1, \"value\": \"1125_3\"}, \"6903_1\": {\"frequency\": 1, \"value\": \"6903_1\"}, \"8607_1\": {\"frequency\": 1, \"value\": \"8607_1\"}, \"7163_3\": {\"frequency\": 1, \"value\": \"7163_3\"}, \"3798_2\": {\"frequency\": 1, \"value\": \"3798_2\"}, \"452_10\": {\"frequency\": 1, \"value\": \"452_10\"}, \"5642_7\": {\"frequency\": 1, \"value\": \"5642_7\"}, \"4207_7\": {\"frequency\": 1, \"value\": \"4207_7\"}, \"4207_4\": {\"frequency\": 1, \"value\": \"4207_4\"}, \"5932_2\": {\"frequency\": 1, \"value\": \"5932_2\"}, \"7251_10\": {\"frequency\": 1, \"value\": \"7251_10\"}, \"9968_4\": {\"frequency\": 1, \"value\": \"9968_4\"}, \"11864_3\": {\"frequency\": 1, \"value\": \"11864_3\"}, \"9912_10\": {\"frequency\": 1, \"value\": \"9912_10\"}, \"722_7\": {\"frequency\": 1, \"value\": \"722_7\"}, \"6908_2\": {\"frequency\": 1, \"value\": \"6908_2\"}, \"11866_8\": {\"frequency\": 2, \"value\": \"11866_8\"}, \"5767_8\": {\"frequency\": 1, \"value\": \"5767_8\"}, \"4847_1\": {\"frequency\": 1, \"value\": \"4847_1\"}, \"8441_10\": {\"frequency\": 1, \"value\": \"8441_10\"}, \"6283_7\": {\"frequency\": 1, \"value\": \"6283_7\"}, \"8135_2\": {\"frequency\": 1, \"value\": \"8135_2\"}, \"5767_3\": {\"frequency\": 1, \"value\": \"5767_3\"}, \"6283_2\": {\"frequency\": 1, \"value\": \"6283_2\"}, \"6415_8\": {\"frequency\": 1, \"value\": \"6415_8\"}, \"10449_9\": {\"frequency\": 1, \"value\": \"10449_9\"}, \"979_8\": {\"frequency\": 1, \"value\": \"979_8\"}, \"5965_3\": {\"frequency\": 1, \"value\": \"5965_3\"}, \"4201_9\": {\"frequency\": 1, \"value\": \"4201_9\"}, \"7140_10\": {\"frequency\": 1, \"value\": \"7140_10\"}, \"3473_1\": {\"frequency\": 1, \"value\": \"3473_1\"}, \"10306_4\": {\"frequency\": 1, \"value\": \"10306_4\"}, \"3144_10\": {\"frequency\": 1, \"value\": \"3144_10\"}, \"3758_3\": {\"frequency\": 1, \"value\": \"3758_3\"}, \"10603_10\": {\"frequency\": 1, \"value\": \"10603_10\"}, \"12430_1\": {\"frequency\": 1, \"value\": \"12430_1\"}, \"6317_10\": {\"frequency\": 1, \"value\": \"6317_10\"}, \"9747_10\": {\"frequency\": 2, \"value\": \"9747_10\"}, \"599_4\": {\"frequency\": 1, \"value\": \"599_4\"}, \"10375_10\": {\"frequency\": 1, \"value\": \"10375_10\"}, \"8825_9\": {\"frequency\": 1, \"value\": \"8825_9\"}, \"7624_4\": {\"frequency\": 1, \"value\": \"7624_4\"}, \"7008_2\": {\"frequency\": 1, \"value\": \"7008_2\"}, \"6599_8\": {\"frequency\": 1, \"value\": \"6599_8\"}, \"11668_3\": {\"frequency\": 1, \"value\": \"11668_3\"}, \"1114_8\": {\"frequency\": 1, \"value\": \"1114_8\"}, \"2393_8\": {\"frequency\": 1, \"value\": \"2393_8\"}, \"4320_1\": {\"frequency\": 1, \"value\": \"4320_1\"}, \"5223_7\": {\"frequency\": 1, \"value\": \"5223_7\"}, \"6499_2\": {\"frequency\": 1, \"value\": \"6499_2\"}, \"1254_7\": {\"frequency\": 1, \"value\": \"1254_7\"}, \"9695_1\": {\"frequency\": 1, \"value\": \"9695_1\"}, \"227_10\": {\"frequency\": 1, \"value\": \"227_10\"}, \"3599_2\": {\"frequency\": 1, \"value\": \"3599_2\"}, \"3816_7\": {\"frequency\": 1, \"value\": \"3816_7\"}, \"1116_9\": {\"frequency\": 1, \"value\": \"1116_9\"}, \"3281_10\": {\"frequency\": 1, \"value\": \"3281_10\"}, \"10446_2\": {\"frequency\": 1, \"value\": \"10446_2\"}, \"1235_10\": {\"frequency\": 1, \"value\": \"1235_10\"}, \"6809_1\": {\"frequency\": 1, \"value\": \"6809_1\"}, \"724_10\": {\"frequency\": 1, \"value\": \"724_10\"}, \"12422_1\": {\"frequency\": 1, \"value\": \"12422_1\"}, \"4209_7\": {\"frequency\": 1, \"value\": \"4209_7\"}, \"10096_1\": {\"frequency\": 1, \"value\": \"10096_1\"}, \"1293_8\": {\"frequency\": 1, \"value\": \"1293_8\"}, \"9683_9\": {\"frequency\": 1, \"value\": \"9683_9\"}, \"3148_4\": {\"frequency\": 1, \"value\": \"3148_4\"}, \"11030_1\": {\"frequency\": 1, \"value\": \"11030_1\"}, \"4756_3\": {\"frequency\": 1, \"value\": \"4756_3\"}, \"8831_4\": {\"frequency\": 1, \"value\": \"8831_4\"}, \"2017_1\": {\"frequency\": 1, \"value\": \"2017_1\"}, \"2320_10\": {\"frequency\": 1, \"value\": \"2320_10\"}, \"5649_2\": {\"frequency\": 1, \"value\": \"5649_2\"}, \"10833_10\": {\"frequency\": 1, \"value\": \"10833_10\"}, \"6677_9\": {\"frequency\": 1, \"value\": \"6677_9\"}, \"365_1\": {\"frequency\": 1, \"value\": \"365_1\"}, \"11088_7\": {\"frequency\": 1, \"value\": \"11088_7\"}, \"8833_9\": {\"frequency\": 1, \"value\": \"8833_9\"}, \"605_8\": {\"frequency\": 1, \"value\": \"605_8\"}, \"11664_3\": {\"frequency\": 1, \"value\": \"11664_3\"}, \"3592_10\": {\"frequency\": 1, \"value\": \"3592_10\"}, \"11287_3\": {\"frequency\": 1, \"value\": \"11287_3\"}, \"3105_8\": {\"frequency\": 1, \"value\": \"3105_8\"}, \"11072_8\": {\"frequency\": 1, \"value\": \"11072_8\"}, \"2527_9\": {\"frequency\": 1, \"value\": \"2527_9\"}, \"11664_9\": {\"frequency\": 1, \"value\": \"11664_9\"}, \"4112_1\": {\"frequency\": 1, \"value\": \"4112_1\"}, \"6679_8\": {\"frequency\": 1, \"value\": \"6679_8\"}, \"3105_3\": {\"frequency\": 1, \"value\": \"3105_3\"}, \"2987_2\": {\"frequency\": 1, \"value\": \"2987_2\"}, \"8643_1\": {\"frequency\": 1, \"value\": \"8643_1\"}, \"3023_7\": {\"frequency\": 1, \"value\": \"3023_7\"}, \"10988_2\": {\"frequency\": 1, \"value\": \"10988_2\"}, \"809_10\": {\"frequency\": 1, \"value\": \"809_10\"}, \"11558_1\": {\"frequency\": 1, \"value\": \"11558_1\"}, \"1666_2\": {\"frequency\": 1, \"value\": \"1666_2\"}, \"6512_7\": {\"frequency\": 1, \"value\": \"6512_7\"}, \"5414_10\": {\"frequency\": 1, \"value\": \"5414_10\"}, \"9478_1\": {\"frequency\": 1, \"value\": \"9478_1\"}, \"2985_4\": {\"frequency\": 1, \"value\": \"2985_4\"}, \"11461_1\": {\"frequency\": 1, \"value\": \"11461_1\"}, \"1770_1\": {\"frequency\": 1, \"value\": \"1770_1\"}, \"1664_4\": {\"frequency\": 1, \"value\": \"1664_4\"}, \"10243_1\": {\"frequency\": 1, \"value\": \"10243_1\"}, \"3986_1\": {\"frequency\": 1, \"value\": \"3986_1\"}, \"4823_3\": {\"frequency\": 1, \"value\": \"4823_3\"}, \"9119_10\": {\"frequency\": 1, \"value\": \"9119_10\"}, \"7351_2\": {\"frequency\": 1, \"value\": \"7351_2\"}, \"608_8\": {\"frequency\": 1, \"value\": \"608_8\"}, \"9360_1\": {\"frequency\": 1, \"value\": \"9360_1\"}, \"3142_8\": {\"frequency\": 1, \"value\": \"3142_8\"}, \"9476_9\": {\"frequency\": 1, \"value\": \"9476_9\"}, \"1565_7\": {\"frequency\": 1, \"value\": \"1565_7\"}, \"8353_3\": {\"frequency\": 1, \"value\": \"8353_3\"}, \"2015_2\": {\"frequency\": 1, \"value\": \"2015_2\"}, \"5470_3\": {\"frequency\": 1, \"value\": \"5470_3\"}, \"11062_2\": {\"frequency\": 1, \"value\": \"11062_2\"}, \"9885_4\": {\"frequency\": 1, \"value\": \"9885_4\"}, \"10523_2\": {\"frequency\": 1, \"value\": \"10523_2\"}, \"4539_9\": {\"frequency\": 1, \"value\": \"4539_9\"}, \"2826_10\": {\"frequency\": 1, \"value\": \"2826_10\"}, \"9486_10\": {\"frequency\": 1, \"value\": \"9486_10\"}, \"7508_2\": {\"frequency\": 1, \"value\": \"7508_2\"}, \"6890_4\": {\"frequency\": 1, \"value\": \"6890_4\"}, \"8879_4\": {\"frequency\": 1, \"value\": \"8879_4\"}, \"1685_1\": {\"frequency\": 1, \"value\": \"1685_1\"}, \"2056_1\": {\"frequency\": 1, \"value\": \"2056_1\"}, \"11357_3\": {\"frequency\": 1, \"value\": \"11357_3\"}, \"3093_10\": {\"frequency\": 1, \"value\": \"3093_10\"}, \"1775_9\": {\"frequency\": 1, \"value\": \"1775_9\"}, \"2050_7\": {\"frequency\": 1, \"value\": \"2050_7\"}, \"12148_10\": {\"frequency\": 1, \"value\": \"12148_10\"}, \"1662_1\": {\"frequency\": 1, \"value\": \"1662_1\"}, \"8509_2\": {\"frequency\": 1, \"value\": \"8509_2\"}, \"6563_7\": {\"frequency\": 1, \"value\": \"6563_7\"}, \"11905_3\": {\"frequency\": 1, \"value\": \"11905_3\"}, \"10247_2\": {\"frequency\": 1, \"value\": \"10247_2\"}, \"2504_10\": {\"frequency\": 1, \"value\": \"2504_10\"}, \"1102_8\": {\"frequency\": 1, \"value\": \"1102_8\"}, \"7005_4\": {\"frequency\": 1, \"value\": \"7005_4\"}, \"1660_4\": {\"frequency\": 1, \"value\": \"1660_4\"}, \"7356_10\": {\"frequency\": 1, \"value\": \"7356_10\"}, \"7739_4\": {\"frequency\": 1, \"value\": \"7739_4\"}, \"4792_3\": {\"frequency\": 1, \"value\": \"4792_3\"}, \"1526_9\": {\"frequency\": 1, \"value\": \"1526_9\"}, \"3203_1\": {\"frequency\": 1, \"value\": \"3203_1\"}, \"5107_1\": {\"frequency\": 1, \"value\": \"5107_1\"}, \"11318_1\": {\"frequency\": 1, \"value\": \"11318_1\"}, \"10017_4\": {\"frequency\": 1, \"value\": \"10017_4\"}, \"10599_8\": {\"frequency\": 1, \"value\": \"10599_8\"}, \"9407_8\": {\"frequency\": 1, \"value\": \"9407_8\"}, \"1623_1\": {\"frequency\": 1, \"value\": \"1623_1\"}, \"1085_7\": {\"frequency\": 1, \"value\": \"1085_7\"}, \"5735_7\": {\"frequency\": 1, \"value\": \"5735_7\"}, \"10963_7\": {\"frequency\": 1, \"value\": \"10963_7\"}, \"6425_9\": {\"frequency\": 1, \"value\": \"6425_9\"}, \"5735_2\": {\"frequency\": 1, \"value\": \"5735_2\"}, \"4794_8\": {\"frequency\": 1, \"value\": \"4794_8\"}, \"3243_4\": {\"frequency\": 2, \"value\": \"3243_4\"}, \"7735_1\": {\"frequency\": 1, \"value\": \"7735_1\"}, \"11624_4\": {\"frequency\": 1, \"value\": \"11624_4\"}, \"3494_4\": {\"frequency\": 1, \"value\": \"3494_4\"}, \"10013_1\": {\"frequency\": 1, \"value\": \"10013_1\"}, \"10092_1\": {\"frequency\": 1, \"value\": \"10092_1\"}, \"8028_1\": {\"frequency\": 1, \"value\": \"8028_1\"}, \"2091_3\": {\"frequency\": 1, \"value\": \"2091_3\"}, \"12013_10\": {\"frequency\": 1, \"value\": \"12013_10\"}, \"9775_8\": {\"frequency\": 1, \"value\": \"9775_8\"}, \"7980_3\": {\"frequency\": 1, \"value\": \"7980_3\"}, \"4327_8\": {\"frequency\": 1, \"value\": \"4327_8\"}, \"1628_1\": {\"frequency\": 1, \"value\": \"1628_1\"}, \"9992_3\": {\"frequency\": 1, \"value\": \"9992_3\"}, \"4017_7\": {\"frequency\": 1, \"value\": \"4017_7\"}, \"11350_1\": {\"frequency\": 1, \"value\": \"11350_1\"}, \"2464_4\": {\"frequency\": 1, \"value\": \"2464_4\"}, \"9270_2\": {\"frequency\": 1, \"value\": \"9270_2\"}, \"3651_4\": {\"frequency\": 1, \"value\": \"3651_4\"}, \"10868_8\": {\"frequency\": 1, \"value\": \"10868_8\"}, \"2466_3\": {\"frequency\": 1, \"value\": \"2466_3\"}, \"6041_10\": {\"frequency\": 1, \"value\": \"6041_10\"}, \"4015_1\": {\"frequency\": 1, \"value\": \"4015_1\"}, \"9272_7\": {\"frequency\": 1, \"value\": \"9272_7\"}, \"11175_2\": {\"frequency\": 1, \"value\": \"11175_2\"}, \"2466_9\": {\"frequency\": 1, \"value\": \"2466_9\"}, \"7369_1\": {\"frequency\": 2, \"value\": \"7369_1\"}, \"11175_8\": {\"frequency\": 1, \"value\": \"11175_8\"}, \"11619_1\": {\"frequency\": 1, \"value\": \"11619_1\"}, \"9524_3\": {\"frequency\": 1, \"value\": \"9524_3\"}, \"2059_4\": {\"frequency\": 1, \"value\": \"2059_4\"}, \"6107_1\": {\"frequency\": 1, \"value\": \"6107_1\"}, \"3690_1\": {\"frequency\": 1, \"value\": \"3690_1\"}, \"8316_9\": {\"frequency\": 1, \"value\": \"8316_9\"}, \"2949_10\": {\"frequency\": 1, \"value\": \"2949_10\"}, \"9261_3\": {\"frequency\": 1, \"value\": \"9261_3\"}, \"806_10\": {\"frequency\": 1, \"value\": \"806_10\"}, \"3958_7\": {\"frequency\": 1, \"value\": \"3958_7\"}, \"3069_9\": {\"frequency\": 1, \"value\": \"3069_9\"}, \"5140_4\": {\"frequency\": 1, \"value\": \"5140_4\"}, \"4790_1\": {\"frequency\": 1, \"value\": \"4790_1\"}, \"5171_10\": {\"frequency\": 1, \"value\": \"5171_10\"}, \"6548_10\": {\"frequency\": 1, \"value\": \"6548_10\"}, \"2982_1\": {\"frequency\": 1, \"value\": \"2982_1\"}, \"3346_2\": {\"frequency\": 1, \"value\": \"3346_2\"}, \"5454_1\": {\"frequency\": 1, \"value\": \"5454_1\"}, \"1195_8\": {\"frequency\": 1, \"value\": \"1195_8\"}, \"6005_4\": {\"frequency\": 1, \"value\": \"6005_4\"}, \"11944_10\": {\"frequency\": 1, \"value\": \"11944_10\"}, \"5738_4\": {\"frequency\": 1, \"value\": \"5738_4\"}, \"4167_10\": {\"frequency\": 1, \"value\": \"4167_10\"}, \"218_9\": {\"frequency\": 1, \"value\": \"218_9\"}, \"487_8\": {\"frequency\": 1, \"value\": \"487_8\"}, \"2810_10\": {\"frequency\": 1, \"value\": \"2810_10\"}, \"189_9\": {\"frequency\": 1, \"value\": \"189_9\"}, \"1408_2\": {\"frequency\": 1, \"value\": \"1408_2\"}, \"7962_4\": {\"frequency\": 1, \"value\": \"7962_4\"}, \"4269_4\": {\"frequency\": 1, \"value\": \"4269_4\"}, \"9404_10\": {\"frequency\": 1, \"value\": \"9404_10\"}, \"996_9\": {\"frequency\": 2, \"value\": \"996_9\"}, \"6893_3\": {\"frequency\": 1, \"value\": \"6893_3\"}, \"6613_4\": {\"frequency\": 1, \"value\": \"6613_4\"}, \"2297_7\": {\"frequency\": 1, \"value\": \"2297_7\"}, \"2300_10\": {\"frequency\": 1, \"value\": \"2300_10\"}, \"2460_1\": {\"frequency\": 1, \"value\": \"2460_1\"}, \"5916_10\": {\"frequency\": 1, \"value\": \"5916_10\"}, \"11315_4\": {\"frequency\": 1, \"value\": \"11315_4\"}, \"4019_7\": {\"frequency\": 1, \"value\": \"4019_7\"}, \"6811_10\": {\"frequency\": 1, \"value\": \"6811_10\"}, \"994_7\": {\"frequency\": 1, \"value\": \"994_7\"}, \"9702_2\": {\"frequency\": 1, \"value\": \"9702_2\"}, \"6003_2\": {\"frequency\": 1, \"value\": \"6003_2\"}, \"4853_10\": {\"frequency\": 1, \"value\": \"4853_10\"}, \"4952_1\": {\"frequency\": 1, \"value\": \"4952_1\"}, \"1484_2\": {\"frequency\": 1, \"value\": \"1484_2\"}, \"9013_3\": {\"frequency\": 1, \"value\": \"9013_3\"}, \"2366_7\": {\"frequency\": 1, \"value\": \"2366_7\"}, \"1929_10\": {\"frequency\": 1, \"value\": \"1929_10\"}, \"3989_1\": {\"frequency\": 1, \"value\": \"3989_1\"}, \"11139_8\": {\"frequency\": 1, \"value\": \"11139_8\"}, \"4217_9\": {\"frequency\": 1, \"value\": \"4217_9\"}, \"11423_8\": {\"frequency\": 1, \"value\": \"11423_8\"}, \"4395_1\": {\"frequency\": 1, \"value\": \"4395_1\"}, \"2190_2\": {\"frequency\": 1, \"value\": \"2190_2\"}, \"2621_8\": {\"frequency\": 1, \"value\": \"2621_8\"}, \"10804_10\": {\"frequency\": 1, \"value\": \"10804_10\"}, \"12221_8\": {\"frequency\": 1, \"value\": \"12221_8\"}, \"357_2\": {\"frequency\": 1, \"value\": \"357_2\"}, \"5978_9\": {\"frequency\": 1, \"value\": \"5978_9\"}, \"2621_4\": {\"frequency\": 1, \"value\": \"2621_4\"}, \"6481_10\": {\"frequency\": 1, \"value\": \"6481_10\"}, \"12221_2\": {\"frequency\": 1, \"value\": \"12221_2\"}, \"3418_10\": {\"frequency\": 1, \"value\": \"3418_10\"}, \"1651_10\": {\"frequency\": 1, \"value\": \"1651_10\"}, \"990_1\": {\"frequency\": 1, \"value\": \"990_1\"}, \"8452_7\": {\"frequency\": 1, \"value\": \"8452_7\"}, \"3616_7\": {\"frequency\": 1, \"value\": \"3616_7\"}, \"12033_3\": {\"frequency\": 1, \"value\": \"12033_3\"}, \"306_10\": {\"frequency\": 1, \"value\": \"306_10\"}, \"7505_9\": {\"frequency\": 1, \"value\": \"7505_9\"}, \"4675_9\": {\"frequency\": 1, \"value\": \"4675_9\"}, \"3341_1\": {\"frequency\": 1, \"value\": \"3341_1\"}, \"5108_10\": {\"frequency\": 1, \"value\": \"5108_10\"}, \"8671_7\": {\"frequency\": 1, \"value\": \"8671_7\"}, \"3385_1\": {\"frequency\": 1, \"value\": \"3385_1\"}, \"3521_9\": {\"frequency\": 1, \"value\": \"3521_9\"}, \"11361_10\": {\"frequency\": 1, \"value\": \"11361_10\"}, \"10914_8\": {\"frequency\": 1, \"value\": \"10914_8\"}, \"1924_10\": {\"frequency\": 1, \"value\": \"1924_10\"}, \"4709_2\": {\"frequency\": 1, \"value\": \"4709_2\"}, \"7252_4\": {\"frequency\": 1, \"value\": \"7252_4\"}, \"6395_3\": {\"frequency\": 1, \"value\": \"6395_3\"}, \"9170_1\": {\"frequency\": 1, \"value\": \"9170_1\"}, \"3753_9\": {\"frequency\": 1, \"value\": \"3753_9\"}, \"1339_9\": {\"frequency\": 1, \"value\": \"1339_9\"}, \"2627_1\": {\"frequency\": 1, \"value\": \"2627_1\"}, \"5936_10\": {\"frequency\": 1, \"value\": \"5936_10\"}, \"5786_10\": {\"frequency\": 1, \"value\": \"5786_10\"}, \"6240_10\": {\"frequency\": 1, \"value\": \"6240_10\"}, \"1449_9\": {\"frequency\": 1, \"value\": \"1449_9\"}, \"9451_8\": {\"frequency\": 1, \"value\": \"9451_8\"}, \"10682_1\": {\"frequency\": 2, \"value\": \"10682_1\"}, \"10680_1\": {\"frequency\": 1, \"value\": \"10680_1\"}, \"11789_1\": {\"frequency\": 1, \"value\": \"11789_1\"}, \"11318_9\": {\"frequency\": 1, \"value\": \"11318_9\"}, \"1119_1\": {\"frequency\": 1, \"value\": \"1119_1\"}, \"9011_9\": {\"frequency\": 1, \"value\": \"9011_9\"}, \"11427_1\": {\"frequency\": 1, \"value\": \"11427_1\"}, \"4637_4\": {\"frequency\": 1, \"value\": \"4637_4\"}, \"4358_10\": {\"frequency\": 2, \"value\": \"4358_10\"}, \"7791_10\": {\"frequency\": 1, \"value\": \"7791_10\"}, \"3569_8\": {\"frequency\": 1, \"value\": \"3569_8\"}, \"7290_3\": {\"frequency\": 1, \"value\": \"7290_3\"}, \"10596_1\": {\"frequency\": 1, \"value\": \"10596_1\"}, \"12381_8\": {\"frequency\": 1, \"value\": \"12381_8\"}, \"49_10\": {\"frequency\": 1, \"value\": \"49_10\"}, \"11973_4\": {\"frequency\": 1, \"value\": \"11973_4\"}, \"10660_10\": {\"frequency\": 1, \"value\": \"10660_10\"}, \"5025_2\": {\"frequency\": 1, \"value\": \"5025_2\"}, \"5780_10\": {\"frequency\": 1, \"value\": \"5780_10\"}, \"2758_1\": {\"frequency\": 1, \"value\": \"2758_1\"}, \"9714_10\": {\"frequency\": 1, \"value\": \"9714_10\"}, \"4854_1\": {\"frequency\": 1, \"value\": \"4854_1\"}, \"3191_1\": {\"frequency\": 1, \"value\": \"3191_1\"}, \"10594_8\": {\"frequency\": 1, \"value\": \"10594_8\"}, \"2909_10\": {\"frequency\": 1, \"value\": \"2909_10\"}, \"10394_3\": {\"frequency\": 1, \"value\": \"10394_3\"}, \"4485_4\": {\"frequency\": 1, \"value\": \"4485_4\"}, \"105_7\": {\"frequency\": 1, \"value\": \"105_7\"}, \"1539_10\": {\"frequency\": 1, \"value\": \"1539_10\"}, \"3065_10\": {\"frequency\": 1, \"value\": \"3065_10\"}, \"10688_1\": {\"frequency\": 1, \"value\": \"10688_1\"}, \"1190_7\": {\"frequency\": 1, \"value\": \"1190_7\"}, \"2559_1\": {\"frequency\": 1, \"value\": \"2559_1\"}, \"565_10\": {\"frequency\": 1, \"value\": \"565_10\"}, \"475_1\": {\"frequency\": 2, \"value\": \"475_1\"}, \"5451_1\": {\"frequency\": 1, \"value\": \"5451_1\"}, \"2868_7\": {\"frequency\": 1, \"value\": \"2868_7\"}, \"823_9\": {\"frequency\": 1, \"value\": \"823_9\"}, \"552_1\": {\"frequency\": 1, \"value\": \"552_1\"}, \"211_4\": {\"frequency\": 1, \"value\": \"211_4\"}, \"10533_10\": {\"frequency\": 1, \"value\": \"10533_10\"}, \"3941_9\": {\"frequency\": 1, \"value\": \"3941_9\"}, \"9563_9\": {\"frequency\": 1, \"value\": \"9563_9\"}, \"7726_10\": {\"frequency\": 1, \"value\": \"7726_10\"}, \"6432_1\": {\"frequency\": 1, \"value\": \"6432_1\"}, \"2564_2\": {\"frequency\": 1, \"value\": \"2564_2\"}, \"9520_10\": {\"frequency\": 1, \"value\": \"9520_10\"}, \"5499_1\": {\"frequency\": 1, \"value\": \"5499_1\"}, \"5371_3\": {\"frequency\": 1, \"value\": \"5371_3\"}, \"1517_2\": {\"frequency\": 1, \"value\": \"1517_2\"}, \"5293_1\": {\"frequency\": 1, \"value\": \"5293_1\"}, \"10275_3\": {\"frequency\": 1, \"value\": \"10275_3\"}, \"11735_10\": {\"frequency\": 1, \"value\": \"11735_10\"}, \"2687_10\": {\"frequency\": 1, \"value\": \"2687_10\"}, \"11785_10\": {\"frequency\": 1, \"value\": \"11785_10\"}, \"9621_8\": {\"frequency\": 1, \"value\": \"9621_8\"}, \"10649_4\": {\"frequency\": 1, \"value\": \"10649_4\"}, \"7296_1\": {\"frequency\": 1, \"value\": \"7296_1\"}, \"9135_2\": {\"frequency\": 1, \"value\": \"9135_2\"}, \"2893_10\": {\"frequency\": 1, \"value\": \"2893_10\"}, \"10879_1\": {\"frequency\": 1, \"value\": \"10879_1\"}, \"9502_3\": {\"frequency\": 1, \"value\": \"9502_3\"}, \"7673_7\": {\"frequency\": 1, \"value\": \"7673_7\"}, \"10354_9\": {\"frequency\": 1, \"value\": \"10354_9\"}, \"10819_3\": {\"frequency\": 1, \"value\": \"10819_3\"}, \"5909_3\": {\"frequency\": 1, \"value\": \"5909_3\"}, \"9628_1\": {\"frequency\": 1, \"value\": \"9628_1\"}, \"10614_1\": {\"frequency\": 1, \"value\": \"10614_1\"}, \"1629_10\": {\"frequency\": 1, \"value\": \"1629_10\"}, \"5066_8\": {\"frequency\": 1, \"value\": \"5066_8\"}, \"1569_10\": {\"frequency\": 1, \"value\": \"1569_10\"}, \"3046_10\": {\"frequency\": 1, \"value\": \"3046_10\"}, \"10393_9\": {\"frequency\": 1, \"value\": \"10393_9\"}, \"215_4\": {\"frequency\": 1, \"value\": \"215_4\"}, \"827_4\": {\"frequency\": 1, \"value\": \"827_4\"}, \"8285_8\": {\"frequency\": 1, \"value\": \"8285_8\"}, \"10143_1\": {\"frequency\": 1, \"value\": \"10143_1\"}, \"8601_1\": {\"frequency\": 1, \"value\": \"8601_1\"}, \"883_1\": {\"frequency\": 2, \"value\": \"883_1\"}, \"9256_10\": {\"frequency\": 1, \"value\": \"9256_10\"}, \"2068_2\": {\"frequency\": 1, \"value\": \"2068_2\"}, \"5068_4\": {\"frequency\": 1, \"value\": \"5068_4\"}, \"6234_1\": {\"frequency\": 1, \"value\": \"6234_1\"}, \"38_2\": {\"frequency\": 1, \"value\": \"38_2\"}, \"7171_10\": {\"frequency\": 1, \"value\": \"7171_10\"}, \"4347_1\": {\"frequency\": 1, \"value\": \"4347_1\"}, \"6816_7\": {\"frequency\": 1, \"value\": \"6816_7\"}, \"120_8\": {\"frequency\": 1, \"value\": \"120_8\"}, \"11263_10\": {\"frequency\": 1, \"value\": \"11263_10\"}, \"5578_1\": {\"frequency\": 1, \"value\": \"5578_1\"}, \"3400_1\": {\"frequency\": 1, \"value\": \"3400_1\"}, \"5533_7\": {\"frequency\": 1, \"value\": \"5533_7\"}, \"4060_4\": {\"frequency\": 1, \"value\": \"4060_4\"}, \"10913_7\": {\"frequency\": 1, \"value\": \"10913_7\"}, \"8004_9\": {\"frequency\": 1, \"value\": \"8004_9\"}, \"5901_7\": {\"frequency\": 1, \"value\": \"5901_7\"}, \"10809_1\": {\"frequency\": 1, \"value\": \"10809_1\"}, \"162_8\": {\"frequency\": 1, \"value\": \"162_8\"}, \"7124_2\": {\"frequency\": 1, \"value\": \"7124_2\"}, \"6812_7\": {\"frequency\": 1, \"value\": \"6812_7\"}, \"5060_8\": {\"frequency\": 1, \"value\": \"5060_8\"}, \"1088_9\": {\"frequency\": 1, \"value\": \"1088_9\"}, \"1802_9\": {\"frequency\": 1, \"value\": \"1802_9\"}, \"160_2\": {\"frequency\": 1, \"value\": \"160_2\"}, \"10062_1\": {\"frequency\": 1, \"value\": \"10062_1\"}, \"11942_8\": {\"frequency\": 1, \"value\": \"11942_8\"}, \"8736_3\": {\"frequency\": 1, \"value\": \"8736_3\"}, \"6925_9\": {\"frequency\": 1, \"value\": \"6925_9\"}, \"160_9\": {\"frequency\": 1, \"value\": \"160_9\"}, \"10363_2\": {\"frequency\": 1, \"value\": \"10363_2\"}, \"12287_10\": {\"frequency\": 1, \"value\": \"12287_10\"}, \"630_2\": {\"frequency\": 1, \"value\": \"630_2\"}, \"4933_8\": {\"frequency\": 1, \"value\": \"4933_8\"}, \"5575_8\": {\"frequency\": 1, \"value\": \"5575_8\"}, \"2935_10\": {\"frequency\": 1, \"value\": \"2935_10\"}, \"10280_3\": {\"frequency\": 1, \"value\": \"10280_3\"}, \"457_10\": {\"frequency\": 1, \"value\": \"457_10\"}, \"11471_7\": {\"frequency\": 1, \"value\": \"11471_7\"}, \"12269_8\": {\"frequency\": 1, \"value\": \"12269_8\"}, \"6993_7\": {\"frequency\": 1, \"value\": \"6993_7\"}, \"15_1\": {\"frequency\": 1, \"value\": \"15_1\"}, \"3489_2\": {\"frequency\": 1, \"value\": \"3489_2\"}, \"8517_8\": {\"frequency\": 1, \"value\": \"8517_8\"}, \"4685_7\": {\"frequency\": 1, \"value\": \"4685_7\"}, \"4970_3\": {\"frequency\": 1, \"value\": \"4970_3\"}, \"2753_1\": {\"frequency\": 1, \"value\": \"2753_1\"}, \"3610_1\": {\"frequency\": 1, \"value\": \"3610_1\"}, \"10057_9\": {\"frequency\": 1, \"value\": \"10057_9\"}, \"12416_3\": {\"frequency\": 1, \"value\": \"12416_3\"}, \"11103_10\": {\"frequency\": 1, \"value\": \"11103_10\"}, \"10889_10\": {\"frequency\": 1, \"value\": \"10889_10\"}, \"5940_7\": {\"frequency\": 1, \"value\": \"5940_7\"}, \"6598_8\": {\"frequency\": 1, \"value\": \"6598_8\"}, \"1245_7\": {\"frequency\": 1, \"value\": \"1245_7\"}, \"8550_3\": {\"frequency\": 1, \"value\": \"8550_3\"}, \"9564_10\": {\"frequency\": 1, \"value\": \"9564_10\"}, \"10499_1\": {\"frequency\": 1, \"value\": \"10499_1\"}, \"12265_1\": {\"frequency\": 1, \"value\": \"12265_1\"}, \"10856_8\": {\"frequency\": 1, \"value\": \"10856_8\"}, \"6523_10\": {\"frequency\": 1, \"value\": \"6523_10\"}, \"5739_10\": {\"frequency\": 1, \"value\": \"5739_10\"}, \"236_9\": {\"frequency\": 1, \"value\": \"236_9\"}, \"8169_4\": {\"frequency\": 1, \"value\": \"8169_4\"}, \"9535_10\": {\"frequency\": 1, \"value\": \"9535_10\"}, \"1239_8\": {\"frequency\": 1, \"value\": \"1239_8\"}, \"1803_10\": {\"frequency\": 1, \"value\": \"1803_10\"}, \"4974_2\": {\"frequency\": 1, \"value\": \"4974_2\"}, \"2025_1\": {\"frequency\": 1, \"value\": \"2025_1\"}, \"1241_7\": {\"frequency\": 1, \"value\": \"1241_7\"}, \"4193_3\": {\"frequency\": 1, \"value\": \"4193_3\"}, \"5359_1\": {\"frequency\": 1, \"value\": \"5359_1\"}, \"3487_9\": {\"frequency\": 1, \"value\": \"3487_9\"}, \"9459_8\": {\"frequency\": 1, \"value\": \"9459_8\"}, \"6450_10\": {\"frequency\": 1, \"value\": \"6450_10\"}, \"5392_3\": {\"frequency\": 1, \"value\": \"5392_3\"}, \"2696_8\": {\"frequency\": 1, \"value\": \"2696_8\"}, \"3104_10\": {\"frequency\": 1, \"value\": \"3104_10\"}, \"7358_10\": {\"frequency\": 1, \"value\": \"7358_10\"}, \"6266_2\": {\"frequency\": 2, \"value\": \"6266_2\"}, \"9842_7\": {\"frequency\": 1, \"value\": \"9842_7\"}, \"6641_8\": {\"frequency\": 1, \"value\": \"6641_8\"}, \"4428_10\": {\"frequency\": 1, \"value\": \"4428_10\"}, \"9842_1\": {\"frequency\": 1, \"value\": \"9842_1\"}, \"964_8\": {\"frequency\": 1, \"value\": \"964_8\"}, \"9755_2\": {\"frequency\": 1, \"value\": \"9755_2\"}, \"11589_3\": {\"frequency\": 1, \"value\": \"11589_3\"}, \"5390_1\": {\"frequency\": 1, \"value\": \"5390_1\"}, \"6686_9\": {\"frequency\": 1, \"value\": \"6686_9\"}, \"10532_4\": {\"frequency\": 1, \"value\": \"10532_4\"}, \"4687_8\": {\"frequency\": 1, \"value\": \"4687_8\"}, \"10476_1\": {\"frequency\": 1, \"value\": \"10476_1\"}, \"7306_3\": {\"frequency\": 1, \"value\": \"7306_3\"}, \"5785_4\": {\"frequency\": 1, \"value\": \"5785_4\"}, \"8758_10\": {\"frequency\": 1, \"value\": \"8758_10\"}, \"11886_1\": {\"frequency\": 1, \"value\": \"11886_1\"}, \"9833_8\": {\"frequency\": 1, \"value\": \"9833_8\"}, \"2900_9\": {\"frequency\": 1, \"value\": \"2900_9\"}, \"5864_7\": {\"frequency\": 1, \"value\": \"5864_7\"}, \"969_1\": {\"frequency\": 1, \"value\": \"969_1\"}, \"2429_8\": {\"frequency\": 1, \"value\": \"2429_8\"}, \"12224_9\": {\"frequency\": 1, \"value\": \"12224_9\"}, \"5505_1\": {\"frequency\": 1, \"value\": \"5505_1\"}, \"4402_1\": {\"frequency\": 1, \"value\": \"4402_1\"}, \"465_1\": {\"frequency\": 1, \"value\": \"465_1\"}, \"607_10\": {\"frequency\": 1, \"value\": \"607_10\"}, \"10716_3\": {\"frequency\": 1, \"value\": \"10716_3\"}, \"3112_7\": {\"frequency\": 1, \"value\": \"3112_7\"}, \"9653_9\": {\"frequency\": 1, \"value\": \"9653_9\"}, \"5396_3\": {\"frequency\": 1, \"value\": \"5396_3\"}, \"2692_8\": {\"frequency\": 1, \"value\": \"2692_8\"}, \"9885_10\": {\"frequency\": 1, \"value\": \"9885_10\"}, \"6472_2\": {\"frequency\": 1, \"value\": \"6472_2\"}, \"2692_1\": {\"frequency\": 1, \"value\": \"2692_1\"}, \"11877_10\": {\"frequency\": 1, \"value\": \"11877_10\"}, \"5530_8\": {\"frequency\": 1, \"value\": \"5530_8\"}, \"4028_10\": {\"frequency\": 1, \"value\": \"4028_10\"}, \"4730_4\": {\"frequency\": 1, \"value\": \"4730_4\"}, \"12228_8\": {\"frequency\": 1, \"value\": \"12228_8\"}, \"2900_1\": {\"frequency\": 1, \"value\": \"2900_1\"}, \"5530_1\": {\"frequency\": 1, \"value\": \"5530_1\"}, \"431_8\": {\"frequency\": 1, \"value\": \"431_8\"}, \"2425_7\": {\"frequency\": 1, \"value\": \"2425_7\"}, \"2425_4\": {\"frequency\": 1, \"value\": \"2425_4\"}, \"8860_8\": {\"frequency\": 1, \"value\": \"8860_8\"}, \"1150_10\": {\"frequency\": 1, \"value\": \"1150_10\"}, \"8622_8\": {\"frequency\": 1, \"value\": \"8622_8\"}, \"4408_8\": {\"frequency\": 1, \"value\": \"4408_8\"}, \"1866_2\": {\"frequency\": 1, \"value\": \"1866_2\"}, \"6819_8\": {\"frequency\": 1, \"value\": \"6819_8\"}, \"8279_10\": {\"frequency\": 1, \"value\": \"8279_10\"}, \"6819_3\": {\"frequency\": 1, \"value\": \"6819_3\"}, \"7667_7\": {\"frequency\": 1, \"value\": \"7667_7\"}, \"5251_7\": {\"frequency\": 1, \"value\": \"5251_7\"}, \"2516_9\": {\"frequency\": 1, \"value\": \"2516_9\"}, \"4441_7\": {\"frequency\": 1, \"value\": \"4441_7\"}, \"8695_3\": {\"frequency\": 1, \"value\": \"8695_3\"}, \"11264_1\": {\"frequency\": 1, \"value\": \"11264_1\"}, \"1731_10\": {\"frequency\": 1, \"value\": \"1731_10\"}, \"5546_7\": {\"frequency\": 1, \"value\": \"5546_7\"}, \"1860_9\": {\"frequency\": 1, \"value\": \"1860_9\"}, \"56_3\": {\"frequency\": 1, \"value\": \"56_3\"}, \"1006_8\": {\"frequency\": 1, \"value\": \"1006_8\"}, \"4938_1\": {\"frequency\": 1, \"value\": \"4938_1\"}, \"1751_2\": {\"frequency\": 1, \"value\": \"1751_2\"}, \"6815_8\": {\"frequency\": 1, \"value\": \"6815_8\"}, \"2263_10\": {\"frequency\": 1, \"value\": \"2263_10\"}, \"9800_1\": {\"frequency\": 1, \"value\": \"9800_1\"}, \"10814_2\": {\"frequency\": 1, \"value\": \"10814_2\"}, \"6467_3\": {\"frequency\": 1, \"value\": \"6467_3\"}, \"11881_9\": {\"frequency\": 1, \"value\": \"11881_9\"}, \"8086_2\": {\"frequency\": 1, \"value\": \"8086_2\"}, \"6823_10\": {\"frequency\": 1, \"value\": \"6823_10\"}, \"9309_9\": {\"frequency\": 1, \"value\": \"9309_9\"}, \"9978_1\": {\"frequency\": 1, \"value\": \"9978_1\"}, \"8697_7\": {\"frequency\": 1, \"value\": \"8697_7\"}, \"3815_1\": {\"frequency\": 1, \"value\": \"3815_1\"}, \"4106_4\": {\"frequency\": 1, \"value\": \"4106_4\"}, \"3115_8\": {\"frequency\": 1, \"value\": \"3115_8\"}, \"9392_9\": {\"frequency\": 1, \"value\": \"9392_9\"}, \"12491_2\": {\"frequency\": 1, \"value\": \"12491_2\"}, \"11507_10\": {\"frequency\": 1, \"value\": \"11507_10\"}, \"4407_8\": {\"frequency\": 1, \"value\": \"4407_8\"}, \"10436_8\": {\"frequency\": 1, \"value\": \"10436_8\"}, \"6780_4\": {\"frequency\": 1, \"value\": \"6780_4\"}, \"10316_3\": {\"frequency\": 1, \"value\": \"10316_3\"}, \"2588_3\": {\"frequency\": 1, \"value\": \"2588_3\"}, \"7328_2\": {\"frequency\": 1, \"value\": \"7328_2\"}, \"2414_3\": {\"frequency\": 1, \"value\": \"2414_3\"}, \"8091_9\": {\"frequency\": 1, \"value\": \"8091_9\"}, \"1714_1\": {\"frequency\": 1, \"value\": \"1714_1\"}, \"9304_1\": {\"frequency\": 1, \"value\": \"9304_1\"}, \"2510_4\": {\"frequency\": 1, \"value\": \"2510_4\"}, \"9058_7\": {\"frequency\": 1, \"value\": \"9058_7\"}, \"6975_8\": {\"frequency\": 1, \"value\": \"6975_8\"}, \"5707_10\": {\"frequency\": 1, \"value\": \"5707_10\"}, \"9841_4\": {\"frequency\": 1, \"value\": \"9841_4\"}, \"8970_10\": {\"frequency\": 1, \"value\": \"8970_10\"}, \"1174_4\": {\"frequency\": 1, \"value\": \"1174_4\"}, \"9574_9\": {\"frequency\": 1, \"value\": \"9574_9\"}, \"1712_9\": {\"frequency\": 1, \"value\": \"1712_9\"}, \"5775_3\": {\"frequency\": 1, \"value\": \"5775_3\"}, \"11268_1\": {\"frequency\": 1, \"value\": \"11268_1\"}, \"1864_1\": {\"frequency\": 1, \"value\": \"1864_1\"}, \"32_10\": {\"frequency\": 1, \"value\": \"32_10\"}, \"4445_7\": {\"frequency\": 1, \"value\": \"4445_7\"}, \"10758_1\": {\"frequency\": 1, \"value\": \"10758_1\"}, \"2358_9\": {\"frequency\": 1, \"value\": \"2358_9\"}, \"11268_8\": {\"frequency\": 1, \"value\": \"11268_8\"}, \"1154_10\": {\"frequency\": 1, \"value\": \"1154_10\"}, \"1472_1\": {\"frequency\": 1, \"value\": \"1472_1\"}, \"7464_3\": {\"frequency\": 1, \"value\": \"7464_3\"}, \"8880_3\": {\"frequency\": 1, \"value\": \"8880_3\"}, \"2832_8\": {\"frequency\": 1, \"value\": \"2832_8\"}, \"10145_8\": {\"frequency\": 1, \"value\": \"10145_8\"}, \"839_7\": {\"frequency\": 1, \"value\": \"839_7\"}, \"1004_7\": {\"frequency\": 1, \"value\": \"1004_7\"}, \"2295_7\": {\"frequency\": 1, \"value\": \"2295_7\"}, \"12095_3\": {\"frequency\": 1, \"value\": \"12095_3\"}, \"8882_4\": {\"frequency\": 1, \"value\": \"8882_4\"}, \"6762_9\": {\"frequency\": 1, \"value\": \"6762_9\"}, \"2147_4\": {\"frequency\": 1, \"value\": \"2147_4\"}, \"2063_8\": {\"frequency\": 1, \"value\": \"2063_8\"}, \"282_9\": {\"frequency\": 1, \"value\": \"282_9\"}, \"3853_9\": {\"frequency\": 1, \"value\": \"3853_9\"}, \"12245_10\": {\"frequency\": 1, \"value\": \"12245_10\"}, \"11004_1\": {\"frequency\": 1, \"value\": \"11004_1\"}, \"3856_10\": {\"frequency\": 1, \"value\": \"3856_10\"}, \"7496_8\": {\"frequency\": 1, \"value\": \"7496_8\"}, \"1172_3\": {\"frequency\": 1, \"value\": \"1172_3\"}, \"10747_10\": {\"frequency\": 1, \"value\": \"10747_10\"}, \"7759_3\": {\"frequency\": 1, \"value\": \"7759_3\"}, \"9343_1\": {\"frequency\": 1, \"value\": \"9343_1\"}, \"293_7\": {\"frequency\": 1, \"value\": \"293_7\"}, \"10126_2\": {\"frequency\": 1, \"value\": \"10126_2\"}, \"3447_1\": {\"frequency\": 1, \"value\": \"3447_1\"}, \"10163_8\": {\"frequency\": 1, \"value\": \"10163_8\"}, \"4271_10\": {\"frequency\": 1, \"value\": \"4271_10\"}, \"2196_4\": {\"frequency\": 1, \"value\": \"2196_4\"}, \"4104_9\": {\"frequency\": 1, \"value\": \"4104_9\"}, \"3726_7\": {\"frequency\": 1, \"value\": \"3726_7\"}, \"831_9\": {\"frequency\": 1, \"value\": \"831_9\"}, \"6725_9\": {\"frequency\": 1, \"value\": \"6725_9\"}, \"688_4\": {\"frequency\": 1, \"value\": \"688_4\"}, \"782_4\": {\"frequency\": 1, \"value\": \"782_4\"}, \"831_2\": {\"frequency\": 1, \"value\": \"831_2\"}, \"6390_2\": {\"frequency\": 1, \"value\": \"6390_2\"}, \"3538_10\": {\"frequency\": 1, \"value\": \"3538_10\"}, \"3166_3\": {\"frequency\": 1, \"value\": \"3166_3\"}, \"11226_7\": {\"frequency\": 1, \"value\": \"11226_7\"}, \"686_3\": {\"frequency\": 1, \"value\": \"686_3\"}, \"8769_4\": {\"frequency\": 1, \"value\": \"8769_4\"}, \"3994_8\": {\"frequency\": 1, \"value\": \"3994_8\"}, \"2799_1\": {\"frequency\": 1, \"value\": \"2799_1\"}, \"10613_3\": {\"frequency\": 1, \"value\": \"10613_3\"}, \"6768_8\": {\"frequency\": 1, \"value\": \"6768_8\"}, \"11473_4\": {\"frequency\": 1, \"value\": \"11473_4\"}, \"9057_3\": {\"frequency\": 1, \"value\": \"9057_3\"}, \"1863_1\": {\"frequency\": 1, \"value\": \"1863_1\"}, \"11860_10\": {\"frequency\": 1, \"value\": \"11860_10\"}, \"9345_1\": {\"frequency\": 1, \"value\": \"9345_1\"}, \"4442_9\": {\"frequency\": 1, \"value\": \"4442_9\"}, \"3763_3\": {\"frequency\": 1, \"value\": \"3763_3\"}, \"1575_9\": {\"frequency\": 1, \"value\": \"1575_9\"}, \"7626_9\": {\"frequency\": 1, \"value\": \"7626_9\"}, \"9053_2\": {\"frequency\": 1, \"value\": \"9053_2\"}, \"1573_1\": {\"frequency\": 1, \"value\": \"1573_1\"}, \"10169_2\": {\"frequency\": 2, \"value\": \"10169_2\"}, \"2795_7\": {\"frequency\": 1, \"value\": \"2795_7\"}, \"355_4\": {\"frequency\": 1, \"value\": \"355_4\"}, \"5700_1\": {\"frequency\": 1, \"value\": \"5700_1\"}, \"11048_7\": {\"frequency\": 1, \"value\": \"11048_7\"}, \"10595_10\": {\"frequency\": 1, \"value\": \"10595_10\"}, \"9317_8\": {\"frequency\": 1, \"value\": \"9317_8\"}, \"4474_10\": {\"frequency\": 1, \"value\": \"4474_10\"}, \"1764_10\": {\"frequency\": 1, \"value\": \"1764_10\"}, \"4502_7\": {\"frequency\": 1, \"value\": \"4502_7\"}, \"8790_1\": {\"frequency\": 1, \"value\": \"8790_1\"}, \"5627_10\": {\"frequency\": 1, \"value\": \"5627_10\"}, \"340_3\": {\"frequency\": 1, \"value\": \"340_3\"}, \"9258_10\": {\"frequency\": 1, \"value\": \"9258_10\"}, \"2255_4\": {\"frequency\": 1, \"value\": \"2255_4\"}, \"8571_7\": {\"frequency\": 1, \"value\": \"8571_7\"}, \"8349_1\": {\"frequency\": 1, \"value\": \"8349_1\"}, \"2636_1\": {\"frequency\": 1, \"value\": \"2636_1\"}, \"3992_8\": {\"frequency\": 1, \"value\": \"3992_8\"}, \"3_4\": {\"frequency\": 1, \"value\": \"3_4\"}, \"4625_10\": {\"frequency\": 1, \"value\": \"4625_10\"}, \"2636_9\": {\"frequency\": 1, \"value\": \"2636_9\"}, \"8713_10\": {\"frequency\": 1, \"value\": \"8713_10\"}, \"546_10\": {\"frequency\": 1, \"value\": \"546_10\"}, \"4254_2\": {\"frequency\": 1, \"value\": \"4254_2\"}, \"6618_2\": {\"frequency\": 1, \"value\": \"6618_2\"}, \"12104_1\": {\"frequency\": 1, \"value\": \"12104_1\"}, \"7446_8\": {\"frequency\": 1, \"value\": \"7446_8\"}, \"4277_10\": {\"frequency\": 1, \"value\": \"4277_10\"}, \"9352_10\": {\"frequency\": 1, \"value\": \"9352_10\"}, \"11670_7\": {\"frequency\": 1, \"value\": \"11670_7\"}, \"10477_1\": {\"frequency\": 2, \"value\": \"10477_1\"}, \"3689_8\": {\"frequency\": 1, \"value\": \"3689_8\"}, \"12415_4\": {\"frequency\": 1, \"value\": \"12415_4\"}, \"2652_10\": {\"frequency\": 1, \"value\": \"2652_10\"}, \"11456_10\": {\"frequency\": 1, \"value\": \"11456_10\"}, \"6582_7\": {\"frequency\": 1, \"value\": \"6582_7\"}, \"4524_2\": {\"frequency\": 1, \"value\": \"4524_2\"}, \"8196_8\": {\"frequency\": 1, \"value\": \"8196_8\"}, \"4208_10\": {\"frequency\": 1, \"value\": \"4208_10\"}, \"580_3\": {\"frequency\": 1, \"value\": \"580_3\"}, \"9593_2\": {\"frequency\": 1, \"value\": \"9593_2\"}, \"3237_8\": {\"frequency\": 1, \"value\": \"3237_8\"}, \"1766_10\": {\"frequency\": 1, \"value\": \"1766_10\"}, \"7996_2\": {\"frequency\": 1, \"value\": \"7996_2\"}, \"6618_8\": {\"frequency\": 1, \"value\": \"6618_8\"}, \"4286_10\": {\"frequency\": 1, \"value\": \"4286_10\"}, \"8194_9\": {\"frequency\": 1, \"value\": \"8194_9\"}, \"12441_9\": {\"frequency\": 1, \"value\": \"12441_9\"}, \"10763_3\": {\"frequency\": 1, \"value\": \"10763_3\"}, \"5741_1\": {\"frequency\": 1, \"value\": \"5741_1\"}, \"118_2\": {\"frequency\": 1, \"value\": \"118_2\"}, \"12135_10\": {\"frequency\": 1, \"value\": \"12135_10\"}, \"9117_10\": {\"frequency\": 1, \"value\": \"9117_10\"}, \"582_9\": {\"frequency\": 1, \"value\": \"582_9\"}, \"8883_8\": {\"frequency\": 1, \"value\": \"8883_8\"}, \"5570_10\": {\"frequency\": 1, \"value\": \"5570_10\"}, \"7325_1\": {\"frequency\": 1, \"value\": \"7325_1\"}, \"778_2\": {\"frequency\": 1, \"value\": \"778_2\"}, \"12447_4\": {\"frequency\": 1, \"value\": \"12447_4\"}, \"4219_4\": {\"frequency\": 1, \"value\": \"4219_4\"}, \"7994_9\": {\"frequency\": 1, \"value\": \"7994_9\"}, \"8883_2\": {\"frequency\": 1, \"value\": \"8883_2\"}, \"4743_8\": {\"frequency\": 1, \"value\": \"4743_8\"}, \"4784_2\": {\"frequency\": 1, \"value\": \"4784_2\"}, \"8388_7\": {\"frequency\": 2, \"value\": \"8388_7\"}, \"1305_10\": {\"frequency\": 1, \"value\": \"1305_10\"}, \"7896_1\": {\"frequency\": 1, \"value\": \"7896_1\"}, \"1538_3\": {\"frequency\": 1, \"value\": \"1538_3\"}, \"7207_1\": {\"frequency\": 1, \"value\": \"7207_1\"}, \"2216_1\": {\"frequency\": 1, \"value\": \"2216_1\"}, \"7207_7\": {\"frequency\": 1, \"value\": \"7207_7\"}, \"9262_3\": {\"frequency\": 1, \"value\": \"9262_3\"}, \"11056_4\": {\"frequency\": 1, \"value\": \"11056_4\"}, \"3614_7\": {\"frequency\": 2, \"value\": \"3614_7\"}, \"7828_10\": {\"frequency\": 1, \"value\": \"7828_10\"}, \"2977_1\": {\"frequency\": 1, \"value\": \"2977_1\"}, \"40_8\": {\"frequency\": 1, \"value\": \"40_8\"}, \"11622_10\": {\"frequency\": 1, \"value\": \"11622_10\"}, \"9783_9\": {\"frequency\": 1, \"value\": \"9783_9\"}, \"2827_10\": {\"frequency\": 1, \"value\": \"2827_10\"}, \"9789_10\": {\"frequency\": 1, \"value\": \"9789_10\"}, \"8968_1\": {\"frequency\": 1, \"value\": \"8968_1\"}, \"11413_10\": {\"frequency\": 1, \"value\": \"11413_10\"}, \"4019_3\": {\"frequency\": 1, \"value\": \"4019_3\"}, \"5399_1\": {\"frequency\": 1, \"value\": \"5399_1\"}, \"12109_4\": {\"frequency\": 1, \"value\": \"12109_4\"}, \"9260_7\": {\"frequency\": 1, \"value\": \"9260_7\"}, \"8304_8\": {\"frequency\": 1, \"value\": \"8304_8\"}, \"6867_1\": {\"frequency\": 1, \"value\": \"6867_1\"}, \"10670_10\": {\"frequency\": 1, \"value\": \"10670_10\"}, \"2446_10\": {\"frequency\": 1, \"value\": \"2446_10\"}, \"8005_9\": {\"frequency\": 1, \"value\": \"8005_9\"}, \"586_1\": {\"frequency\": 1, \"value\": \"586_1\"}, \"4569_1\": {\"frequency\": 1, \"value\": \"4569_1\"}, \"5745_8\": {\"frequency\": 1, \"value\": \"5745_8\"}, \"4815_2\": {\"frequency\": 1, \"value\": \"4815_2\"}, \"980_4\": {\"frequency\": 1, \"value\": \"980_4\"}, \"11307_1\": {\"frequency\": 1, \"value\": \"11307_1\"}, \"10288_10\": {\"frequency\": 1, \"value\": \"10288_10\"}, \"2219_1\": {\"frequency\": 1, \"value\": \"2219_1\"}, \"9405_10\": {\"frequency\": 1, \"value\": \"9405_10\"}, \"11334_10\": {\"frequency\": 1, \"value\": \"11334_10\"}, \"1134_2\": {\"frequency\": 1, \"value\": \"1134_2\"}, \"7419_1\": {\"frequency\": 1, \"value\": \"7419_1\"}, \"144_2\": {\"frequency\": 1, \"value\": \"144_2\"}, \"11301_3\": {\"frequency\": 1, \"value\": \"11301_3\"}, \"8462_9\": {\"frequency\": 1, \"value\": \"8462_9\"}, \"1052_8\": {\"frequency\": 1, \"value\": \"1052_8\"}, \"5110_10\": {\"frequency\": 1, \"value\": \"5110_10\"}, \"1132_4\": {\"frequency\": 1, \"value\": \"1132_4\"}, \"1812_1\": {\"frequency\": 1, \"value\": \"1812_1\"}, \"11313_10\": {\"frequency\": 1, \"value\": \"11313_10\"}, \"988_1\": {\"frequency\": 1, \"value\": \"988_1\"}, \"1616_4\": {\"frequency\": 1, \"value\": \"1616_4\"}, \"10085_3\": {\"frequency\": 1, \"value\": \"10085_3\"}, \"8139_10\": {\"frequency\": 1, \"value\": \"8139_10\"}, \"12487_10\": {\"frequency\": 1, \"value\": \"12487_10\"}, \"7407_10\": {\"frequency\": 1, \"value\": \"7407_10\"}, \"5703_2\": {\"frequency\": 1, \"value\": \"5703_2\"}, \"9712_1\": {\"frequency\": 1, \"value\": \"9712_1\"}, \"1816_1\": {\"frequency\": 2, \"value\": \"1816_1\"}, \"10738_4\": {\"frequency\": 1, \"value\": \"10738_4\"}, \"3643_1\": {\"frequency\": 1, \"value\": \"3643_1\"}, \"3836_2\": {\"frequency\": 1, \"value\": \"3836_2\"}, \"2158_10\": {\"frequency\": 1, \"value\": \"2158_10\"}, \"7103_1\": {\"frequency\": 1, \"value\": \"7103_1\"}, \"8418_7\": {\"frequency\": 1, \"value\": \"8418_7\"}, \"4253_10\": {\"frequency\": 1, \"value\": \"4253_10\"}, \"2104_2\": {\"frequency\": 1, \"value\": \"2104_2\"}, \"7103_7\": {\"frequency\": 1, \"value\": \"7103_7\"}, \"4387_3\": {\"frequency\": 1, \"value\": \"4387_3\"}, \"4261_4\": {\"frequency\": 1, \"value\": \"4261_4\"}, \"11871_4\": {\"frequency\": 1, \"value\": \"11871_4\"}, \"8647_7\": {\"frequency\": 2, \"value\": \"8647_7\"}, \"5109_10\": {\"frequency\": 1, \"value\": \"5109_10\"}, \"6094_1\": {\"frequency\": 1, \"value\": \"6094_1\"}, \"4629_10\": {\"frequency\": 1, \"value\": \"4629_10\"}, \"2487_1\": {\"frequency\": 1, \"value\": \"2487_1\"}, \"3805_8\": {\"frequency\": 1, \"value\": \"3805_8\"}, \"12024_7\": {\"frequency\": 1, \"value\": \"12024_7\"}, \"8645_1\": {\"frequency\": 1, \"value\": \"8645_1\"}, \"7513_9\": {\"frequency\": 1, \"value\": \"7513_9\"}, \"5806_4\": {\"frequency\": 1, \"value\": \"5806_4\"}, \"10300_10\": {\"frequency\": 1, \"value\": \"10300_10\"}, \"12151_1\": {\"frequency\": 1, \"value\": \"12151_1\"}, \"7068_8\": {\"frequency\": 1, \"value\": \"7068_8\"}, \"4892_1\": {\"frequency\": 1, \"value\": \"4892_1\"}, \"4263_8\": {\"frequency\": 1, \"value\": \"4263_8\"}, \"1849_1\": {\"frequency\": 1, \"value\": \"1849_1\"}, \"4753_10\": {\"frequency\": 1, \"value\": \"4753_10\"}, \"499_1\": {\"frequency\": 1, \"value\": \"499_1\"}, \"8459_3\": {\"frequency\": 1, \"value\": \"8459_3\"}, \"11162_4\": {\"frequency\": 1, \"value\": \"11162_4\"}, \"3606_9\": {\"frequency\": 1, \"value\": \"3606_9\"}, \"3807_4\": {\"frequency\": 1, \"value\": \"3807_4\"}, \"6223_7\": {\"frequency\": 1, \"value\": \"6223_7\"}, \"10993_10\": {\"frequency\": 1, \"value\": \"10993_10\"}, \"319_1\": {\"frequency\": 1, \"value\": \"319_1\"}, \"4648_9\": {\"frequency\": 1, \"value\": \"4648_9\"}, \"343_2\": {\"frequency\": 1, \"value\": \"343_2\"}, \"7292_10\": {\"frequency\": 1, \"value\": \"7292_10\"}, \"6002_7\": {\"frequency\": 1, \"value\": \"6002_7\"}, \"9144_7\": {\"frequency\": 1, \"value\": \"9144_7\"}, \"9144_1\": {\"frequency\": 1, \"value\": \"9144_1\"}, \"3578_7\": {\"frequency\": 1, \"value\": \"3578_7\"}, \"12352_8\": {\"frequency\": 1, \"value\": \"12352_8\"}, \"11439_8\": {\"frequency\": 1, \"value\": \"11439_8\"}, \"7631_10\": {\"frequency\": 1, \"value\": \"7631_10\"}, \"6531_8\": {\"frequency\": 1, \"value\": \"6531_8\"}, \"7452_4\": {\"frequency\": 1, \"value\": \"7452_4\"}, \"10482_1\": {\"frequency\": 1, \"value\": \"10482_1\"}, \"6537_7\": {\"frequency\": 1, \"value\": \"6537_7\"}, \"7450_9\": {\"frequency\": 1, \"value\": \"7450_9\"}, \"12350_4\": {\"frequency\": 1, \"value\": \"12350_4\"}, \"9142_1\": {\"frequency\": 1, \"value\": \"9142_1\"}, \"6537_1\": {\"frequency\": 1, \"value\": \"6537_1\"}, \"12350_9\": {\"frequency\": 1, \"value\": \"12350_9\"}, \"2592_10\": {\"frequency\": 1, \"value\": \"2592_10\"}, \"1471_4\": {\"frequency\": 1, \"value\": \"1471_4\"}, \"10892_7\": {\"frequency\": 1, \"value\": \"10892_7\"}, \"7899_1\": {\"frequency\": 1, \"value\": \"7899_1\"}, \"291_10\": {\"frequency\": 1, \"value\": \"291_10\"}, \"11435_3\": {\"frequency\": 1, \"value\": \"11435_3\"}, \"4350_10\": {\"frequency\": 1, \"value\": \"4350_10\"}, \"2639_7\": {\"frequency\": 1, \"value\": \"2639_7\"}, \"10001_4\": {\"frequency\": 1, \"value\": \"10001_4\"}, \"771_4\": {\"frequency\": 1, \"value\": \"771_4\"}, \"5647_10\": {\"frequency\": 1, \"value\": \"5647_10\"}, \"11433_4\": {\"frequency\": 1, \"value\": \"11433_4\"}, \"7782_7\": {\"frequency\": 1, \"value\": \"7782_7\"}, \"11753_10\": {\"frequency\": 1, \"value\": \"11753_10\"}, \"8877_9\": {\"frequency\": 1, \"value\": \"8877_9\"}, \"9492_4\": {\"frequency\": 1, \"value\": \"9492_4\"}, \"5113_3\": {\"frequency\": 1, \"value\": \"5113_3\"}, \"2789_7\": {\"frequency\": 1, \"value\": \"2789_7\"}, \"3352_2\": {\"frequency\": 1, \"value\": \"3352_2\"}, \"7126_10\": {\"frequency\": 1, \"value\": \"7126_10\"}, \"6331_10\": {\"frequency\": 1, \"value\": \"6331_10\"}, \"5403_1\": {\"frequency\": 1, \"value\": \"5403_1\"}, \"3314_1\": {\"frequency\": 1, \"value\": \"3314_1\"}, \"11055_10\": {\"frequency\": 1, \"value\": \"11055_10\"}, \"9636_7\": {\"frequency\": 1, \"value\": \"9636_7\"}, \"6154_10\": {\"frequency\": 1, \"value\": \"6154_10\"}, \"3354_2\": {\"frequency\": 1, \"value\": \"3354_2\"}, \"4887_10\": {\"frequency\": 1, \"value\": \"4887_10\"}, \"4421_4\": {\"frequency\": 1, \"value\": \"4421_4\"}, \"11036_8\": {\"frequency\": 1, \"value\": \"11036_8\"}, \"10961_9\": {\"frequency\": 1, \"value\": \"10961_9\"}, \"4180_3\": {\"frequency\": 1, \"value\": \"4180_3\"}, \"7067_7\": {\"frequency\": 1, \"value\": \"7067_7\"}, \"10967_4\": {\"frequency\": 1, \"value\": \"10967_4\"}, \"1376_1\": {\"frequency\": 1, \"value\": \"1376_1\"}, \"3310_8\": {\"frequency\": 1, \"value\": \"3310_8\"}, \"4227_1\": {\"frequency\": 1, \"value\": \"4227_1\"}, \"3391_3\": {\"frequency\": 1, \"value\": \"3391_3\"}, \"5720_10\": {\"frequency\": 1, \"value\": \"5720_10\"}, \"8428_7\": {\"frequency\": 1, \"value\": \"8428_7\"}, \"2490_8\": {\"frequency\": 1, \"value\": \"2490_8\"}, \"8492_1\": {\"frequency\": 1, \"value\": \"8492_1\"}, \"10677_3\": {\"frequency\": 1, \"value\": \"10677_3\"}, \"5058_1\": {\"frequency\": 1, \"value\": \"5058_1\"}, \"6126_10\": {\"frequency\": 1, \"value\": \"6126_10\"}, \"8461_7\": {\"frequency\": 1, \"value\": \"8461_7\"}, \"1683_1\": {\"frequency\": 1, \"value\": \"1683_1\"}, \"4560_4\": {\"frequency\": 1, \"value\": \"4560_4\"}, \"1932_10\": {\"frequency\": 1, \"value\": \"1932_10\"}, \"1874_10\": {\"frequency\": 1, \"value\": \"1874_10\"}, \"10976_1\": {\"frequency\": 1, \"value\": \"10976_1\"}, \"3304_10\": {\"frequency\": 1, \"value\": \"3304_10\"}, \"4738_7\": {\"frequency\": 1, \"value\": \"4738_7\"}, \"4195_3\": {\"frequency\": 1, \"value\": \"4195_3\"}, \"3659_3\": {\"frequency\": 1, \"value\": \"3659_3\"}, \"3233_1\": {\"frequency\": 1, \"value\": \"3233_1\"}, \"2783_8\": {\"frequency\": 1, \"value\": \"2783_8\"}, \"8299_1\": {\"frequency\": 1, \"value\": \"8299_1\"}, \"2880_8\": {\"frequency\": 1, \"value\": \"2880_8\"}, \"11250_9\": {\"frequency\": 1, \"value\": \"11250_9\"}, \"8772_8\": {\"frequency\": 1, \"value\": \"8772_8\"}, \"2395_7\": {\"frequency\": 1, \"value\": \"2395_7\"}, \"2181_1\": {\"frequency\": 1, \"value\": \"2181_1\"}, \"7934_3\": {\"frequency\": 1, \"value\": \"7934_3\"}, \"2230_10\": {\"frequency\": 1, \"value\": \"2230_10\"}, \"5090_4\": {\"frequency\": 1, \"value\": \"5090_4\"}, \"12419_1\": {\"frequency\": 1, \"value\": \"12419_1\"}, \"4800_7\": {\"frequency\": 1, \"value\": \"4800_7\"}, \"5852_7\": {\"frequency\": 1, \"value\": \"5852_7\"}, \"7459_1\": {\"frequency\": 1, \"value\": \"7459_1\"}, \"4809_3\": {\"frequency\": 1, \"value\": \"4809_3\"}, \"12296_3\": {\"frequency\": 1, \"value\": \"12296_3\"}, \"899_7\": {\"frequency\": 1, \"value\": \"899_7\"}, \"12029_4\": {\"frequency\": 1, \"value\": \"12029_4\"}, \"4446_10\": {\"frequency\": 1, \"value\": \"4446_10\"}, \"4772_3\": {\"frequency\": 1, \"value\": \"4772_3\"}, \"4802_8\": {\"frequency\": 2, \"value\": \"4802_8\"}, \"2399_7\": {\"frequency\": 1, \"value\": \"2399_7\"}, \"11220_10\": {\"frequency\": 1, \"value\": \"11220_10\"}, \"669_7\": {\"frequency\": 1, \"value\": \"669_7\"}, \"4302_2\": {\"frequency\": 2, \"value\": \"4302_2\"}, \"9110_8\": {\"frequency\": 1, \"value\": \"9110_8\"}, \"6157_2\": {\"frequency\": 1, \"value\": \"6157_2\"}, \"8254_1\": {\"frequency\": 1, \"value\": \"8254_1\"}, \"10320_2\": {\"frequency\": 1, \"value\": \"10320_2\"}, \"12158_3\": {\"frequency\": 1, \"value\": \"12158_3\"}, \"8722_1\": {\"frequency\": 1, \"value\": \"8722_1\"}, \"6308_1\": {\"frequency\": 1, \"value\": \"6308_1\"}, \"9285_10\": {\"frequency\": 1, \"value\": \"9285_10\"}, \"9604_10\": {\"frequency\": 1, \"value\": \"9604_10\"}, \"11601_8\": {\"frequency\": 1, \"value\": \"11601_8\"}, \"2487_10\": {\"frequency\": 1, \"value\": \"2487_10\"}, \"5917_4\": {\"frequency\": 1, \"value\": \"5917_4\"}, \"5639_7\": {\"frequency\": 1, \"value\": \"5639_7\"}, \"6609_1\": {\"frequency\": 1, \"value\": \"6609_1\"}, \"8421_10\": {\"frequency\": 1, \"value\": \"8421_10\"}, \"1268_7\": {\"frequency\": 1, \"value\": \"1268_7\"}, \"665_9\": {\"frequency\": 1, \"value\": \"665_9\"}, \"11936_7\": {\"frequency\": 1, \"value\": \"11936_7\"}, \"8549_8\": {\"frequency\": 1, \"value\": \"8549_8\"}, \"5882_9\": {\"frequency\": 1, \"value\": \"5882_9\"}, \"4388_2\": {\"frequency\": 1, \"value\": \"4388_2\"}, \"8278_10\": {\"frequency\": 1, \"value\": \"8278_10\"}, \"3285_10\": {\"frequency\": 1, \"value\": \"3285_10\"}, \"8542_9\": {\"frequency\": 1, \"value\": \"8542_9\"}, \"7874_8\": {\"frequency\": 1, \"value\": \"7874_8\"}, \"8542_2\": {\"frequency\": 1, \"value\": \"8542_2\"}, \"7717_2\": {\"frequency\": 1, \"value\": \"7717_2\"}, \"4044_9\": {\"frequency\": 1, \"value\": \"4044_9\"}, \"8544_9\": {\"frequency\": 1, \"value\": \"8544_9\"}, \"4198_1\": {\"frequency\": 2, \"value\": \"4198_1\"}, \"11154_2\": {\"frequency\": 1, \"value\": \"11154_2\"}, \"1002_7\": {\"frequency\": 1, \"value\": \"1002_7\"}, \"5915_7\": {\"frequency\": 1, \"value\": \"5915_7\"}, \"9098_10\": {\"frequency\": 1, \"value\": \"9098_10\"}, \"5548_7\": {\"frequency\": 1, \"value\": \"5548_7\"}, \"270_10\": {\"frequency\": 1, \"value\": \"270_10\"}, \"8252_9\": {\"frequency\": 1, \"value\": \"8252_9\"}, \"4775_7\": {\"frequency\": 1, \"value\": \"4775_7\"}, \"7559_1\": {\"frequency\": 1, \"value\": \"7559_1\"}, \"3432_8\": {\"frequency\": 1, \"value\": \"3432_8\"}, \"952_3\": {\"frequency\": 1, \"value\": \"952_3\"}, \"8501_8\": {\"frequency\": 1, \"value\": \"8501_8\"}, \"1047_2\": {\"frequency\": 1, \"value\": \"1047_2\"}, \"10844_9\": {\"frequency\": 1, \"value\": \"10844_9\"}, \"873_1\": {\"frequency\": 1, \"value\": \"873_1\"}, \"11578_1\": {\"frequency\": 1, \"value\": \"11578_1\"}, \"624_2\": {\"frequency\": 1, \"value\": \"624_2\"}, \"5151_8\": {\"frequency\": 1, \"value\": \"5151_8\"}, \"2138_4\": {\"frequency\": 1, \"value\": \"2138_4\"}, \"1335_4\": {\"frequency\": 1, \"value\": \"1335_4\"}, \"5956_3\": {\"frequency\": 1, \"value\": \"5956_3\"}, \"8157_4\": {\"frequency\": 1, \"value\": \"8157_4\"}, \"4031_4\": {\"frequency\": 1, \"value\": \"4031_4\"}, \"3088_8\": {\"frequency\": 1, \"value\": \"3088_8\"}, \"12346_10\": {\"frequency\": 1, \"value\": \"12346_10\"}, \"4848_4\": {\"frequency\": 1, \"value\": \"4848_4\"}, \"8155_1\": {\"frequency\": 1, \"value\": \"8155_1\"}, \"8627_4\": {\"frequency\": 1, \"value\": \"8627_4\"}, \"10043_1\": {\"frequency\": 1, \"value\": \"10043_1\"}, \"4962_1\": {\"frequency\": 1, \"value\": \"4962_1\"}, \"2031_1\": {\"frequency\": 1, \"value\": \"2031_1\"}, \"5153_4\": {\"frequency\": 1, \"value\": \"5153_4\"}, \"5956_9\": {\"frequency\": 1, \"value\": \"5956_9\"}, \"1041_1\": {\"frequency\": 1, \"value\": \"1041_1\"}, \"11229_10\": {\"frequency\": 1, \"value\": \"11229_10\"}, \"7529_10\": {\"frequency\": 1, \"value\": \"7529_10\"}, \"7592_9\": {\"frequency\": 2, \"value\": \"7592_9\"}, \"650_1\": {\"frequency\": 1, \"value\": \"650_1\"}, \"5364_3\": {\"frequency\": 1, \"value\": \"5364_3\"}, \"6009_10\": {\"frequency\": 1, \"value\": \"6009_10\"}, \"11980_4\": {\"frequency\": 1, \"value\": \"11980_4\"}, \"116_1\": {\"frequency\": 1, \"value\": \"116_1\"}, \"7870_1\": {\"frequency\": 1, \"value\": \"7870_1\"}, \"7834_8\": {\"frequency\": 1, \"value\": \"7834_8\"}, \"2741_2\": {\"frequency\": 1, \"value\": \"2741_2\"}, \"1503_9\": {\"frequency\": 1, \"value\": \"1503_9\"}, \"2123_10\": {\"frequency\": 1, \"value\": \"2123_10\"}, \"11005_10\": {\"frequency\": 1, \"value\": \"11005_10\"}, \"4087_2\": {\"frequency\": 1, \"value\": \"4087_2\"}, \"9726_7\": {\"frequency\": 1, \"value\": \"9726_7\"}, \"11975_1\": {\"frequency\": 1, \"value\": \"11975_1\"}, \"5583_8\": {\"frequency\": 1, \"value\": \"5583_8\"}, \"12209_2\": {\"frequency\": 1, \"value\": \"12209_2\"}, \"6651_1\": {\"frequency\": 1, \"value\": \"6651_1\"}, \"25_1\": {\"frequency\": 1, \"value\": \"25_1\"}, \"526_2\": {\"frequency\": 1, \"value\": \"526_2\"}, \"4697_7\": {\"frequency\": 1, \"value\": \"4697_7\"}, \"3074_1\": {\"frequency\": 1, \"value\": \"3074_1\"}, \"10460_3\": {\"frequency\": 1, \"value\": \"10460_3\"}, \"5791_9\": {\"frequency\": 1, \"value\": \"5791_9\"}, \"4923_7\": {\"frequency\": 1, \"value\": \"4923_7\"}, \"10602_10\": {\"frequency\": 1, \"value\": \"10602_10\"}, \"6696_4\": {\"frequency\": 1, \"value\": \"6696_4\"}, \"4891_1\": {\"frequency\": 1, \"value\": \"4891_1\"}, \"3306_4\": {\"frequency\": 1, \"value\": \"3306_4\"}, \"9973_4\": {\"frequency\": 1, \"value\": \"9973_4\"}, \"98_10\": {\"frequency\": 1, \"value\": \"98_10\"}, \"11898_4\": {\"frequency\": 1, \"value\": \"11898_4\"}, \"5504_1\": {\"frequency\": 1, \"value\": \"5504_1\"}, \"5991_1\": {\"frequency\": 1, \"value\": \"5991_1\"}, \"7727_3\": {\"frequency\": 1, \"value\": \"7727_3\"}, \"5543_2\": {\"frequency\": 1, \"value\": \"5543_2\"}, \"10881_7\": {\"frequency\": 1, \"value\": \"10881_7\"}, \"7129_10\": {\"frequency\": 1, \"value\": \"7129_10\"}, \"4268_1\": {\"frequency\": 1, \"value\": \"4268_1\"}, \"3939_7\": {\"frequency\": 1, \"value\": \"3939_7\"}, \"7610_9\": {\"frequency\": 1, \"value\": \"7610_9\"}, \"6471_2\": {\"frequency\": 1, \"value\": \"6471_2\"}, \"8051_2\": {\"frequency\": 1, \"value\": \"8051_2\"}, \"2951_8\": {\"frequency\": 1, \"value\": \"2951_8\"}, \"9830_7\": {\"frequency\": 1, \"value\": \"9830_7\"}, \"777_2\": {\"frequency\": 1, \"value\": \"777_2\"}, \"1805_1\": {\"frequency\": 1, \"value\": \"1805_1\"}, \"6586_10\": {\"frequency\": 1, \"value\": \"6586_10\"}, \"8688_1\": {\"frequency\": 1, \"value\": \"8688_1\"}, \"11616_8\": {\"frequency\": 1, \"value\": \"11616_8\"}, \"12171_7\": {\"frequency\": 1, \"value\": \"12171_7\"}, \"7147_10\": {\"frequency\": 1, \"value\": \"7147_10\"}, \"4953_8\": {\"frequency\": 1, \"value\": \"4953_8\"}, \"11824_1\": {\"frequency\": 1, \"value\": \"11824_1\"}, \"9769_2\": {\"frequency\": 1, \"value\": \"9769_2\"}, \"8990_10\": {\"frequency\": 1, \"value\": \"8990_10\"}, \"12421_10\": {\"frequency\": 1, \"value\": \"12421_10\"}, \"10768_7\": {\"frequency\": 1, \"value\": \"10768_7\"}, \"272_2\": {\"frequency\": 1, \"value\": \"272_2\"}, \"6107_7\": {\"frequency\": 1, \"value\": \"6107_7\"}, \"6029_1\": {\"frequency\": 1, \"value\": \"6029_1\"}, \"5037_10\": {\"frequency\": 1, \"value\": \"5037_10\"}, \"9720_2\": {\"frequency\": 1, \"value\": \"9720_2\"}, \"3970_7\": {\"frequency\": 1, \"value\": \"3970_7\"}, \"2951_1\": {\"frequency\": 1, \"value\": \"2951_1\"}, \"9087_1\": {\"frequency\": 1, \"value\": \"9087_1\"}, \"279_1\": {\"frequency\": 1, \"value\": \"279_1\"}, \"6920_2\": {\"frequency\": 1, \"value\": \"6920_2\"}, \"11336_4\": {\"frequency\": 1, \"value\": \"11336_4\"}, \"9506_1\": {\"frequency\": 1, \"value\": \"9506_1\"}, \"11641_1\": {\"frequency\": 1, \"value\": \"11641_1\"}, \"8499_9\": {\"frequency\": 1, \"value\": \"8499_9\"}, \"11643_2\": {\"frequency\": 2, \"value\": \"11643_2\"}, \"3174_4\": {\"frequency\": 1, \"value\": \"3174_4\"}, \"12251_3\": {\"frequency\": 1, \"value\": \"12251_3\"}, \"3832_4\": {\"frequency\": 1, \"value\": \"3832_4\"}, \"2486_3\": {\"frequency\": 1, \"value\": \"2486_3\"}, \"5172_9\": {\"frequency\": 1, \"value\": \"5172_9\"}, \"8115_1\": {\"frequency\": 1, \"value\": \"8115_1\"}, \"1642_10\": {\"frequency\": 1, \"value\": \"1642_10\"}, \"3210_3\": {\"frequency\": 1, \"value\": \"3210_3\"}, \"2286_10\": {\"frequency\": 1, \"value\": \"2286_10\"}, \"1767_8\": {\"frequency\": 1, \"value\": \"1767_8\"}, \"12295_9\": {\"frequency\": 1, \"value\": \"12295_9\"}, \"6253_2\": {\"frequency\": 1, \"value\": \"6253_2\"}, \"9085_1\": {\"frequency\": 1, \"value\": \"9085_1\"}, \"11911_10\": {\"frequency\": 1, \"value\": \"11911_10\"}, \"951_2\": {\"frequency\": 1, \"value\": \"951_2\"}, \"12295_3\": {\"frequency\": 1, \"value\": \"12295_3\"}, \"1229_8\": {\"frequency\": 1, \"value\": \"1229_8\"}, \"10548_3\": {\"frequency\": 1, \"value\": \"10548_3\"}, \"8111_3\": {\"frequency\": 1, \"value\": \"8111_3\"}, \"6616_7\": {\"frequency\": 1, \"value\": \"6616_7\"}, \"150_8\": {\"frequency\": 1, \"value\": \"150_8\"}, \"9875_7\": {\"frequency\": 1, \"value\": \"9875_7\"}, \"1990_10\": {\"frequency\": 1, \"value\": \"1990_10\"}, \"5996_3\": {\"frequency\": 1, \"value\": \"5996_3\"}, \"4032_4\": {\"frequency\": 1, \"value\": \"4032_4\"}, \"3876_8\": {\"frequency\": 1, \"value\": \"3876_8\"}, \"4466_2\": {\"frequency\": 1, \"value\": \"4466_2\"}, \"10426_9\": {\"frequency\": 1, \"value\": \"10426_9\"}, \"1373_2\": {\"frequency\": 1, \"value\": \"1373_2\"}, \"3121_4\": {\"frequency\": 1, \"value\": \"3121_4\"}, \"9454_1\": {\"frequency\": 1, \"value\": \"9454_1\"}, \"787_4\": {\"frequency\": 1, \"value\": \"787_4\"}, \"5440_2\": {\"frequency\": 1, \"value\": \"5440_2\"}, \"4951_8\": {\"frequency\": 1, \"value\": \"4951_8\"}, \"7698_1\": {\"frequency\": 1, \"value\": \"7698_1\"}, \"11999_3\": {\"frequency\": 1, \"value\": \"11999_3\"}, \"9391_8\": {\"frequency\": 1, \"value\": \"9391_8\"}, \"9901_2\": {\"frequency\": 1, \"value\": \"9901_2\"}, \"5200_1\": {\"frequency\": 1, \"value\": \"5200_1\"}, \"12481_8\": {\"frequency\": 1, \"value\": \"12481_8\"}, \"8210_7\": {\"frequency\": 1, \"value\": \"8210_7\"}, \"473_1\": {\"frequency\": 1, \"value\": \"473_1\"}, \"6184_4\": {\"frequency\": 1, \"value\": \"6184_4\"}, \"11241_1\": {\"frequency\": 1, \"value\": \"11241_1\"}, \"10466_8\": {\"frequency\": 1, \"value\": \"10466_8\"}, \"9907_4\": {\"frequency\": 1, \"value\": \"9907_4\"}, \"3951_2\": {\"frequency\": 1, \"value\": \"3951_2\"}, \"10422_7\": {\"frequency\": 1, \"value\": \"10422_7\"}, \"4969_7\": {\"frequency\": 1, \"value\": \"4969_7\"}, \"577_8\": {\"frequency\": 1, \"value\": \"577_8\"}, \"783_1\": {\"frequency\": 1, \"value\": \"783_1\"}, \"4415_10\": {\"frequency\": 1, \"value\": \"4415_10\"}, \"9395_2\": {\"frequency\": 1, \"value\": \"9395_2\"}, \"8622_1\": {\"frequency\": 1, \"value\": \"8622_1\"}, \"408_2\": {\"frequency\": 1, \"value\": \"408_2\"}, \"8658_1\": {\"frequency\": 1, \"value\": \"8658_1\"}, \"781_9\": {\"frequency\": 1, \"value\": \"781_9\"}, \"6064_3\": {\"frequency\": 1, \"value\": \"6064_3\"}, \"2500_1\": {\"frequency\": 1, \"value\": \"2500_1\"}, \"11968_10\": {\"frequency\": 1, \"value\": \"11968_10\"}, \"2804_4\": {\"frequency\": 1, \"value\": \"2804_4\"}, \"1891_8\": {\"frequency\": 1, \"value\": \"1891_8\"}, \"2887_1\": {\"frequency\": 2, \"value\": \"2887_1\"}, \"3160_1\": {\"frequency\": 1, \"value\": \"3160_1\"}, \"8349_10\": {\"frequency\": 1, \"value\": \"8349_10\"}, \"8297_1\": {\"frequency\": 1, \"value\": \"8297_1\"}, \"5289_3\": {\"frequency\": 1, \"value\": \"5289_3\"}, \"11057_3\": {\"frequency\": 1, \"value\": \"11057_3\"}, \"12157_9\": {\"frequency\": 1, \"value\": \"12157_9\"}, \"12198_3\": {\"frequency\": 1, \"value\": \"12198_3\"}, \"2545_8\": {\"frequency\": 1, \"value\": \"2545_8\"}, \"10268_9\": {\"frequency\": 1, \"value\": \"10268_9\"}, \"1844_8\": {\"frequency\": 1, \"value\": \"1844_8\"}, \"11286_1\": {\"frequency\": 1, \"value\": \"11286_1\"}, \"7613_9\": {\"frequency\": 1, \"value\": \"7613_9\"}, \"9772_10\": {\"frequency\": 1, \"value\": \"9772_10\"}, \"10137_1\": {\"frequency\": 1, \"value\": \"10137_1\"}, \"3847_4\": {\"frequency\": 1, \"value\": \"3847_4\"}, \"3170_9\": {\"frequency\": 1, \"value\": \"3170_9\"}, \"3736_2\": {\"frequency\": 1, \"value\": \"3736_2\"}, \"2729_4\": {\"frequency\": 1, \"value\": \"2729_4\"}, \"1563_10\": {\"frequency\": 1, \"value\": \"1563_10\"}, \"12485_8\": {\"frequency\": 1, \"value\": \"12485_8\"}, \"5204_8\": {\"frequency\": 1, \"value\": \"5204_8\"}, \"9629_8\": {\"frequency\": 1, \"value\": \"9629_8\"}, \"3841_1\": {\"frequency\": 1, \"value\": \"3841_1\"}, \"8158_2\": {\"frequency\": 1, \"value\": \"8158_2\"}, \"2548_1\": {\"frequency\": 1, \"value\": \"2548_1\"}, \"10601_3\": {\"frequency\": 1, \"value\": \"10601_3\"}, \"1263_3\": {\"frequency\": 1, \"value\": \"1263_3\"}, \"845_7\": {\"frequency\": 1, \"value\": \"845_7\"}, \"536_10\": {\"frequency\": 1, \"value\": \"536_10\"}, \"11147_2\": {\"frequency\": 1, \"value\": \"11147_2\"}, \"4170_1\": {\"frequency\": 1, \"value\": \"4170_1\"}, \"3350_3\": {\"frequency\": 1, \"value\": \"3350_3\"}, \"11017_4\": {\"frequency\": 1, \"value\": \"11017_4\"}, \"3773_1\": {\"frequency\": 1, \"value\": \"3773_1\"}, \"11447_1\": {\"frequency\": 1, \"value\": \"11447_1\"}, \"11608_1\": {\"frequency\": 1, \"value\": \"11608_1\"}, \"7151_2\": {\"frequency\": 1, \"value\": \"7151_2\"}, \"8611_3\": {\"frequency\": 1, \"value\": \"8611_3\"}, \"4109_10\": {\"frequency\": 1, \"value\": \"4109_10\"}, \"7399_10\": {\"frequency\": 1, \"value\": \"7399_10\"}, \"10921_3\": {\"frequency\": 1, \"value\": \"10921_3\"}, \"1261_8\": {\"frequency\": 1, \"value\": \"1261_8\"}, \"11445_7\": {\"frequency\": 1, \"value\": \"11445_7\"}, \"6303_1\": {\"frequency\": 1, \"value\": \"6303_1\"}, \"11445_3\": {\"frequency\": 1, \"value\": \"11445_3\"}, \"8613_7\": {\"frequency\": 1, \"value\": \"8613_7\"}, \"2723_7\": {\"frequency\": 1, \"value\": \"2723_7\"}, \"5899_3\": {\"frequency\": 1, \"value\": \"5899_3\"}, \"11230_1\": {\"frequency\": 1, \"value\": \"11230_1\"}, \"7972_1\": {\"frequency\": 1, \"value\": \"7972_1\"}, \"11232_1\": {\"frequency\": 1, \"value\": \"11232_1\"}, \"7635_10\": {\"frequency\": 1, \"value\": \"7635_10\"}, \"9041_1\": {\"frequency\": 1, \"value\": \"9041_1\"}, \"3162_8\": {\"frequency\": 1, \"value\": \"3162_8\"}, \"8615_2\": {\"frequency\": 1, \"value\": \"8615_2\"}, \"7114_4\": {\"frequency\": 1, \"value\": \"7114_4\"}, \"6751_1\": {\"frequency\": 1, \"value\": \"6751_1\"}, \"5774_1\": {\"frequency\": 1, \"value\": \"5774_1\"}, \"3199_2\": {\"frequency\": 1, \"value\": \"3199_2\"}, \"5168_1\": {\"frequency\": 1, \"value\": \"5168_1\"}, \"10078_1\": {\"frequency\": 1, \"value\": \"10078_1\"}, \"7565_1\": {\"frequency\": 1, \"value\": \"7565_1\"}, \"1806_8\": {\"frequency\": 1, \"value\": \"1806_8\"}, \"10078_8\": {\"frequency\": 1, \"value\": \"10078_8\"}, \"7112_4\": {\"frequency\": 1, \"value\": \"7112_4\"}, \"9947_1\": {\"frequency\": 1, \"value\": \"9947_1\"}, \"1971_1\": {\"frequency\": 1, \"value\": \"1971_1\"}, \"3223_3\": {\"frequency\": 1, \"value\": \"3223_3\"}, \"9073_10\": {\"frequency\": 1, \"value\": \"9073_10\"}, \"3498_10\": {\"frequency\": 1, \"value\": \"3498_10\"}, \"8814_4\": {\"frequency\": 1, \"value\": \"8814_4\"}, \"4153_1\": {\"frequency\": 1, \"value\": \"4153_1\"}, \"3776_4\": {\"frequency\": 1, \"value\": \"3776_4\"}, \"463_4\": {\"frequency\": 1, \"value\": \"463_4\"}, \"8553_7\": {\"frequency\": 1, \"value\": \"8553_7\"}, \"1846_3\": {\"frequency\": 1, \"value\": \"1846_3\"}, \"7942_10\": {\"frequency\": 1, \"value\": \"7942_10\"}, \"10136_7\": {\"frequency\": 1, \"value\": \"10136_7\"}, \"9657_10\": {\"frequency\": 1, \"value\": \"9657_10\"}, \"5601_4\": {\"frequency\": 1, \"value\": \"5601_4\"}, \"9943_1\": {\"frequency\": 1, \"value\": \"9943_1\"}, \"12322_4\": {\"frequency\": 1, \"value\": \"12322_4\"}, \"857_8\": {\"frequency\": 1, \"value\": \"857_8\"}, \"7563_1\": {\"frequency\": 1, \"value\": \"7563_1\"}, \"6710_1\": {\"frequency\": 1, \"value\": \"6710_1\"}, \"762_9\": {\"frequency\": 1, \"value\": \"762_9\"}, \"2222_4\": {\"frequency\": 1, \"value\": \"2222_4\"}, \"3229_3\": {\"frequency\": 1, \"value\": \"3229_3\"}, \"11095_7\": {\"frequency\": 1, \"value\": \"11095_7\"}, \"10012_1\": {\"frequency\": 1, \"value\": \"10012_1\"}, \"5755_1\": {\"frequency\": 1, \"value\": \"5755_1\"}, \"1934_9\": {\"frequency\": 1, \"value\": \"1934_9\"}, \"9296_4\": {\"frequency\": 1, \"value\": \"9296_4\"}, \"11097_2\": {\"frequency\": 1, \"value\": \"11097_2\"}, \"6405_7\": {\"frequency\": 1, \"value\": \"6405_7\"}, \"6716_3\": {\"frequency\": 1, \"value\": \"6716_3\"}, \"1297_8\": {\"frequency\": 1, \"value\": \"1297_8\"}, \"11097_9\": {\"frequency\": 1, \"value\": \"11097_9\"}, \"3260_8\": {\"frequency\": 1, \"value\": \"3260_8\"}, \"656_10\": {\"frequency\": 1, \"value\": \"656_10\"}, \"11959_2\": {\"frequency\": 1, \"value\": \"11959_2\"}, \"8707_10\": {\"frequency\": 1, \"value\": \"8707_10\"}, \"2509_9\": {\"frequency\": 1, \"value\": \"2509_9\"}, \"6403_3\": {\"frequency\": 1, \"value\": \"6403_3\"}, \"11099_4\": {\"frequency\": 1, \"value\": \"11099_4\"}, \"12116_9\": {\"frequency\": 1, \"value\": \"12116_9\"}, \"4026_9\": {\"frequency\": 1, \"value\": \"4026_9\"}, \"9213_3\": {\"frequency\": 1, \"value\": \"9213_3\"}, \"4272_10\": {\"frequency\": 1, \"value\": \"4272_10\"}, \"659_1\": {\"frequency\": 1, \"value\": \"659_1\"}, \"12377_10\": {\"frequency\": 1, \"value\": \"12377_10\"}, \"9290_9\": {\"frequency\": 1, \"value\": \"9290_9\"}, \"12003_10\": {\"frequency\": 1, \"value\": \"12003_10\"}, \"2265_7\": {\"frequency\": 1, \"value\": \"2265_7\"}, \"11764_3\": {\"frequency\": 1, \"value\": \"11764_3\"}, \"572_9\": {\"frequency\": 1, \"value\": \"572_9\"}, \"8999_8\": {\"frequency\": 1, \"value\": \"8999_8\"}, \"3047_7\": {\"frequency\": 1, \"value\": \"3047_7\"}, \"2910_4\": {\"frequency\": 1, \"value\": \"2910_4\"}, \"3003_9\": {\"frequency\": 1, \"value\": \"3003_9\"}, \"690_4\": {\"frequency\": 1, \"value\": \"690_4\"}, \"8377_1\": {\"frequency\": 1, \"value\": \"8377_1\"}, \"9791_9\": {\"frequency\": 1, \"value\": \"9791_9\"}, \"654_10\": {\"frequency\": 1, \"value\": \"654_10\"}, \"60_4\": {\"frequency\": 1, \"value\": \"60_4\"}, \"11188_10\": {\"frequency\": 1, \"value\": \"11188_10\"}, \"4338_10\": {\"frequency\": 1, \"value\": \"4338_10\"}, \"5341_10\": {\"frequency\": 1, \"value\": \"5341_10\"}, \"692_2\": {\"frequency\": 1, \"value\": \"692_2\"}, \"3041_1\": {\"frequency\": 1, \"value\": \"3041_1\"}, \"5794_2\": {\"frequency\": 1, \"value\": \"5794_2\"}, \"11960_8\": {\"frequency\": 1, \"value\": \"11960_8\"}, \"1541_8\": {\"frequency\": 1, \"value\": \"1541_8\"}, \"3675_2\": {\"frequency\": 1, \"value\": \"3675_2\"}, \"692_8\": {\"frequency\": 1, \"value\": \"692_8\"}, \"8330_1\": {\"frequency\": 1, \"value\": \"8330_1\"}, \"12119_7\": {\"frequency\": 1, \"value\": \"12119_7\"}, \"11962_7\": {\"frequency\": 1, \"value\": \"11962_7\"}, \"12119_3\": {\"frequency\": 1, \"value\": \"12119_3\"}, \"9520_4\": {\"frequency\": 1, \"value\": \"9520_4\"}, \"8375_1\": {\"frequency\": 1, \"value\": \"8375_1\"}, \"3091_10\": {\"frequency\": 1, \"value\": \"3091_10\"}, \"7002_10\": {\"frequency\": 1, \"value\": \"7002_10\"}, \"2445_10\": {\"frequency\": 1, \"value\": \"2445_10\"}, \"3043_8\": {\"frequency\": 1, \"value\": \"3043_8\"}, \"5129_1\": {\"frequency\": 1, \"value\": \"5129_1\"}, \"8055_3\": {\"frequency\": 1, \"value\": \"8055_3\"}, \"1583_8\": {\"frequency\": 1, \"value\": \"1583_8\"}, \"6353_10\": {\"frequency\": 1, \"value\": \"6353_10\"}, \"9219_2\": {\"frequency\": 1, \"value\": \"9219_2\"}, \"10877_1\": {\"frequency\": 1, \"value\": \"10877_1\"}, \"8606_2\": {\"frequency\": 1, \"value\": \"8606_2\"}, \"12039_10\": {\"frequency\": 1, \"value\": \"12039_10\"}, \"1802_2\": {\"frequency\": 1, \"value\": \"1802_2\"}, \"223_9\": {\"frequency\": 1, \"value\": \"223_9\"}, \"8919_2\": {\"frequency\": 2, \"value\": \"8919_2\"}, \"10831_7\": {\"frequency\": 1, \"value\": \"10831_7\"}, \"8636_7\": {\"frequency\": 1, \"value\": \"8636_7\"}, \"7332_7\": {\"frequency\": 1, \"value\": \"7332_7\"}, \"4904_10\": {\"frequency\": 1, \"value\": \"4904_10\"}, \"9528_9\": {\"frequency\": 1, \"value\": \"9528_9\"}, \"5717_4\": {\"frequency\": 1, \"value\": \"5717_4\"}, \"10498_10\": {\"frequency\": 1, \"value\": \"10498_10\"}, \"9844_1\": {\"frequency\": 1, \"value\": \"9844_1\"}, \"1970_4\": {\"frequency\": 1, \"value\": \"1970_4\"}, \"4236_3\": {\"frequency\": 1, \"value\": \"4236_3\"}, \"5717_9\": {\"frequency\": 1, \"value\": \"5717_9\"}, \"3630_4\": {\"frequency\": 1, \"value\": \"3630_4\"}, \"1939_1\": {\"frequency\": 1, \"value\": \"1939_1\"}, \"6578_3\": {\"frequency\": 1, \"value\": \"6578_3\"}, \"109_10\": {\"frequency\": 1, \"value\": \"109_10\"}, \"7019_7\": {\"frequency\": 1, \"value\": \"7019_7\"}, \"7442_4\": {\"frequency\": 1, \"value\": \"7442_4\"}, \"1156_2\": {\"frequency\": 1, \"value\": \"1156_2\"}, \"10071_9\": {\"frequency\": 1, \"value\": \"10071_9\"}, \"11141_1\": {\"frequency\": 1, \"value\": \"11141_1\"}, \"9033_4\": {\"frequency\": 1, \"value\": \"9033_4\"}, \"10580_4\": {\"frequency\": 1, \"value\": \"10580_4\"}, \"7527_4\": {\"frequency\": 1, \"value\": \"7527_4\"}, \"6092_8\": {\"frequency\": 1, \"value\": \"6092_8\"}, \"5617_2\": {\"frequency\": 1, \"value\": \"5617_2\"}, \"1013_9\": {\"frequency\": 2, \"value\": \"1013_9\"}, \"1467_3\": {\"frequency\": 1, \"value\": \"1467_3\"}, \"2774_10\": {\"frequency\": 1, \"value\": \"2774_10\"}, \"4992_7\": {\"frequency\": 1, \"value\": \"4992_7\"}, \"7586_10\": {\"frequency\": 1, \"value\": \"7586_10\"}, \"4992_4\": {\"frequency\": 1, \"value\": \"4992_4\"}, \"5009_9\": {\"frequency\": 1, \"value\": \"5009_9\"}, \"5812_9\": {\"frequency\": 1, \"value\": \"5812_9\"}, \"7525_7\": {\"frequency\": 1, \"value\": \"7525_7\"}, \"10464_1\": {\"frequency\": 1, \"value\": \"10464_1\"}, \"7403_3\": {\"frequency\": 1, \"value\": \"7403_3\"}, \"2090_10\": {\"frequency\": 1, \"value\": \"2090_10\"}, \"9654_10\": {\"frequency\": 1, \"value\": \"9654_10\"}, \"5009_3\": {\"frequency\": 1, \"value\": \"5009_3\"}, \"10105_8\": {\"frequency\": 1, \"value\": \"10105_8\"}, \"10073_4\": {\"frequency\": 1, \"value\": \"10073_4\"}, \"5163_7\": {\"frequency\": 1, \"value\": \"5163_7\"}, \"5750_8\": {\"frequency\": 1, \"value\": \"5750_8\"}, \"12435_8\": {\"frequency\": 1, \"value\": \"12435_8\"}, \"2247_10\": {\"frequency\": 1, \"value\": \"2247_10\"}, \"4412_9\": {\"frequency\": 1, \"value\": \"4412_9\"}, \"7058_4\": {\"frequency\": 1, \"value\": \"7058_4\"}, \"12009_10\": {\"frequency\": 1, \"value\": \"12009_10\"}, \"1885_10\": {\"frequency\": 1, \"value\": \"1885_10\"}, \"9826_1\": {\"frequency\": 1, \"value\": \"9826_1\"}, \"1355_8\": {\"frequency\": 1, \"value\": \"1355_8\"}, \"6505_10\": {\"frequency\": 1, \"value\": \"6505_10\"}, \"7444_2\": {\"frequency\": 1, \"value\": \"7444_2\"}, \"2965_9\": {\"frequency\": 1, \"value\": \"2965_9\"}, \"10378_2\": {\"frequency\": 1, \"value\": \"10378_2\"}, \"8952_3\": {\"frequency\": 1, \"value\": \"8952_3\"}, \"3848_4\": {\"frequency\": 1, \"value\": \"3848_4\"}, \"7905_1\": {\"frequency\": 1, \"value\": \"7905_1\"}, \"2965_2\": {\"frequency\": 1, \"value\": \"2965_2\"}, \"10781_10\": {\"frequency\": 1, \"value\": \"10781_10\"}, \"5699_1\": {\"frequency\": 1, \"value\": \"5699_1\"}, \"8655_1\": {\"frequency\": 1, \"value\": \"8655_1\"}, \"10354_4\": {\"frequency\": 1, \"value\": \"10354_4\"}, \"6521_4\": {\"frequency\": 1, \"value\": \"6521_4\"}, \"11752_10\": {\"frequency\": 1, \"value\": \"11752_10\"}, \"9564_1\": {\"frequency\": 1, \"value\": \"9564_1\"}, \"8992_4\": {\"frequency\": 1, \"value\": \"8992_4\"}, \"8657_1\": {\"frequency\": 1, \"value\": \"8657_1\"}, \"5021_1\": {\"frequency\": 1, \"value\": \"5021_1\"}, \"7440_1\": {\"frequency\": 1, \"value\": \"7440_1\"}, \"8956_1\": {\"frequency\": 1, \"value\": \"8956_1\"}, \"4968_10\": {\"frequency\": 1, \"value\": \"4968_10\"}, \"8651_1\": {\"frequency\": 1, \"value\": \"8651_1\"}, \"4893_10\": {\"frequency\": 1, \"value\": \"4893_10\"}, \"1883_7\": {\"frequency\": 1, \"value\": \"1883_7\"}, \"3272_8\": {\"frequency\": 1, \"value\": \"3272_8\"}, \"11084_10\": {\"frequency\": 1, \"value\": \"11084_10\"}, \"379_2\": {\"frequency\": 1, \"value\": \"379_2\"}, \"2560_7\": {\"frequency\": 1, \"value\": \"2560_7\"}, \"6785_8\": {\"frequency\": 1, \"value\": \"6785_8\"}, \"5333_10\": {\"frequency\": 1, \"value\": \"5333_10\"}, \"236_1\": {\"frequency\": 1, \"value\": \"236_1\"}, \"3326_4\": {\"frequency\": 1, \"value\": \"3326_4\"}, \"6785_1\": {\"frequency\": 1, \"value\": \"6785_1\"}, \"8109_2\": {\"frequency\": 1, \"value\": \"8109_2\"}, \"5610_7\": {\"frequency\": 1, \"value\": \"5610_7\"}, \"7381_1\": {\"frequency\": 1, \"value\": \"7381_1\"}, \"4760_7\": {\"frequency\": 1, \"value\": \"4760_7\"}, \"2126_10\": {\"frequency\": 1, \"value\": \"2126_10\"}, \"5280_8\": {\"frequency\": 1, \"value\": \"5280_8\"}, \"7336_2\": {\"frequency\": 1, \"value\": \"7336_2\"}, \"3842_3\": {\"frequency\": 1, \"value\": \"3842_3\"}, \"234_1\": {\"frequency\": 1, \"value\": \"234_1\"}, \"1218_8\": {\"frequency\": 1, \"value\": \"1218_8\"}, \"2285_1\": {\"frequency\": 1, \"value\": \"2285_1\"}, \"7681_9\": {\"frequency\": 1, \"value\": \"7681_9\"}, \"10484_8\": {\"frequency\": 1, \"value\": \"10484_8\"}, \"12059_9\": {\"frequency\": 1, \"value\": \"12059_9\"}, \"9443_4\": {\"frequency\": 1, \"value\": \"9443_4\"}, \"769_1\": {\"frequency\": 1, \"value\": \"769_1\"}, \"11596_10\": {\"frequency\": 1, \"value\": \"11596_10\"}, \"2039_2\": {\"frequency\": 1, \"value\": \"2039_2\"}, \"1420_8\": {\"frequency\": 1, \"value\": \"1420_8\"}, \"12069_10\": {\"frequency\": 1, \"value\": \"12069_10\"}, \"4612_1\": {\"frequency\": 1, \"value\": \"4612_1\"}, \"9194_1\": {\"frequency\": 1, \"value\": \"9194_1\"}, \"10973_4\": {\"frequency\": 1, \"value\": \"10973_4\"}, \"4899_10\": {\"frequency\": 1, \"value\": \"4899_10\"}, \"1335_10\": {\"frequency\": 1, \"value\": \"1335_10\"}, \"9038_1\": {\"frequency\": 1, \"value\": \"9038_1\"}, \"7481_1\": {\"frequency\": 1, \"value\": \"7481_1\"}, \"4955_3\": {\"frequency\": 1, \"value\": \"4955_3\"}, \"413_3\": {\"frequency\": 1, \"value\": \"413_3\"}, \"11381_10\": {\"frequency\": 1, \"value\": \"11381_10\"}, \"11405_8\": {\"frequency\": 1, \"value\": \"11405_8\"}, \"2191_10\": {\"frequency\": 1, \"value\": \"2191_10\"}, \"11276_10\": {\"frequency\": 1, \"value\": \"11276_10\"}, \"5653_2\": {\"frequency\": 1, \"value\": \"5653_2\"}, \"2302_9\": {\"frequency\": 1, \"value\": \"2302_9\"}, \"11920_3\": {\"frequency\": 1, \"value\": \"11920_3\"}, \"2260_10\": {\"frequency\": 1, \"value\": \"2260_10\"}, \"5842_1\": {\"frequency\": 1, \"value\": \"5842_1\"}, \"9199_3\": {\"frequency\": 1, \"value\": \"9199_3\"}, \"4375_9\": {\"frequency\": 1, \"value\": \"4375_9\"}, \"6979_10\": {\"frequency\": 1, \"value\": \"6979_10\"}, \"8263_4\": {\"frequency\": 1, \"value\": \"8263_4\"}, \"2348_3\": {\"frequency\": 1, \"value\": \"2348_3\"}, \"6181_9\": {\"frequency\": 1, \"value\": \"6181_9\"}, \"732_7\": {\"frequency\": 1, \"value\": \"732_7\"}, \"529_1\": {\"frequency\": 1, \"value\": \"529_1\"}, \"1373_10\": {\"frequency\": 1, \"value\": \"1373_10\"}, \"7121_10\": {\"frequency\": 1, \"value\": \"7121_10\"}, \"730_7\": {\"frequency\": 1, \"value\": \"730_7\"}, \"8580_9\": {\"frequency\": 1, \"value\": \"8580_9\"}, \"1545_3\": {\"frequency\": 1, \"value\": \"1545_3\"}, \"796_3\": {\"frequency\": 1, \"value\": \"796_3\"}, \"11289_4\": {\"frequency\": 1, \"value\": \"11289_4\"}, \"7286_2\": {\"frequency\": 1, \"value\": \"7286_2\"}, \"2143_4\": {\"frequency\": 2, \"value\": \"2143_4\"}, \"5472_7\": {\"frequency\": 1, \"value\": \"5472_7\"}, \"5649_10\": {\"frequency\": 1, \"value\": \"5649_10\"}, \"11144_8\": {\"frequency\": 1, \"value\": \"11144_8\"}, \"8670_3\": {\"frequency\": 1, \"value\": \"8670_3\"}, \"149_1\": {\"frequency\": 1, \"value\": \"149_1\"}, \"10332_1\": {\"frequency\": 1, \"value\": \"10332_1\"}, \"10871_7\": {\"frequency\": 1, \"value\": \"10871_7\"}, \"12353_1\": {\"frequency\": 1, \"value\": \"12353_1\"}, \"9631_10\": {\"frequency\": 1, \"value\": \"9631_10\"}, \"5093_10\": {\"frequency\": 1, \"value\": \"5093_10\"}, \"2361_10\": {\"frequency\": 1, \"value\": \"2361_10\"}, \"12005_10\": {\"frequency\": 1, \"value\": \"12005_10\"}, \"11469_10\": {\"frequency\": 1, \"value\": \"11469_10\"}, \"2342_1\": {\"frequency\": 1, \"value\": \"2342_1\"}, \"12368_3\": {\"frequency\": 1, \"value\": \"12368_3\"}, \"1980_4\": {\"frequency\": 1, \"value\": \"1980_4\"}, \"3425_8\": {\"frequency\": 1, \"value\": \"3425_8\"}, \"3212_3\": {\"frequency\": 1, \"value\": \"3212_3\"}, \"8912_10\": {\"frequency\": 1, \"value\": \"8912_10\"}, \"11407_7\": {\"frequency\": 1, \"value\": \"11407_7\"}, \"10638_8\": {\"frequency\": 1, \"value\": \"10638_8\"}, \"11740_1\": {\"frequency\": 1, \"value\": \"11740_1\"}, \"1429_1\": {\"frequency\": 1, \"value\": \"1429_1\"}, \"3329_7\": {\"frequency\": 1, \"value\": \"3329_7\"}, \"1098_9\": {\"frequency\": 1, \"value\": \"1098_9\"}, \"9384_8\": {\"frequency\": 1, \"value\": \"9384_8\"}, \"4274_10\": {\"frequency\": 1, \"value\": \"4274_10\"}, \"11924_4\": {\"frequency\": 1, \"value\": \"11924_4\"}, \"4379_8\": {\"frequency\": 1, \"value\": \"4379_8\"}, \"2370_4\": {\"frequency\": 2, \"value\": \"2370_4\"}, \"3256_4\": {\"frequency\": 2, \"value\": \"3256_4\"}, \"9071_1\": {\"frequency\": 1, \"value\": \"9071_1\"}, \"2782_10\": {\"frequency\": 1, \"value\": \"2782_10\"}, \"7948_4\": {\"frequency\": 1, \"value\": \"7948_4\"}, \"4501_7\": {\"frequency\": 1, \"value\": \"4501_7\"}, \"8536_4\": {\"frequency\": 1, \"value\": \"8536_4\"}, \"9384_4\": {\"frequency\": 1, \"value\": \"9384_4\"}, \"9193_10\": {\"frequency\": 1, \"value\": \"9193_10\"}, \"1038_7\": {\"frequency\": 1, \"value\": \"1038_7\"}, \"6458_8\": {\"frequency\": 1, \"value\": \"6458_8\"}, \"3949_8\": {\"frequency\": 1, \"value\": \"3949_8\"}, \"4006_4\": {\"frequency\": 1, \"value\": \"4006_4\"}, \"6263_1\": {\"frequency\": 1, \"value\": \"6263_1\"}, \"5519_9\": {\"frequency\": 1, \"value\": \"5519_9\"}, \"3981_2\": {\"frequency\": 1, \"value\": \"3981_2\"}, \"505_9\": {\"frequency\": 1, \"value\": \"505_9\"}, \"7_7\": {\"frequency\": 1, \"value\": \"7_7\"}, \"929_1\": {\"frequency\": 1, \"value\": \"929_1\"}, \"1059_10\": {\"frequency\": 1, \"value\": \"1059_10\"}, \"4381_10\": {\"frequency\": 1, \"value\": \"4381_10\"}, \"6590_9\": {\"frequency\": 1, \"value\": \"6590_9\"}, \"3585_2\": {\"frequency\": 1, \"value\": \"3585_2\"}, \"1034_7\": {\"frequency\": 1, \"value\": \"1034_7\"}, \"5809_10\": {\"frequency\": 1, \"value\": \"5809_10\"}, \"11363_8\": {\"frequency\": 1, \"value\": \"11363_8\"}, \"6305_10\": {\"frequency\": 1, \"value\": \"6305_10\"}, \"10405_8\": {\"frequency\": 1, \"value\": \"10405_8\"}, \"1889_10\": {\"frequency\": 1, \"value\": \"1889_10\"}, \"10336_8\": {\"frequency\": 1, \"value\": \"10336_8\"}, \"11063_10\": {\"frequency\": 1, \"value\": \"11063_10\"}, \"8288_1\": {\"frequency\": 1, \"value\": \"8288_1\"}, \"11146_8\": {\"frequency\": 1, \"value\": \"11146_8\"}, \"965_10\": {\"frequency\": 1, \"value\": \"965_10\"}, \"3661_10\": {\"frequency\": 1, \"value\": \"3661_10\"}, \"8226_8\": {\"frequency\": 1, \"value\": \"8226_8\"}, \"9984_1\": {\"frequency\": 1, \"value\": \"9984_1\"}, \"6147_1\": {\"frequency\": 1, \"value\": \"6147_1\"}, \"4918_2\": {\"frequency\": 1, \"value\": \"4918_2\"}, \"8226_1\": {\"frequency\": 1, \"value\": \"8226_1\"}, \"8532_4\": {\"frequency\": 1, \"value\": \"8532_4\"}, \"5662_3\": {\"frequency\": 1, \"value\": \"5662_3\"}, \"6731_10\": {\"frequency\": 1, \"value\": \"6731_10\"}, \"2068_8\": {\"frequency\": 1, \"value\": \"2068_8\"}, \"2122_7\": {\"frequency\": 1, \"value\": \"2122_7\"}, \"11044_7\": {\"frequency\": 1, \"value\": \"11044_7\"}, \"9555_4\": {\"frequency\": 1, \"value\": \"9555_4\"}, \"10703_7\": {\"frequency\": 1, \"value\": \"10703_7\"}, \"4588_9\": {\"frequency\": 1, \"value\": \"4588_9\"}, \"9525_1\": {\"frequency\": 1, \"value\": \"9525_1\"}, \"2278_10\": {\"frequency\": 1, \"value\": \"2278_10\"}, \"2163_4\": {\"frequency\": 1, \"value\": \"2163_4\"}, \"6931_3\": {\"frequency\": 1, \"value\": \"6931_3\"}, \"11228_10\": {\"frequency\": 1, \"value\": \"11228_10\"}, \"4954_2\": {\"frequency\": 1, \"value\": \"4954_2\"}, \"8143_1\": {\"frequency\": 1, \"value\": \"8143_1\"}, \"4858_8\": {\"frequency\": 1, \"value\": \"4858_8\"}, \"1989_1\": {\"frequency\": 1, \"value\": \"1989_1\"}, \"12002_10\": {\"frequency\": 1, \"value\": \"12002_10\"}, \"8534_3\": {\"frequency\": 1, \"value\": \"8534_3\"}, \"8422_10\": {\"frequency\": 1, \"value\": \"8422_10\"}, \"4081_10\": {\"frequency\": 1, \"value\": \"4081_10\"}, \"2862_10\": {\"frequency\": 1, \"value\": \"2862_10\"}, \"2570_10\": {\"frequency\": 1, \"value\": \"2570_10\"}, \"5546_4\": {\"frequency\": 1, \"value\": \"5546_4\"}, \"11985_10\": {\"frequency\": 1, \"value\": \"11985_10\"}, \"4003_2\": {\"frequency\": 1, \"value\": \"4003_2\"}, \"2921_2\": {\"frequency\": 1, \"value\": \"2921_2\"}, \"6132_10\": {\"frequency\": 1, \"value\": \"6132_10\"}, \"4626_4\": {\"frequency\": 1, \"value\": \"4626_4\"}, \"7651_1\": {\"frequency\": 1, \"value\": \"7651_1\"}, \"1074_4\": {\"frequency\": 1, \"value\": \"1074_4\"}, \"5514_4\": {\"frequency\": 1, \"value\": \"5514_4\"}, \"3828_3\": {\"frequency\": 1, \"value\": \"3828_3\"}, \"9060_1\": {\"frequency\": 1, \"value\": \"9060_1\"}, \"4919_7\": {\"frequency\": 1, \"value\": \"4919_7\"}, \"3974_4\": {\"frequency\": 1, \"value\": \"3974_4\"}, \"9868_1\": {\"frequency\": 1, \"value\": \"9868_1\"}, \"6236_8\": {\"frequency\": 1, \"value\": \"6236_8\"}, \"320_8\": {\"frequency\": 1, \"value\": \"320_8\"}, \"3974_8\": {\"frequency\": 1, \"value\": \"3974_8\"}, \"5516_7\": {\"frequency\": 1, \"value\": \"5516_7\"}, \"8559_3\": {\"frequency\": 1, \"value\": \"8559_3\"}, \"5554_8\": {\"frequency\": 1, \"value\": \"5554_8\"}, \"5516_3\": {\"frequency\": 1, \"value\": \"5516_3\"}, \"5814_8\": {\"frequency\": 1, \"value\": \"5814_8\"}, \"3976_1\": {\"frequency\": 1, \"value\": \"3976_1\"}, \"817_10\": {\"frequency\": 1, \"value\": \"817_10\"}, \"2619_4\": {\"frequency\": 1, \"value\": \"2619_4\"}, \"4519_3\": {\"frequency\": 1, \"value\": \"4519_3\"}, \"2614_1\": {\"frequency\": 1, \"value\": \"2614_1\"}, \"2120_8\": {\"frequency\": 1, \"value\": \"2120_8\"}, \"10500_10\": {\"frequency\": 1, \"value\": \"10500_10\"}, \"5593_2\": {\"frequency\": 1, \"value\": \"5593_2\"}, \"7651_8\": {\"frequency\": 1, \"value\": \"7651_8\"}, \"5257_10\": {\"frequency\": 1, \"value\": \"5257_10\"}, \"3422_1\": {\"frequency\": 1, \"value\": \"3422_1\"}, \"1456_1\": {\"frequency\": 1, \"value\": \"1456_1\"}, \"4914_7\": {\"frequency\": 1, \"value\": \"4914_7\"}, \"9954_1\": {\"frequency\": 1, \"value\": \"9954_1\"}, \"9516_8\": {\"frequency\": 1, \"value\": \"9516_8\"}, \"4043_3\": {\"frequency\": 1, \"value\": \"4043_3\"}, \"10030_10\": {\"frequency\": 1, \"value\": \"10030_10\"}, \"463_7\": {\"frequency\": 1, \"value\": \"463_7\"}, \"3551_1\": {\"frequency\": 1, \"value\": \"3551_1\"}, \"8648_1\": {\"frequency\": 1, \"value\": \"8648_1\"}, \"142_8\": {\"frequency\": 1, \"value\": \"142_8\"}, \"1108_1\": {\"frequency\": 1, \"value\": \"1108_1\"}, \"4007_4\": {\"frequency\": 1, \"value\": \"4007_4\"}, \"7865_8\": {\"frequency\": 1, \"value\": \"7865_8\"}, \"5338_2\": {\"frequency\": 1, \"value\": \"5338_2\"}, \"9440_3\": {\"frequency\": 1, \"value\": \"9440_3\"}, \"12200_4\": {\"frequency\": 1, \"value\": \"12200_4\"}, \"5965_10\": {\"frequency\": 1, \"value\": \"5965_10\"}, \"6832_10\": {\"frequency\": 1, \"value\": \"6832_10\"}, \"6354_10\": {\"frequency\": 1, \"value\": \"6354_10\"}, \"6205_8\": {\"frequency\": 1, \"value\": \"6205_8\"}, \"4001_8\": {\"frequency\": 1, \"value\": \"4001_8\"}, \"7975_3\": {\"frequency\": 1, \"value\": \"7975_3\"}, \"6830_10\": {\"frequency\": 1, \"value\": \"6830_10\"}, \"4279_10\": {\"frequency\": 1, \"value\": \"4279_10\"}, \"8668_9\": {\"frequency\": 1, \"value\": \"8668_9\"}, \"7307_2\": {\"frequency\": 1, \"value\": \"7307_2\"}, \"1767_1\": {\"frequency\": 1, \"value\": \"1767_1\"}, \"9867_1\": {\"frequency\": 1, \"value\": \"9867_1\"}, \"7627_10\": {\"frequency\": 1, \"value\": \"7627_10\"}, \"1385_8\": {\"frequency\": 1, \"value\": \"1385_8\"}, \"11799_8\": {\"frequency\": 2, \"value\": \"11799_8\"}, \"6660_1\": {\"frequency\": 1, \"value\": \"6660_1\"}, \"6275_7\": {\"frequency\": 1, \"value\": \"6275_7\"}, \"6956_8\": {\"frequency\": 1, \"value\": \"6956_8\"}, \"2332_10\": {\"frequency\": 1, \"value\": \"2332_10\"}, \"418_4\": {\"frequency\": 1, \"value\": \"418_4\"}, \"418_9\": {\"frequency\": 1, \"value\": \"418_9\"}, \"5235_1\": {\"frequency\": 1, \"value\": \"5235_1\"}, \"4125_8\": {\"frequency\": 1, \"value\": \"4125_8\"}, \"697_2\": {\"frequency\": 1, \"value\": \"697_2\"}, \"9950_8\": {\"frequency\": 1, \"value\": \"9950_8\"}, \"2129_4\": {\"frequency\": 1, \"value\": \"2129_4\"}, \"10587_1\": {\"frequency\": 1, \"value\": \"10587_1\"}, \"2042_1\": {\"frequency\": 1, \"value\": \"2042_1\"}, \"9593_10\": {\"frequency\": 1, \"value\": \"9593_10\"}, \"3868_1\": {\"frequency\": 1, \"value\": \"3868_1\"}, \"3893_2\": {\"frequency\": 1, \"value\": \"3893_2\"}, \"10587_8\": {\"frequency\": 1, \"value\": \"10587_8\"}, \"4916_9\": {\"frequency\": 1, \"value\": \"4916_9\"}, \"11822_4\": {\"frequency\": 1, \"value\": \"11822_4\"}, \"10455_10\": {\"frequency\": 1, \"value\": \"10455_10\"}, \"9952_8\": {\"frequency\": 1, \"value\": \"9952_8\"}, \"11858_2\": {\"frequency\": 1, \"value\": \"11858_2\"}, \"1849_7\": {\"frequency\": 1, \"value\": \"1849_7\"}, \"10554_7\": {\"frequency\": 2, \"value\": \"10554_7\"}, \"7568_10\": {\"frequency\": 1, \"value\": \"7568_10\"}, \"9324_7\": {\"frequency\": 1, \"value\": \"9324_7\"}, \"9440_8\": {\"frequency\": 1, \"value\": \"9440_8\"}, \"11064_7\": {\"frequency\": 1, \"value\": \"11064_7\"}, \"4421_8\": {\"frequency\": 1, \"value\": \"4421_8\"}, \"1943_4\": {\"frequency\": 1, \"value\": \"1943_4\"}, \"11528_7\": {\"frequency\": 1, \"value\": \"11528_7\"}, \"6623_7\": {\"frequency\": 1, \"value\": \"6623_7\"}, \"9672_3\": {\"frequency\": 1, \"value\": \"9672_3\"}, \"4714_10\": {\"frequency\": 1, \"value\": \"4714_10\"}, \"4941_10\": {\"frequency\": 1, \"value\": \"4941_10\"}, \"1777_10\": {\"frequency\": 1, \"value\": \"1777_10\"}, \"8605_10\": {\"frequency\": 1, \"value\": \"8605_10\"}, \"3265_2\": {\"frequency\": 1, \"value\": \"3265_2\"}, \"4614_4\": {\"frequency\": 1, \"value\": \"4614_4\"}, \"6550_4\": {\"frequency\": 1, \"value\": \"6550_4\"}, \"410_4\": {\"frequency\": 1, \"value\": \"410_4\"}, \"6700_1\": {\"frequency\": 1, \"value\": \"6700_1\"}, \"3725_8\": {\"frequency\": 1, \"value\": \"3725_8\"}, \"6662_1\": {\"frequency\": 1, \"value\": \"6662_1\"}, \"11655_3\": {\"frequency\": 1, \"value\": \"11655_3\"}, \"9112_9\": {\"frequency\": 1, \"value\": \"9112_9\"}, \"9383_3\": {\"frequency\": 1, \"value\": \"9383_3\"}, \"5031_10\": {\"frequency\": 1, \"value\": \"5031_10\"}, \"12336_3\": {\"frequency\": 1, \"value\": \"12336_3\"}, \"3558_3\": {\"frequency\": 1, \"value\": \"3558_3\"}, \"10908_1\": {\"frequency\": 1, \"value\": \"10908_1\"}, \"1418_9\": {\"frequency\": 1, \"value\": \"1418_9\"}, \"9558_1\": {\"frequency\": 1, \"value\": \"9558_1\"}, \"1383_7\": {\"frequency\": 1, \"value\": \"1383_7\"}, \"4623_4\": {\"frequency\": 1, \"value\": \"4623_4\"}, \"11700_10\": {\"frequency\": 1, \"value\": \"11700_10\"}, \"3174_9\": {\"frequency\": 1, \"value\": \"3174_9\"}, \"4839_2\": {\"frequency\": 1, \"value\": \"4839_2\"}, \"12121_4\": {\"frequency\": 1, \"value\": \"12121_4\"}, \"10056_2\": {\"frequency\": 1, \"value\": \"10056_2\"}, \"1733_7\": {\"frequency\": 1, \"value\": \"1733_7\"}, \"10294_8\": {\"frequency\": 1, \"value\": \"10294_8\"}, \"5459_8\": {\"frequency\": 1, \"value\": \"5459_8\"}, \"11698_3\": {\"frequency\": 1, \"value\": \"11698_3\"}, \"290_9\": {\"frequency\": 1, \"value\": \"290_9\"}, \"2202_10\": {\"frequency\": 1, \"value\": \"2202_10\"}, \"2579_8\": {\"frequency\": 1, \"value\": \"2579_8\"}, \"11451_8\": {\"frequency\": 1, \"value\": \"11451_8\"}, \"1887_8\": {\"frequency\": 1, \"value\": \"1887_8\"}, \"9830_2\": {\"frequency\": 1, \"value\": \"9830_2\"}, \"11717_8\": {\"frequency\": 1, \"value\": \"11717_8\"}, \"725_2\": {\"frequency\": 1, \"value\": \"725_2\"}, \"10229_8\": {\"frequency\": 1, \"value\": \"10229_8\"}, \"9328_7\": {\"frequency\": 1, \"value\": \"9328_7\"}, \"11068_9\": {\"frequency\": 1, \"value\": \"11068_9\"}, \"6166_1\": {\"frequency\": 2, \"value\": \"6166_1\"}, \"8159_10\": {\"frequency\": 1, \"value\": \"8159_10\"}, \"7607_8\": {\"frequency\": 2, \"value\": \"7607_8\"}, \"10838_1\": {\"frequency\": 1, \"value\": \"10838_1\"}, \"7648_1\": {\"frequency\": 1, \"value\": \"7648_1\"}, \"8638_7\": {\"frequency\": 2, \"value\": \"8638_7\"}, \"6906_8\": {\"frequency\": 1, \"value\": \"6906_8\"}, \"8562_4\": {\"frequency\": 1, \"value\": \"8562_4\"}, \"3172_9\": {\"frequency\": 1, \"value\": \"3172_9\"}, \"9602_10\": {\"frequency\": 1, \"value\": \"9602_10\"}, \"11566_2\": {\"frequency\": 1, \"value\": \"11566_2\"}, \"6278_2\": {\"frequency\": 1, \"value\": \"6278_2\"}, \"1842_1\": {\"frequency\": 1, \"value\": \"1842_1\"}, \"12106_10\": {\"frequency\": 1, \"value\": \"12106_10\"}, \"5043_7\": {\"frequency\": 1, \"value\": \"5043_7\"}, \"9956_9\": {\"frequency\": 1, \"value\": \"9956_9\"}, \"1791_8\": {\"frequency\": 1, \"value\": \"1791_8\"}, \"3181_10\": {\"frequency\": 1, \"value\": \"3181_10\"}, \"1142_3\": {\"frequency\": 1, \"value\": \"1142_3\"}, \"11244_4\": {\"frequency\": 1, \"value\": \"11244_4\"}, \"11512_10\": {\"frequency\": 1, \"value\": \"11512_10\"}, \"6961_2\": {\"frequency\": 1, \"value\": \"6961_2\"}, \"135_4\": {\"frequency\": 1, \"value\": \"135_4\"}, \"3417_4\": {\"frequency\": 1, \"value\": \"3417_4\"}, \"4000_4\": {\"frequency\": 1, \"value\": \"4000_4\"}, \"3060_1\": {\"frequency\": 1, \"value\": \"3060_1\"}, \"3454_4\": {\"frequency\": 1, \"value\": \"3454_4\"}, \"5349_4\": {\"frequency\": 1, \"value\": \"5349_4\"}, \"855_1\": {\"frequency\": 1, \"value\": \"855_1\"}, \"4925_7\": {\"frequency\": 1, \"value\": \"4925_7\"}, \"11464_10\": {\"frequency\": 1, \"value\": \"11464_10\"}, \"670_1\": {\"frequency\": 2, \"value\": \"670_1\"}, \"4124_8\": {\"frequency\": 1, \"value\": \"4124_8\"}, \"12481_1\": {\"frequency\": 1, \"value\": \"12481_1\"}, \"11982_7\": {\"frequency\": 1, \"value\": \"11982_7\"}, \"10954_1\": {\"frequency\": 1, \"value\": \"10954_1\"}, \"10633_1\": {\"frequency\": 1, \"value\": \"10633_1\"}, \"8318_10\": {\"frequency\": 1, \"value\": \"8318_10\"}, \"8008_1\": {\"frequency\": 1, \"value\": \"8008_1\"}, \"11092_8\": {\"frequency\": 1, \"value\": \"11092_8\"}, \"9369_4\": {\"frequency\": 1, \"value\": \"9369_4\"}, \"12450_1\": {\"frequency\": 1, \"value\": \"12450_1\"}, \"11353_1\": {\"frequency\": 2, \"value\": \"11353_1\"}, \"7640_2\": {\"frequency\": 1, \"value\": \"7640_2\"}, \"10631_1\": {\"frequency\": 1, \"value\": \"10631_1\"}, \"10904_3\": {\"frequency\": 1, \"value\": \"10904_3\"}, \"6411_1\": {\"frequency\": 1, \"value\": \"6411_1\"}, \"3940_1\": {\"frequency\": 1, \"value\": \"3940_1\"}, \"8034_1\": {\"frequency\": 1, \"value\": \"8034_1\"}, \"1949_1\": {\"frequency\": 1, \"value\": \"1949_1\"}, \"12463_4\": {\"frequency\": 1, \"value\": \"12463_4\"}, \"8582_1\": {\"frequency\": 1, \"value\": \"8582_1\"}, \"10142_2\": {\"frequency\": 1, \"value\": \"10142_2\"}, \"3255_2\": {\"frequency\": 1, \"value\": \"3255_2\"}, \"9803_7\": {\"frequency\": 2, \"value\": \"9803_7\"}, \"9280_1\": {\"frequency\": 1, \"value\": \"9280_1\"}, \"5860_1\": {\"frequency\": 2, \"value\": \"5860_1\"}, \"11693_7\": {\"frequency\": 1, \"value\": \"11693_7\"}, \"4021_1\": {\"frequency\": 1, \"value\": \"4021_1\"}, \"8036_8\": {\"frequency\": 1, \"value\": \"8036_8\"}, \"8574_4\": {\"frequency\": 1, \"value\": \"8574_4\"}, \"1694_10\": {\"frequency\": 1, \"value\": \"1694_10\"}, \"11067_7\": {\"frequency\": 1, \"value\": \"11067_7\"}, \"247_3\": {\"frequency\": 1, \"value\": \"247_3\"}, \"5345_9\": {\"frequency\": 1, \"value\": \"5345_9\"}, \"3749_1\": {\"frequency\": 1, \"value\": \"3749_1\"}, \"2929_10\": {\"frequency\": 1, \"value\": \"2929_10\"}, \"9677_3\": {\"frequency\": 1, \"value\": \"9677_3\"}, \"8329_7\": {\"frequency\": 1, \"value\": \"8329_7\"}, \"4394_9\": {\"frequency\": 1, \"value\": \"4394_9\"}, \"8863_2\": {\"frequency\": 1, \"value\": \"8863_2\"}, \"4644_10\": {\"frequency\": 1, \"value\": \"4644_10\"}, \"3030_1\": {\"frequency\": 1, \"value\": \"3030_1\"}, \"2918_3\": {\"frequency\": 1, \"value\": \"2918_3\"}, \"9857_1\": {\"frequency\": 1, \"value\": \"9857_1\"}, \"9972_10\": {\"frequency\": 1, \"value\": \"9972_10\"}, \"6900_8\": {\"frequency\": 2, \"value\": \"6900_8\"}, \"710_9\": {\"frequency\": 1, \"value\": \"710_9\"}, \"2283_4\": {\"frequency\": 1, \"value\": \"2283_4\"}, \"6747_1\": {\"frequency\": 1, \"value\": \"6747_1\"}, \"7533_10\": {\"frequency\": 1, \"value\": \"7533_10\"}, \"2996_7\": {\"frequency\": 1, \"value\": \"2996_7\"}, \"7382_2\": {\"frequency\": 1, \"value\": \"7382_2\"}, \"9737_4\": {\"frequency\": 1, \"value\": \"9737_4\"}, \"6650_8\": {\"frequency\": 1, \"value\": \"6650_8\"}, \"1887_2\": {\"frequency\": 1, \"value\": \"1887_2\"}, \"55_9\": {\"frequency\": 1, \"value\": \"55_9\"}, \"7993_10\": {\"frequency\": 1, \"value\": \"7993_10\"}, \"3259_7\": {\"frequency\": 1, \"value\": \"3259_7\"}, \"1510_8\": {\"frequency\": 1, \"value\": \"1510_8\"}, \"1891_3\": {\"frequency\": 1, \"value\": \"1891_3\"}, \"11209_8\": {\"frequency\": 1, \"value\": \"11209_8\"}, \"7736_10\": {\"frequency\": 1, \"value\": \"7736_10\"}, \"8779_4\": {\"frequency\": 1, \"value\": \"8779_4\"}, \"2816_7\": {\"frequency\": 1, \"value\": \"2816_7\"}, \"3729_10\": {\"frequency\": 1, \"value\": \"3729_10\"}, \"6015_1\": {\"frequency\": 1, \"value\": \"6015_1\"}, \"5728_4\": {\"frequency\": 1, \"value\": \"5728_4\"}, \"10969_4\": {\"frequency\": 1, \"value\": \"10969_4\"}, \"7573_9\": {\"frequency\": 2, \"value\": \"7573_9\"}}, \"size\": 25000}, \"sentiment\": {\"complete\": true, \"numeric\": false, \"num_unique\": 2, \"num_undefined\": 0, \"progress\": 1.0, \"frequent_items\": {\"1\": {\"frequency\": 12500, \"value\": \"1\"}, \"0\": {\"frequency\": 12500, \"value\": \"0\"}}, \"size\": 25000}, \"1grams features\": {\"keys\": {\"complete\": true, \"numeric\": false, \"num_unique\": 89408, \"num_undefined\": 0, \"progress\": 1.0, \"frequent_items\": {\"all\": {\"frequency\": 13046, \"value\": \"all\"}, \"concept\": {\"frequency\": 475, \"value\": \"concept\"}, \"sci\": {\"frequency\": 482, \"value\": \"sci\"}, \"forget\": {\"frequency\": 662, \"value\": \"forget\"}, \"rating\": {\"frequency\": 807, \"value\": \"rating\"}, \"dance\": {\"frequency\": 491, \"value\": \"dance\"}, \"particular\": {\"frequency\": 687, \"value\": \"particular\"}, \"people\": {\"frequency\": 6178, \"value\": \"people\"}, \"focus\": {\"frequency\": 472, \"value\": \"focus\"}, \"felt\": {\"frequency\": 1303, \"value\": \"felt\"}, \"leads\": {\"frequency\": 690, \"value\": \"leads\"}, \"baby\": {\"frequency\": 466, \"value\": \"baby\"}, \"manages\": {\"frequency\": 533, \"value\": \"manages\"}, \"go\": {\"frequency\": 4154, \"value\": \"go\"}, \"follow\": {\"frequency\": 715, \"value\": \"follow\"}, \"hate\": {\"frequency\": 691, \"value\": \"hate\"}, \"children\": {\"frequency\": 1090, \"value\": \"children\"}, \"thinking\": {\"frequency\": 1093, \"value\": \"thinking\"}, \"consider\": {\"frequency\": 484, \"value\": \"consider\"}, \"whose\": {\"frequency\": 847, \"value\": \"whose\"}, \"certainly\": {\"frequency\": 1307, \"value\": \"certainly\"}, \"peter\": {\"frequency\": 581, \"value\": \"peter\"}, \"filming\": {\"frequency\": 367, \"value\": \"filming\"}, \"tv\": {\"frequency\": 2085, \"value\": \"tv\"}, \"father\": {\"frequency\": 1428, \"value\": \"father\"}, \"young\": {\"frequency\": 2697, \"value\": \"young\"}, \"former\": {\"frequency\": 464, \"value\": \"former\"}, \"to\": {\"frequency\": 23474, \"value\": \"to\"}, \"finally\": {\"frequency\": 1377, \"value\": \"finally\"}, \"present\": {\"frequency\": 549, \"value\": \"present\"}, \"rest\": {\"frequency\": 1636, \"value\": \"rest\"}, \"under\": {\"frequency\": 1242, \"value\": \"under\"}, \"pace\": {\"frequency\": 523, \"value\": \"pace\"}, \"sorry\": {\"frequency\": 718, \"value\": \"sorry\"}, \"include\": {\"frequency\": 358, \"value\": \"include\"}, \"worth\": {\"frequency\": 2090, \"value\": \"worth\"}, \"sent\": {\"frequency\": 364, \"value\": \"sent\"}, \"shoot\": {\"frequency\": 413, \"value\": \"shoot\"}, \"woman\": {\"frequency\": 2069, \"value\": \"woman\"}, \"worse\": {\"frequency\": 1268, \"value\": \"worse\"}, \"song\": {\"frequency\": 754, \"value\": \"song\"}, \"very\": {\"frequency\": 8661, \"value\": \"very\"}, \"horror\": {\"frequency\": 2064, \"value\": \"horror\"}, \"caught\": {\"frequency\": 509, \"value\": \"caught\"}, \"exception\": {\"frequency\": 392, \"value\": \"exception\"}, \"choice\": {\"frequency\": 491, \"value\": \"choice\"}, \"fan\": {\"frequency\": 1655, \"value\": \"fan\"}, \"jack\": {\"frequency\": 570, \"value\": \"jack\"}, \"decide\": {\"frequency\": 452, \"value\": \"decide\"}, \"fall\": {\"frequency\": 720, \"value\": \"fall\"}, \"awful\": {\"frequency\": 1441, \"value\": \"awful\"}, \"trouble\": {\"frequency\": 479, \"value\": \"trouble\"}, \"nor\": {\"frequency\": 627, \"value\": \"nor\"}, \"minute\": {\"frequency\": 706, \"value\": \"minute\"}, \"cool\": {\"frequency\": 797, \"value\": \"cool\"}, \"themes\": {\"frequency\": 365, \"value\": \"themes\"}, \"school\": {\"frequency\": 1244, \"value\": \"school\"}, \"magic\": {\"frequency\": 385, \"value\": \"magic\"}, \"impressive\": {\"frequency\": 457, \"value\": \"impressive\"}, \"level\": {\"frequency\": 868, \"value\": \"level\"}, \"did\": {\"frequency\": 4750, \"value\": \"did\"}, \"turns\": {\"frequency\": 1149, \"value\": \"turns\"}, \"having\": {\"frequency\": 2206, \"value\": \"having\"}, \"michael\": {\"frequency\": 918, \"value\": \"michael\"}, \"gun\": {\"frequency\": 438, \"value\": \"gun\"}, \"cinematography\": {\"frequency\": 937, \"value\": \"cinematography\"}, \"try\": {\"frequency\": 1659, \"value\": \"try\"}, \"solid\": {\"frequency\": 469, \"value\": \"solid\"}, \"joke\": {\"frequency\": 523, \"value\": \"joke\"}, \"red\": {\"frequency\": 566, \"value\": \"red\"}, \"car\": {\"frequency\": 895, \"value\": \"car\"}, \"small\": {\"frequency\": 1433, \"value\": \"small\"}, \"guy\": {\"frequency\": 2195, \"value\": \"guy\"}, \"flick\": {\"frequency\": 1064, \"value\": \"flick\"}, \"force\": {\"frequency\": 437, \"value\": \"force\"}, \"ten\": {\"frequency\": 729, \"value\": \"ten\"}, \"tired\": {\"frequency\": 356, \"value\": \"tired\"}, \"japanese\": {\"frequency\": 400, \"value\": \"japanese\"}, \"past\": {\"frequency\": 1103, \"value\": \"past\"}, \"battle\": {\"frequency\": 474, \"value\": \"battle\"}, \"rate\": {\"frequency\": 578, \"value\": \"rate\"}, \"street\": {\"frequency\": 501, \"value\": \"street\"}, \"video\": {\"frequency\": 1360, \"value\": \"video\"}, \"earth\": {\"frequency\": 662, \"value\": \"earth\"}, \"further\": {\"frequency\": 533, \"value\": \"further\"}, \"odd\": {\"frequency\": 501, \"value\": \"odd\"}, \"makers\": {\"frequency\": 441, \"value\": \"makers\"}, \"quite\": {\"frequency\": 3032, \"value\": \"quite\"}, \"even\": {\"frequency\": 8414, \"value\": \"even\"}, \"what\": {\"frequency\": 9846, \"value\": \"what\"}, \"plays\": {\"frequency\": 1885, \"value\": \"plays\"}, \"appear\": {\"frequency\": 579, \"value\": \"appear\"}, \"richard\": {\"frequency\": 667, \"value\": \"richard\"}, \"jokes\": {\"frequency\": 753, \"value\": \"jokes\"}, \"giving\": {\"frequency\": 793, \"value\": \"giving\"}, \"brief\": {\"frequency\": 385, \"value\": \"brief\"}, \"emotions\": {\"frequency\": 356, \"value\": \"emotions\"}, \"enjoyed\": {\"frequency\": 1139, \"value\": \"enjoyed\"}, \"waiting\": {\"frequency\": 530, \"value\": \"waiting\"}, \"version\": {\"frequency\": 1425, \"value\": \"version\"}, \"goes\": {\"frequency\": 2153, \"value\": \"goes\"}, \"new\": {\"frequency\": 3184, \"value\": \"new\"}, \"appeal\": {\"frequency\": 417, \"value\": \"appeal\"}, \"ever\": {\"frequency\": 4790, \"value\": \"ever\"}, \"public\": {\"frequency\": 494, \"value\": \"public\"}, \"filled\": {\"frequency\": 517, \"value\": \"filled\"}, \"era\": {\"frequency\": 533, \"value\": \"era\"}, \"body\": {\"frequency\": 789, \"value\": \"body\"}, \"supporting\": {\"frequency\": 821, \"value\": \"supporting\"}, \"hasn\": {\"frequency\": 359, \"value\": \"hasn\"}, \"full\": {\"frequency\": 1551, \"value\": \"full\"}, \"hero\": {\"frequency\": 769, \"value\": \"hero\"}, \"lee\": {\"frequency\": 490, \"value\": \"lee\"}, \"5\": {\"frequency\": 1168, \"value\": \"5\"}, \"never\": {\"frequency\": 5012, \"value\": \"never\"}, \"here\": {\"frequency\": 4330, \"value\": \"here\"}, \"water\": {\"frequency\": 420, \"value\": \"water\"}, \"wild\": {\"frequency\": 368, \"value\": \"wild\"}, \"producers\": {\"frequency\": 459, \"value\": \"producers\"}, \"filmed\": {\"frequency\": 699, \"value\": \"filmed\"}, \"studio\": {\"frequency\": 418, \"value\": \"studio\"}, \"others\": {\"frequency\": 1452, \"value\": \"others\"}, \"alone\": {\"frequency\": 940, \"value\": \"alone\"}, \"sexy\": {\"frequency\": 380, \"value\": \"sexy\"}, \"along\": {\"frequency\": 1614, \"value\": \"along\"}, \"strong\": {\"frequency\": 956, \"value\": \"strong\"}, \"appears\": {\"frequency\": 772, \"value\": \"appears\"}, \"change\": {\"frequency\": 865, \"value\": \"change\"}, \"wait\": {\"frequency\": 654, \"value\": \"wait\"}, \"box\": {\"frequency\": 566, \"value\": \"box\"}, \"boy\": {\"frequency\": 1168, \"value\": \"boy\"}, \"great\": {\"frequency\": 6286, \"value\": \"great\"}, \"kids\": {\"frequency\": 1253, \"value\": \"kids\"}, \"daughter\": {\"frequency\": 848, \"value\": \"daughter\"}, \"ahead\": {\"frequency\": 386, \"value\": \"ahead\"}, \"credits\": {\"frequency\": 622, \"value\": \"credits\"}, \"brilliant\": {\"frequency\": 1024, \"value\": \"brilliant\"}, \"involved\": {\"frequency\": 988, \"value\": \"involved\"}, \"leaves\": {\"frequency\": 639, \"value\": \"leaves\"}, \"30\": {\"frequency\": 578, \"value\": \"30\"}, \"completely\": {\"frequency\": 1645, \"value\": \"completely\"}, \"experience\": {\"frequency\": 964, \"value\": \"experience\"}, \"leaving\": {\"frequency\": 459, \"value\": \"leaving\"}, \"credit\": {\"frequency\": 492, \"value\": \"credit\"}, \"amount\": {\"frequency\": 465, \"value\": \"amount\"}, \"social\": {\"frequency\": 490, \"value\": \"social\"}, \"usually\": {\"frequency\": 891, \"value\": \"usually\"}, \"opinion\": {\"frequency\": 869, \"value\": \"opinion\"}, \"weird\": {\"frequency\": 568, \"value\": \"weird\"}, \"mistake\": {\"frequency\": 393, \"value\": \"mistake\"}, \"makes\": {\"frequency\": 3528, \"value\": \"makes\"}, \"beautiful\": {\"frequency\": 1793, \"value\": \"beautiful\"}, \"named\": {\"frequency\": 673, \"value\": \"named\"}, \"love\": {\"frequency\": 4393, \"value\": \"love\"}, \"besides\": {\"frequency\": 397, \"value\": \"besides\"}, \"family\": {\"frequency\": 2113, \"value\": \"family\"}, \"suddenly\": {\"frequency\": 489, \"value\": \"suddenly\"}, \"win\": {\"frequency\": 421, \"value\": \"win\"}, \"highly\": {\"frequency\": 1065, \"value\": \"highly\"}, \"brought\": {\"frequency\": 693, \"value\": \"brought\"}, \"ask\": {\"frequency\": 597, \"value\": \"ask\"}, \"names\": {\"frequency\": 373, \"value\": \"names\"}, \"fake\": {\"frequency\": 402, \"value\": \"fake\"}, \"total\": {\"frequency\": 590, \"value\": \"total\"}, \"singing\": {\"frequency\": 410, \"value\": \"singing\"}, \"hoping\": {\"frequency\": 390, \"value\": \"hoping\"}, \"everybody\": {\"frequency\": 371, \"value\": \"everybody\"}, \"plot\": {\"frequency\": 4995, \"value\": \"plot\"}, \"use\": {\"frequency\": 1580, \"value\": \"use\"}, \"from\": {\"frequency\": 11707, \"value\": \"from\"}, \"takes\": {\"frequency\": 1935, \"value\": \"takes\"}, \"working\": {\"frequency\": 744, \"value\": \"working\"}, \"remains\": {\"frequency\": 398, \"value\": \"remains\"}, \"positive\": {\"frequency\": 460, \"value\": \"positive\"}, \"contains\": {\"frequency\": 390, \"value\": \"contains\"}, \"theme\": {\"frequency\": 688, \"value\": \"theme\"}, \"except\": {\"frequency\": 1033, \"value\": \"except\"}, \"next\": {\"frequency\": 1511, \"value\": \"next\"}, \"few\": {\"frequency\": 3432, \"value\": \"few\"}, \"live\": {\"frequency\": 1325, \"value\": \"live\"}, \"doubt\": {\"frequency\": 709, \"value\": \"doubt\"}, \"call\": {\"frequency\": 844, \"value\": \"call\"}, \"6\": {\"frequency\": 475, \"value\": \"6\"}, \"films\": {\"frequency\": 4594, \"value\": \"films\"}, \"themselves\": {\"frequency\": 1056, \"value\": \"themselves\"}, \"weren\": {\"frequency\": 460, \"value\": \"weren\"}, \"type\": {\"frequency\": 1009, \"value\": \"type\"}, \"until\": {\"frequency\": 1612, \"value\": \"until\"}, \"today\": {\"frequency\": 1048, \"value\": \"today\"}, \"more\": {\"frequency\": 9056, \"value\": \"more\"}, \"sort\": {\"frequency\": 1272, \"value\": \"sort\"}, \"flat\": {\"frequency\": 529, \"value\": \"flat\"}, \"went\": {\"frequency\": 1313, \"value\": \"went\"}, \"clever\": {\"frequency\": 483, \"value\": \"clever\"}, \"door\": {\"frequency\": 358, \"value\": \"door\"}, \"rich\": {\"frequency\": 511, \"value\": \"rich\"}, \"started\": {\"frequency\": 876, \"value\": \"started\"}, \"oscar\": {\"frequency\": 661, \"value\": \"oscar\"}, \"company\": {\"frequency\": 453, \"value\": \"company\"}, \"getting\": {\"frequency\": 1425, \"value\": \"getting\"}, \"sister\": {\"frequency\": 621, \"value\": \"sister\"}, \"award\": {\"frequency\": 372, \"value\": \"award\"}, \"charming\": {\"frequency\": 435, \"value\": \"charming\"}, \"excuse\": {\"frequency\": 401, \"value\": \"excuse\"}, \"visual\": {\"frequency\": 461, \"value\": \"visual\"}, \"basically\": {\"frequency\": 843, \"value\": \"basically\"}, \"excellent\": {\"frequency\": 1777, \"value\": \"excellent\"}, \"known\": {\"frequency\": 987, \"value\": \"known\"}, \"90\": {\"frequency\": 476, \"value\": \"90\"}, \"hold\": {\"frequency\": 513, \"value\": \"hold\"}, \"effort\": {\"frequency\": 729, \"value\": \"effort\"}, \"glad\": {\"frequency\": 438, \"value\": \"glad\"}, \"must\": {\"frequency\": 2764, \"value\": \"must\"}, \"me\": {\"frequency\": 7285, \"value\": \"me\"}, \"none\": {\"frequency\": 963, \"value\": \"none\"}, \"word\": {\"frequency\": 831, \"value\": \"word\"}, \"room\": {\"frequency\": 762, \"value\": \"room\"}, \"hour\": {\"frequency\": 1038, \"value\": \"hour\"}, \"shame\": {\"frequency\": 604, \"value\": \"shame\"}, \"this\": {\"frequency\": 22632, \"value\": \"this\"}, \"science\": {\"frequency\": 393, \"value\": \"science\"}, \"ride\": {\"frequency\": 372, \"value\": \"ride\"}, \"work\": {\"frequency\": 3506, \"value\": \"work\"}, \"list\": {\"frequency\": 840, \"value\": \"list\"}, \"four\": {\"frequency\": 744, \"value\": \"four\"}, \"cat\": {\"frequency\": 346, \"value\": \"cat\"}, \"reviews\": {\"frequency\": 633, \"value\": \"reviews\"}, \"movies\": {\"frequency\": 5347, \"value\": \"movies\"}, \"itself\": {\"frequency\": 1393, \"value\": \"itself\"}, \"obvious\": {\"frequency\": 979, \"value\": \"obvious\"}, \"can\": {\"frequency\": 9596, \"value\": \"can\"}, \"mr\": {\"frequency\": 931, \"value\": \"mr\"}, \"following\": {\"frequency\": 539, \"value\": \"following\"}, \"making\": {\"frequency\": 2542, \"value\": \"making\"}, \"male\": {\"frequency\": 587, \"value\": \"male\"}, \"my\": {\"frequency\": 8057, \"value\": \"my\"}, \"example\": {\"frequency\": 1221, \"value\": \"example\"}, \"history\": {\"frequency\": 1089, \"value\": \"history\"}, \"control\": {\"frequency\": 447, \"value\": \"control\"}, \"heart\": {\"frequency\": 1111, \"value\": \"heart\"}, \"crazy\": {\"frequency\": 561, \"value\": \"crazy\"}, \"figure\": {\"frequency\": 682, \"value\": \"figure\"}, \"give\": {\"frequency\": 2947, \"value\": \"give\"}, \"climax\": {\"frequency\": 408, \"value\": \"climax\"}, \"beautifully\": {\"frequency\": 417, \"value\": \"beautifully\"}, \"laughs\": {\"frequency\": 597, \"value\": \"laughs\"}, \"near\": {\"frequency\": 772, \"value\": \"near\"}, \"pieces\": {\"frequency\": 380, \"value\": \"pieces\"}, \"high\": {\"frequency\": 1814, \"value\": \"high\"}, \"heard\": {\"frequency\": 1027, \"value\": \"heard\"}, \"villain\": {\"frequency\": 493, \"value\": \"villain\"}, \"something\": {\"frequency\": 4055, \"value\": \"something\"}, \"want\": {\"frequency\": 3104, \"value\": \"want\"}, \"sense\": {\"frequency\": 1968, \"value\": \"sense\"}, \"fans\": {\"frequency\": 1186, \"value\": \"fans\"}, \"every\": {\"frequency\": 3280, \"value\": \"every\"}, \"keep\": {\"frequency\": 1473, \"value\": \"keep\"}, \"huge\": {\"frequency\": 862, \"value\": \"huge\"}, \"needs\": {\"frequency\": 768, \"value\": \"needs\"}, \"brings\": {\"frequency\": 610, \"value\": \"brings\"}, \"end\": {\"frequency\": 4520, \"value\": \"end\"}, \"sit\": {\"frequency\": 669, \"value\": \"sit\"}, \"rather\": {\"frequency\": 2262, \"value\": \"rather\"}, \"acts\": {\"frequency\": 372, \"value\": \"acts\"}, \"feature\": {\"frequency\": 708, \"value\": \"feature\"}, \"1\": {\"frequency\": 1764, \"value\": \"1\"}, \"far\": {\"frequency\": 2555, \"value\": \"far\"}, \"hot\": {\"frequency\": 565, \"value\": \"hot\"}, \"writers\": {\"frequency\": 592, \"value\": \"writers\"}, \"actual\": {\"frequency\": 705, \"value\": \"actual\"}, \"pure\": {\"frequency\": 520, \"value\": \"pure\"}, \"instead\": {\"frequency\": 1917, \"value\": \"instead\"}, \"comedy\": {\"frequency\": 2312, \"value\": \"comedy\"}, \"intelligent\": {\"frequency\": 490, \"value\": \"intelligent\"}, \"either\": {\"frequency\": 1668, \"value\": \"either\"}, \"badly\": {\"frequency\": 591, \"value\": \"badly\"}, \"unbelievable\": {\"frequency\": 407, \"value\": \"unbelievable\"}, \"okay\": {\"frequency\": 617, \"value\": \"okay\"}, \"intended\": {\"frequency\": 367, \"value\": \"intended\"}, \"beauty\": {\"frequency\": 548, \"value\": \"beauty\"}, \"may\": {\"frequency\": 2679, \"value\": \"may\"}, \"overall\": {\"frequency\": 1327, \"value\": \"overall\"}, \"trash\": {\"frequency\": 435, \"value\": \"trash\"}, \"after\": {\"frequency\": 5772, \"value\": \"after\"}, \"spot\": {\"frequency\": 356, \"value\": \"spot\"}, \"3\": {\"frequency\": 1555, \"value\": \"3\"}, \"soundtrack\": {\"frequency\": 681, \"value\": \"soundtrack\"}, \"tries\": {\"frequency\": 1122, \"value\": \"tries\"}, \"lot\": {\"frequency\": 3275, \"value\": \"lot\"}, \"shooting\": {\"frequency\": 421, \"value\": \"shooting\"}, \"blood\": {\"frequency\": 826, \"value\": \"blood\"}, \"coming\": {\"frequency\": 977, \"value\": \"coming\"}, \"date\": {\"frequency\": 389, \"value\": \"date\"}, \"such\": {\"frequency\": 4020, \"value\": \"such\"}, \"law\": {\"frequency\": 407, \"value\": \"law\"}, \"guys\": {\"frequency\": 998, \"value\": \"guys\"}, \"man\": {\"frequency\": 3888, \"value\": \"man\"}, \"a\": {\"frequency\": 24173, \"value\": \"a\"}, \"crap\": {\"frequency\": 874, \"value\": \"crap\"}, \"short\": {\"frequency\": 1548, \"value\": \"short\"}, \"attempt\": {\"frequency\": 946, \"value\": \"attempt\"}, \"remember\": {\"frequency\": 1435, \"value\": \"remember\"}, \"third\": {\"frequency\": 663, \"value\": \"third\"}, \"sets\": {\"frequency\": 799, \"value\": \"sets\"}, \"maybe\": {\"frequency\": 1967, \"value\": \"maybe\"}, \"lame\": {\"frequency\": 645, \"value\": \"lame\"}, \"lines\": {\"frequency\": 1335, \"value\": \"lines\"}, \"tale\": {\"frequency\": 661, \"value\": \"tale\"}, \"ones\": {\"frequency\": 841, \"value\": \"ones\"}, \"so\": {\"frequency\": 11688, \"value\": \"so\"}, \"keeps\": {\"frequency\": 600, \"value\": \"keeps\"}, \"worst\": {\"frequency\": 2254, \"value\": \"worst\"}, \"dream\": {\"frequency\": 514, \"value\": \"dream\"}, \"playing\": {\"frequency\": 1402, \"value\": \"playing\"}, \"talk\": {\"frequency\": 723, \"value\": \"talk\"}, \"typical\": {\"frequency\": 705, \"value\": \"typical\"}, \"cute\": {\"frequency\": 501, \"value\": \"cute\"}, \"played\": {\"frequency\": 2115, \"value\": \"played\"}, \"help\": {\"frequency\": 1616, \"value\": \"help\"}, \"office\": {\"frequency\": 467, \"value\": \"office\"}, \"developed\": {\"frequency\": 384, \"value\": \"developed\"}, \"over\": {\"frequency\": 4744, \"value\": \"over\"}, \"move\": {\"frequency\": 664, \"value\": \"move\"}, \"mainly\": {\"frequency\": 378, \"value\": \"mainly\"}, \"soon\": {\"frequency\": 1067, \"value\": \"soon\"}, \"years\": {\"frequency\": 3635, \"value\": \"years\"}, \"produced\": {\"frequency\": 516, \"value\": \"produced\"}, \"brain\": {\"frequency\": 389, \"value\": \"brain\"}, \"episodes\": {\"frequency\": 640, \"value\": \"episodes\"}, \"own\": {\"frequency\": 2748, \"value\": \"own\"}, \"including\": {\"frequency\": 967, \"value\": \"including\"}, \"looks\": {\"frequency\": 1995, \"value\": \"looks\"}, \"mentioned\": {\"frequency\": 537, \"value\": \"mentioned\"}, \"hell\": {\"frequency\": 889, \"value\": \"hell\"}, \"cold\": {\"frequency\": 478, \"value\": \"cold\"}, \"still\": {\"frequency\": 4424, \"value\": \"still\"}, \"its\": {\"frequency\": 5198, \"value\": \"its\"}, \"before\": {\"frequency\": 3585, \"value\": \"before\"}, \"perfect\": {\"frequency\": 1342, \"value\": \"perfect\"}, \"write\": {\"frequency\": 622, \"value\": \"write\"}, \"style\": {\"frequency\": 1344, \"value\": \"style\"}, \"20\": {\"frequency\": 631, \"value\": \"20\"}, \"thank\": {\"frequency\": 395, \"value\": \"thank\"}, \"fit\": {\"frequency\": 447, \"value\": \"fit\"}, \"how\": {\"frequency\": 6255, \"value\": \"how\"}, \"somewhere\": {\"frequency\": 450, \"value\": \"somewhere\"}, \"interesting\": {\"frequency\": 2621, \"value\": \"interesting\"}, \"ll\": {\"frequency\": 2413, \"value\": \"ll\"}, \"presence\": {\"frequency\": 389, \"value\": \"presence\"}, \"amazing\": {\"frequency\": 1100, \"value\": \"amazing\"}, \"writing\": {\"frequency\": 1155, \"value\": \"writing\"}, \"better\": {\"frequency\": 4607, \"value\": \"better\"}, \"feel\": {\"frequency\": 2462, \"value\": \"feel\"}, \"production\": {\"frequency\": 1465, \"value\": \"production\"}, \"main\": {\"frequency\": 1906, \"value\": \"main\"}, \"might\": {\"frequency\": 2432, \"value\": \"might\"}, \"strange\": {\"frequency\": 782, \"value\": \"strange\"}, \"happened\": {\"frequency\": 958, \"value\": \"happened\"}, \"wouldn\": {\"frequency\": 977, \"value\": \"wouldn\"}, \"them\": {\"frequency\": 5593, \"value\": \"them\"}, \"good\": {\"frequency\": 9534, \"value\": \"good\"}, \"return\": {\"frequency\": 518, \"value\": \"return\"}, \"than\": {\"frequency\": 7123, \"value\": \"than\"}, \"entire\": {\"frequency\": 1294, \"value\": \"entire\"}, \"died\": {\"frequency\": 461, \"value\": \"died\"}, \"similar\": {\"frequency\": 790, \"value\": \"similar\"}, \"questions\": {\"frequency\": 410, \"value\": \"questions\"}, \"killer\": {\"frequency\": 906, \"value\": \"killer\"}, \"number\": {\"frequency\": 829, \"value\": \"number\"}, \"break\": {\"frequency\": 552, \"value\": \"break\"}, \"mention\": {\"frequency\": 751, \"value\": \"mention\"}, \"touching\": {\"frequency\": 412, \"value\": \"touching\"}, \"effects\": {\"frequency\": 1791, \"value\": \"effects\"}, \"they\": {\"frequency\": 10828, \"value\": \"they\"}, \"half\": {\"frequency\": 1725, \"value\": \"half\"}, \"not\": {\"frequency\": 14923, \"value\": \"not\"}, \"now\": {\"frequency\": 3693, \"value\": \"now\"}, \"terrible\": {\"frequency\": 1334, \"value\": \"terrible\"}, \"day\": {\"frequency\": 2211, \"value\": \"day\"}, \"viewers\": {\"frequency\": 704, \"value\": \"viewers\"}, \"mystery\": {\"frequency\": 674, \"value\": \"mystery\"}, \"easily\": {\"frequency\": 812, \"value\": \"easily\"}, \"gets\": {\"frequency\": 2612, \"value\": \"gets\"}, \"name\": {\"frequency\": 1383, \"value\": \"name\"}, \"mysterious\": {\"frequency\": 369, \"value\": \"mysterious\"}, \"james\": {\"frequency\": 792, \"value\": \"james\"}, \"believable\": {\"frequency\": 668, \"value\": \"believable\"}, \"didn\": {\"frequency\": 3440, \"value\": \"didn\"}, \"wrote\": {\"frequency\": 529, \"value\": \"wrote\"}, \"realistic\": {\"frequency\": 648, \"value\": \"realistic\"}, \"truth\": {\"frequency\": 575, \"value\": \"truth\"}, \"rock\": {\"frequency\": 562, \"value\": \"rock\"}, \"found\": {\"frequency\": 2237, \"value\": \"found\"}, \"entirely\": {\"frequency\": 477, \"value\": \"entirely\"}, \"side\": {\"frequency\": 1097, \"value\": \"side\"}, \"mean\": {\"frequency\": 1449, \"value\": \"mean\"}, \"heavy\": {\"frequency\": 442, \"value\": \"heavy\"}, \"development\": {\"frequency\": 572, \"value\": \"development\"}, \"everyone\": {\"frequency\": 1924, \"value\": \"everyone\"}, \"tension\": {\"frequency\": 472, \"value\": \"tension\"}, \"doing\": {\"frequency\": 1440, \"value\": \"doing\"}, \"house\": {\"frequency\": 1369, \"value\": \"house\"}, \"adventure\": {\"frequency\": 419, \"value\": \"adventure\"}, \"hard\": {\"frequency\": 2362, \"value\": \"hard\"}, \"directing\": {\"frequency\": 589, \"value\": \"directing\"}, \"idea\": {\"frequency\": 1760, \"value\": \"idea\"}, \"brother\": {\"frequency\": 800, \"value\": \"brother\"}, \"society\": {\"frequency\": 543, \"value\": \"society\"}, \"finish\": {\"frequency\": 389, \"value\": \"finish\"}, \"ex\": {\"frequency\": 412, \"value\": \"ex\"}, \"year\": {\"frequency\": 1934, \"value\": \"year\"}, \"our\": {\"frequency\": 1834, \"value\": \"our\"}, \"girl\": {\"frequency\": 2078, \"value\": \"girl\"}, \"beyond\": {\"frequency\": 802, \"value\": \"beyond\"}, \"sexual\": {\"frequency\": 567, \"value\": \"sexual\"}, \"message\": {\"frequency\": 666, \"value\": \"message\"}, \"special\": {\"frequency\": 1777, \"value\": \"special\"}, \"out\": {\"frequency\": 10587, \"value\": \"out\"}, \"large\": {\"frequency\": 516, \"value\": \"large\"}, \"ultimately\": {\"frequency\": 486, \"value\": \"ultimately\"}, \"missed\": {\"frequency\": 529, \"value\": \"missed\"}, \"enjoyable\": {\"frequency\": 785, \"value\": \"enjoyable\"}, \"entertainment\": {\"frequency\": 792, \"value\": \"entertainment\"}, \"although\": {\"frequency\": 2192, \"value\": \"although\"}, \"god\": {\"frequency\": 886, \"value\": \"god\"}, \"tried\": {\"frequency\": 705, \"value\": \"tried\"}, \"since\": {\"frequency\": 2494, \"value\": \"since\"}, \"cheesy\": {\"frequency\": 546, \"value\": \"cheesy\"}, \"looking\": {\"frequency\": 2162, \"value\": \"looking\"}, \"re\": {\"frequency\": 3396, \"value\": \"re\"}, \"seriously\": {\"frequency\": 897, \"value\": \"seriously\"}, \"stupid\": {\"frequency\": 1343, \"value\": \"stupid\"}, \"rare\": {\"frequency\": 415, \"value\": \"rare\"}, \"7\": {\"frequency\": 824, \"value\": \"7\"}, \"hilarious\": {\"frequency\": 880, \"value\": \"hilarious\"}, \"got\": {\"frequency\": 3015, \"value\": \"got\"}, \"get\": {\"frequency\": 6738, \"value\": \"get\"}, \"doctor\": {\"frequency\": 433, \"value\": \"doctor\"}, \"cause\": {\"frequency\": 470, \"value\": \"cause\"}, \"managed\": {\"frequency\": 402, \"value\": \"managed\"}, \"shows\": {\"frequency\": 1909, \"value\": \"shows\"}, \"earlier\": {\"frequency\": 612, \"value\": \"earlier\"}, \"monster\": {\"frequency\": 412, \"value\": \"monster\"}, \"pathetic\": {\"frequency\": 432, \"value\": \"pathetic\"}, \"written\": {\"frequency\": 1449, \"value\": \"written\"}, \"turned\": {\"frequency\": 866, \"value\": \"turned\"}, \"team\": {\"frequency\": 598, \"value\": \"team\"}, \"material\": {\"frequency\": 695, \"value\": \"material\"}, \"revenge\": {\"frequency\": 431, \"value\": \"revenge\"}, \"free\": {\"frequency\": 627, \"value\": \"free\"}, \"standard\": {\"frequency\": 417, \"value\": \"standard\"}, \"cut\": {\"frequency\": 872, \"value\": \"cut\"}, \"reason\": {\"frequency\": 2036, \"value\": \"reason\"}, \"masterpiece\": {\"frequency\": 567, \"value\": \"masterpiece\"}, \"surely\": {\"frequency\": 395, \"value\": \"surely\"}, \"york\": {\"frequency\": 609, \"value\": \"york\"}, \"members\": {\"frequency\": 489, \"value\": \"members\"}, \"imagine\": {\"frequency\": 690, \"value\": \"imagine\"}, \"put\": {\"frequency\": 2139, \"value\": \"put\"}, \"laughable\": {\"frequency\": 403, \"value\": \"laughable\"}, \"wanted\": {\"frequency\": 1203, \"value\": \"wanted\"}, \"beginning\": {\"frequency\": 1297, \"value\": \"beginning\"}, \"between\": {\"frequency\": 2736, \"value\": \"between\"}, \"care\": {\"frequency\": 1205, \"value\": \"care\"}, \"thrown\": {\"frequency\": 385, \"value\": \"thrown\"}, \"scary\": {\"frequency\": 747, \"value\": \"scary\"}, \"definitely\": {\"frequency\": 1412, \"value\": \"definitely\"}, \"couldn\": {\"frequency\": 1369, \"value\": \"couldn\"}, \"language\": {\"frequency\": 479, \"value\": \"language\"}, \"created\": {\"frequency\": 495, \"value\": \"created\"}, \"starts\": {\"frequency\": 1068, \"value\": \"starts\"}, \"could\": {\"frequency\": 5961, \"value\": \"could\"}, \"days\": {\"frequency\": 1138, \"value\": \"days\"}, \"british\": {\"frequency\": 667, \"value\": \"british\"}, \"times\": {\"frequency\": 2785, \"value\": \"times\"}, \"motion\": {\"frequency\": 404, \"value\": \"motion\"}, \"thing\": {\"frequency\": 3714, \"value\": \"thing\"}, \"american\": {\"frequency\": 1611, \"value\": \"american\"}, \"place\": {\"frequency\": 2056, \"value\": \"place\"}, \"isn\": {\"frequency\": 2595, \"value\": \"isn\"}, \"moving\": {\"frequency\": 789, \"value\": \"moving\"}, \"loud\": {\"frequency\": 415, \"value\": \"loud\"}, \"think\": {\"frequency\": 5436, \"value\": \"think\"}, \"first\": {\"frequency\": 6407, \"value\": \"first\"}, \"enjoy\": {\"frequency\": 1611, \"value\": \"enjoy\"}, \"major\": {\"frequency\": 806, \"value\": \"major\"}, \"already\": {\"frequency\": 1240, \"value\": \"already\"}, \"features\": {\"frequency\": 587, \"value\": \"features\"}, \"simply\": {\"frequency\": 1689, \"value\": \"simply\"}, \"grade\": {\"frequency\": 430, \"value\": \"grade\"}, \"girls\": {\"frequency\": 808, \"value\": \"girls\"}, \"meet\": {\"frequency\": 588, \"value\": \"meet\"}, \"powerful\": {\"frequency\": 541, \"value\": \"powerful\"}, \"scene\": {\"frequency\": 3819, \"value\": \"scene\"}, \"yourself\": {\"frequency\": 900, \"value\": \"yourself\"}, \"fantasy\": {\"frequency\": 491, \"value\": \"fantasy\"}, \"done\": {\"frequency\": 2648, \"value\": \"done\"}, \"fast\": {\"frequency\": 799, \"value\": \"fast\"}, \"another\": {\"frequency\": 3616, \"value\": \"another\"}, \"wasn\": {\"frequency\": 1930, \"value\": \"wasn\"}, \"impossible\": {\"frequency\": 470, \"value\": \"impossible\"}, \"sounds\": {\"frequency\": 590, \"value\": \"sounds\"}, \"miss\": {\"frequency\": 764, \"value\": \"miss\"}, \"george\": {\"frequency\": 643, \"value\": \"george\"}, \"city\": {\"frequency\": 848, \"value\": \"city\"}, \"little\": {\"frequency\": 4819, \"value\": \"little\"}, \"\\\"\": {\"frequency\": 3675, \"value\": \"\\\"\"}, \"sadly\": {\"frequency\": 536, \"value\": \"sadly\"}, \"fascinating\": {\"frequency\": 362, \"value\": \"fascinating\"}, \"quality\": {\"frequency\": 1147, \"value\": \"quality\"}, \"script\": {\"frequency\": 2535, \"value\": \"script\"}, \"leading\": {\"frequency\": 567, \"value\": \"leading\"}, \"top\": {\"frequency\": 1628, \"value\": \"top\"}, \"accent\": {\"frequency\": 430, \"value\": \"accent\"}, \"least\": {\"frequency\": 2718, \"value\": \"least\"}, \"fiction\": {\"frequency\": 365, \"value\": \"fiction\"}, \"anyone\": {\"frequency\": 2327, \"value\": \"anyone\"}, \"their\": {\"frequency\": 6987, \"value\": \"their\"}, \"wonderful\": {\"frequency\": 1447, \"value\": \"wonderful\"}, \"master\": {\"frequency\": 376, \"value\": \"master\"}, \"too\": {\"frequency\": 5695, \"value\": \"too\"}, \"tom\": {\"frequency\": 529, \"value\": \"tom\"}, \"rated\": {\"frequency\": 447, \"value\": \"rated\"}, \"white\": {\"frequency\": 1101, \"value\": \"white\"}, \"perfectly\": {\"frequency\": 589, \"value\": \"perfectly\"}, \"final\": {\"frequency\": 1150, \"value\": \"final\"}, \"friend\": {\"frequency\": 1190, \"value\": \"friend\"}, \"gives\": {\"frequency\": 1421, \"value\": \"gives\"}, \"back\": {\"frequency\": 3905, \"value\": \"back\"}, \"eyes\": {\"frequency\": 1037, \"value\": \"eyes\"}, \"murder\": {\"frequency\": 780, \"value\": \"murder\"}, \"stars\": {\"frequency\": 1454, \"value\": \"stars\"}, \"relationship\": {\"frequency\": 801, \"value\": \"relationship\"}, \"that\": {\"frequency\": 20315, \"value\": \"that\"}, \"season\": {\"frequency\": 432, \"value\": \"season\"}, \"exactly\": {\"frequency\": 918, \"value\": \"exactly\"}, \"took\": {\"frequency\": 1006, \"value\": \"took\"}, \"released\": {\"frequency\": 898, \"value\": \"released\"}, \"part\": {\"frequency\": 3174, \"value\": \"part\"}, \"predictable\": {\"frequency\": 774, \"value\": \"predictable\"}, \"western\": {\"frequency\": 417, \"value\": \"western\"}, \"somewhat\": {\"frequency\": 905, \"value\": \"somewhat\"}, \"wasted\": {\"frequency\": 522, \"value\": \"wasted\"}, \"natural\": {\"frequency\": 409, \"value\": \"natural\"}, \"copy\": {\"frequency\": 501, \"value\": \"copy\"}, \"herself\": {\"frequency\": 683, \"value\": \"herself\"}, \"hollywood\": {\"frequency\": 1483, \"value\": \"hollywood\"}, \"character\": {\"frequency\": 4834, \"value\": \"character\"}, \"begins\": {\"frequency\": 707, \"value\": \"begins\"}, \"king\": {\"frequency\": 580, \"value\": \"king\"}, \"kind\": {\"frequency\": 2288, \"value\": \"kind\"}, \"john\": {\"frequency\": 1578, \"value\": \"john\"}, \"15\": {\"frequency\": 481, \"value\": \"15\"}, \"unfortunately\": {\"frequency\": 1241, \"value\": \"unfortunately\"}, \"showed\": {\"frequency\": 449, \"value\": \"showed\"}, \"boring\": {\"frequency\": 1499, \"value\": \"boring\"}, \"bother\": {\"frequency\": 386, \"value\": \"bother\"}, \"likely\": {\"frequency\": 407, \"value\": \"likely\"}, \"war\": {\"frequency\": 1129, \"value\": \"war\"}, \"project\": {\"frequency\": 432, \"value\": \"project\"}, \"matter\": {\"frequency\": 1034, \"value\": \"matter\"}, \"future\": {\"frequency\": 751, \"value\": \"future\"}, \"silly\": {\"frequency\": 791, \"value\": \"silly\"}, \"supposed\": {\"frequency\": 1304, \"value\": \"supposed\"}, \"loves\": {\"frequency\": 364, \"value\": \"loves\"}, \"were\": {\"frequency\": 6772, \"value\": \"were\"}, \"college\": {\"frequency\": 400, \"value\": \"college\"}, \"feeling\": {\"frequency\": 1025, \"value\": \"feeling\"}, \"result\": {\"frequency\": 603, \"value\": \"result\"}, \"screenplay\": {\"frequency\": 620, \"value\": \"screenplay\"}, \"sees\": {\"frequency\": 494, \"value\": \"sees\"}, \"outstanding\": {\"frequency\": 394, \"value\": \"outstanding\"}, \"viewer\": {\"frequency\": 1109, \"value\": \"viewer\"}, \"appreciate\": {\"frequency\": 480, \"value\": \"appreciate\"}, \"modern\": {\"frequency\": 773, \"value\": \"modern\"}, \"mind\": {\"frequency\": 1790, \"value\": \"mind\"}, \"head\": {\"frequency\": 1324, \"value\": \"head\"}, \"sad\": {\"frequency\": 907, \"value\": \"sad\"}, \"talking\": {\"frequency\": 856, \"value\": \"talking\"}, \"say\": {\"frequency\": 4233, \"value\": \"say\"}, \"himself\": {\"frequency\": 1792, \"value\": \"himself\"}, \"imdb\": {\"frequency\": 626, \"value\": \"imdb\"}, \"manner\": {\"frequency\": 379, \"value\": \"manner\"}, \"have\": {\"frequency\": 14180, \"value\": \"have\"}, \"disturbing\": {\"frequency\": 404, \"value\": \"disturbing\"}, \"need\": {\"frequency\": 1579, \"value\": \"need\"}, \"seen\": {\"frequency\": 5322, \"value\": \"seen\"}, \"seem\": {\"frequency\": 1926, \"value\": \"seem\"}, \"turn\": {\"frequency\": 1226, \"value\": \"turn\"}, \"saw\": {\"frequency\": 2751, \"value\": \"saw\"}, \"tells\": {\"frequency\": 775, \"value\": \"tells\"}, \"alive\": {\"frequency\": 397, \"value\": \"alive\"}, \"forced\": {\"frequency\": 623, \"value\": \"forced\"}, \"speaking\": {\"frequency\": 384, \"value\": \"speaking\"}, \"mostly\": {\"frequency\": 861, \"value\": \"mostly\"}, \"dancing\": {\"frequency\": 403, \"value\": \"dancing\"}, \"check\": {\"frequency\": 653, \"value\": \"check\"}, \"self\": {\"frequency\": 1023, \"value\": \"self\"}, \"able\": {\"frequency\": 1142, \"value\": \"able\"}, \"ideas\": {\"frequency\": 513, \"value\": \"ideas\"}, \"note\": {\"frequency\": 666, \"value\": \"note\"}, \"also\": {\"frequency\": 6458, \"value\": \"also\"}, \"recommended\": {\"frequency\": 486, \"value\": \"recommended\"}, \"potential\": {\"frequency\": 564, \"value\": \"potential\"}, \"take\": {\"frequency\": 2975, \"value\": \"take\"}, \"which\": {\"frequency\": 7571, \"value\": \"which\"}, \"performance\": {\"frequency\": 2274, \"value\": \"performance\"}, \"wonder\": {\"frequency\": 965, \"value\": \"wonder\"}, \"channel\": {\"frequency\": 381, \"value\": \"channel\"}, \"play\": {\"frequency\": 1712, \"value\": \"play\"}, \"added\": {\"frequency\": 421, \"value\": \"added\"}, \"unless\": {\"frequency\": 657, \"value\": \"unless\"}, \"though\": {\"frequency\": 3592, \"value\": \"though\"}, \"track\": {\"frequency\": 363, \"value\": \"track\"}, \"who\": {\"frequency\": 11308, \"value\": \"who\"}, \"cinematic\": {\"frequency\": 387, \"value\": \"cinematic\"}, \"falls\": {\"frequency\": 781, \"value\": \"falls\"}, \"leave\": {\"frequency\": 991, \"value\": \"leave\"}, \"most\": {\"frequency\": 6510, \"value\": \"most\"}, \"involving\": {\"frequency\": 431, \"value\": \"involving\"}, \"charm\": {\"frequency\": 367, \"value\": \"charm\"}, \"plenty\": {\"frequency\": 566, \"value\": \"plenty\"}, \"70\": {\"frequency\": 381, \"value\": \"70\"}, \"nothing\": {\"frequency\": 3409, \"value\": \"nothing\"}, \"america\": {\"frequency\": 601, \"value\": \"america\"}, \"extremely\": {\"frequency\": 953, \"value\": \"extremely\"}, \"why\": {\"frequency\": 3824, \"value\": \"why\"}, \"thriller\": {\"frequency\": 712, \"value\": \"thriller\"}, \"stands\": {\"frequency\": 382, \"value\": \"stands\"}, \"2\": {\"frequency\": 2206, \"value\": \"2\"}, \"forever\": {\"frequency\": 357, \"value\": \"forever\"}, \"don\": {\"frequency\": 6424, \"value\": \"don\"}, \"especially\": {\"frequency\": 2270, \"value\": \"especially\"}, \"boys\": {\"frequency\": 465, \"value\": \"boys\"}, \"considered\": {\"frequency\": 451, \"value\": \"considered\"}, \"performances\": {\"frequency\": 1637, \"value\": \"performances\"}, \"clear\": {\"frequency\": 722, \"value\": \"clear\"}, \"sometimes\": {\"frequency\": 1036, \"value\": \"sometimes\"}, \"cover\": {\"frequency\": 451, \"value\": \"cover\"}, \"dog\": {\"frequency\": 480, \"value\": \"dog\"}, \"order\": {\"frequency\": 825, \"value\": \"order\"}, \"looked\": {\"frequency\": 906, \"value\": \"looked\"}, \"ways\": {\"frequency\": 741, \"value\": \"ways\"}, \"ridiculous\": {\"frequency\": 878, \"value\": \"ridiculous\"}, \"storyline\": {\"frequency\": 721, \"value\": \"storyline\"}, \"pictures\": {\"frequency\": 394, \"value\": \"pictures\"}, \"entertaining\": {\"frequency\": 1337, \"value\": \"entertaining\"}, \"usual\": {\"frequency\": 875, \"value\": \"usual\"}, \"review\": {\"frequency\": 751, \"value\": \"review\"}, \"fact\": {\"frequency\": 2965, \"value\": \"fact\"}, \"son\": {\"frequency\": 940, \"value\": \"son\"}, \"saying\": {\"frequency\": 868, \"value\": \"saying\"}, \"walking\": {\"frequency\": 379, \"value\": \"walking\"}, \"shot\": {\"frequency\": 1697, \"value\": \"shot\"}, \"show\": {\"frequency\": 3320, \"value\": \"show\"}, \"cheap\": {\"frequency\": 785, \"value\": \"cheap\"}, \"anyway\": {\"frequency\": 1043, \"value\": \"anyway\"}, \"ending\": {\"frequency\": 1925, \"value\": \"ending\"}, \"bring\": {\"frequency\": 809, \"value\": \"bring\"}, \"attempts\": {\"frequency\": 540, \"value\": \"attempts\"}, \"conclusion\": {\"frequency\": 472, \"value\": \"conclusion\"}, \"telling\": {\"frequency\": 597, \"value\": \"telling\"}, \"subtle\": {\"frequency\": 402, \"value\": \"subtle\"}, \"fear\": {\"frequency\": 429, \"value\": \"fear\"}, \"longer\": {\"frequency\": 461, \"value\": \"longer\"}, \"fine\": {\"frequency\": 1160, \"value\": \"fine\"}, \"find\": {\"frequency\": 3382, \"value\": \"find\"}, \"one\": {\"frequency\": 14139, \"value\": \"one\"}, \"o\": {\"frequency\": 663, \"value\": \"o\"}, \"slow\": {\"frequency\": 986, \"value\": \"slow\"}, \"based\": {\"frequency\": 1297, \"value\": \"based\"}, \"producer\": {\"frequency\": 386, \"value\": \"producer\"}, \"ended\": {\"frequency\": 513, \"value\": \"ended\"}, \"title\": {\"frequency\": 1294, \"value\": \"title\"}, \"situations\": {\"frequency\": 458, \"value\": \"situations\"}, \"explain\": {\"frequency\": 424, \"value\": \"explain\"}, \"writer\": {\"frequency\": 1002, \"value\": \"writer\"}, \"enough\": {\"frequency\": 2864, \"value\": \"enough\"}, \"haven\": {\"frequency\": 765, \"value\": \"haven\"}, \"values\": {\"frequency\": 428, \"value\": \"values\"}, \"failed\": {\"frequency\": 451, \"value\": \"failed\"}, \"only\": {\"frequency\": 8352, \"value\": \"only\"}, \"going\": {\"frequency\": 3368, \"value\": \"going\"}, \"black\": {\"frequency\": 1459, \"value\": \"black\"}, \"central\": {\"frequency\": 357, \"value\": \"central\"}, \"pretty\": {\"frequency\": 2899, \"value\": \"pretty\"}, \"indeed\": {\"frequency\": 653, \"value\": \"indeed\"}, \"8\": {\"frequency\": 797, \"value\": \"8\"}, \"b\": {\"frequency\": 985, \"value\": \"b\"}, \"local\": {\"frequency\": 753, \"value\": \"local\"}, \"pay\": {\"frequency\": 555, \"value\": \"pay\"}, \"hope\": {\"frequency\": 1296, \"value\": \"hope\"}, \"loved\": {\"frequency\": 1245, \"value\": \"loved\"}, \"meant\": {\"frequency\": 569, \"value\": \"meant\"}, \"do\": {\"frequency\": 6609, \"value\": \"do\"}, \"his\": {\"frequency\": 10676, \"value\": \"his\"}, \"hit\": {\"frequency\": 931, \"value\": \"hit\"}, \"above\": {\"frequency\": 772, \"value\": \"above\"}, \"watching\": {\"frequency\": 3824, \"value\": \"watching\"}, \"familiar\": {\"frequency\": 508, \"value\": \"familiar\"}, \"photography\": {\"frequency\": 383, \"value\": \"photography\"}, \"de\": {\"frequency\": 471, \"value\": \"de\"}, \"watch\": {\"frequency\": 5457, \"value\": \"watch\"}, \"television\": {\"frequency\": 728, \"value\": \"television\"}, \"truly\": {\"frequency\": 1530, \"value\": \"truly\"}, \"famous\": {\"frequency\": 679, \"value\": \"famous\"}, \"feels\": {\"frequency\": 723, \"value\": \"feels\"}, \"cannot\": {\"frequency\": 974, \"value\": \"cannot\"}, \"nearly\": {\"frequency\": 751, \"value\": \"nearly\"}, \"words\": {\"frequency\": 810, \"value\": \"words\"}, \"despite\": {\"frequency\": 1213, \"value\": \"despite\"}, \"during\": {\"frequency\": 1829, \"value\": \"during\"}, \"he\": {\"frequency\": 10339, \"value\": \"he\"}, \"dr\": {\"frequency\": 476, \"value\": \"dr\"}, \"him\": {\"frequency\": 5114, \"value\": \"him\"}, \"runs\": {\"frequency\": 477, \"value\": \"runs\"}, \"roles\": {\"frequency\": 1007, \"value\": \"roles\"}, \"die\": {\"frequency\": 660, \"value\": \"die\"}, \"course\": {\"frequency\": 2184, \"value\": \"course\"}, \"seemed\": {\"frequency\": 1166, \"value\": \"seemed\"}, \"married\": {\"frequency\": 510, \"value\": \"married\"}, \"9\": {\"frequency\": 660, \"value\": \"9\"}, \"twice\": {\"frequency\": 371, \"value\": \"twice\"}, \"bad\": {\"frequency\": 5845, \"value\": \"bad\"}, \"stuff\": {\"frequency\": 1035, \"value\": \"stuff\"}, \"she\": {\"frequency\": 5491, \"value\": \"she\"}, \"shots\": {\"frequency\": 793, \"value\": \"shots\"}, \"release\": {\"frequency\": 681, \"value\": \"release\"}, \"through\": {\"frequency\": 3992, \"value\": \"through\"}, \"told\": {\"frequency\": 958, \"value\": \"told\"}, \"where\": {\"frequency\": 4734, \"value\": \"where\"}, \"husband\": {\"frequency\": 774, \"value\": \"husband\"}, \"view\": {\"frequency\": 852, \"value\": \"view\"}, \"scenery\": {\"frequency\": 387, \"value\": \"scenery\"}, \"set\": {\"frequency\": 2127, \"value\": \"set\"}, \"mess\": {\"frequency\": 619, \"value\": \"mess\"}, \"victim\": {\"frequency\": 369, \"value\": \"victim\"}, \"fair\": {\"frequency\": 430, \"value\": \"fair\"}, \"generally\": {\"frequency\": 439, \"value\": \"generally\"}, \"spend\": {\"frequency\": 488, \"value\": \"spend\"}, \"ends\": {\"frequency\": 882, \"value\": \"ends\"}, \"life\": {\"frequency\": 4545, \"value\": \"life\"}, \"scenes\": {\"frequency\": 3905, \"value\": \"scenes\"}, \"culture\": {\"frequency\": 394, \"value\": \"culture\"}, \"see\": {\"frequency\": 8074, \"value\": \"see\"}, \"decided\": {\"frequency\": 666, \"value\": \"decided\"}, \"dumb\": {\"frequency\": 501, \"value\": \"dumb\"}, \"are\": {\"frequency\": 13889, \"value\": \"are\"}, \"anything\": {\"frequency\": 2549, \"value\": \"anything\"}, \"close\": {\"frequency\": 1170, \"value\": \"close\"}, \"paul\": {\"frequency\": 637, \"value\": \"paul\"}, \"best\": {\"frequency\": 4873, \"value\": \"best\"}, \"subject\": {\"frequency\": 614, \"value\": \"subject\"}, \"success\": {\"frequency\": 535, \"value\": \"success\"}, \"fails\": {\"frequency\": 562, \"value\": \"fails\"}, \"said\": {\"frequency\": 1921, \"value\": \"said\"}, \"lack\": {\"frequency\": 953, \"value\": \"lack\"}, \"lots\": {\"frequency\": 701, \"value\": \"lots\"}, \"movie\": {\"frequency\": 15276, \"value\": \"movie\"}, \"away\": {\"frequency\": 2403, \"value\": \"away\"}, \"missing\": {\"frequency\": 543, \"value\": \"missing\"}, \"please\": {\"frequency\": 877, \"value\": \"please\"}, \"superb\": {\"frequency\": 621, \"value\": \"superb\"}, \"genius\": {\"frequency\": 395, \"value\": \"genius\"}, \"state\": {\"frequency\": 474, \"value\": \"state\"}, \"won\": {\"frequency\": 1511, \"value\": \"won\"}, \"various\": {\"frequency\": 550, \"value\": \"various\"}, \"horrible\": {\"frequency\": 1005, \"value\": \"horrible\"}, \"it\": {\"frequency\": 22263, \"value\": \"it\"}, \"probably\": {\"frequency\": 2436, \"value\": \"probably\"}, \"neither\": {\"frequency\": 507, \"value\": \"neither\"}, \"reading\": {\"frequency\": 639, \"value\": \"reading\"}, \"fantastic\": {\"frequency\": 707, \"value\": \"fantastic\"}, \"across\": {\"frequency\": 889, \"value\": \"across\"}, \"bought\": {\"frequency\": 422, \"value\": \"bought\"}, \"knowing\": {\"frequency\": 428, \"value\": \"knowing\"}, \"forward\": {\"frequency\": 623, \"value\": \"forward\"}, \"we\": {\"frequency\": 5903, \"value\": \"we\"}, \"men\": {\"frequency\": 1345, \"value\": \"men\"}, \"terms\": {\"frequency\": 398, \"value\": \"terms\"}, \"ability\": {\"frequency\": 414, \"value\": \"ability\"}, \"moment\": {\"frequency\": 965, \"value\": \"moment\"}, \"opening\": {\"frequency\": 889, \"value\": \"opening\"}, \"screen\": {\"frequency\": 2117, \"value\": \"screen\"}, \"attention\": {\"frequency\": 834, \"value\": \"attention\"}, \"weak\": {\"frequency\": 673, \"value\": \"weak\"}, \"however\": {\"frequency\": 2953, \"value\": \"however\"}, \"killing\": {\"frequency\": 597, \"value\": \"killing\"}, \"job\": {\"frequency\": 1909, \"value\": \"job\"}, \"death\": {\"frequency\": 1465, \"value\": \"death\"}, \"joe\": {\"frequency\": 384, \"value\": \"joe\"}, \"key\": {\"frequency\": 382, \"value\": \"key\"}, \"sitting\": {\"frequency\": 428, \"value\": \"sitting\"}, \"genre\": {\"frequency\": 1046, \"value\": \"genre\"}, \"police\": {\"frequency\": 767, \"value\": \"police\"}, \"come\": {\"frequency\": 2792, \"value\": \"come\"}, \"david\": {\"frequency\": 746, \"value\": \"david\"}, \"portrayal\": {\"frequency\": 463, \"value\": \"portrayal\"}, \"cop\": {\"frequency\": 444, \"value\": \"cop\"}, \"c\": {\"frequency\": 491, \"value\": \"c\"}, \"store\": {\"frequency\": 465, \"value\": \"store\"}, \"last\": {\"frequency\": 2452, \"value\": \"last\"}, \"talented\": {\"frequency\": 539, \"value\": \"talented\"}, \"always\": {\"frequency\": 2685, \"value\": \"always\"}, \"career\": {\"frequency\": 876, \"value\": \"career\"}, \"country\": {\"frequency\": 768, \"value\": \"country\"}, \"taking\": {\"frequency\": 888, \"value\": \"taking\"}, \"barely\": {\"frequency\": 457, \"value\": \"barely\"}, \"hours\": {\"frequency\": 858, \"value\": \"hours\"}, \"parts\": {\"frequency\": 1074, \"value\": \"parts\"}, \"against\": {\"frequency\": 1261, \"value\": \"against\"}, \"agree\": {\"frequency\": 544, \"value\": \"agree\"}, \"personal\": {\"frequency\": 574, \"value\": \"personal\"}, \"s\": {\"frequency\": 18077, \"value\": \"s\"}, \"became\": {\"frequency\": 638, \"value\": \"became\"}, \"disappointment\": {\"frequency\": 390, \"value\": \"disappointment\"}, \"remake\": {\"frequency\": 446, \"value\": \"remake\"}, \"moments\": {\"frequency\": 1427, \"value\": \"moments\"}, \"let\": {\"frequency\": 1966, \"value\": \"let\"}, \"whole\": {\"frequency\": 2638, \"value\": \"whole\"}, \"finds\": {\"frequency\": 835, \"value\": \"finds\"}, \"comes\": {\"frequency\": 2159, \"value\": \"comes\"}, \"otherwise\": {\"frequency\": 649, \"value\": \"otherwise\"}, \"comment\": {\"frequency\": 597, \"value\": \"comment\"}, \"and\": {\"frequency\": 24160, \"value\": \"and\"}, \"liked\": {\"frequency\": 1296, \"value\": \"liked\"}, \"tough\": {\"frequency\": 420, \"value\": \"tough\"}, \"premise\": {\"frequency\": 657, \"value\": \"premise\"}, \"point\": {\"frequency\": 2608, \"value\": \"point\"}, \"simple\": {\"frequency\": 911, \"value\": \"simple\"}, \"effective\": {\"frequency\": 464, \"value\": \"effective\"}, \"aspect\": {\"frequency\": 422, \"value\": \"aspect\"}, \"period\": {\"frequency\": 681, \"value\": \"period\"}, \"whatever\": {\"frequency\": 677, \"value\": \"whatever\"}, \"expectations\": {\"frequency\": 374, \"value\": \"expectations\"}, \"running\": {\"frequency\": 884, \"value\": \"running\"}, \"cult\": {\"frequency\": 395, \"value\": \"cult\"}, \"non\": {\"frequency\": 830, \"value\": \"non\"}, \"adaptation\": {\"frequency\": 363, \"value\": \"adaptation\"}, \"laugh\": {\"frequency\": 1208, \"value\": \"laugh\"}, \"sequences\": {\"frequency\": 633, \"value\": \"sequences\"}, \"respect\": {\"frequency\": 462, \"value\": \"respect\"}, \"bizarre\": {\"frequency\": 447, \"value\": \"bizarre\"}, \"crew\": {\"frequency\": 474, \"value\": \"crew\"}, \"100\": {\"frequency\": 396, \"value\": \"100\"}, \"points\": {\"frequency\": 721, \"value\": \"points\"}, \"speak\": {\"frequency\": 480, \"value\": \"speak\"}, \"considering\": {\"frequency\": 518, \"value\": \"considering\"}, \"late\": {\"frequency\": 1089, \"value\": \"late\"}, \"atmosphere\": {\"frequency\": 650, \"value\": \"atmosphere\"}, \"light\": {\"frequency\": 866, \"value\": \"light\"}, \"second\": {\"frequency\": 1702, \"value\": \"second\"}, \"crime\": {\"frequency\": 595, \"value\": \"crime\"}, \"decent\": {\"frequency\": 1015, \"value\": \"decent\"}, \"create\": {\"frequency\": 553, \"value\": \"create\"}, \"classic\": {\"frequency\": 1527, \"value\": \"classic\"}, \"ben\": {\"frequency\": 367, \"value\": \"ben\"}, \"due\": {\"frequency\": 862, \"value\": \"due\"}, \"been\": {\"frequency\": 6649, \"value\": \"been\"}, \"mark\": {\"frequency\": 528, \"value\": \"mark\"}, \"whom\": {\"frequency\": 585, \"value\": \"whom\"}, \"secret\": {\"frequency\": 477, \"value\": \"secret\"}, \"much\": {\"frequency\": 7080, \"value\": \"much\"}, \"slowly\": {\"frequency\": 382, \"value\": \"slowly\"}, \"interest\": {\"frequency\": 953, \"value\": \"interest\"}, \"nudity\": {\"frequency\": 506, \"value\": \"nudity\"}, \"expected\": {\"frequency\": 660, \"value\": \"expected\"}, \"women\": {\"frequency\": 1282, \"value\": \"women\"}, \"comic\": {\"frequency\": 710, \"value\": \"comic\"}, \"hardly\": {\"frequency\": 562, \"value\": \"hardly\"}, \"mary\": {\"frequency\": 361, \"value\": \"mary\"}, \"wants\": {\"frequency\": 1135, \"value\": \"wants\"}, \"dialogue\": {\"frequency\": 1335, \"value\": \"dialogue\"}, \"lived\": {\"frequency\": 360, \"value\": \"lived\"}, \"general\": {\"frequency\": 656, \"value\": \"general\"}, \"easy\": {\"frequency\": 730, \"value\": \"easy\"}, \"gay\": {\"frequency\": 359, \"value\": \"gay\"}, \"both\": {\"frequency\": 2733, \"value\": \"both\"}, \"fire\": {\"frequency\": 487, \"value\": \"fire\"}, \"given\": {\"frequency\": 1630, \"value\": \"given\"}, \"face\": {\"frequency\": 1395, \"value\": \"face\"}, \"disney\": {\"frequency\": 408, \"value\": \"disney\"}, \"starring\": {\"frequency\": 451, \"value\": \"starring\"}, \"places\": {\"frequency\": 377, \"value\": \"places\"}, \"dramatic\": {\"frequency\": 583, \"value\": \"dramatic\"}, \"lives\": {\"frequency\": 1196, \"value\": \"lives\"}, \"deep\": {\"frequency\": 600, \"value\": \"deep\"}, \"personally\": {\"frequency\": 424, \"value\": \"personally\"}, \"catch\": {\"frequency\": 425, \"value\": \"catch\"}, \"talent\": {\"frequency\": 844, \"value\": \"talent\"}, \"worked\": {\"frequency\": 596, \"value\": \"worked\"}, \"presented\": {\"frequency\": 379, \"value\": \"presented\"}, \"spirit\": {\"frequency\": 417, \"value\": \"spirit\"}, \"those\": {\"frequency\": 3768, \"value\": \"those\"}, \"honest\": {\"frequency\": 485, \"value\": \"honest\"}, \"case\": {\"frequency\": 1328, \"value\": \"case\"}, \"myself\": {\"frequency\": 1063, \"value\": \"myself\"}, \"novel\": {\"frequency\": 664, \"value\": \"novel\"}, \"look\": {\"frequency\": 3411, \"value\": \"look\"}, \"unlike\": {\"frequency\": 553, \"value\": \"unlike\"}, \"these\": {\"frequency\": 4099, \"value\": \"these\"}, \"plain\": {\"frequency\": 540, \"value\": \"plain\"}, \"straight\": {\"frequency\": 750, \"value\": \"straight\"}, \"bill\": {\"frequency\": 414, \"value\": \"bill\"}, \"appearance\": {\"frequency\": 421, \"value\": \"appearance\"}, \"budget\": {\"frequency\": 1465, \"value\": \"budget\"}, \"value\": {\"frequency\": 471, \"value\": \"value\"}, \"air\": {\"frequency\": 550, \"value\": \"air\"}, \"will\": {\"frequency\": 6236, \"value\": \"will\"}, \"cast\": {\"frequency\": 3244, \"value\": \"cast\"}, \"while\": {\"frequency\": 4092, \"value\": \"while\"}, \"suppose\": {\"frequency\": 369, \"value\": \"suppose\"}, \"surprised\": {\"frequency\": 759, \"value\": \"surprised\"}, \"expecting\": {\"frequency\": 529, \"value\": \"expecting\"}, \"many\": {\"frequency\": 5067, \"value\": \"many\"}, \"fun\": {\"frequency\": 2126, \"value\": \"fun\"}, \"situation\": {\"frequency\": 603, \"value\": \"situation\"}, \"voice\": {\"frequency\": 874, \"value\": \"voice\"}, \"decides\": {\"frequency\": 500, \"value\": \"decides\"}, \"rent\": {\"frequency\": 663, \"value\": \"rent\"}, \"understand\": {\"frequency\": 1439, \"value\": \"understand\"}, \"stop\": {\"frequency\": 988, \"value\": \"stop\"}, \"group\": {\"frequency\": 879, \"value\": \"group\"}, \"age\": {\"frequency\": 961, \"value\": \"age\"}, \"ve\": {\"frequency\": 3944, \"value\": \"ve\"}, \"eventually\": {\"frequency\": 663, \"value\": \"eventually\"}, \"almost\": {\"frequency\": 2655, \"value\": \"almost\"}, \"is\": {\"frequency\": 22425, \"value\": \"is\"}, \"thus\": {\"frequency\": 384, \"value\": \"thus\"}, \"surprisingly\": {\"frequency\": 439, \"value\": \"surprisingly\"}, \"disappointing\": {\"frequency\": 395, \"value\": \"disappointing\"}, \"middle\": {\"frequency\": 885, \"value\": \"middle\"}, \"someone\": {\"frequency\": 1991, \"value\": \"someone\"}, \"audiences\": {\"frequency\": 418, \"value\": \"audiences\"}, \"creepy\": {\"frequency\": 529, \"value\": \"creepy\"}, \"in\": {\"frequency\": 22034, \"value\": \"in\"}, \"aspects\": {\"frequency\": 377, \"value\": \"aspects\"}, \"if\": {\"frequency\": 10656, \"value\": \"if\"}, \"funny\": {\"frequency\": 3113, \"value\": \"funny\"}, \"different\": {\"frequency\": 1935, \"value\": \"different\"}, \"century\": {\"frequency\": 461, \"value\": \"century\"}, \"open\": {\"frequency\": 580, \"value\": \"open\"}, \"etc\": {\"frequency\": 1017, \"value\": \"etc\"}, \"perhaps\": {\"frequency\": 1457, \"value\": \"perhaps\"}, \"suggest\": {\"frequency\": 359, \"value\": \"suggest\"}, \"make\": {\"frequency\": 6123, \"value\": \"make\"}, \"admit\": {\"frequency\": 588, \"value\": \"admit\"}, \"same\": {\"frequency\": 3323, \"value\": \"same\"}, \"clearly\": {\"frequency\": 813, \"value\": \"clearly\"}, \"romance\": {\"frequency\": 584, \"value\": \"romance\"}, \"pass\": {\"frequency\": 386, \"value\": \"pass\"}, \"complex\": {\"frequency\": 392, \"value\": \"complex\"}, \"waste\": {\"frequency\": 1299, \"value\": \"waste\"}, \"\\\"i\": {\"frequency\": 582, \"value\": \"\\\"i\"}, \"party\": {\"frequency\": 441, \"value\": \"party\"}, \"true\": {\"frequency\": 1946, \"value\": \"true\"}, \"several\": {\"frequency\": 1270, \"value\": \"several\"}, \"events\": {\"frequency\": 774, \"value\": \"events\"}, \"difficult\": {\"frequency\": 638, \"value\": \"difficult\"}, \"week\": {\"frequency\": 399, \"value\": \"week\"}, \"fairly\": {\"frequency\": 542, \"value\": \"fairly\"}, \"outside\": {\"frequency\": 532, \"value\": \"outside\"}, \"used\": {\"frequency\": 1659, \"value\": \"used\"}, \"slightly\": {\"frequency\": 512, \"value\": \"slightly\"}, \"sequel\": {\"frequency\": 614, \"value\": \"sequel\"}, \"pick\": {\"frequency\": 417, \"value\": \"pick\"}, \"upon\": {\"frequency\": 788, \"value\": \"upon\"}, \"effect\": {\"frequency\": 572, \"value\": \"effect\"}, \"evil\": {\"frequency\": 1018, \"value\": \"evil\"}, \"hand\": {\"frequency\": 1086, \"value\": \"hand\"}, \"director\": {\"frequency\": 3528, \"value\": \"director\"}, \"action\": {\"frequency\": 2280, \"value\": \"action\"}, \"viewing\": {\"frequency\": 695, \"value\": \"viewing\"}, \"uses\": {\"frequency\": 499, \"value\": \"uses\"}, \"purpose\": {\"frequency\": 423, \"value\": \"purpose\"}, \"characters\": {\"frequency\": 5084, \"value\": \"characters\"}, \"interested\": {\"frequency\": 608, \"value\": \"interested\"}, \"opportunity\": {\"frequency\": 373, \"value\": \"opportunity\"}, \"cartoon\": {\"frequency\": 366, \"value\": \"cartoon\"}, \"off\": {\"frequency\": 4617, \"value\": \"off\"}, \"kid\": {\"frequency\": 898, \"value\": \"kid\"}, \"dark\": {\"frequency\": 1092, \"value\": \"dark\"}, \"kept\": {\"frequency\": 694, \"value\": \"kept\"}, \"score\": {\"frequency\": 932, \"value\": \"score\"}, \"older\": {\"frequency\": 589, \"value\": \"older\"}, \"i\": {\"frequency\": 19819, \"value\": \"i\"}, \"changes\": {\"frequency\": 356, \"value\": \"changes\"}, \"incredible\": {\"frequency\": 501, \"value\": \"incredible\"}, \"well\": {\"frequency\": 7491, \"value\": \"well\"}, \"spent\": {\"frequency\": 511, \"value\": \"spent\"}, \"fighting\": {\"frequency\": 514, \"value\": \"fighting\"}, \"obviously\": {\"frequency\": 1072, \"value\": \"obviously\"}, \"thought\": {\"frequency\": 2911, \"value\": \"thought\"}, \"person\": {\"frequency\": 1349, \"value\": \"person\"}, \"edge\": {\"frequency\": 405, \"value\": \"edge\"}, \"greatest\": {\"frequency\": 656, \"value\": \"greatest\"}, \"english\": {\"frequency\": 785, \"value\": \"english\"}, \"the\": {\"frequency\": 24786, \"value\": \"the\"}, \"chemistry\": {\"frequency\": 443, \"value\": \"chemistry\"}, \"musical\": {\"frequency\": 716, \"value\": \"musical\"}, \"left\": {\"frequency\": 1825, \"value\": \"left\"}, \"things\": {\"frequency\": 2985, \"value\": \"things\"}, \"impression\": {\"frequency\": 389, \"value\": \"impression\"}, \"just\": {\"frequency\": 10533, \"value\": \"just\"}, \"among\": {\"frequency\": 723, \"value\": \"among\"}, \"being\": {\"frequency\": 5027, \"value\": \"being\"}, \"sound\": {\"frequency\": 1099, \"value\": \"sound\"}, \"hands\": {\"frequency\": 584, \"value\": \"hands\"}, \"means\": {\"frequency\": 702, \"value\": \"means\"}, \"actress\": {\"frequency\": 1045, \"value\": \"actress\"}, \"aside\": {\"frequency\": 443, \"value\": \"aside\"}, \"front\": {\"frequency\": 560, \"value\": \"front\"}, \"violent\": {\"frequency\": 455, \"value\": \"violent\"}, \"kill\": {\"frequency\": 993, \"value\": \"kill\"}, \"thanks\": {\"frequency\": 438, \"value\": \"thanks\"}, \"human\": {\"frequency\": 1263, \"value\": \"human\"}, \"behind\": {\"frequency\": 1125, \"value\": \"behind\"}, \"touch\": {\"frequency\": 440, \"value\": \"touch\"}, \"co\": {\"frequency\": 532, \"value\": \"co\"}, \"yes\": {\"frequency\": 1281, \"value\": \"yes\"}, \"recommend\": {\"frequency\": 1594, \"value\": \"recommend\"}, \"yet\": {\"frequency\": 2265, \"value\": \"yet\"}, \"previous\": {\"frequency\": 579, \"value\": \"previous\"}, \"terrific\": {\"frequency\": 382, \"value\": \"terrific\"}, \"painful\": {\"frequency\": 394, \"value\": \"painful\"}, \"humour\": {\"frequency\": 367, \"value\": \"humour\"}, \"mother\": {\"frequency\": 1058, \"value\": \"mother\"}, \"common\": {\"frequency\": 475, \"value\": \"common\"}, \"disappointed\": {\"frequency\": 858, \"value\": \"disappointed\"}, \"seems\": {\"frequency\": 2899, \"value\": \"seems\"}, \"had\": {\"frequency\": 7454, \"value\": \"had\"}, \"theater\": {\"frequency\": 705, \"value\": \"theater\"}, \"killed\": {\"frequency\": 913, \"value\": \"killed\"}, \"reasons\": {\"frequency\": 558, \"value\": \"reasons\"}, \"add\": {\"frequency\": 779, \"value\": \"add\"}, \"animation\": {\"frequency\": 553, \"value\": \"animation\"}, \"parents\": {\"frequency\": 611, \"value\": \"parents\"}, \"4\": {\"frequency\": 1168, \"value\": \"4\"}, \"innocent\": {\"frequency\": 375, \"value\": \"innocent\"}, \"sweet\": {\"frequency\": 493, \"value\": \"sweet\"}, \"role\": {\"frequency\": 2453, \"value\": \"role\"}, \"as\": {\"frequency\": 16113, \"value\": \"as\"}, \"has\": {\"frequency\": 10063, \"value\": \"has\"}, \"totally\": {\"frequency\": 1216, \"value\": \"totally\"}, \"acted\": {\"frequency\": 641, \"value\": \"acted\"}, \"smart\": {\"frequency\": 363, \"value\": \"smart\"}, \"amusing\": {\"frequency\": 478, \"value\": \"amusing\"}, \"real\": {\"frequency\": 3640, \"value\": \"real\"}, \"book\": {\"frequency\": 1421, \"value\": \"book\"}, \"fi\": {\"frequency\": 486, \"value\": \"fi\"}, \"casting\": {\"frequency\": 564, \"value\": \"casting\"}, \"around\": {\"frequency\": 2979, \"value\": \"around\"}, \"kills\": {\"frequency\": 443, \"value\": \"kills\"}, \"drawn\": {\"frequency\": 407, \"value\": \"drawn\"}, \"read\": {\"frequency\": 1604, \"value\": \"read\"}, \"big\": {\"frequency\": 2762, \"value\": \"big\"}, \"couple\": {\"frequency\": 1475, \"value\": \"couple\"}, \"possible\": {\"frequency\": 929, \"value\": \"possible\"}, \"successful\": {\"frequency\": 485, \"value\": \"successful\"}, \"early\": {\"frequency\": 1356, \"value\": \"early\"}, \"possibly\": {\"frequency\": 664, \"value\": \"possibly\"}, \"game\": {\"frequency\": 704, \"value\": \"game\"}, \"actually\": {\"frequency\": 3440, \"value\": \"actually\"}, \"five\": {\"frequency\": 783, \"value\": \"five\"}, \"know\": {\"frequency\": 4769, \"value\": \"know\"}, \"background\": {\"frequency\": 561, \"value\": \"background\"}, \"average\": {\"frequency\": 644, \"value\": \"average\"}, \"immediately\": {\"frequency\": 436, \"value\": \"immediately\"}, \"bit\": {\"frequency\": 2560, \"value\": \"bit\"}, \"unique\": {\"frequency\": 574, \"value\": \"unique\"}, \"lady\": {\"frequency\": 605, \"value\": \"lady\"}, \"d\": {\"frequency\": 2378, \"value\": \"d\"}, \"incredibly\": {\"frequency\": 576, \"value\": \"incredibly\"}, \"showing\": {\"frequency\": 723, \"value\": \"showing\"}, \"like\": {\"frequency\": 11662, \"value\": \"like\"}, \"lost\": {\"frequency\": 1296, \"value\": \"lost\"}, \"should\": {\"frequency\": 4072, \"value\": \"should\"}, \"honestly\": {\"frequency\": 423, \"value\": \"honestly\"}, \"adult\": {\"frequency\": 425, \"value\": \"adult\"}, \"french\": {\"frequency\": 556, \"value\": \"french\"}, \"audience\": {\"frequency\": 1798, \"value\": \"audience\"}, \"80\": {\"frequency\": 475, \"value\": \"80\"}, \"t\": {\"frequency\": 15077, \"value\": \"t\"}, \"night\": {\"frequency\": 1662, \"value\": \"night\"}, \"bunch\": {\"frequency\": 726, \"value\": \"bunch\"}, \"anti\": {\"frequency\": 394, \"value\": \"anti\"}, \"without\": {\"frequency\": 2810, \"value\": \"without\"}, \"e\": {\"frequency\": 557, \"value\": \"e\"}, \"awesome\": {\"frequency\": 418, \"value\": \"awesome\"}, \"likes\": {\"frequency\": 436, \"value\": \"likes\"}, \"because\": {\"frequency\": 6243, \"value\": \"because\"}, \"old\": {\"frequency\": 3446, \"value\": \"old\"}, \"often\": {\"frequency\": 1389, \"value\": \"often\"}, \"deal\": {\"frequency\": 672, \"value\": \"deal\"}, \"sequence\": {\"frequency\": 702, \"value\": \"sequence\"}, \"absolutely\": {\"frequency\": 1382, \"value\": \"absolutely\"}, \"then\": {\"frequency\": 5647, \"value\": \"then\"}, \"nobody\": {\"frequency\": 407, \"value\": \"nobody\"}, \"some\": {\"frequency\": 9637, \"value\": \"some\"}, \"begin\": {\"frequency\": 633, \"value\": \"begin\"}, \"10\": {\"frequency\": 3346, \"value\": \"10\"}, \"50\": {\"frequency\": 423, \"value\": \"50\"}, \"hair\": {\"frequency\": 446, \"value\": \"hair\"}, \"towards\": {\"frequency\": 587, \"value\": \"towards\"}, \"learn\": {\"frequency\": 630, \"value\": \"learn\"}, \"band\": {\"frequency\": 356, \"value\": \"band\"}, \"escape\": {\"frequency\": 446, \"value\": \"escape\"}, \"images\": {\"frequency\": 412, \"value\": \"images\"}, \"gave\": {\"frequency\": 1111, \"value\": \"gave\"}, \"editing\": {\"frequency\": 695, \"value\": \"editing\"}, \"guess\": {\"frequency\": 1196, \"value\": \"guess\"}, \"thinks\": {\"frequency\": 413, \"value\": \"thinks\"}, \"happens\": {\"frequency\": 973, \"value\": \"happens\"}, \"wow\": {\"frequency\": 359, \"value\": \"wow\"}, \"throughout\": {\"frequency\": 1265, \"value\": \"throughout\"}, \"recently\": {\"frequency\": 560, \"value\": \"recently\"}, \"mood\": {\"frequency\": 407, \"value\": \"mood\"}, \"lead\": {\"frequency\": 1171, \"value\": \"lead\"}, \"bottom\": {\"frequency\": 402, \"value\": \"bottom\"}, \"poorly\": {\"frequency\": 627, \"value\": \"poorly\"}, \"literally\": {\"frequency\": 447, \"value\": \"literally\"}, \"avoid\": {\"frequency\": 726, \"value\": \"avoid\"}, \"normal\": {\"frequency\": 390, \"value\": \"normal\"}, \"mad\": {\"frequency\": 385, \"value\": \"mad\"}, \"comments\": {\"frequency\": 695, \"value\": \"comments\"}, \"wrong\": {\"frequency\": 1578, \"value\": \"wrong\"}, \"everything\": {\"frequency\": 2024, \"value\": \"everything\"}, \"does\": {\"frequency\": 4550, \"value\": \"does\"}, \"spoilers\": {\"frequency\": 517, \"value\": \"spoilers\"}, \"suspense\": {\"frequency\": 643, \"value\": \"suspense\"}, \"three\": {\"frequency\": 1810, \"value\": \"three\"}, \"laughing\": {\"frequency\": 496, \"value\": \"laughing\"}, \"somehow\": {\"frequency\": 692, \"value\": \"somehow\"}, \"be\": {\"frequency\": 14134, \"value\": \"be\"}, \"says\": {\"frequency\": 943, \"value\": \"says\"}, \"knew\": {\"frequency\": 822, \"value\": \"knew\"}, \"run\": {\"frequency\": 1064, \"value\": \"run\"}, \"any\": {\"frequency\": 5766, \"value\": \"any\"}, \"business\": {\"frequency\": 549, \"value\": \"business\"}, \"problems\": {\"frequency\": 761, \"value\": \"problems\"}, \"each\": {\"frequency\": 2053, \"value\": \"each\"}, \"costumes\": {\"frequency\": 394, \"value\": \"costumes\"}, \"popular\": {\"frequency\": 499, \"value\": \"popular\"}, \"meets\": {\"frequency\": 615, \"value\": \"meets\"}, \"nowhere\": {\"frequency\": 414, \"value\": \"nowhere\"}, \"br\": {\"frequency\": 14667, \"value\": \"br\"}, \"become\": {\"frequency\": 1368, \"value\": \"become\"}, \"eye\": {\"frequency\": 712, \"value\": \"eye\"}, \"post\": {\"frequency\": 432, \"value\": \"post\"}, \"exciting\": {\"frequency\": 477, \"value\": \"exciting\"}, \"super\": {\"frequency\": 394, \"value\": \"super\"}, \"by\": {\"frequency\": 11715, \"value\": \"by\"}, \"dead\": {\"frequency\": 1377, \"value\": \"dead\"}, \"stage\": {\"frequency\": 557, \"value\": \"stage\"}, \"walk\": {\"frequency\": 451, \"value\": \"walk\"}, \"on\": {\"frequency\": 15688, \"value\": \"on\"}, \"about\": {\"frequency\": 10489, \"value\": \"about\"}, \"works\": {\"frequency\": 1142, \"value\": \"works\"}, \"ok\": {\"frequency\": 851, \"value\": \"ok\"}, \"would\": {\"frequency\": 8129, \"value\": \"would\"}, \"world\": {\"frequency\": 2833, \"value\": \"world\"}, \"oh\": {\"frequency\": 1138, \"value\": \"oh\"}, \"of\": {\"frequency\": 23725, \"value\": \"of\"}, \"violence\": {\"frequency\": 886, \"value\": \"violence\"}, \"favorite\": {\"frequency\": 1085, \"value\": \"favorite\"}, \"meaning\": {\"frequency\": 442, \"value\": \"meaning\"}, \"scott\": {\"frequency\": 369, \"value\": \"scott\"}, \"drama\": {\"frequency\": 1178, \"value\": \"drama\"}, \"deserves\": {\"frequency\": 576, \"value\": \"deserves\"}, \"plus\": {\"frequency\": 571, \"value\": \"plus\"}, \"stand\": {\"frequency\": 744, \"value\": \"stand\"}, \"dialog\": {\"frequency\": 675, \"value\": \"dialog\"}, \"act\": {\"frequency\": 1057, \"value\": \"act\"}, \"memorable\": {\"frequency\": 620, \"value\": \"memorable\"}, \"italian\": {\"frequency\": 376, \"value\": \"italian\"}, \"documentary\": {\"frequency\": 607, \"value\": \"documentary\"}, \"or\": {\"frequency\": 10347, \"value\": \"or\"}, \"road\": {\"frequency\": 364, \"value\": \"road\"}, \"seeing\": {\"frequency\": 1893, \"value\": \"seeing\"}, \"equally\": {\"frequency\": 413, \"value\": \"equally\"}, \"filmmakers\": {\"frequency\": 486, \"value\": \"filmmakers\"}, \"followed\": {\"frequency\": 362, \"value\": \"followed\"}, \"follows\": {\"frequency\": 480, \"value\": \"follows\"}, \"political\": {\"frequency\": 461, \"value\": \"political\"}, \"into\": {\"frequency\": 6422, \"value\": \"into\"}, \"within\": {\"frequency\": 748, \"value\": \"within\"}, \"child\": {\"frequency\": 988, \"value\": \"child\"}, \"two\": {\"frequency\": 4926, \"value\": \"two\"}, \"down\": {\"frequency\": 3074, \"value\": \"down\"}, \"right\": {\"frequency\": 2751, \"value\": \"right\"}, \"female\": {\"frequency\": 814, \"value\": \"female\"}, \"lovely\": {\"frequency\": 380, \"value\": \"lovely\"}, \"quickly\": {\"frequency\": 597, \"value\": \"quickly\"}, \"pointless\": {\"frequency\": 459, \"value\": \"pointless\"}, \"your\": {\"frequency\": 4255, \"value\": \"your\"}, \"particularly\": {\"frequency\": 972, \"value\": \"particularly\"}, \"art\": {\"frequency\": 942, \"value\": \"art\"}, \"story\": {\"frequency\": 7574, \"value\": \"story\"}, \"her\": {\"frequency\": 6447, \"value\": \"her\"}, \"aren\": {\"frequency\": 824, \"value\": \"aren\"}, \"apparently\": {\"frequency\": 819, \"value\": \"apparently\"}, \"support\": {\"frequency\": 367, \"value\": \"support\"}, \"question\": {\"frequency\": 610, \"value\": \"question\"}, \"long\": {\"frequency\": 2934, \"value\": \"long\"}, \"fight\": {\"frequency\": 892, \"value\": \"fight\"}, \"fully\": {\"frequency\": 403, \"value\": \"fully\"}, \"start\": {\"frequency\": 1524, \"value\": \"start\"}, \"camera\": {\"frequency\": 1459, \"value\": \"camera\"}, \"low\": {\"frequency\": 1527, \"value\": \"low\"}, \"way\": {\"frequency\": 6020, \"value\": \"way\"}, \"series\": {\"frequency\": 1882, \"value\": \"series\"}, \"biggest\": {\"frequency\": 486, \"value\": \"biggest\"}, \"music\": {\"frequency\": 2292, \"value\": \"music\"}, \"bored\": {\"frequency\": 503, \"value\": \"bored\"}, \"was\": {\"frequency\": 16162, \"value\": \"was\"}, \"footage\": {\"frequency\": 487, \"value\": \"footage\"}, \"happy\": {\"frequency\": 820, \"value\": \"happy\"}, \"sex\": {\"frequency\": 1163, \"value\": \"sex\"}, \"buy\": {\"frequency\": 700, \"value\": \"buy\"}, \"an\": {\"frequency\": 12200, \"value\": \"an\"}, \"complete\": {\"frequency\": 963, \"value\": \"complete\"}, \"form\": {\"frequency\": 705, \"value\": \"form\"}, \"offer\": {\"frequency\": 360, \"value\": \"offer\"}, \"constantly\": {\"frequency\": 391, \"value\": \"constantly\"}, \"believe\": {\"frequency\": 2202, \"value\": \"believe\"}, \"basic\": {\"frequency\": 450, \"value\": \"basic\"}, \"stunning\": {\"frequency\": 383, \"value\": \"stunning\"}, \"but\": {\"frequency\": 17974, \"value\": \"but\"}, \"yeah\": {\"frequency\": 397, \"value\": \"yeah\"}, \"taken\": {\"frequency\": 934, \"value\": \"taken\"}, \"hear\": {\"frequency\": 680, \"value\": \"hear\"}, \"gore\": {\"frequency\": 765, \"value\": \"gore\"}, \"episode\": {\"frequency\": 980, \"value\": \"episode\"}, \"line\": {\"frequency\": 1607, \"value\": \"line\"}, \"trying\": {\"frequency\": 2168, \"value\": \"trying\"}, \"with\": {\"frequency\": 17464, \"value\": \"with\"}, \"dull\": {\"frequency\": 706, \"value\": \"dull\"}, \"happening\": {\"frequency\": 358, \"value\": \"happening\"}, \"directed\": {\"frequency\": 1109, \"value\": \"directed\"}, \"throw\": {\"frequency\": 377, \"value\": \"throw\"}, \"made\": {\"frequency\": 6354, \"value\": \"made\"}, \"romantic\": {\"frequency\": 683, \"value\": \"romantic\"}, \"happen\": {\"frequency\": 930, \"value\": \"happen\"}, \"whether\": {\"frequency\": 788, \"value\": \"whether\"}, \"wish\": {\"frequency\": 868, \"value\": \"wish\"}, \"inside\": {\"frequency\": 526, \"value\": \"inside\"}, \"annoying\": {\"frequency\": 878, \"value\": \"annoying\"}, \"up\": {\"frequency\": 8635, \"value\": \"up\"}, \"us\": {\"frequency\": 2747, \"value\": \"us\"}, \"tell\": {\"frequency\": 1524, \"value\": \"tell\"}, \"garbage\": {\"frequency\": 418, \"value\": \"garbage\"}, \"books\": {\"frequency\": 393, \"value\": \"books\"}, \"stories\": {\"frequency\": 895, \"value\": \"stories\"}, \"minor\": {\"frequency\": 373, \"value\": \"minor\"}, \"acting\": {\"frequency\": 5338, \"value\": \"acting\"}, \"emotional\": {\"frequency\": 582, \"value\": \"emotional\"}, \"problem\": {\"frequency\": 1229, \"value\": \"problem\"}, \"piece\": {\"frequency\": 1368, \"value\": \"piece\"}, \"minutes\": {\"frequency\": 2396, \"value\": \"minutes\"}, \"called\": {\"frequency\": 1281, \"value\": \"called\"}, \"nature\": {\"frequency\": 590, \"value\": \"nature\"}, \"expect\": {\"frequency\": 1066, \"value\": \"expect\"}, \"gone\": {\"frequency\": 681, \"value\": \"gone\"}, \"later\": {\"frequency\": 1825, \"value\": \"later\"}, \"money\": {\"frequency\": 1949, \"value\": \"money\"}, \"stick\": {\"frequency\": 435, \"value\": \"stick\"}, \"cinema\": {\"frequency\": 1182, \"value\": \"cinema\"}, \"taste\": {\"frequency\": 410, \"value\": \"taste\"}, \"certain\": {\"frequency\": 700, \"value\": \"certain\"}, \"am\": {\"frequency\": 2278, \"value\": \"am\"}, \"direction\": {\"frequency\": 1277, \"value\": \"direction\"}, \"doesn\": {\"frequency\": 3626, \"value\": \"doesn\"}, \"drive\": {\"frequency\": 388, \"value\": \"drive\"}, \"twist\": {\"frequency\": 473, \"value\": \"twist\"}, \"single\": {\"frequency\": 835, \"value\": \"single\"}, \"held\": {\"frequency\": 373, \"value\": \"held\"}, \"at\": {\"frequency\": 12931, \"value\": \"at\"}, \"home\": {\"frequency\": 1504, \"value\": \"home\"}, \"girlfriend\": {\"frequency\": 543, \"value\": \"girlfriend\"}, \"watched\": {\"frequency\": 1967, \"value\": \"watched\"}, \"moves\": {\"frequency\": 511, \"value\": \"moves\"}, \"portrayed\": {\"frequency\": 556, \"value\": \"portrayed\"}, \"trip\": {\"frequency\": 422, \"value\": \"trip\"}, \"film\": {\"frequency\": 13913, \"value\": \"film\"}, \"knows\": {\"frequency\": 811, \"value\": \"knows\"}, \"available\": {\"frequency\": 362, \"value\": \"available\"}, \"again\": {\"frequency\": 3230, \"value\": \"again\"}, \"compared\": {\"frequency\": 516, \"value\": \"compared\"}, \"tone\": {\"frequency\": 424, \"value\": \"tone\"}, \"no\": {\"frequency\": 8158, \"value\": \"no\"}, \"once\": {\"frequency\": 2057, \"value\": \"once\"}, \"there\": {\"frequency\": 10792, \"value\": \"there\"}, \"when\": {\"frequency\": 9013, \"value\": \"when\"}, \"depth\": {\"frequency\": 465, \"value\": \"depth\"}, \"actor\": {\"frequency\": 1962, \"value\": \"actor\"}, \"reality\": {\"frequency\": 785, \"value\": \"reality\"}, \"power\": {\"frequency\": 731, \"value\": \"power\"}, \"\\ufffd\\ufffd\": {\"frequency\": 439, \"value\": \"\\u0096\"}, \"other\": {\"frequency\": 6699, \"value\": \"other\"}, \"actors\": {\"frequency\": 3601, \"value\": \"actors\"}, \"details\": {\"frequency\": 373, \"value\": \"details\"}, \"sick\": {\"frequency\": 431, \"value\": \"sick\"}, \"becomes\": {\"frequency\": 1210, \"value\": \"becomes\"}, \"you\": {\"frequency\": 13559, \"value\": \"you\"}, \"really\": {\"frequency\": 7625, \"value\": \"really\"}, \"realize\": {\"frequency\": 616, \"value\": \"realize\"}, \"nice\": {\"frequency\": 1668, \"value\": \"nice\"}, \"poor\": {\"frequency\": 1588, \"value\": \"poor\"}, \"picture\": {\"frequency\": 1229, \"value\": \"picture\"}, \"elements\": {\"frequency\": 696, \"value\": \"elements\"}, \"star\": {\"frequency\": 1559, \"value\": \"star\"}, \"brothers\": {\"frequency\": 437, \"value\": \"brothers\"}, \"living\": {\"frequency\": 931, \"value\": \"living\"}, \"surprise\": {\"frequency\": 617, \"value\": \"surprise\"}, \"class\": {\"frequency\": 742, \"value\": \"class\"}, \"setting\": {\"frequency\": 601, \"value\": \"setting\"}, \"convincing\": {\"frequency\": 500, \"value\": \"convincing\"}, \"m\": {\"frequency\": 3861, \"value\": \"m\"}, \"stay\": {\"frequency\": 710, \"value\": \"stay\"}, \"william\": {\"frequency\": 505, \"value\": \"william\"}, \"town\": {\"frequency\": 902, \"value\": \"town\"}, \"chance\": {\"frequency\": 976, \"value\": \"chance\"}, \"important\": {\"frequency\": 827, \"value\": \"important\"}, \"recent\": {\"frequency\": 482, \"value\": \"recent\"}, \"utterly\": {\"frequency\": 432, \"value\": \"utterly\"}, \"less\": {\"frequency\": 1728, \"value\": \"less\"}, \"sure\": {\"frequency\": 2372, \"value\": \"sure\"}, \"humor\": {\"frequency\": 1087, \"value\": \"humor\"}, \"else\": {\"frequency\": 1840, \"value\": \"else\"}, \"friends\": {\"frequency\": 1473, \"value\": \"friends\"}, \"needed\": {\"frequency\": 634, \"value\": \"needed\"}, \"shown\": {\"frequency\": 881, \"value\": \"shown\"}, \"ago\": {\"frequency\": 971, \"value\": \"ago\"}, \"animated\": {\"frequency\": 377, \"value\": \"animated\"}, \"younger\": {\"frequency\": 449, \"value\": \"younger\"}, \"comedies\": {\"frequency\": 368, \"value\": \"comedies\"}, \"for\": {\"frequency\": 17879, \"value\": \"for\"}, \"using\": {\"frequency\": 733, \"value\": \"using\"}, \"wife\": {\"frequency\": 1603, \"value\": \"wife\"}, \"dvd\": {\"frequency\": 1896, \"value\": \"dvd\"}, \"puts\": {\"frequency\": 386, \"value\": \"puts\"}, \"space\": {\"frequency\": 535, \"value\": \"space\"}, \"changed\": {\"frequency\": 436, \"value\": \"changed\"}, \"save\": {\"frequency\": 919, \"value\": \"save\"}, \"together\": {\"frequency\": 1961, \"value\": \"together\"}, \"original\": {\"frequency\": 2339, \"value\": \"original\"}, \"directors\": {\"frequency\": 580, \"value\": \"directors\"}, \"u\": {\"frequency\": 359, \"value\": \"u\"}, \"came\": {\"frequency\": 1536, \"value\": \"came\"}, \"apart\": {\"frequency\": 588, \"value\": \"apart\"}, \"time\": {\"frequency\": 8693, \"value\": \"time\"}, \"serious\": {\"frequency\": 875, \"value\": \"serious\"}, \"twists\": {\"frequency\": 399, \"value\": \"twists\"}, \"\\\"the\": {\"frequency\": 1946, \"value\": \"\\\"the\"}, \"robert\": {\"frequency\": 773, \"value\": \"robert\"}, \"songs\": {\"frequency\": 693, \"value\": \"songs\"}}, \"size\": 3565206}, \"progress\": 1.0, \"values\": {\"std\": 2.284352745611003, \"complete\": true, \"min\": 1.0, \"max\": 198.0, \"quantile\": [1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 2.0, 2.0, 2.0, 2.0, 2.0, 2.0, 2.0, 2.0, 2.0, 2.0, 2.0, 2.0, 3.0, 3.0, 3.0, 3.0, 3.0, 4.0, 4.0, 5.0, 5.0, 6.0, 8.0, 12.0, 198.0], \"median\": 1.0, \"numeric\": true, \"num_unique\": 100, \"num_undefined\": 0, \"var\": 5.218267466380527, \"progress\": 1.0, \"size\": 3565206, \"frequent_items\": {\"1.0\": {\"frequency\": 2680007, \"value\": 1.0}, \"2.0\": {\"frequency\": 452206, \"value\": 2.0}, \"3.0\": {\"frequency\": 163068, \"value\": 3.0}, \"4.0\": {\"frequency\": 85316, \"value\": 4.0}, \"5.0\": {\"frequency\": 48645, \"value\": 5.0}, \"6.0\": {\"frequency\": 34588, \"value\": 6.0}, \"7.0\": {\"frequency\": 21690, \"value\": 7.0}, \"8.0\": {\"frequency\": 17381, \"value\": 8.0}, \"9.0\": {\"frequency\": 11407, \"value\": 9.0}, \"10.0\": {\"frequency\": 10077, \"value\": 10.0}, \"11.0\": {\"frequency\": 6623, \"value\": 11.0}, \"12.0\": {\"frequency\": 5964, \"value\": 12.0}, \"13.0\": {\"frequency\": 4165, \"value\": 13.0}, \"14.0\": {\"frequency\": 3961, \"value\": 14.0}, \"15.0\": {\"frequency\": 2764, \"value\": 15.0}, \"16.0\": {\"frequency\": 2633, \"value\": 16.0}, \"17.0\": {\"frequency\": 1824, \"value\": 17.0}, \"18.0\": {\"frequency\": 1840, \"value\": 18.0}, \"19.0\": {\"frequency\": 1344, \"value\": 19.0}, \"20.0\": {\"frequency\": 1173, \"value\": 20.0}, \"21.0\": {\"frequency\": 1013, \"value\": 21.0}, \"22.0\": {\"frequency\": 922, \"value\": 22.0}, \"23.0\": {\"frequency\": 713, \"value\": 23.0}, \"24.0\": {\"frequency\": 699, \"value\": 24.0}, \"25.0\": {\"frequency\": 541, \"value\": 25.0}, \"26.0\": {\"frequency\": 538, \"value\": 26.0}, \"27.0\": {\"frequency\": 413, \"value\": 27.0}, \"28.0\": {\"frequency\": 395, \"value\": 28.0}, \"29.0\": {\"frequency\": 342, \"value\": 29.0}, \"30.0\": {\"frequency\": 301, \"value\": 30.0}, \"31.0\": {\"frequency\": 250, \"value\": 31.0}, \"32.0\": {\"frequency\": 234, \"value\": 32.0}, \"33.0\": {\"frequency\": 204, \"value\": 33.0}, \"34.0\": {\"frequency\": 180, \"value\": 34.0}, \"35.0\": {\"frequency\": 143, \"value\": 35.0}, \"36.0\": {\"frequency\": 157, \"value\": 36.0}, \"37.0\": {\"frequency\": 139, \"value\": 37.0}, \"38.0\": {\"frequency\": 111, \"value\": 38.0}, \"39.0\": {\"frequency\": 114, \"value\": 39.0}, \"40.0\": {\"frequency\": 96, \"value\": 40.0}, \"41.0\": {\"frequency\": 97, \"value\": 41.0}, \"42.0\": {\"frequency\": 77, \"value\": 42.0}, \"43.0\": {\"frequency\": 76, \"value\": 43.0}, \"44.0\": {\"frequency\": 73, \"value\": 44.0}, \"45.0\": {\"frequency\": 51, \"value\": 45.0}, \"46.0\": {\"frequency\": 45, \"value\": 46.0}, \"47.0\": {\"frequency\": 41, \"value\": 47.0}, \"48.0\": {\"frequency\": 49, \"value\": 48.0}, \"49.0\": {\"frequency\": 41, \"value\": 49.0}, \"50.0\": {\"frequency\": 34, \"value\": 50.0}, \"51.0\": {\"frequency\": 30, \"value\": 51.0}, \"52.0\": {\"frequency\": 33, \"value\": 52.0}, \"53.0\": {\"frequency\": 27, \"value\": 53.0}, \"54.0\": {\"frequency\": 30, \"value\": 54.0}, \"55.0\": {\"frequency\": 26, \"value\": 55.0}, \"56.0\": {\"frequency\": 28, \"value\": 56.0}, \"57.0\": {\"frequency\": 15, \"value\": 57.0}, \"58.0\": {\"frequency\": 30, \"value\": 58.0}, \"59.0\": {\"frequency\": 20, \"value\": 59.0}, \"60.0\": {\"frequency\": 15, \"value\": 60.0}, \"61.0\": {\"frequency\": 16, \"value\": 61.0}, \"62.0\": {\"frequency\": 12, \"value\": 62.0}, \"63.0\": {\"frequency\": 12, \"value\": 63.0}, \"64.0\": {\"frequency\": 7, \"value\": 64.0}, \"65.0\": {\"frequency\": 14, \"value\": 65.0}, \"66.0\": {\"frequency\": 5, \"value\": 66.0}, \"67.0\": {\"frequency\": 10, \"value\": 67.0}, \"68.0\": {\"frequency\": 10, \"value\": 68.0}, \"69.0\": {\"frequency\": 8, \"value\": 69.0}, \"70.0\": {\"frequency\": 9, \"value\": 70.0}, \"71.0\": {\"frequency\": 10, \"value\": 71.0}, \"72.0\": {\"frequency\": 5, \"value\": 72.0}, \"73.0\": {\"frequency\": 9, \"value\": 73.0}, \"74.0\": {\"frequency\": 3, \"value\": 74.0}, \"75.0\": {\"frequency\": 4, \"value\": 75.0}, \"76.0\": {\"frequency\": 5, \"value\": 76.0}, \"77.0\": {\"frequency\": 8, \"value\": 77.0}, \"78.0\": {\"frequency\": 4, \"value\": 78.0}, \"79.0\": {\"frequency\": 1, \"value\": 79.0}, \"80.0\": {\"frequency\": 4, \"value\": 80.0}, \"82.0\": {\"frequency\": 2, \"value\": 82.0}, \"84.0\": {\"frequency\": 2, \"value\": 84.0}, \"85.0\": {\"frequency\": 4, \"value\": 85.0}, \"86.0\": {\"frequency\": 1, \"value\": 86.0}, \"87.0\": {\"frequency\": 2, \"value\": 87.0}, \"88.0\": {\"frequency\": 2, \"value\": 88.0}, \"89.0\": {\"frequency\": 1, \"value\": 89.0}, \"92.0\": {\"frequency\": 3, \"value\": 92.0}, \"93.0\": {\"frequency\": 1, \"value\": 93.0}, \"94.0\": {\"frequency\": 1, \"value\": 94.0}, \"95.0\": {\"frequency\": 2, \"value\": 95.0}, \"97.0\": {\"frequency\": 1, \"value\": 97.0}, \"98.0\": {\"frequency\": 1, \"value\": 98.0}, \"99.0\": {\"frequency\": 1, \"value\": 99.0}, \"101.0\": {\"frequency\": 1, \"value\": 101.0}, \"104.0\": {\"frequency\": 1, \"value\": 104.0}, \"105.0\": {\"frequency\": 1, \"value\": 105.0}, \"127.0\": {\"frequency\": 1, \"value\": 127.0}, \"135.0\": {\"frequency\": 1, \"value\": 135.0}, \"198.0\": {\"frequency\": 2, \"value\": 198.0}}, \"mean\": 1.700956129884224}, \"complete\": true, \"num_undefined\": 0}}, \"selected_variable\": {\"name\": [\"movies_reviews_data\"], \"descriptives\": {\"rows\": 25000, \"columns\": 4}, \"view_component\": \"Summary\", \"view_file\": \"sframe\", \"view_params\": {\"y\": null, \"x\": null, \"columns\": [\"id\", \"sentiment\", \"review\", \"1grams features\"], \"view\": null}, \"view_components\": [\"Summary\", \"Table\", \"Bar Chart\", \"BoxWhisker Plot\", \"Line Chart\", \"Scatter Plot\", \"Heat Map\", \"Plots\"], \"type\": \"SFrame\", \"columns\": [{\"dtype\": \"str\", \"name\": \"id\"}, {\"dtype\": \"str\", \"name\": \"sentiment\"}, {\"dtype\": \"str\", \"name\": \"review\"}, {\"dtype\": \"dict\", \"name\": \"1grams features\"}], \"column_identifiers\": [\"review\", \"id\", \"sentiment\", \"1grams features\"]}, \"columns\": [{\"dtype\": \"str\", \"name\": \"id\"}, {\"dtype\": \"str\", \"name\": \"sentiment\"}, {\"dtype\": \"str\", \"name\": \"review\"}, {\"dtype\": \"dict\", \"name\": \"1grams features\"}]}, e);\n", " });\n", " })();\n", " " ] }, "metadata": {}, "output_type": "display_data" } ], "source": [ "movies_reviews_data.show(['review','1grams features'])" ] }, { "cell_type": "markdown", "metadata": { "slideshow": { "slide_type": "slide" } }, "source": [ "We are now ready to construct and evaluate the movie reviews sentiment classifier using the calculated above features. But first, to be able to perform a quick evaluation of the constructed classifier, we need to create labeled train and test datasets. We will create train and test datasets by randomly splitting the train dataset into two parts. The first part will contain 80% of the labeled train dataset and will be used as the training dataset, while the second part will contain 20% of the labeled train dataset and will be used as the testing dataset. We will create these two dataset by using the following command: " ] }, { "cell_type": "code", "execution_count": 11, "metadata": { "collapsed": false, "slideshow": { "slide_type": "fragment" } }, "outputs": [], "source": [ "train_set, test_set = movies_reviews_data.random_split(0.8, seed=5)" ] }, { "cell_type": "markdown", "metadata": { "slideshow": { "slide_type": "slide" } }, "source": [ "We are now ready to create a classifier using the following command:" ] }, { "cell_type": "code", "execution_count": 12, "metadata": { "collapsed": false, "slideshow": { "slide_type": "fragment" } }, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "PROGRESS: Creating a validation set from 5 percent of training data. This may take a while.\n", " You can set ``validation_set=None`` to disable validation tracking.\n", "\n", "PROGRESS: The following methods are available for this type of problem.\n", "PROGRESS: LogisticClassifier, SVMClassifier\n", "PROGRESS: The returned model will be chosen according to validation accuracy.\n" ] }, { "data": { "text/html": [ "
WARNING: The number of feature dimensions in this problem is very large in comparison with the number of examples. Unless an appropriate regularization value is set, this model may not provide accurate predictions for a validation/test set.
" ], "text/plain": [ "WARNING: The number of feature dimensions in this problem is very large in comparison with the number of examples. Unless an appropriate regularization value is set, this model may not provide accurate predictions for a validation/test set." ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
Logistic regression:
" ], "text/plain": [ "Logistic regression:" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
--------------------------------------------------------
" ], "text/plain": [ "--------------------------------------------------------" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
Number of examples          : 19086
" ], "text/plain": [ "Number of examples : 19086" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
Number of classes           : 2
" ], "text/plain": [ "Number of classes : 2" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
Number of feature columns   : 1
" ], "text/plain": [ "Number of feature columns : 1" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
Number of unpacked features : 79572
" ], "text/plain": [ "Number of unpacked features : 79572" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
Number of coefficients    : 79573
" ], "text/plain": [ "Number of coefficients : 79573" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
Starting L-BFGS
" ], "text/plain": [ "Starting L-BFGS" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
--------------------------------------------------------
" ], "text/plain": [ "--------------------------------------------------------" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
+-----------+----------+-----------+--------------+-------------------+---------------------+
" ], "text/plain": [ "+-----------+----------+-----------+--------------+-------------------+---------------------+" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
| Iteration | Passes   | Step size | Elapsed Time | Training-accuracy | Validation-accuracy |
" ], "text/plain": [ "| Iteration | Passes | Step size | Elapsed Time | Training-accuracy | Validation-accuracy |" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
+-----------+----------+-----------+--------------+-------------------+---------------------+
" ], "text/plain": [ "+-----------+----------+-----------+--------------+-------------------+---------------------+" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
| 1         | 3        | 0.000052  | 1.232199     | 0.952059          | 0.827309            |
" ], "text/plain": [ "| 1 | 3 | 0.000052 | 1.232199 | 0.952059 | 0.827309 |" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
| 2         | 5        | 1.000000  | 1.423616     | 0.976213          | 0.838353            |
" ], "text/plain": [ "| 2 | 5 | 1.000000 | 1.423616 | 0.976213 | 0.838353 |" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
| 3         | 6        | 1.000000  | 1.563964     | 0.992927          | 0.869478            |
" ], "text/plain": [ "| 3 | 6 | 1.000000 | 1.563964 | 0.992927 | 0.869478 |" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
| 4         | 7        | 1.000000  | 1.702105     | 0.994551          | 0.869478            |
" ], "text/plain": [ "| 4 | 7 | 1.000000 | 1.702105 | 0.994551 | 0.869478 |" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
| 5         | 8        | 1.000000  | 1.830307     | 0.991564          | 0.830321            |
" ], "text/plain": [ "| 5 | 8 | 1.000000 | 1.830307 | 0.991564 | 0.830321 |" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
| 6         | 9        | 1.000000  | 1.972189     | 0.998481          | 0.854418            |
" ], "text/plain": [ "| 6 | 9 | 1.000000 | 1.972189 | 0.998481 | 0.854418 |" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
| 10        | 13       | 1.000000  | 2.481239     | 0.999581          | 0.856426            |
" ], "text/plain": [ "| 10 | 13 | 1.000000 | 2.481239 | 0.999581 | 0.856426 |" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
+-----------+----------+-----------+--------------+-------------------+---------------------+
" ], "text/plain": [ "+-----------+----------+-----------+--------------+-------------------+---------------------+" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
TERMINATED: Iteration limit reached.
" ], "text/plain": [ "TERMINATED: Iteration limit reached." ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
This model may not be optimal. To improve it, consider increasing `max_iterations`.
" ], "text/plain": [ "This model may not be optimal. To improve it, consider increasing `max_iterations`." ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
WARNING: The number of feature dimensions in this problem is very large in comparison with the number of examples. Unless an appropriate regularization value is set, this model may not provide accurate predictions for a validation/test set.
" ], "text/plain": [ "WARNING: The number of feature dimensions in this problem is very large in comparison with the number of examples. Unless an appropriate regularization value is set, this model may not provide accurate predictions for a validation/test set." ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
SVM:
" ], "text/plain": [ "SVM:" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
--------------------------------------------------------
" ], "text/plain": [ "--------------------------------------------------------" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
Number of examples          : 19086
" ], "text/plain": [ "Number of examples : 19086" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
Number of classes           : 2
" ], "text/plain": [ "Number of classes : 2" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
Number of feature columns   : 1
" ], "text/plain": [ "Number of feature columns : 1" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
Number of unpacked features : 79572
" ], "text/plain": [ "Number of unpacked features : 79572" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
Number of coefficients    : 79573
" ], "text/plain": [ "Number of coefficients : 79573" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
Starting L-BFGS
" ], "text/plain": [ "Starting L-BFGS" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
--------------------------------------------------------
" ], "text/plain": [ "--------------------------------------------------------" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
+-----------+----------+-----------+--------------+-------------------+---------------------+
" ], "text/plain": [ "+-----------+----------+-----------+--------------+-------------------+---------------------+" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
| Iteration | Passes   | Step size | Elapsed Time | Training-accuracy | Validation-accuracy |
" ], "text/plain": [ "| Iteration | Passes | Step size | Elapsed Time | Training-accuracy | Validation-accuracy |" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
+-----------+----------+-----------+--------------+-------------------+---------------------+
" ], "text/plain": [ "+-----------+----------+-----------+--------------+-------------------+---------------------+" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
| 1         | 3        | 0.000052  | 0.248616     | 0.952059          | 0.827309            |
" ], "text/plain": [ "| 1 | 3 | 0.000052 | 0.248616 | 0.952059 | 0.827309 |" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
| 2         | 5        | 1.000000  | 0.479338     | 0.979147          | 0.849398            |
" ], "text/plain": [ "| 2 | 5 | 1.000000 | 0.479338 | 0.979147 | 0.849398 |" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
| 3         | 6        | 1.000000  | 0.626296     | 0.991617          | 0.858434            |
" ], "text/plain": [ "| 3 | 6 | 1.000000 | 0.626296 | 0.991617 | 0.858434 |" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
| 4         | 7        | 1.000000  | 0.772745     | 0.994446          | 0.859438            |
" ], "text/plain": [ "| 4 | 7 | 1.000000 | 0.772745 | 0.994446 | 0.859438 |" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
| 5         | 8        | 1.000000  | 0.909271     | 0.996752          | 0.857430            |
" ], "text/plain": [ "| 5 | 8 | 1.000000 | 0.909271 | 0.996752 | 0.857430 |" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
| 6         | 9        | 1.000000  | 1.031923     | 0.998481          | 0.855422            |
" ], "text/plain": [ "| 6 | 9 | 1.000000 | 1.031923 | 0.998481 | 0.855422 |" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
| 10        | 13       | 1.000000  | 1.532743     | 0.999790          | 0.859438            |
" ], "text/plain": [ "| 10 | 13 | 1.000000 | 1.532743 | 0.999790 | 0.859438 |" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
+-----------+----------+-----------+--------------+-------------------+---------------------+
" ], "text/plain": [ "+-----------+----------+-----------+--------------+-------------------+---------------------+" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
TERMINATED: Iteration limit reached.
" ], "text/plain": [ "TERMINATED: Iteration limit reached." ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
This model may not be optimal. To improve it, consider increasing `max_iterations`.
" ], "text/plain": [ "This model may not be optimal. To improve it, consider increasing `max_iterations`." ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "PROGRESS: Model selection based on validation accuracy:\n", "PROGRESS: ---------------------------------------------\n", "PROGRESS: LogisticClassifier : 0.856426\n", "PROGRESS: SVMClassifier : 0.859438\n", "PROGRESS: ---------------------------------------------\n", "PROGRESS: Selecting SVMClassifier based on validation set performance.\n" ] } ], "source": [ "model_1 = gl.classifier.create(train_set, target='sentiment', features=['1grams features'])" ] }, { "cell_type": "markdown", "metadata": { "slideshow": { "slide_type": "slide" } }, "source": [ "We can evaluate the performence of the classifier by evaluating it on the test dataset" ] }, { "cell_type": "code", "execution_count": 13, "metadata": { "collapsed": false, "slideshow": { "slide_type": "fragment" } }, "outputs": [], "source": [ "result1 = model_1.evaluate(test_set)" ] }, { "cell_type": "markdown", "metadata": { "slideshow": { "slide_type": "fragment" } }, "source": [ "In order to get an easy view of the classifier's prediction result, we define and use the following function" ] }, { "cell_type": "code", "execution_count": 14, "metadata": { "collapsed": false, "slideshow": { "slide_type": "slide" } }, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "******************************\n", "Accuracy : 0.871289141928\n", "Confusion Matrix: \n", "+--------------+-----------------+-------+\n", "| target_label | predicted_label | count |\n", "+--------------+-----------------+-------+\n", "| 0 | 1 | 373 |\n", "| 1 | 0 | 260 |\n", "| 1 | 1 | 2133 |\n", "| 0 | 0 | 2152 |\n", "+--------------+-----------------+-------+\n", "[4 rows x 3 columns]\n", "\n" ] } ], "source": [ "def print_statistics(result):\n", " print \"*\" * 30\n", " print \"Accuracy : \", result[\"accuracy\"]\n", " print \"Confusion Matrix: \\n\", result[\"confusion_matrix\"]\n", "print_statistics(result1)" ] }, { "cell_type": "markdown", "metadata": { "slideshow": { "slide_type": "fragment" } }, "source": [ "As can be seen in the results above, in just a few relatively straight foward lines of code, we have developed a sentiment classifier that has accuracy of about ~0.88. Next, we demonstrate how we can improve the classifier accuracy even more." ] }, { "cell_type": "markdown", "metadata": { "slideshow": { "slide_type": "slide" } }, "source": [ "## Improving The Classifier" ] }, { "cell_type": "markdown", "metadata": { "slideshow": { "slide_type": "fragment" } }, "source": [ "One way to improve the movie reviews sentiment classifier is to extract more meaningful features from the reviews. One method to add additional features, which might be meaningful, is to calculate the frequency of every two consecutive words in each review. To calculate the frequency of each two consecutive words in each review, as before, we will use GraphLab's count_ngrams function only this time we will set n to be equal 2 (n=2) to create new column named '2grams features'. " ] }, { "cell_type": "code", "execution_count": 15, "metadata": { "collapsed": false, "slideshow": { "slide_type": "fragment" } }, "outputs": [], "source": [ "movies_reviews_data['2grams features'] = gl.text_analytics.count_ngrams(movies_reviews_data['review'],2)" ] }, { "cell_type": "markdown", "metadata": { "slideshow": { "slide_type": "fragment" } }, "source": [ "As before, we will construct and evaluate a movie reviews sentiment classifier. However, this time we will use both the '1grams features' and the '2grams features' features" ] }, { "cell_type": "code", "execution_count": 16, "metadata": { "collapsed": false, "slideshow": { "slide_type": "slide" } }, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "PROGRESS: Creating a validation set from 5 percent of training data. This may take a while.\n", " You can set ``validation_set=None`` to disable validation tracking.\n", "\n", "PROGRESS: The following methods are available for this type of problem.\n", "PROGRESS: LogisticClassifier, SVMClassifier\n", "PROGRESS: The returned model will be chosen according to validation accuracy.\n" ] }, { "data": { "text/html": [ "
WARNING: The number of feature dimensions in this problem is very large in comparison with the number of examples. Unless an appropriate regularization value is set, this model may not provide accurate predictions for a validation/test set.
" ], "text/plain": [ "WARNING: The number of feature dimensions in this problem is very large in comparison with the number of examples. Unless an appropriate regularization value is set, this model may not provide accurate predictions for a validation/test set." ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
Logistic regression:
" ], "text/plain": [ "Logistic regression:" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
--------------------------------------------------------
" ], "text/plain": [ "--------------------------------------------------------" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
Number of examples          : 19090
" ], "text/plain": [ "Number of examples : 19090" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
Number of classes           : 2
" ], "text/plain": [ "Number of classes : 2" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
Number of feature columns   : 2
" ], "text/plain": [ "Number of feature columns : 2" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
Number of unpacked features : 1250968
" ], "text/plain": [ "Number of unpacked features : 1250968" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
Number of coefficients    : 1250969
" ], "text/plain": [ "Number of coefficients : 1250969" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
Starting L-BFGS
" ], "text/plain": [ "Starting L-BFGS" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
--------------------------------------------------------
" ], "text/plain": [ "--------------------------------------------------------" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
+-----------+----------+-----------+--------------+-------------------+---------------------+
" ], "text/plain": [ "+-----------+----------+-----------+--------------+-------------------+---------------------+" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
| Iteration | Passes   | Step size | Elapsed Time | Training-accuracy | Validation-accuracy |
" ], "text/plain": [ "| Iteration | Passes | Step size | Elapsed Time | Training-accuracy | Validation-accuracy |" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
+-----------+----------+-----------+--------------+-------------------+---------------------+
" ], "text/plain": [ "+-----------+----------+-----------+--------------+-------------------+---------------------+" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
| 1         | 3        | 0.000052  | 1.267203     | 0.999371          | 0.870968            |
" ], "text/plain": [ "| 1 | 3 | 0.000052 | 1.267203 | 0.999371 | 0.870968 |" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
| 2         | 5        | 1.000000  | 1.929151     | 0.999948          | 0.873992            |
" ], "text/plain": [ "| 2 | 5 | 1.000000 | 1.929151 | 0.999948 | 0.873992 |" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
| 3         | 6        | 1.000000  | 2.360512     | 1.000000          | 0.873992            |
" ], "text/plain": [ "| 3 | 6 | 1.000000 | 2.360512 | 1.000000 | 0.873992 |" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
| 4         | 7        | 1.000000  | 2.781087     | 1.000000          | 0.873992            |
" ], "text/plain": [ "| 4 | 7 | 1.000000 | 2.781087 | 1.000000 | 0.873992 |" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
| 5         | 8        | 1.000000  | 3.199126     | 1.000000          | 0.872984            |
" ], "text/plain": [ "| 5 | 8 | 1.000000 | 3.199126 | 1.000000 | 0.872984 |" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
| 6         | 9        | 1.000000  | 3.639813     | 1.000000          | 0.873992            |
" ], "text/plain": [ "| 6 | 9 | 1.000000 | 3.639813 | 1.000000 | 0.873992 |" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
| 10        | 13       | 1.000000  | 5.380687     | 1.000000          | 0.876008            |
" ], "text/plain": [ "| 10 | 13 | 1.000000 | 5.380687 | 1.000000 | 0.876008 |" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
+-----------+----------+-----------+--------------+-------------------+---------------------+
" ], "text/plain": [ "+-----------+----------+-----------+--------------+-------------------+---------------------+" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
TERMINATED: Iteration limit reached.
" ], "text/plain": [ "TERMINATED: Iteration limit reached." ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
This model may not be optimal. To improve it, consider increasing `max_iterations`.
" ], "text/plain": [ "This model may not be optimal. To improve it, consider increasing `max_iterations`." ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
WARNING: The number of feature dimensions in this problem is very large in comparison with the number of examples. Unless an appropriate regularization value is set, this model may not provide accurate predictions for a validation/test set.
" ], "text/plain": [ "WARNING: The number of feature dimensions in this problem is very large in comparison with the number of examples. Unless an appropriate regularization value is set, this model may not provide accurate predictions for a validation/test set." ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
SVM:
" ], "text/plain": [ "SVM:" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
--------------------------------------------------------
" ], "text/plain": [ "--------------------------------------------------------" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
Number of examples          : 19090
" ], "text/plain": [ "Number of examples : 19090" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
Number of classes           : 2
" ], "text/plain": [ "Number of classes : 2" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
Number of feature columns   : 2
" ], "text/plain": [ "Number of feature columns : 2" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
Number of unpacked features : 1250968
" ], "text/plain": [ "Number of unpacked features : 1250968" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
Number of coefficients    : 1250969
" ], "text/plain": [ "Number of coefficients : 1250969" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
Starting L-BFGS
" ], "text/plain": [ "Starting L-BFGS" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
--------------------------------------------------------
" ], "text/plain": [ "--------------------------------------------------------" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
+-----------+----------+-----------+--------------+-------------------+---------------------+
" ], "text/plain": [ "+-----------+----------+-----------+--------------+-------------------+---------------------+" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
| Iteration | Passes   | Step size | Elapsed Time | Training-accuracy | Validation-accuracy |
" ], "text/plain": [ "| Iteration | Passes | Step size | Elapsed Time | Training-accuracy | Validation-accuracy |" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
+-----------+----------+-----------+--------------+-------------------+---------------------+
" ], "text/plain": [ "+-----------+----------+-----------+--------------+-------------------+---------------------+" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
| 1         | 3        | 0.000052  | 1.245959     | 0.999371          | 0.870968            |
" ], "text/plain": [ "| 1 | 3 | 0.000052 | 1.245959 | 0.999371 | 0.870968 |" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
| 2         | 5        | 1.000000  | 1.891704     | 1.000000          | 0.872984            |
" ], "text/plain": [ "| 2 | 5 | 1.000000 | 1.891704 | 1.000000 | 0.872984 |" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
| 3         | 6        | 1.000000  | 2.274656     | 1.000000          | 0.872984            |
" ], "text/plain": [ "| 3 | 6 | 1.000000 | 2.274656 | 1.000000 | 0.872984 |" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
| 4         | 9        | 0.500000  | 3.099565     | 1.000000          | 0.872984            |
" ], "text/plain": [ "| 4 | 9 | 0.500000 | 3.099565 | 1.000000 | 0.872984 |" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
| 5         | 14       | 0.122344  | 4.326892     | 1.000000          | 0.872984            |
" ], "text/plain": [ "| 5 | 14 | 0.122344 | 4.326892 | 1.000000 | 0.872984 |" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
| 6         | 17       | 0.500000  | 5.184945     | 1.000000          | 0.875000            |
" ], "text/plain": [ "| 6 | 17 | 0.500000 | 5.184945 | 1.000000 | 0.875000 |" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
| 10        | 22       | 1.000000  | 7.070746     | 1.000000          | 0.875000            |
" ], "text/plain": [ "| 10 | 22 | 1.000000 | 7.070746 | 1.000000 | 0.875000 |" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
+-----------+----------+-----------+--------------+-------------------+---------------------+
" ], "text/plain": [ "+-----------+----------+-----------+--------------+-------------------+---------------------+" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
TERMINATED: Iteration limit reached.
" ], "text/plain": [ "TERMINATED: Iteration limit reached." ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
This model may not be optimal. To improve it, consider increasing `max_iterations`.
" ], "text/plain": [ "This model may not be optimal. To improve it, consider increasing `max_iterations`." ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "PROGRESS: Model selection based on validation accuracy:\n", "PROGRESS: ---------------------------------------------\n", "PROGRESS: LogisticClassifier : 0.876008\n", "PROGRESS: SVMClassifier : 0.875\n", "PROGRESS: ---------------------------------------------\n", "PROGRESS: Selecting LogisticClassifier based on validation set performance.\n", "******************************\n", "Accuracy : 0.877999186661\n", "Confusion Matrix: \n", "+--------------+-----------------+-------+\n", "| target_label | predicted_label | count |\n", "+--------------+-----------------+-------+\n", "| 0 | 1 | 382 |\n", "| 0 | 0 | 2143 |\n", "| 1 | 1 | 2175 |\n", "| 1 | 0 | 218 |\n", "+--------------+-----------------+-------+\n", "[4 rows x 3 columns]\n", "\n" ] } ], "source": [ "train_set, test_set = movies_reviews_data.random_split(0.8, seed=5)\n", "model_2 = gl.classifier.create(train_set, target='sentiment', features=['1grams features','2grams features'])\n", "result2 = model_2.evaluate(test_set)\n", "print_statistics(result2)" ] }, { "cell_type": "markdown", "metadata": { "slideshow": { "slide_type": "slide" } }, "source": [ "Indeed, the new constructed classifier seems to be more accurate with an accuracy of about ~0.9." ] }, { "cell_type": "markdown", "metadata": { "slideshow": { "slide_type": "fragment" } }, "source": [ "## Unlabeled Test File" ] }, { "cell_type": "markdown", "metadata": { "slideshow": { "slide_type": "fragment" } }, "source": [ "To test how well the presented method works, we will use all the 25,000 labeled IMDB movie reviews in the train dataset to construct a classifier. Afterwards, we will utilize the constructed classifier to predict sentiment for each review in the unlabeled dataset. Lastly, we will create a submission file according to Kaggle's guidelines and submit it. " ] }, { "cell_type": "code", "execution_count": 18, "metadata": { "collapsed": false, "slideshow": { "slide_type": "slide" } }, "outputs": [ { "data": { "text/html": [ "
Finished parsing file /Users/chengjun/bigdata/kaggle_popcorn_data/labeledTrainData.tsv
" ], "text/plain": [ "Finished parsing file /Users/chengjun/bigdata/kaggle_popcorn_data/labeledTrainData.tsv" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
Parsing completed. Parsed 100 lines in 0.338055 secs.
" ], "text/plain": [ "Parsing completed. Parsed 100 lines in 0.338055 secs." ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
Finished parsing file /Users/chengjun/bigdata/kaggle_popcorn_data/labeledTrainData.tsv
" ], "text/plain": [ "Finished parsing file /Users/chengjun/bigdata/kaggle_popcorn_data/labeledTrainData.tsv" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
Parsing completed. Parsed 25000 lines in 0.717243 secs.
" ], "text/plain": [ "Parsing completed. Parsed 25000 lines in 0.717243 secs." ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "PROGRESS: Creating a validation set from 5 percent of training data. This may take a while.\n", " You can set ``validation_set=None`` to disable validation tracking.\n", "\n", "PROGRESS: The following methods are available for this type of problem.\n", "PROGRESS: LogisticClassifier, SVMClassifier\n", "PROGRESS: The returned model will be chosen according to validation accuracy.\n" ] }, { "data": { "text/html": [ "
WARNING: The number of feature dimensions in this problem is very large in comparison with the number of examples. Unless an appropriate regularization value is set, this model may not provide accurate predictions for a validation/test set.
" ], "text/plain": [ "WARNING: The number of feature dimensions in this problem is very large in comparison with the number of examples. Unless an appropriate regularization value is set, this model may not provide accurate predictions for a validation/test set." ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
Logistic regression:
" ], "text/plain": [ "Logistic regression:" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
--------------------------------------------------------
" ], "text/plain": [ "--------------------------------------------------------" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
Number of examples          : 23844
" ], "text/plain": [ "Number of examples : 23844" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
Number of classes           : 2
" ], "text/plain": [ "Number of classes : 2" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
Number of feature columns   : 2
" ], "text/plain": [ "Number of feature columns : 2" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
Number of unpacked features : 1462145
" ], "text/plain": [ "Number of unpacked features : 1462145" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
Number of coefficients    : 1462146
" ], "text/plain": [ "Number of coefficients : 1462146" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
Starting L-BFGS
" ], "text/plain": [ "Starting L-BFGS" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
--------------------------------------------------------
" ], "text/plain": [ "--------------------------------------------------------" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
+-----------+----------+-----------+--------------+-------------------+---------------------+
" ], "text/plain": [ "+-----------+----------+-----------+--------------+-------------------+---------------------+" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
| Iteration | Passes   | Step size | Elapsed Time | Training-accuracy | Validation-accuracy |
" ], "text/plain": [ "| Iteration | Passes | Step size | Elapsed Time | Training-accuracy | Validation-accuracy |" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
+-----------+----------+-----------+--------------+-------------------+---------------------+
" ], "text/plain": [ "+-----------+----------+-----------+--------------+-------------------+---------------------+" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
| 1         | 3        | 0.000042  | 1.466170     | 0.999245          | 0.881488            |
" ], "text/plain": [ "| 1 | 3 | 0.000042 | 1.466170 | 0.999245 | 0.881488 |" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
| 2         | 5        | 1.000000  | 2.347697     | 0.999916          | 0.883218            |
" ], "text/plain": [ "| 2 | 5 | 1.000000 | 2.347697 | 0.999916 | 0.883218 |" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
| 3         | 6        | 1.000000  | 2.824746     | 0.999958          | 0.884083            |
" ], "text/plain": [ "| 3 | 6 | 1.000000 | 2.824746 | 0.999958 | 0.884083 |" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
| 4         | 7        | 1.000000  | 3.288165     | 0.999958          | 0.884083            |
" ], "text/plain": [ "| 4 | 7 | 1.000000 | 3.288165 | 0.999958 | 0.884083 |" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
| 5         | 8        | 1.000000  | 3.764018     | 1.000000          | 0.884083            |
" ], "text/plain": [ "| 5 | 8 | 1.000000 | 3.764018 | 1.000000 | 0.884083 |" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
| 6         | 9        | 1.000000  | 4.244311     | 1.000000          | 0.884948            |
" ], "text/plain": [ "| 6 | 9 | 1.000000 | 4.244311 | 1.000000 | 0.884948 |" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
| 10        | 13       | 1.000000  | 6.174290     | 1.000000          | 0.889273            |
" ], "text/plain": [ "| 10 | 13 | 1.000000 | 6.174290 | 1.000000 | 0.889273 |" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
+-----------+----------+-----------+--------------+-------------------+---------------------+
" ], "text/plain": [ "+-----------+----------+-----------+--------------+-------------------+---------------------+" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
TERMINATED: Iteration limit reached.
" ], "text/plain": [ "TERMINATED: Iteration limit reached." ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
This model may not be optimal. To improve it, consider increasing `max_iterations`.
" ], "text/plain": [ "This model may not be optimal. To improve it, consider increasing `max_iterations`." ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
WARNING: The number of feature dimensions in this problem is very large in comparison with the number of examples. Unless an appropriate regularization value is set, this model may not provide accurate predictions for a validation/test set.
" ], "text/plain": [ "WARNING: The number of feature dimensions in this problem is very large in comparison with the number of examples. Unless an appropriate regularization value is set, this model may not provide accurate predictions for a validation/test set." ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
SVM:
" ], "text/plain": [ "SVM:" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
--------------------------------------------------------
" ], "text/plain": [ "--------------------------------------------------------" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
Number of examples          : 23844
" ], "text/plain": [ "Number of examples : 23844" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
Number of classes           : 2
" ], "text/plain": [ "Number of classes : 2" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
Number of feature columns   : 2
" ], "text/plain": [ "Number of feature columns : 2" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
Number of unpacked features : 1462145
" ], "text/plain": [ "Number of unpacked features : 1462145" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
Number of coefficients    : 1462146
" ], "text/plain": [ "Number of coefficients : 1462146" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
Starting L-BFGS
" ], "text/plain": [ "Starting L-BFGS" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
--------------------------------------------------------
" ], "text/plain": [ "--------------------------------------------------------" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
+-----------+----------+-----------+--------------+-------------------+---------------------+
" ], "text/plain": [ "+-----------+----------+-----------+--------------+-------------------+---------------------+" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
| Iteration | Passes   | Step size | Elapsed Time | Training-accuracy | Validation-accuracy |
" ], "text/plain": [ "| Iteration | Passes | Step size | Elapsed Time | Training-accuracy | Validation-accuracy |" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
+-----------+----------+-----------+--------------+-------------------+---------------------+
" ], "text/plain": [ "+-----------+----------+-----------+--------------+-------------------+---------------------+" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
| 1         | 3        | 0.000042  | 1.313444     | 0.999245          | 0.881488            |
" ], "text/plain": [ "| 1 | 3 | 0.000042 | 1.313444 | 0.999245 | 0.881488 |" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
| 2         | 5        | 1.000000  | 2.027317     | 0.999958          | 0.881488            |
" ], "text/plain": [ "| 2 | 5 | 1.000000 | 2.027317 | 0.999958 | 0.881488 |" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
| 3         | 6        | 1.000000  | 2.450779     | 0.999958          | 0.881488            |
" ], "text/plain": [ "| 3 | 6 | 1.000000 | 2.450779 | 0.999958 | 0.881488 |" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
| 4         | 7        | 1.000000  | 2.903942     | 0.943801          | 0.756055            |
" ], "text/plain": [ "| 4 | 7 | 1.000000 | 2.903942 | 0.943801 | 0.756055 |" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
| 5         | 9        | 1.000000  | 3.688578     | 1.000000          | 0.881488            |
" ], "text/plain": [ "| 5 | 9 | 1.000000 | 3.688578 | 1.000000 | 0.881488 |" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
| 6         | 10       | 1.000000  | 4.135294     | 1.000000          | 0.881488            |
" ], "text/plain": [ "| 6 | 10 | 1.000000 | 4.135294 | 1.000000 | 0.881488 |" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
| 10        | 15       | 1.000000  | 6.383284     | 1.000000          | 0.883218            |
" ], "text/plain": [ "| 10 | 15 | 1.000000 | 6.383284 | 1.000000 | 0.883218 |" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
+-----------+----------+-----------+--------------+-------------------+---------------------+
" ], "text/plain": [ "+-----------+----------+-----------+--------------+-------------------+---------------------+" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
TERMINATED: Iteration limit reached.
" ], "text/plain": [ "TERMINATED: Iteration limit reached." ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
This model may not be optimal. To improve it, consider increasing `max_iterations`.
" ], "text/plain": [ "This model may not be optimal. To improve it, consider increasing `max_iterations`." ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "PROGRESS: Model selection based on validation accuracy:\n", "PROGRESS: ---------------------------------------------\n", "PROGRESS: LogisticClassifier : 0.889273\n", "PROGRESS: SVMClassifier : 0.883218\n", "PROGRESS: ---------------------------------------------\n", "PROGRESS: Selecting LogisticClassifier based on validation set performance.\n" ] }, { "data": { "text/html": [ "
Finished parsing file /Users/chengjun/bigdata/kaggle_popcorn_data/testData.tsv
" ], "text/plain": [ "Finished parsing file /Users/chengjun/bigdata/kaggle_popcorn_data/testData.tsv" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
Parsing completed. Parsed 100 lines in 0.380951 secs.
" ], "text/plain": [ "Parsing completed. Parsed 100 lines in 0.380951 secs." ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
Finished parsing file /Users/chengjun/bigdata/kaggle_popcorn_data/testData.tsv
" ], "text/plain": [ "Finished parsing file /Users/chengjun/bigdata/kaggle_popcorn_data/testData.tsv" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "text/html": [ "
Parsing completed. Parsed 25000 lines in 0.702372 secs.
" ], "text/plain": [ "Parsing completed. Parsed 25000 lines in 0.702372 secs." ] }, "metadata": {}, "output_type": "display_data" } ], "source": [ "traindata_path = \"/Users/chengjun/bigdata/kaggle_popcorn_data/labeledTrainData.tsv\"\n", "testdata_path = \"/Users/chengjun/bigdata/kaggle_popcorn_data/testData.tsv\"\n", "#creating classifier using all 25,000 reviews\n", "train_data = gl.SFrame.read_csv(traindata_path,header=True, delimiter='\\t',quote_char='\"', \n", " column_type_hints = {'id':str, 'sentiment' : int, 'review':str } )\n", "train_data['1grams features'] = gl.text_analytics.count_ngrams(train_data['review'],1)\n", "train_data['2grams features'] = gl.text_analytics.count_ngrams(train_data['review'],2)\n", "\n", "cls = gl.classifier.create(train_data, target='sentiment', features=['1grams features','2grams features'])\n", "#creating the test dataset\n", "test_data = gl.SFrame.read_csv(testdata_path,header=True, delimiter='\\t',quote_char='\"', \n", " column_type_hints = {'id':str, 'review':str } )\n", "test_data['1grams features'] = gl.text_analytics.count_ngrams(test_data['review'],1)\n", "test_data['2grams features'] = gl.text_analytics.count_ngrams(test_data['review'],2)\n", "\n", "#predicting the sentiment of each review in the test dataset\n", "test_data['sentiment'] = cls.classify(test_data)['class'].astype(int)\n", "\n", "#saving the prediction to a CSV for submission\n", "test_data[['id','sentiment']].save(\"/Users/chengjun/bigdata/kaggle_popcorn_data/predictions.csv\", format=\"csv\")" ] }, { "cell_type": "markdown", "metadata": { "slideshow": { "slide_type": "slide" } }, "source": [ "We then submitted the predictions.csv file to the Kaggle challange website and scored AUC of about 0.88." ] }, { "cell_type": "markdown", "metadata": { "slideshow": { "slide_type": "fragment" } }, "source": [ "## Further Readings" ] }, { "cell_type": "markdown", "metadata": { "slideshow": { "slide_type": "fragment" } }, "source": [ "Further reading materials can be found in the following links:\n", "\n", "http://en.wikipedia.org/wiki/Bag-of-words_model\n", "\n", "https://dato.com/products/create/docs/generated/graphlab.SFrame.html\n", "\n", "https://dato.com/products/create/docs/graphlab.toolkits.classifier.html\n", "\n", "https://www.kaggle.com/c/word2vec-nlp-tutorial/details/part-1-for-beginners-bag-of-words\n", "\n", "Andrew L. Maas, Raymond E. Daly, Peter T. Pham, Dan Huang, Andrew Y. Ng, and Christopher Potts. (2011). \"Learning Word Vectors for Sentiment Analysis.\" The 49th Annual Meeting of the Association for Computational Linguistics (ACL 2011).\n" ] } ], "metadata": { "celltoolbar": "Slideshow", "kernelspec": { "display_name": "Python 2", "language": "python", "name": "python2" }, "language_info": { "codemirror_mode": { "name": "ipython", "version": 2 }, "file_extension": ".py", "mimetype": "text/x-python", "name": "python", "nbconvert_exporter": "python", "pygments_lexer": "ipython2", "version": "2.7.11" } }, "nbformat": 4, "nbformat_minor": 0 }